From 6c76f1ed50ea6ce2c69291e4aa117bca49156e44 Mon Sep 17 00:00:00 2001 From: frillecode Date: Tue, 18 Oct 2022 12:35:29 +0200 Subject: [PATCH 1/6] update with changes from main --- .../preprocessing/default_preprocessing.yaml | 8 ++++++-- .../{ => preprocessing}/feature_transformers.py | 0 src/psycopt2d/train_model.py | 17 ++++++++++++++++- tests/test_train_model.py | 16 +++++++++++++++- 4 files changed, 37 insertions(+), 4 deletions(-) rename src/psycopt2d/{ => preprocessing}/feature_transformers.py (100%) diff --git a/src/psycopt2d/config/preprocessing/default_preprocessing.yaml b/src/psycopt2d/config/preprocessing/default_preprocessing.yaml index 297e2b7b..eab04151 100644 --- a/src/psycopt2d/config/preprocessing/default_preprocessing.yaml +++ b/src/psycopt2d/config/preprocessing/default_preprocessing.yaml @@ -1,4 +1,8 @@ convert_to_boolean: False # (Boolean): Convert all prediction values (except gender) to boolean. Defaults to False -convert_datetimes_to: False # (str): Options include ordinal or False +convert_datetimes_to: False # (str): Options include ordinal or False imputation_method: "most_frequent" # (str): Options include 2most_frequent" -transform: null # (str|null): Transformation applied to all predictors after imputation. Options include "z-score-normalization" \ No newline at end of file +transform: null # (str|null): Transformation applied to all predictors after imputation. Options include "z-score-normalization" +feature_selection_method: null +feature_selection_params: + C: 1.0 # (float): For feature_selection_method=linear-svc. Regularization parameter - the smaller the C, the fewer features selected. Must be strictly positive. Defaults to 1.0 + percentile: 10 # (int): For feature_selection_method=f_classif. Percent of features to keep. Defaults to 10. diff --git a/src/psycopt2d/feature_transformers.py b/src/psycopt2d/preprocessing/feature_transformers.py similarity index 100% rename from src/psycopt2d/feature_transformers.py rename to src/psycopt2d/preprocessing/feature_transformers.py diff --git a/src/psycopt2d/train_model.py b/src/psycopt2d/train_model.py index 1679f201..a5f01987 100644 --- a/src/psycopt2d/train_model.py +++ b/src/psycopt2d/train_model.py @@ -1,4 +1,5 @@ """Training script for training a single model for predicting t2d.""" +from logging import raiseExceptions import os from collections.abc import Iterable from datetime import datetime @@ -15,10 +16,13 @@ from sklearn.model_selection import StratifiedGroupKFold from sklearn.pipeline import Pipeline from sklearn.preprocessing import StandardScaler +from sklearn.feature_selection import SelectFromModel, SelectPercentile, f_classif +from sklearn.svm import LinearSVC from wasabi import Printer from psycopt2d.evaluation import evaluate_model -from psycopt2d.feature_transformers import ConvertToBoolean, DateTimeConverter +from psycopt2d.preprocessing.feature_transformers import ConvertToBoolean, DateTimeConverter +#from psycopt2d.preprocessing.feature_selection import FeatureSelection from psycopt2d.load import load_dataset_with_config from psycopt2d.models import MODELS from psycopt2d.utils import create_wandb_folders, flatten_nested_dict @@ -55,6 +59,17 @@ def create_preprocessing_pipeline(cfg): ("z-score-normalization", StandardScaler()), ) + if cfg.preprocessing.feature_selection_method == "linear-svc": + steps.append( + ("feature_selection", SelectFromModel(LinearSVC(C = cfg.preprocessing.feature_selection_params.C, penalty="l2", dual=False))), + ) + + if cfg.preprocessing.feature_selection_method == "f_classif": + steps.append( + ("feature_selection", SelectPercentile(f_classif, percentile = cfg.preprocessing.feature_selection_params.percentile)), + ) + + return Pipeline(steps) diff --git a/tests/test_train_model.py b/tests/test_train_model.py index 76217236..5f79ed41 100644 --- a/tests/test_train_model.py +++ b/tests/test_train_model.py @@ -37,7 +37,7 @@ def test_crossvalidation(): with initialize(version_base=None, config_path="../src/psycopt2d/config/"): cfg = compose( config_name="integration_testing.yaml", - overrides=["+model=logistic-regression", "+data.n_splits=2"], + overrides=["+model=logistic-regression", "+training.n_splits=2"], ) main(cfg) @@ -53,3 +53,17 @@ def test_min_prediction_time_date(): ], ) main(cfg) + + +def test_feature_selection(): + """Test feature selection""" + with initialize(version_base=None, config_path="../src/psycopt2d/config/"): + cfg = compose( + config_name="integration_testing.yaml", + overrides=[ + "+model=logistic-regression", + "++preprocessing.feature_selection_method=linear-svc", + "++preprocessing.feature_selection_params.C=0.01", + ], + ) + main(cfg) \ No newline at end of file From 8c087d74d83991ae668f98470e411e86bb0471be Mon Sep 17 00:00:00 2001 From: frillecode Date: Thu, 20 Oct 2022 15:59:59 +0200 Subject: [PATCH 2/6] feat: added methods for feature selection --- .../preprocessing/default_preprocessing.yaml | 3 +-- .../config/project/default_project.yaml | 3 ++- .../project/integration_test_project.yaml | 3 ++- .../config/project/overtaci_test_project.yaml | 3 ++- src/psycopt2d/evaluation.py | 17 ++++++++++++++-- src/psycopt2d/tables/tables.py | 18 +++++++++++++++++ src/psycopt2d/train_model.py | 20 ++++++++++--------- tests/test_train_model.py | 16 +++++++++------ 8 files changed, 61 insertions(+), 22 deletions(-) diff --git a/src/psycopt2d/config/preprocessing/default_preprocessing.yaml b/src/psycopt2d/config/preprocessing/default_preprocessing.yaml index eab04151..0d33340a 100644 --- a/src/psycopt2d/config/preprocessing/default_preprocessing.yaml +++ b/src/psycopt2d/config/preprocessing/default_preprocessing.yaml @@ -4,5 +4,4 @@ imputation_method: "most_frequent" # (str): Options include 2most_frequent" transform: null # (str|null): Transformation applied to all predictors after imputation. Options include "z-score-normalization" feature_selection_method: null feature_selection_params: - C: 1.0 # (float): For feature_selection_method=linear-svc. Regularization parameter - the smaller the C, the fewer features selected. Must be strictly positive. Defaults to 1.0 - percentile: 10 # (int): For feature_selection_method=f_classif. Percent of features to keep. Defaults to 10. + percentile: 10 # (int): Percent of features to keep. Defaults to 10. diff --git a/src/psycopt2d/config/project/default_project.yaml b/src/psycopt2d/config/project/default_project.yaml index f3684005..a40240dc 100644 --- a/src/psycopt2d/config/project/default_project.yaml +++ b/src/psycopt2d/config/project/default_project.yaml @@ -1,3 +1,4 @@ name: psycop-t2d seed: 42 -wandb_mode: "run" # Which mode to run WanDB in. Takes "run", "dryrun", "offline" and "disabled" \ No newline at end of file +wandb_mode: "run" # Which mode to run WanDB in. Takes "run", "dryrun", "offline" and "disabled" +wandb_entity: "psycop" # Optional[str] diff --git a/src/psycopt2d/config/project/integration_test_project.yaml b/src/psycopt2d/config/project/integration_test_project.yaml index b3d29e04..e6ad4b7a 100644 --- a/src/psycopt2d/config/project/integration_test_project.yaml +++ b/src/psycopt2d/config/project/integration_test_project.yaml @@ -1,3 +1,4 @@ name: psycop-t2d-integration-testing seed: 42 -wandb_mode: "disabled" # Which mode to run WanDB in. Takes "run", "dryrun", "offline" and "disabled" \ No newline at end of file +wandb_mode: "disabled" # Which mode to run WanDB in. Takes "run", "dryrun", "offline" and "disabled" +wandb_entity: "psycop" # Optional[str] diff --git a/src/psycopt2d/config/project/overtaci_test_project.yaml b/src/psycopt2d/config/project/overtaci_test_project.yaml index 22dedaeb..373e19af 100644 --- a/src/psycopt2d/config/project/overtaci_test_project.yaml +++ b/src/psycopt2d/config/project/overtaci_test_project.yaml @@ -1,3 +1,4 @@ name: psycop-t2d-testing seed: 42 -wandb_mode: "run" # Which mode to run WanDB in. Takes "run", "dryrun", "offline" and "disabled" \ No newline at end of file +wandb_mode: "run" # Which mode to run WanDB in. Takes "run", "dryrun", "offline" and "disabled" +wandb_entity: "psycop" # Optional[str] diff --git a/src/psycopt2d/evaluation.py b/src/psycopt2d/evaluation.py index aa90e6a0..09a220cd 100644 --- a/src/psycopt2d/evaluation.py +++ b/src/psycopt2d/evaluation.py @@ -5,6 +5,7 @@ import numpy as np import pandas as pd +import wandb from omegaconf.dictconfig import DictConfig from sklearn.metrics import recall_score, roc_auc_score from sklearn.pipeline import Pipeline @@ -15,6 +16,7 @@ from psycopt2d.tables.performance_by_threshold import ( generate_performance_by_positive_rate_table, ) +from psycopt2d.tables.tables import feature_selection_table from psycopt2d.utils import ( AUC_LOGGING_FILE_PATH, PROJECT_ROOT, @@ -119,6 +121,15 @@ def evaluate_model( outcome_timestamps = eval_df[cfg.data.outcome_timestamp_col_name] pred_timestamps = eval_df[cfg.data.pred_timestamp_col_name] y_hat_int = np.round(y_hat_probs, 0) + + if 'feature_selection' in pipe["preprocessing"].named_steps: + selected_features = eval_df[train_col_names].columns[pipe["preprocessing"]["feature_selection"].get_support()].to_list() + + run.log({"feature_selection_table": feature_selection_table( + feature_names=train_col_names, + selected_feature_names=selected_features, + )}) + first_visit_timestamp = eval_df.groupby(cfg.data.id_col_name)[ cfg.data.pred_timestamp_col_name @@ -130,8 +141,10 @@ def evaluate_model( ) msg.info(f"AUC: {auc}") - run.log({"roc_auc_unweighted": auc}) - run.log({"1_minus_roc_auc_unweighted": 1 - auc}) + run.log({ + "roc_auc_unweighted": auc, + "1_minus_roc_auc_unweighted": 1 - auc, + }) log_auc_to_file(cfg, run=run, auc=auc) diff --git a/src/psycopt2d/tables/tables.py b/src/psycopt2d/tables/tables.py index bb17eaae..a094f575 100644 --- a/src/psycopt2d/tables/tables.py +++ b/src/psycopt2d/tables/tables.py @@ -98,3 +98,21 @@ def generate_feature_importances_table( return wandb.Table(dataframe=df) else: raise ValueError("Output format does not match anything that is allowed") + +def feature_selection_table( + feature_names: Iterable[str], + selected_feature_names: Iterable[str], + output_format: str = "wandb_table", +) -> Union[pd.DataFrame, wandb.Table]: + + df = pd.DataFrame({"train_col_names": feature_names, "is_removed": [0 if i in selected_feature_names else 1 for i in feature_names]}) + + # Refactor, this control flow is identical to the function above. Unify into something like "log_df_as_wandb_table". + if output_format == "html": + return df.reset_index(drop=True).to_html() + elif output_format == "df": + return df.reset_index(drop=True) + elif output_format == "wandb_table": + return wandb.Table(dataframe=df) + else: + raise ValueError("Output format does not match anything that is allowed") \ No newline at end of file diff --git a/src/psycopt2d/train_model.py b/src/psycopt2d/train_model.py index 21dd5ca4..f4a4e6b1 100644 --- a/src/psycopt2d/train_model.py +++ b/src/psycopt2d/train_model.py @@ -1,8 +1,8 @@ """Training script for training a single model for predicting t2d.""" -from logging import raiseExceptions import os from collections.abc import Iterable from datetime import datetime +from logging import raiseExceptions from pathlib import Path from typing import Optional @@ -11,19 +11,22 @@ import pandas as pd import wandb from omegaconf.dictconfig import DictConfig +from sklearn.feature_selection import SelectFromModel, SelectPercentile, chi2, f_classif from sklearn.impute import SimpleImputer from sklearn.metrics import roc_auc_score from sklearn.model_selection import StratifiedGroupKFold from sklearn.pipeline import Pipeline from sklearn.preprocessing import StandardScaler -from sklearn.feature_selection import SelectFromModel, SelectPercentile, f_classif from sklearn.svm import LinearSVC from wasabi import Printer from psycopt2d.evaluation import evaluate_model -from psycopt2d.preprocessing.feature_transformers import ConvertToBoolean, DateTimeConverter from psycopt2d.load import load_train_and_val_from_cfg from psycopt2d.models import MODELS +from psycopt2d.preprocessing.feature_transformers import ( + ConvertToBoolean, + DateTimeConverter, +) from psycopt2d.utils import create_wandb_folders, flatten_nested_dict CONFIG_PATH = Path(__file__).parent / "config" @@ -58,16 +61,14 @@ def create_preprocessing_pipeline(cfg): ("z-score-normalization", StandardScaler()), ) - if cfg.preprocessing.feature_selection_method == "linear-svc": - steps.append( - ("feature_selection", SelectFromModel(LinearSVC(C = cfg.preprocessing.feature_selection_params.C, penalty="l2", dual=False))), - ) - if cfg.preprocessing.feature_selection_method == "f_classif": steps.append( ("feature_selection", SelectPercentile(f_classif, percentile = cfg.preprocessing.feature_selection_params.percentile)), ) - + if cfg.preprocessing.feature_selection_method == "chi2": + steps.append( + ("feature_selection", SelectPercentile(chi2, percentile = cfg.preprocessing.feature_selection_params.percentile)), + ) return Pipeline(steps) @@ -327,6 +328,7 @@ def main(cfg): config=flatten_nested_dict(cfg, sep="."), mode=cfg.project.wandb_mode, group=today_str, + entity=cfg.project.wandb_entity, ) dataset = load_train_and_val_from_cfg(cfg) diff --git a/tests/test_train_model.py b/tests/test_train_model.py index 7bc07458..f38e66d1 100644 --- a/tests/test_train_model.py +++ b/tests/test_train_model.py @@ -69,13 +69,17 @@ def test_min_prediction_time_date(): def test_feature_selection(): """Test feature selection""" - with initialize(version_base=None, config_path="../src/psycopt2d/config/"): + with initialize(version_base=None, config_path=CONFIG_DIR_PATH): cfg = compose( - config_name="integration_testing.yaml", + config_name=CONFIG_FILE_NAME, overrides=[ - "+model=logistic-regression", - "++preprocessing.feature_selection_method=linear-svc", - "++preprocessing.feature_selection_params.C=0.01", + INTEGRATION_TESTING_MODEL_OVERRIDE, + "preprocessing.feature_selection_method=f_classif", + "preprocessing.feature_selection_params.percentile=10", + #"project.wandb_mode=run", ], ) - main(cfg) \ No newline at end of file + main(cfg) + + + From b48370966f428a3c580e4f3ee27336252a7f241f Mon Sep 17 00:00:00 2001 From: frillecode Date: Thu, 20 Oct 2022 16:10:25 +0200 Subject: [PATCH 3/6] test: removing unused .csvs that i added by mistake --- tests/test_data/synth_splits/train.csv | 7501 ------------------------ tests/test_data/synth_splits/val.csv | 2501 -------- 2 files changed, 10002 deletions(-) delete mode 100644 tests/test_data/synth_splits/train.csv delete mode 100644 tests/test_data/synth_splits/val.csv diff --git a/tests/test_data/synth_splits/train.csv b/tests/test_data/synth_splits/train.csv deleted file mode 100644 index b26a02c7..00000000 --- a/tests/test_data/synth_splits/train.csv +++ /dev/null @@ -1,7501 +0,0 @@ -Unnamed: 0,citizen_ids,timestamp,timestamp_outcome,pred_hba1c,pred_hdl,outc_dichotomous_t2d_within_30_days_max_fallback_0 -4901,1077967.0,1971-06-04 22:56:00,1975-03-12 11:42:00,50.26082922574407,0.8056796901436494,0 -4375,823983.0,1971-08-18 09:46:00,1971-01-28 06:37:00,50.05169643998643,0.9332805436323108,0 -6698,512941.0,1974-10-05 11:13:00,1973-05-18 00:56:00,56.92777692625623,0.8331040954175416,0 -9805,324635.0,1973-05-31 10:22:00,1971-01-02 11:29:00,53.11406354691808,1.453542547300458,0 -1101,762830.0,1972-06-24 04:30:00,1971-03-23 23:33:00,46.2587558709063,0.7566280460190278,0 -9537,121379.0,1971-02-27 07:25:00,1974-06-23 15:39:00,51.91688418082428,0.7612687207531312,0 -7655,1035326.0,1971-06-16 11:55:00,1975-09-16 09:09:00,51.03171293711403,1.2438552199624675,0 -5235,772378.0,1973-12-15 13:40:00,1973-06-28 18:05:00,51.16975881944974,0.9998250818143356,0 -5165,1175857.0,1970-03-14 00:05:00,1972-01-07 14:25:00,56.651623721748734,0.7959264400104282,0 -118,47242.0,1970-06-10 16:44:00,1972-07-15 02:49:00,44.778497079606026,0.9646763950701708,0 -2022,711455.0,1970-06-08 07:45:00,1971-07-05 07:24:00,42.2241054005214,1.4958174555545791,0 -9885,1198118.0,,1974-08-28 11:09:00,51.27308183272175,1.094283797611921,0 -2638,169356.0,1970-01-27 17:32:00,1972-05-05 21:18:00,50.9824279107899,0.9972164232555548,0 -2034,937511.0,1972-10-08 12:33:00,1971-01-06 05:44:00,46.32741767316442,1.122938994855785,0 -2564,176405.0,1974-05-08 11:30:00,1975-01-02 08:37:00,49.50042285668007,0.5867242118964906,0 -8665,496793.0,1970-11-06 00:34:00,1972-09-22 10:40:00,44.06681837593567,1.0206900224375728,0 -3543,388987.0,1972-09-01 04:53:00,1975-11-11 03:02:00,48.96756966102161,0.1786072128487966,0 -1219,1023878.0,1974-12-25 12:23:00,1975-04-30 22:38:00,39.35738161561901,1.209170633837682,0 -9714,835390.0,1972-01-09 11:26:00,1971-04-28 07:36:00,48.4108542683317,1.5487395512818147,0 -6711,653237.0,1973-11-12 02:58:00,1971-09-21 11:40:00,44.8007784784649,0.945499871765699,0 -2903,94970.0,1971-11-03 18:04:00,1975-01-25 09:15:00,47.32260065604471,0.2303461540066589,0 -3026,93439.0,1971-08-31 11:44:00,1972-03-14 11:25:00,54.00126236168376,0.9976228866667096,0 -2510,1026032.0,1974-08-21 05:07:00,1974-03-28 21:14:00,55.7178664175776,0.8026739694762652,1 -4201,786679.0,1971-08-08 05:06:00,1974-12-30 21:14:00,48.40707012241764,0.7365388600009117,0 -3207,1080529.0,1972-03-17 10:19:00,1973-05-19 01:01:00,45.09279896271028,0.4532131570505491,0 -4489,7793.0,1971-07-18 00:42:00,1973-09-09 14:24:00,41.39226993240621,0.7667241266327589,0 -2755,432322.0,1973-03-18 17:03:00,1975-05-28 06:45:00,56.68779017305233,1.2052865327122522,0 -8889,767211.0,1970-11-27 21:28:00,1972-06-01 13:15:00,48.63505548327014,0.4031573863905501,0 -177,862396.0,1973-08-05 03:39:00,1972-11-05 21:27:00,53.2667453974687,0.1113900633621384,0 -1643,611382.0,1974-06-02 15:02:00,1975-04-07 10:12:00,53.12924359904567,1.0207512908956131,0 -9292,638128.0,1971-07-08 09:04:00,1975-08-27 07:22:00,40.93291675289645,1.1432000890549867,0 -3518,309654.0,1971-11-04 20:42:00,1973-10-21 15:07:00,46.26929601614913,2.1344654268967567,0 -1374,13583.0,1973-05-04 23:16:00,1973-03-29 12:08:00,41.487960507945694,0.4114685568354728,0 -1720,124834.0,1971-08-29 15:33:00,1975-06-10 13:54:00,41.29613061396564,1.558672413192305,0 -3995,868093.0,1973-05-20 20:30:00,1973-09-17 05:03:00,47.069993446757486,1.037955676435978,0 -3688,282045.0,1972-12-18 13:19:00,1975-03-15 15:48:00,47.386851027304175,1.102151676950013,0 -2264,167895.0,1971-03-09 09:33:00,1971-06-04 05:05:00,47.663827354283335,1.1203953081177116,0 -87,266834.0,1972-10-09 19:07:00,1975-08-16 18:37:00,54.64753481979495,0.6183781511513762,0 -2848,671268.0,1971-09-05 01:03:00,1971-04-12 16:10:00,49.5457540982068,1.3373478005513415,0 -8687,969006.0,1970-02-14 02:18:00,1972-04-27 12:49:00,50.22867560607338,0.9183891222846572,0 -403,1040322.0,1972-05-06 23:22:00,1974-11-25 00:36:00,50.37516294792141,1.3173077936701798,0 -9900,784639.0,1970-05-11 20:19:00,1971-04-30 08:35:00,40.50686771277383,1.7550872571851488,0 -4077,284437.0,1970-07-05 10:21:00,1975-04-12 06:15:00,57.566985830322544,2.054962333492385,1 -6835,420851.0,1974-04-05 15:39:00,1972-07-03 18:58:00,47.0919588774394,0.5299463927969683,0 -6537,955610.0,1972-07-01 18:32:00,1973-09-03 20:43:00,50.2752447694234,1.55175162885133,0 -2456,1017328.0,1970-05-20 13:36:00,1972-03-20 12:36:00,43.88573410886923,1.4063785329749303,0 -2751,1158917.0,1973-02-11 06:39:00,1973-10-10 18:15:00,54.82784503343597,0.6965508702871479,0 -2214,112451.0,1971-02-14 16:07:00,1973-04-30 18:12:00,56.66770536396043,0.8303594159957441,0 -1027,221566.0,1973-07-23 20:44:00,1975-02-13 04:58:00,47.16380095788574,1.19703777681097,0 -9703,28.0,1972-02-06 19:32:00,1975-12-18 16:20:00,46.53221194995171,0.8051077244596008,0 -1421,168106.0,1972-07-30 02:17:00,1971-12-06 05:34:00,43.91172997644056,1.2231083236776823,0 -2436,242042.0,1974-06-17 03:44:00,1972-12-06 15:59:00,46.13393005445364,1.1035442883889208,0 -4277,272268.0,,1974-12-22 22:08:00,51.784651851826894,1.693099998513829,0 -9609,177514.0,1972-05-27 08:09:00,1975-07-30 05:42:00,55.96836004397708,,0 -1278,139798.0,1971-05-27 01:20:00,1975-03-16 14:47:00,49.10120953015105,1.519042765333901,0 -6220,901978.0,1972-04-16 21:26:00,1974-01-30 10:52:00,56.5766941259438,0.9741902072561348,0 -4907,959923.0,1971-06-22 20:01:00,1973-03-24 01:08:00,40.04394899599873,1.9315170974973843,0 -5064,863655.0,1973-05-27 00:42:00,1973-08-30 00:50:00,55.0742118746253,1.7222431927191326,0 -1978,694528.0,1974-03-25 14:59:00,1973-07-14 21:40:00,43.35477924999489,0.751243139356759,0 -1061,253810.0,1972-11-11 22:44:00,1974-11-29 20:13:00,47.63900323247232,0.3865400817034237,0 -5014,477892.0,,1973-12-08 18:32:00,56.24185120019911,0.8043876228951625,0 -4535,656808.0,1971-05-25 03:20:00,1974-10-19 06:31:00,55.79700627960613,0.9395323951592358,1 -6993,452689.0,1973-05-23 22:27:00,1971-01-31 06:21:00,50.93310129135397,0.8620622970835958,0 -9253,446611.0,1970-05-27 21:54:00,1973-07-03 21:33:00,57.19272816788957,0.68524114971666,0 -1502,970358.0,1970-02-08 11:28:00,1973-02-10 08:06:00,39.175586666283046,0.1823348218013807,0 -8568,769248.0,1971-06-23 20:12:00,1975-06-14 00:26:00,50.36817390891751,1.125726895778749,0 -9314,103188.0,1971-12-18 04:57:00,1971-05-12 17:03:00,56.05345147331352,1.523852021390636,0 -8836,365128.0,1970-08-27 03:32:00,1974-10-26 13:52:00,42.37351261027203,1.2301722270188475,0 -8920,811251.0,1973-05-19 19:15:00,1971-07-17 01:14:00,46.516225292026334,1.162842586939039,0 -4918,1127316.0,1972-07-06 17:33:00,1971-09-27 22:37:00,48.49154619641067,1.766020935826732,0 -678,1109342.0,1970-07-05 20:01:00,1971-08-08 01:01:00,45.72835023617005,1.5688494496450942,0 -5076,932604.0,1974-02-15 22:25:00,1971-05-16 16:45:00,42.634608929320265,0.7906439265423727,0 -8064,663345.0,1971-01-31 06:03:00,1975-12-06 09:50:00,44.684509554717145,0.4063578537775982,0 -7568,615075.0,1971-06-06 09:08:00,1972-07-10 16:53:00,38.67700229149748,1.2404904677929722,0 -102,582394.0,1970-08-29 06:31:00,1971-01-11 15:26:00,44.26245442600555,0.7227298453368782,0 -957,1052146.0,1974-12-09 07:25:00,1972-05-07 15:44:00,59.534213532537045,1.6353888941603318,1 -8556,726586.0,1972-04-03 14:58:00,1971-05-05 03:27:00,47.402076550423615,0.6652321987180597,0 -3785,1156792.0,1971-10-24 20:26:00,1973-04-07 20:47:00,47.4185958519944,1.6784377878217456,0 -9630,248118.0,1974-09-02 21:20:00,1973-02-06 07:44:00,51.721697176851215,1.0999923214430205,0 -7173,1043972.0,1974-09-23 04:49:00,1971-12-06 13:20:00,43.95274297115613,1.2211310328306215,0 -4043,1095684.0,1971-08-31 08:24:00,1971-07-07 05:05:00,47.967341406879285,0.9364503232448914,0 -2648,208576.0,1971-09-03 15:40:00,1971-12-30 01:05:00,38.46883484803945,0.4314714180802312,0 -6000,727015.0,1974-12-18 06:17:00,1971-09-04 14:13:00,47.12994156394884,1.2507499282287184,0 -7927,563572.0,1971-02-18 18:29:00,1975-03-16 14:49:00,55.13830465210533,1.7180697664872306,1 -2826,561778.0,1974-07-23 20:40:00,1975-01-26 18:48:00,49.04927002319843,1.0024156848442567,0 -4094,653858.0,1970-03-20 06:01:00,1975-12-14 12:59:00,51.084228284283085,1.4647927805713423,0 -7774,405045.0,1970-05-04 18:59:00,1974-11-10 05:51:00,52.87250881732334,1.4939375180645815,0 -9258,860215.0,1971-11-08 20:58:00,1975-08-06 09:21:00,49.88884712953988,1.2949867053233042,0 -8113,483859.0,1973-11-23 06:46:00,1974-08-16 13:07:00,45.198152390985946,0.8136051214980582,0 -4772,581564.0,1971-10-27 03:46:00,1971-02-06 02:57:00,46.16565961925003,0.7939532830919447,0 -1947,340955.0,1971-11-23 22:51:00,1974-01-29 21:19:00,53.648831625880646,1.6703242313400173,0 -6109,232566.0,1971-03-18 01:29:00,1973-05-13 12:24:00,50.192619733311055,1.469654888493447,0 -2299,398123.0,1971-10-27 08:38:00,1974-09-20 11:41:00,50.74250672217608,0.9597260433182808,0 -7844,992419.0,1971-01-23 20:01:00,1972-05-09 05:32:00,43.39764016401102,0.8808428507149276,0 -4382,1197990.0,1970-10-28 01:30:00,1973-12-18 07:09:00,42.994377703473646,1.1024212622553504,0 -5425,176580.0,1971-09-08 09:42:00,1973-04-09 09:50:00,51.895033532703344,1.896339685498184,0 -6771,1146874.0,1973-03-28 06:38:00,1974-04-19 05:37:00,50.08954369039365,0.6191670570253862,0 -8578,305377.0,1972-06-03 13:58:00,1973-04-24 02:53:00,54.08349977468995,1.94836699778448,1 -4291,769124.0,1971-04-06 17:52:00,1971-02-26 01:17:00,61.313300830911416,0.4528855010279434,1 -528,1158905.0,1974-05-06 21:05:00,1971-07-24 20:41:00,46.55410392329237,0.5509527503905572,0 -1233,324567.0,1972-06-06 02:29:00,1974-02-09 00:17:00,53.10726146075928,0.0,0 -779,,1974-12-19 08:04:00,1974-09-26 09:12:00,44.71254900217484,0.8917771913805018,0 -5859,156937.0,1970-09-14 21:07:00,1975-12-17 19:33:00,46.989806194658016,0.5804837510095394,0 -3059,549877.0,1972-02-25 19:21:00,1975-07-31 15:41:00,46.68075272767192,0.877358509618663,0 -8587,923314.0,,1971-07-28 02:17:00,49.11333788766349,0.6565820217687632,0 -1860,714364.0,1973-10-03 01:50:00,1971-07-26 16:37:00,46.992110888709135,1.3234952764661585,0 -8438,1016071.0,1971-12-27 21:16:00,1972-06-01 14:01:00,49.90414356388493,0.0,0 -7403,324236.0,1970-05-06 21:20:00,1975-07-04 00:26:00,44.00246903600552,0.4523624553435955,0 -4639,1103669.0,1972-02-20 23:15:00,,53.10376881298805,1.289462629877131,0 -4250,1004450.0,,1973-07-18 09:30:00,42.10992791645977,1.0814813085143786,0 -1992,499400.0,1972-09-26 12:02:00,1972-08-24 05:08:00,49.3051417415526,1.283525457831203,0 -7379,650088.0,1972-06-13 08:22:00,1973-01-16 16:27:00,40.75513048970952,0.4306062594738439,0 -7305,487185.0,1971-05-30 14:42:00,1973-01-31 09:17:00,58.75097627932095,0.761344594874706,0 -5303,616352.0,1972-08-18 05:13:00,1975-02-05 00:25:00,44.25552500095969,1.1361815518277736,0 -8192,771776.0,1970-08-01 21:04:00,1973-12-09 11:21:00,45.07453948696412,0.7794570101003965,0 -7447,713578.0,1971-11-18 13:35:00,1971-05-15 16:25:00,58.889110182656566,1.4900601308073644,1 -2471,1199318.0,1973-02-11 20:40:00,1975-05-16 11:02:00,44.16513351582556,,0 -7197,119314.0,1973-04-26 09:43:00,1973-04-19 06:12:00,47.418274397181385,1.4545501964033878,0 -5312,647968.0,1970-01-21 11:38:00,1975-09-19 20:55:00,50.612934085731695,1.1646089806397433,0 -9035,605391.0,1970-11-04 16:43:00,1971-09-24 18:02:00,53.98374724306149,,0 -1396,1156908.0,1971-02-27 07:52:00,1971-04-22 06:49:00,48.99300953189919,1.328654592002038,0 -4002,907006.0,1974-01-04 01:26:00,1972-04-16 08:30:00,59.531433516774456,1.7126266668363312,1 -5371,1083929.0,1972-06-13 15:21:00,1971-11-04 18:42:00,47.23298017106457,1.8164585841590293,0 -3235,167109.0,1971-02-22 05:28:00,1971-05-16 12:22:00,34.20177356223539,1.2954901293124872,0 -1042,660013.0,1970-02-19 14:08:00,1975-08-09 19:17:00,45.68207714508908,1.9456264368444112,0 -3298,554978.0,1973-06-27 20:16:00,1972-01-10 22:43:00,46.42491840459092,0.4803870770571125,0 -7256,809263.0,1974-06-26 14:58:00,1972-07-02 10:16:00,52.69431028139559,0.2754313138495815,0 -257,416786.0,1971-02-28 11:02:00,1974-05-20 19:54:00,39.69322555912467,0.9614749802804504,0 -7286,599194.0,1971-06-24 20:24:00,1975-11-10 07:02:00,55.66406279375632,1.6595105770788905,0 -8616,933636.0,1972-06-09 02:56:00,1971-12-08 20:22:00,47.85792705035367,1.4158273358350015,0 -7816,1072843.0,1973-04-16 09:34:00,1973-12-15 14:58:00,46.10731924388463,1.209962652217526,0 -5843,223068.0,1974-11-02 10:30:00,1975-10-12 14:22:00,52.625048593007655,1.2535463341969504,0 -2089,2192.0,1974-05-25 19:01:00,1975-08-28 23:40:00,46.31998277305637,1.6361471146641642,0 -7702,802002.0,1970-05-15 07:56:00,1975-03-20 15:03:00,50.96580375104706,0.7935876420884738,0 -503,1148280.0,1974-03-18 22:45:00,1973-06-01 18:49:00,49.89891578906342,1.3456274921621345,0 -5265,20246.0,1971-02-13 13:22:00,1975-04-29 13:15:00,45.63241540685744,1.00948119834216,0 -8814,660656.0,1971-07-28 01:20:00,1973-11-21 08:17:00,41.085273830446965,0.6830926557848247,0 -1345,512894.0,1973-10-05 06:18:00,,47.34353949297788,0.0732749949875052,0 -8455,358130.0,1973-05-07 20:12:00,1973-01-09 06:40:00,56.9573249417659,0.2247544555996643,0 -5046,270022.0,1972-08-02 15:11:00,1973-11-01 19:56:00,54.360182980759305,0.8851653585375969,0 -2248,93993.0,1974-11-17 07:54:00,1972-09-11 11:04:00,47.83897988366786,1.1264747877327022,0 -4981,102103.0,1971-09-21 09:40:00,1971-04-01 22:01:00,47.22760723808347,1.0770699294301962,0 -372,361718.0,1974-07-17 07:48:00,1974-09-14 14:38:00,42.44127923746479,1.0848004896945187,0 -8454,130464.0,1974-04-09 01:55:00,1973-05-07 14:15:00,53.73450328556816,0.6685684658048174,0 -3370,45827.0,1970-06-08 00:23:00,1971-09-04 14:05:00,50.9121422026512,1.675446029076955,0 -2006,857411.0,1972-07-15 02:43:00,1973-09-20 04:40:00,47.35372128177461,0.5406318687728943,0 -3656,50711.0,1972-08-30 11:17:00,1974-11-07 03:06:00,42.651446523185015,0.8630666994281206,0 -8327,436362.0,1974-10-29 01:59:00,1972-11-22 12:49:00,44.35427400533936,1.1429581004779985,0 -7521,653395.0,1974-12-05 20:15:00,1973-04-15 06:08:00,42.69354127269367,0.7123649169927293,0 -4001,576126.0,1972-03-29 12:30:00,1971-01-29 22:25:00,49.598005312653264,1.458720229092497,0 -6072,394302.0,1971-02-17 15:01:00,1974-09-14 05:59:00,45.71368548520991,1.1652517256656374,0 -8736,423507.0,1974-09-04 21:34:00,1973-05-12 15:00:00,45.40608208757482,0.1103552478580062,0 -997,1034476.0,1972-02-08 16:00:00,1974-10-17 14:49:00,48.51925859079197,0.6107541586338289,0 -8179,319046.0,1974-12-27 04:39:00,1975-12-30 13:28:00,44.53597424493738,0.8393127307685723,0 -3290,774412.0,1974-07-03 13:52:00,1974-01-19 10:37:00,45.41267330057317,0.6817176478404976,0 -1176,94633.0,1973-11-02 04:06:00,1973-07-30 20:50:00,53.936785348347314,0.2128285262477031,0 -551,326733.0,1972-08-15 08:24:00,1975-01-31 05:57:00,53.58476149688649,0.9673316446479155,0 -744,67380.0,1970-10-13 17:54:00,1971-12-26 04:06:00,39.078165281466745,1.533722496102871,0 -7223,1134936.0,1972-08-17 07:05:00,1974-08-31 07:12:00,45.911315554701496,0.814641435456504,0 -4554,463374.0,1974-01-08 01:51:00,1971-06-27 06:40:00,56.042620689069146,0.9968289582426616,0 -2859,873019.0,1974-02-25 04:46:00,1971-02-01 15:40:00,50.7274228384475,0.7250692051917955,0 -8820,281742.0,1970-08-10 16:27:00,1975-03-11 22:23:00,45.36657612852304,2.803233230983022,0 -3459,929233.0,1971-06-12 02:38:00,1973-01-24 15:44:00,53.10444038525246,0.8822202810971909,0 -2724,9361.0,1972-11-27 17:02:00,1974-11-09 21:12:00,41.852114483354754,1.1481798054673342,0 -6847,869117.0,1974-08-11 16:35:00,1975-01-11 00:55:00,49.943973038642994,1.1652575344277398,0 -7615,890259.0,1974-11-11 12:55:00,1971-07-04 13:32:00,56.84420373378261,1.507792083988534,0 -7547,459861.0,1971-07-09 14:58:00,1971-01-31 05:23:00,50.627424865994826,2.0954528371055527,0 -9174,176079.0,1972-01-24 17:31:00,1972-09-24 13:34:00,53.171985357033336,0.344786828608727,0 -6393,647770.0,1970-04-24 12:11:00,1974-08-11 09:37:00,45.23656995968542,0.8755540032972036,0 -5358,1062121.0,1974-01-03 17:15:00,1973-08-04 08:31:00,50.19397890946311,1.3799510223786509,0 -9488,198144.0,1972-12-05 00:38:00,1974-07-15 08:03:00,41.97864368632735,1.0133298276364626,0 -2968,1023604.0,1973-05-15 20:23:00,1971-05-18 01:15:00,40.40971188554099,1.1554787505339026,0 -693,1001326.0,1973-11-15 16:44:00,1973-09-21 03:18:00,46.10364138608595,1.7561974147035244,0 -2533,1189485.0,1973-04-12 12:44:00,1972-03-16 18:52:00,39.690942307284544,,0 -6399,361906.0,1973-01-08 17:03:00,1974-02-12 01:14:00,49.492409499115226,0.4578604098162346,0 -982,734336.0,1972-10-03 06:34:00,1973-09-03 04:12:00,50.3923706706792,1.1662075664573,0 -5364,927216.0,1972-12-27 16:38:00,1975-12-04 11:26:00,52.21904535792828,0.0,0 -79,502403.0,1972-07-27 00:12:00,1974-03-10 02:31:00,61.87150903902956,1.8750080896846253,1 -4053,857262.0,1974-11-05 15:04:00,1975-01-05 14:20:00,45.09857472168757,1.153850105128641,0 -6258,182543.0,1974-03-07 00:07:00,1972-06-06 14:31:00,49.076898522788376,0.5720792608376803,0 -9576,865505.0,1970-06-27 12:41:00,1973-08-20 17:22:00,51.94343921147014,0.2733108973242901,0 -9025,7688.0,1970-09-13 18:30:00,1974-08-26 01:40:00,53.124938362795376,1.3884229229327845,0 -3107,1082334.0,1971-12-12 02:23:00,1973-02-14 09:50:00,48.63757855116959,0.4330994926620704,0 -3601,598500.0,1973-06-03 20:31:00,1973-10-16 08:41:00,51.07665113309977,0.3128825486120946,0 -6073,412430.0,1973-06-20 02:38:00,1971-06-22 12:08:00,41.54034986850014,1.235015632567255,0 -8126,105943.0,1971-05-08 05:12:00,1972-02-18 07:52:00,42.53603356372299,2.2739117024094124,0 -2142,698077.0,1973-05-20 19:28:00,1972-05-12 21:37:00,45.12294081368813,0.9210479489749344,0 -6310,848783.0,1974-02-07 15:20:00,1971-02-23 00:59:00,45.19354798966695,0.8469620287290599,0 -2268,165240.0,1972-09-29 12:59:00,1971-03-05 07:12:00,44.42194971976908,0.3257828567335906,0 -445,653224.0,1970-10-25 10:36:00,1974-01-12 19:26:00,45.99011191574631,0.4848956593918297,0 -4883,176514.0,1970-05-15 01:00:00,1974-10-17 18:16:00,50.61781827676139,1.1722320051684016,0 -4466,871258.0,1973-10-25 22:07:00,1974-06-08 12:04:00,49.7145354356615,1.062771184800672,0 -9026,742515.0,1970-10-01 00:56:00,1973-04-05 21:24:00,39.995326804132986,1.1396895020288809,0 -6632,892263.0,,1975-03-11 14:42:00,50.031092888386986,1.573331277306203,0 -3316,628151.0,1974-05-01 07:53:00,1974-07-10 22:46:00,52.09453033170183,0.6616867741129648,0 -1701,1022089.0,1973-01-25 11:40:00,1975-07-15 09:27:00,37.23640836170453,1.0140834978129625,0 -2526,1095797.0,1974-04-19 12:21:00,1973-03-04 06:53:00,49.22027416508418,1.1008251108017768,0 -68,254825.0,1973-02-27 19:58:00,1971-04-10 14:52:00,43.389578013413534,1.7745785478508544,0 -1168,425480.0,1972-07-06 05:48:00,1972-02-11 19:34:00,46.151165997693575,0.2023890311106468,0 -48,978991.0,1971-01-09 19:57:00,1973-12-17 18:10:00,51.12206890721304,0.7469589360183158,0 -1053,885638.0,1974-12-17 05:13:00,1973-09-15 04:35:00,51.75801346241264,0.0449891539622754,0 -4029,398967.0,1974-05-29 05:31:00,1974-03-29 02:59:00,48.92467363437252,0.5788718580606966,0 -880,230858.0,1974-10-22 05:09:00,1975-01-07 10:58:00,33.49299614957429,0.7594822947738451,0 -2651,32545.0,1973-12-28 06:42:00,1972-12-14 18:56:00,54.22837331267742,1.3795842456703176,0 -7759,946836.0,1973-01-25 20:59:00,1973-08-08 17:12:00,49.11556468259053,1.1509272993124082,0 -2439,115191.0,1974-11-08 00:31:00,1975-11-28 00:37:00,51.70647602392268,0.2969324563003264,0 -4924,830329.0,1974-10-13 13:34:00,1971-03-30 23:15:00,52.186513323773646,0.1134176769870114,0 -1467,920592.0,1973-03-23 03:47:00,1972-08-15 00:30:00,52.791954031045016,1.1370043677141244,0 -7292,390950.0,1972-07-25 01:41:00,1974-06-27 13:45:00,45.97769228545749,1.144075955610878,0 -5035,918627.0,1972-06-04 08:04:00,1971-04-19 09:17:00,45.29725643648711,0.8782171656766924,0 -2441,172000.0,1971-11-11 19:03:00,1975-07-19 14:37:00,46.00538138789057,0.7412685929647888,0 -6554,1136004.0,1974-05-12 03:24:00,1973-07-22 03:07:00,53.35518453716165,1.2254504195356848,0 -230,788471.0,1971-03-17 23:32:00,1973-07-18 05:52:00,36.758041479987966,0.8221835507484037,0 -1320,450400.0,1971-10-04 00:15:00,1971-09-03 11:28:00,44.63473597534524,0.3972665593231781,0 -41,348714.0,1973-02-28 19:26:00,1972-09-19 15:07:00,60.79940518381191,0.8786619924087202,0 -777,265045.0,1970-04-13 16:44:00,1973-04-29 07:10:00,53.84160204326321,1.9540497240634256,0 -8950,592796.0,1970-12-28 16:40:00,1973-04-26 14:48:00,43.74148330535322,1.7702939996246156,0 -8404,370820.0,1970-02-24 21:52:00,1971-12-10 08:48:00,52.107127859839366,1.2159616513058085,0 -1729,590387.0,1970-06-24 03:50:00,1971-11-21 01:23:00,46.140071222521975,1.2864178376022886,0 -3910,1089355.0,1971-06-22 19:20:00,1973-08-28 21:27:00,42.27473346506319,0.7933325748960685,0 -579,325276.0,1972-02-12 20:06:00,1973-01-07 19:11:00,53.799501603536605,0.9833210260840346,1 -9941,703758.0,1971-01-15 06:09:00,1973-06-22 16:33:00,46.07110287852044,1.1957234344339869,0 -5839,580441.0,1971-11-17 18:22:00,1972-05-30 15:25:00,42.85586158069405,1.0776122621729238,0 -8271,384446.0,1971-02-21 23:19:00,1974-03-09 09:45:00,48.52842054876286,0.5565267895980652,0 -7275,894836.0,1971-03-25 16:27:00,1975-06-15 02:04:00,56.45581428661524,0.985065227398925,1 -1491,4775.0,1970-06-30 07:50:00,1971-05-26 16:53:00,43.96993645544179,0.7451662351969394,0 -9109,270343.0,1974-10-29 01:02:00,1974-06-08 18:28:00,43.9567411775944,0.6722228072371415,0 -5610,132589.0,1973-12-14 09:54:00,1972-11-09 22:04:00,45.31093198450933,0.5121943297013314,0 -61,256215.0,1973-01-31 12:59:00,1975-11-09 20:56:00,46.34429568226748,0.9707166986592664,0 -5471,172463.0,1974-05-30 22:48:00,1971-01-27 18:23:00,40.82746043584131,1.4837139473652234,0 -3905,817187.0,1973-11-14 19:29:00,1975-11-13 01:20:00,47.88275767622721,0.2937664037164817,0 -6531,410390.0,1971-07-31 00:27:00,1973-07-08 07:48:00,44.37738837079761,0.7780504721011332,0 -402,921513.0,1973-02-22 03:51:00,1971-09-02 01:17:00,48.44505432363963,,0 -332,292227.0,1970-11-30 18:47:00,1973-12-06 17:24:00,41.95282028103389,0.0,0 -2084,35069.0,1974-09-11 10:59:00,1974-03-25 01:50:00,45.09033732274469,0.5125522912734313,0 -9557,89864.0,1973-07-30 17:20:00,1971-08-08 12:47:00,44.5101214232362,1.4418375663334793,0 -164,568239.0,1972-01-05 18:47:00,1974-01-22 04:03:00,52.31390516058285,1.3983226061114358,0 -4379,628250.0,1970-05-21 18:40:00,1973-04-28 16:23:00,53.14373795920172,1.0042410524149323,0 -2715,587970.0,1970-09-17 22:30:00,1975-08-02 00:07:00,48.5330074335412,1.0450938286577616,0 -8923,829417.0,1974-06-09 02:52:00,1974-05-15 01:56:00,50.83830394676101,1.8528925045087716,1 -7346,352441.0,1971-01-18 23:39:00,1974-03-13 13:13:00,47.185316028366906,0.7954640165700982,0 -5453,344698.0,1974-12-30 12:17:00,1974-09-28 21:00:00,43.164465843304605,1.1313119020001858,0 -7046,64563.0,1970-09-18 16:15:00,1973-07-19 20:03:00,43.21636586276487,1.663390945695875,0 -1334,25737.0,1973-02-08 18:25:00,1972-06-11 02:28:00,47.628456376059056,0.8679115845849256,0 -8698,50738.0,1973-04-28 01:55:00,1974-09-11 08:41:00,43.915957878804,1.1208543065569885,0 -1659,599666.0,1972-02-23 14:23:00,1971-08-21 23:33:00,48.01812265708745,1.2676271160785555,0 -3578,322755.0,1970-03-02 14:27:00,1971-01-11 09:02:00,41.23396178161417,1.1593865943692252,0 -753,507869.0,1973-08-12 01:25:00,1973-06-13 01:18:00,49.15134669139411,1.560495586037692,0 -6584,625400.0,1972-08-27 14:55:00,1972-07-30 09:38:00,42.778357234443504,1.6628111171797977,0 -706,765866.0,1974-04-09 18:30:00,1974-11-06 14:10:00,41.73930520906036,0.0,0 -3014,461968.0,1971-05-15 11:17:00,1972-12-18 18:03:00,48.96843288424009,0.4999590682559386,0 -8558,1044902.0,1972-08-03 16:15:00,1975-10-08 21:17:00,37.12567916121066,0.4263998555376586,0 -9875,888351.0,1974-05-22 00:36:00,1974-10-30 11:23:00,49.04494934421276,1.1005177526684198,0 -9582,1049201.0,1974-06-08 21:43:00,1973-05-04 18:59:00,34.15806440796616,0.611808239963836,0 -8928,326934.0,1971-12-06 15:26:00,1973-02-02 09:15:00,44.14483004466842,1.3924473767866794,0 -9556,521066.0,1970-05-08 04:32:00,1972-02-06 14:44:00,49.03073116101928,1.3351935669627202,0 -8983,84545.0,1973-05-29 21:29:00,1971-01-02 09:10:00,44.51238911760648,1.2334274541563794,0 -1834,480008.0,1970-08-16 10:10:00,1972-02-15 11:13:00,52.37868816137309,1.106608749759044,0 -2996,771001.0,1970-07-02 07:40:00,1972-09-27 17:02:00,49.77695495232364,0.5331854181324331,0 -5427,777880.0,1973-04-26 13:55:00,1973-09-01 15:03:00,47.69976344501291,0.7387337102328458,0 -3879,896487.0,1973-08-17 03:57:00,1972-12-26 23:40:00,50.35719736600634,1.2150298807587554,0 -7156,75997.0,1970-11-04 23:13:00,1974-04-15 14:10:00,44.15361016557057,0.6136424303751219,0 -5081,82955.0,1974-11-12 00:15:00,1975-03-06 21:48:00,51.21778854861719,1.2817047796785497,0 -9114,454135.0,1972-06-11 07:52:00,1971-02-14 12:21:00,42.36058107667474,1.2528487600119529,0 -7244,820712.0,1972-05-08 18:38:00,1971-01-12 10:51:00,45.56160596545121,0.7020029696773524,0 -5400,337520.0,1971-01-23 05:32:00,1971-09-06 18:04:00,49.76568034986784,0.8408254285404293,0 -5395,343288.0,1971-02-11 06:06:00,1972-12-01 03:33:00,42.38465476069902,1.0626856666089683,0 -9427,1133585.0,1970-10-17 07:06:00,1973-01-31 08:04:00,62.43463337879212,1.5784317351593296,1 -2246,1138642.0,1973-02-11 21:13:00,1972-11-01 19:10:00,43.47108107207138,1.143651928113622,0 -835,1092464.0,1973-10-03 10:38:00,1974-07-31 21:41:00,57.00854023299104,0.782449322886434,0 -8394,91347.0,1970-06-22 10:24:00,1971-09-07 02:08:00,55.61285743518189,0.907981012034329,0 -9042,1110882.0,1972-06-11 13:27:00,1972-11-04 19:46:00,50.32926850394605,0.3771957509110865,0 -432,413852.0,1972-05-22 21:10:00,1973-11-06 04:57:00,52.65810665163416,1.5404242331260116,0 -3378,423561.0,1973-12-03 23:23:00,1974-11-05 23:24:00,56.15795391645561,1.5545989049854372,0 -6817,1112462.0,1971-08-12 07:04:00,1973-01-06 05:36:00,51.89708839226229,1.294663282858567,0 -8131,807324.0,1970-02-16 01:32:00,1971-01-31 05:01:00,50.93741907129928,0.0873764935200205,0 -9621,638416.0,1973-02-11 01:55:00,1971-02-24 23:06:00,53.94794495681313,1.588468696383929,0 -6066,718643.0,1973-02-18 19:08:00,1974-09-13 17:55:00,50.70128626527606,1.4418771380415607,0 -1193,224319.0,1971-09-24 02:54:00,1972-07-26 03:52:00,47.60615551408831,0.3439786902141655,0 -6934,1173365.0,1970-01-20 17:33:00,1973-06-20 03:00:00,50.43752227687468,1.1038923248145038,0 -5461,26120.0,1974-09-10 05:32:00,1973-01-05 20:20:00,48.48471972835114,0.3345767209399645,0 -3071,174059.0,1972-05-14 12:26:00,1971-10-19 03:43:00,47.3157448135284,0.463038174458185,0 -3044,707824.0,1973-06-30 13:52:00,1971-06-14 05:38:00,52.01012150416148,0.3571228493460151,0 -3263,669892.0,1972-07-26 18:36:00,1971-03-01 15:12:00,37.466060990483314,0.6780165317319151,0 -2729,405768.0,1970-11-24 20:16:00,1974-10-30 17:28:00,50.29809543347309,1.7872497484765235,0 -3433,1146699.0,1972-07-29 16:32:00,1973-07-06 07:49:00,46.14453260050091,1.9155466105525416,0 -433,683384.0,1974-07-31 00:58:00,1972-02-13 01:44:00,48.08436034817112,1.4987558619182615,0 -3272,924109.0,1971-07-08 19:06:00,1971-11-22 03:56:00,48.97120864382371,1.1565168841172353,0 -7001,748922.0,1971-07-07 21:41:00,1974-06-26 08:10:00,44.327088009994426,2.0619159905504363,0 -9726,1188837.0,1971-06-22 14:32:00,1971-05-25 21:44:00,43.24780972430529,1.1231321592667227,0 -104,864969.0,1971-02-27 07:16:00,1975-01-07 22:26:00,52.27214052464237,0.3856331058555257,0 -3315,641890.0,1973-03-09 05:24:00,1971-05-02 23:06:00,41.94676262676857,0.6927924426672317,0 -1656,781586.0,1972-12-10 08:25:00,1972-03-10 01:04:00,52.33211658205391,1.1521299960211602,0 -1533,1052463.0,1971-03-09 14:16:00,1972-12-26 17:41:00,,0.7549833002781332,0 -4680,856807.0,1973-03-04 16:29:00,1975-10-28 00:38:00,46.66689164196684,1.0524889128695634,0 -8813,920835.0,1973-07-29 07:26:00,1972-06-09 11:00:00,52.50674112117132,0.820164339444514,0 -9002,1011467.0,1971-07-10 11:09:00,1974-04-04 18:17:00,,0.1381403199468986,0 -6622,554764.0,1974-11-15 13:31:00,1971-04-20 23:56:00,49.30354216713522,0.6762199451564449,0 -1443,616249.0,1972-04-25 09:21:00,1975-10-18 23:03:00,53.2130600543242,0.0,0 -214,239120.0,,1974-06-27 14:03:00,47.24412278680861,0.9757743943296198,0 -5356,97671.0,1971-08-14 23:46:00,1972-01-15 00:56:00,48.5025766826984,0.731399521402341,0 -9218,128653.0,1970-12-25 01:27:00,1975-04-13 14:44:00,53.041698924482304,2.0005908936502674,0 -6322,535514.0,1972-10-24 10:03:00,1975-05-07 16:06:00,39.36645570606948,0.8603937713525851,0 -4989,510084.0,1973-12-27 16:48:00,1973-04-07 21:14:00,40.99063521681212,1.2140101807635162,0 -1419,548094.0,1971-02-10 18:22:00,1972-08-09 08:53:00,50.19580801851894,1.3574301925733088,0 -9516,825792.0,1974-10-05 17:54:00,1971-08-26 12:19:00,54.53974366521395,0.5647225721152334,0 -8606,847122.0,1970-06-20 14:34:00,1972-02-19 14:55:00,45.93666180972351,0.6297422016544086,0 -181,689097.0,1972-06-13 17:06:00,1975-05-01 13:00:00,48.86701374382776,1.9007187092835889,0 -4352,254306.0,1974-12-07 10:44:00,1975-02-21 17:55:00,48.636276406313904,0.8153961297663261,0 -8700,592378.0,1974-05-27 11:24:00,1974-03-31 17:52:00,49.84860197163204,0.9027201513473536,0 -2446,939925.0,1973-04-12 13:36:00,1974-06-11 22:09:00,44.975475698665264,1.965017966383071,0 -5321,737516.0,1970-01-07 12:57:00,1971-09-06 07:39:00,44.49603459046811,0.2351504097643181,0 -8045,524660.0,1973-08-27 08:08:00,1975-09-06 19:33:00,46.48023447110116,0.6894428211356611,0 -5684,734957.0,1972-02-17 00:07:00,1974-12-23 04:36:00,50.181482683338814,1.6809817638410385,0 -3532,377305.0,1972-04-06 03:30:00,1974-04-21 01:19:00,39.50611989483733,1.0101726011723904,0 -8244,594517.0,1974-02-07 15:29:00,1975-09-17 12:12:00,50.106326957436025,1.083598163901825,0 -7976,1041931.0,1974-05-18 21:54:00,1973-12-23 20:40:00,48.83899888465827,0.0450358149419973,0 -3698,209332.0,1974-04-17 16:15:00,1973-01-30 20:28:00,51.392551379157055,0.663583623524415,0 -70,1193348.0,1974-04-12 12:52:00,1975-05-20 18:19:00,54.26649834734988,1.460255821023306,0 -544,512438.0,1972-04-16 06:15:00,1972-12-19 19:34:00,46.83032392443029,0.1859682796324997,0 -1204,593766.0,1971-03-03 05:28:00,1971-08-30 15:23:00,48.00859980833699,1.3706048453248574,0 -3078,646895.0,1973-04-08 16:43:00,1975-11-19 22:01:00,52.16513918432309,0.6318961038884339,0 -9106,516609.0,1970-12-29 04:39:00,1973-07-24 10:06:00,48.85794482263447,0.8998951026184097,0 -9120,1147689.0,1972-11-16 10:29:00,1975-12-07 15:12:00,45.48246373275307,1.6294153911104403,0 -9680,180150.0,1974-07-18 08:17:00,1972-09-22 01:06:00,50.33304979519275,1.0341133575673356,0 -6180,650764.0,1972-07-04 01:26:00,1975-07-14 09:42:00,50.648395247217465,1.2685227751431236,0 -8329,754259.0,1973-11-18 22:51:00,1975-04-16 09:14:00,47.14515849185336,1.1356617364401222,0 -4284,586987.0,1970-03-13 11:47:00,1974-11-28 11:56:00,54.74286576718684,1.2658554442623298,0 -4007,943208.0,1973-02-17 00:18:00,1973-09-13 08:37:00,55.19750142338141,1.6544688057645978,0 -8713,864391.0,1970-04-13 18:51:00,1972-07-25 09:16:00,46.63742845522042,1.192595762707855,0 -877,614327.0,1972-04-05 13:25:00,1972-12-15 01:59:00,52.4347992334142,1.198813070009524,0 -8060,1149045.0,1971-05-19 20:57:00,1973-11-18 14:39:00,44.79285065487995,1.3207722718028114,0 -196,195975.0,1972-11-10 08:15:00,1973-10-23 02:25:00,54.05785045632193,1.4388948428589894,0 -9746,432156.0,1972-04-15 15:09:00,1974-05-28 16:39:00,46.49740046071189,1.3098396556774707,0 -4010,163817.0,1971-08-17 12:43:00,1974-08-18 07:52:00,45.345270303054015,0.0,0 -9962,632014.0,1974-01-18 13:25:00,1975-02-05 04:16:00,50.30161123702564,1.0669678507587506,0 -2571,21908.0,1972-06-21 09:51:00,1975-07-13 10:05:00,51.03818323661036,1.0833125943903608,0 -3753,1129263.0,1970-01-04 15:30:00,1971-10-26 21:47:00,44.57115833729651,1.160074250357406,0 -9247,603007.0,1970-08-30 15:31:00,1975-09-09 22:00:00,39.93879912785515,,0 -8628,846916.0,1974-04-18 02:29:00,1971-06-28 21:53:00,55.03978031097182,0.5778722864193285,0 -9368,337366.0,1971-06-17 11:16:00,1974-03-06 16:50:00,49.222497305283625,1.3189654261013994,0 -6159,384243.0,1971-03-07 11:29:00,1972-05-21 12:35:00,56.9097014490511,1.7021027397413393,0 -4791,374553.0,1971-01-21 18:19:00,1974-09-29 20:24:00,52.47281587431173,0.9004619545710498,0 -5337,1082393.0,1972-05-14 14:59:00,1974-08-22 15:58:00,57.53920199256139,0.8330219088109889,0 -3024,744150.0,1971-05-01 08:26:00,1973-08-02 10:15:00,47.35733144441631,0.6243776875632612,0 -2718,662139.0,1971-04-27 22:57:00,1973-03-13 23:25:00,43.49168990898176,,0 -8655,566101.0,1971-06-15 07:07:00,1973-08-12 22:12:00,48.143402572761616,1.058540715970784,0 -6916,80375.0,1970-04-21 10:34:00,1971-03-29 19:33:00,45.54118385977983,0.3991935736115771,0 -3984,596686.0,1971-03-01 21:02:00,1974-10-09 00:48:00,51.92068283817399,1.367362970111166,0 -7308,185584.0,1971-06-22 17:21:00,1972-08-19 07:32:00,47.275110509421445,0.9617038696469932,0 -5953,397929.0,1973-01-11 20:38:00,1975-07-06 20:09:00,42.28304927324148,0.6256767008827901,0 -3844,956318.0,1971-07-25 10:11:00,1974-11-22 13:53:00,45.12322458533713,0.9100132854772978,0 -2682,304399.0,1974-11-05 03:20:00,1973-07-01 05:02:00,43.15550556860672,0.7884035101840646,0 -4024,664175.0,1971-04-18 13:20:00,1974-12-05 23:17:00,53.19206948369264,0.9935065247178756,0 -8715,1040100.0,1974-07-16 15:52:00,1972-08-02 09:08:00,52.29097602652055,1.0811473599624493,0 -3139,1083256.0,1974-01-03 12:14:00,1971-07-04 01:26:00,,1.611591965507834,0 -4237,260691.0,1972-12-23 08:27:00,1972-09-24 00:37:00,57.26055702521919,1.3286014892219296,0 -218,588051.0,1971-03-25 23:02:00,1973-07-09 10:17:00,51.94995944629891,1.8440511405011444,0 -6618,718448.0,1972-03-23 04:28:00,1973-03-24 09:24:00,48.882120055207366,0.7862841199692209,0 -9606,197580.0,1970-09-06 14:26:00,1973-06-24 21:26:00,47.16602914077704,1.0001144315890345,0 -5268,447268.0,1974-11-12 14:49:00,1973-05-13 20:35:00,50.6535121592142,0.4227776318759891,0 -2543,907318.0,1972-11-08 15:04:00,1972-06-12 17:45:00,43.205479135063634,1.3923564775625814,0 -2870,376389.0,1972-11-07 10:41:00,1971-06-12 10:01:00,46.21800187965629,1.3862448186693856,0 -1244,562250.0,1971-07-23 08:23:00,1975-09-22 21:17:00,45.43663669621512,0.9187709358136196,0 -420,156149.0,1972-12-10 06:33:00,1973-03-23 08:45:00,43.466031838704446,1.3335552155756785,0 -6227,1021380.0,1972-09-18 08:35:00,1973-01-05 15:32:00,45.87818830653136,1.2178631643812576,0 -2058,876359.0,1974-05-09 01:46:00,1971-10-04 04:26:00,43.11735573201079,0.0134902424649051,0 -8493,419929.0,1973-09-05 18:54:00,1971-12-21 12:45:00,44.61560247145242,0.6411096527485807,0 -6434,525915.0,1970-02-12 00:20:00,1974-08-22 13:26:00,52.86723485250116,1.7132671226112277,0 -3422,158056.0,1971-11-07 16:05:00,1972-10-28 08:52:00,56.36418075635448,0.9317959383118648,0 -4510,1113863.0,1972-09-21 02:18:00,1975-10-20 01:16:00,46.79437768334217,1.0375243883423977,0 -1166,80558.0,1971-11-09 19:08:00,1972-08-25 16:18:00,54.37234714277254,1.4965420752869285,0 -254,1048439.0,1971-11-23 19:21:00,1971-10-03 14:01:00,47.49617640440901,0.624374351558556,0 -415,,1973-05-03 20:28:00,1972-04-14 09:56:00,49.047521437936034,0.4058205106572566,0 -9175,646922.0,1971-02-18 14:07:00,1971-06-12 02:26:00,43.7361812346321,1.948549427729827,0 -3469,766349.0,1970-02-02 15:24:00,1973-03-29 00:58:00,42.731695209171455,1.5513810290002383,0 -3050,219789.0,1970-08-04 22:31:00,1973-12-15 20:52:00,57.33175225812632,0.0,1 -759,454090.0,1971-06-13 16:34:00,1975-05-08 15:04:00,44.71672356548187,1.9109668233632404,0 -1385,424902.0,1970-06-01 17:43:00,1971-10-09 21:27:00,44.655773695458834,0.7460305549172155,0 -654,77544.0,1972-03-09 16:17:00,1971-09-03 11:20:00,44.68392387537264,0.3856705016160955,0 -1201,251162.0,1971-07-06 01:43:00,1975-06-28 18:54:00,45.61192342804171,1.292943656592353,0 -2413,906351.0,1974-01-18 07:31:00,1974-12-01 20:17:00,45.36740683286325,1.4599969078905597,0 -5579,1189451.0,1974-05-17 06:57:00,1973-12-10 03:35:00,48.09625707496133,0.1612943631025106,0 -5993,425815.0,1971-11-09 17:23:00,1971-04-08 12:58:00,38.99100942167003,2.100303250421365,0 -5294,36626.0,1973-07-24 16:49:00,1972-08-12 21:28:00,42.818623006461,1.3608666325504015,0 -3055,577258.0,1974-07-12 14:00:00,1971-07-21 13:33:00,54.08479587159405,0.6398937945194374,1 -2830,192543.0,1974-05-25 00:34:00,1972-07-26 19:41:00,40.62739243407992,0.0,0 -2970,697796.0,1973-07-01 21:46:00,1972-04-13 14:25:00,46.2312568972056,0.0,0 -328,215511.0,1971-08-17 15:37:00,1975-11-06 16:21:00,54.02959984143003,1.7578597525009505,0 -4270,846819.0,1972-01-29 23:38:00,1975-06-29 21:06:00,46.155968566054696,0.8782369996465487,0 -5994,207523.0,1970-03-12 12:27:00,1974-01-02 18:31:00,44.94695335494674,0.3661466307128197,0 -4392,578456.0,1974-07-21 11:31:00,1971-12-10 14:03:00,49.06529253415806,1.5538895405870967,0 -2063,278629.0,1972-05-15 18:32:00,1971-12-25 00:00:00,41.10500359653044,1.324206847018868,0 -8301,55030.0,1970-07-07 15:01:00,1971-07-29 06:34:00,46.18498134316119,1.0459383436604548,0 -9013,409913.0,1973-11-25 05:31:00,1974-04-30 23:52:00,47.39455991258796,2.3436783432275146,0 -9329,698951.0,1974-04-12 14:05:00,1974-02-03 11:50:00,56.84646577481954,0.7352516463604174,0 -5169,667385.0,1972-06-08 11:29:00,1973-06-24 12:16:00,42.93173180495968,0.8119583035185309,0 -4429,139139.0,1973-10-07 00:23:00,1974-09-21 08:27:00,43.277962242253366,0.3615546522463178,0 -1281,847774.0,1971-11-11 12:29:00,1974-05-19 07:36:00,40.86386556847152,0.6984790919174128,0 -3381,397896.0,1973-12-01 13:11:00,1971-04-29 22:01:00,53.82385147223128,0.7482158265666434,1 -2636,561691.0,1974-09-22 11:11:00,1974-07-24 18:29:00,41.33190231596843,1.7290569667439453,0 -3328,978395.0,1973-05-08 15:02:00,1974-05-18 14:18:00,57.42930382843613,,0 -6436,795239.0,1970-01-14 12:51:00,1971-10-08 02:40:00,43.71244902901675,0.7997908030551822,0 -5018,561332.0,1973-09-02 16:30:00,1973-06-03 10:27:00,45.32616105973256,0.9685673762694182,0 -7324,841802.0,1973-11-10 13:13:00,1975-08-12 07:22:00,46.90653518349947,1.3777160584695758,0 -3795,378187.0,1973-04-29 19:38:00,1973-02-04 20:16:00,47.885599591067056,0.6759269493134534,0 -2663,1100098.0,1973-04-17 01:16:00,1971-02-03 20:26:00,55.49877888095232,1.112805604561896,0 -8282,752506.0,1972-01-01 22:07:00,1975-10-20 05:38:00,42.1815047261133,1.7516205388987791,0 -1282,424668.0,1971-03-25 13:30:00,1975-04-28 12:09:00,49.77469683129439,1.8719265665181135,0 -4148,1115752.0,1972-12-22 17:36:00,1973-07-19 07:52:00,45.0283908552254,0.2850138001096947,0 -1362,470900.0,1973-03-23 18:58:00,1972-10-05 19:04:00,50.654433392135736,0.7593990823265432,0 -1437,241113.0,1972-11-19 02:01:00,1973-12-14 18:20:00,52.78149038789751,1.911809039917467,0 -9628,775320.0,1972-03-02 19:02:00,1971-03-22 01:40:00,44.379701177915706,1.16965534000767,0 -3441,250318.0,1974-09-26 16:28:00,1974-04-27 06:26:00,43.86437183793072,1.5694923459210444,0 -56,619480.0,1971-08-12 23:46:00,1973-11-12 14:08:00,49.30970790701479,0.4477020510909176,0 -4597,754788.0,1972-05-15 03:50:00,1974-08-05 02:34:00,52.50061207565861,1.344838519369258,0 -8479,1191466.0,1970-03-21 01:08:00,1971-01-07 14:01:00,41.220610628391015,1.5649569053917884,0 -5365,405819.0,1970-11-09 00:32:00,1971-10-28 06:23:00,48.27615472182126,0.6345946599804222,0 -1844,188951.0,1970-07-15 09:27:00,1973-05-28 16:59:00,56.63940854474713,1.2482018331219893,0 -5515,237954.0,1970-07-07 12:07:00,1974-02-20 04:07:00,44.87578168356384,1.5100873824425167,0 -8573,405141.0,1970-07-21 23:46:00,1974-07-20 17:38:00,50.50593149009149,0.0757276660772685,0 -6263,473871.0,,1975-02-08 04:36:00,50.82035173213313,1.2774807234652017,0 -2880,844610.0,1971-10-13 18:47:00,1971-12-16 03:07:00,52.05037492853469,0.3816368066512005,0 -1743,382259.0,1970-12-12 01:35:00,1972-07-08 13:13:00,52.537075278802256,2.185198898806519,0 -8398,4914.0,1974-07-18 23:23:00,1972-03-02 21:32:00,47.39640451750662,1.5686869041793037,0 -4169,248540.0,1971-06-19 23:44:00,1975-04-11 20:04:00,56.55300902149772,0.8092494002836412,0 -5197,1053713.0,1971-03-19 18:19:00,1973-02-27 10:45:00,47.63024321807579,0.736814938188442,0 -8993,1092582.0,1971-01-10 23:50:00,1975-06-02 12:14:00,47.94043118679374,0.9972444354345114,0 -740,309000.0,1973-06-16 00:38:00,1975-10-27 16:55:00,51.678557532527805,1.5988240251673806,0 -9066,22598.0,1971-02-11 17:23:00,1975-05-01 07:17:00,49.64930753752744,0.9484364537461188,0 -1624,1199643.0,1972-10-04 17:43:00,1972-03-26 13:35:00,47.09283239765704,1.2706374185026743,0 -524,41111.0,1974-01-16 21:34:00,1974-02-03 16:39:00,46.482840802408745,1.3860733373219123,0 -7999,1090049.0,1974-08-10 11:58:00,1974-06-16 09:31:00,46.48392926788923,0.0225676418927713,0 -4419,1141515.0,1972-11-09 15:35:00,1972-01-12 15:09:00,40.81860774602117,0.6727561880847848,0 -5426,387312.0,1974-09-02 11:50:00,1975-02-02 07:40:00,47.75776915853362,0.4854961679173917,0 -6689,235592.0,1972-11-10 18:15:00,1972-09-13 19:17:00,56.76915676687005,0.8008039932575372,0 -7382,71863.0,1973-05-16 10:16:00,1975-11-21 13:43:00,47.40116281453564,0.5178955705452817,0 -435,1083229.0,1973-07-06 02:38:00,1972-01-07 08:09:00,54.05247282439464,1.3003522783822006,0 -2960,212221.0,1972-04-04 00:04:00,1972-07-01 10:41:00,46.64853020836897,0.8639826041324474,0 -308,359869.0,1972-06-07 17:04:00,1971-05-08 22:54:00,46.991645071156015,0.5107943035727214,0 -1565,158197.0,1972-09-15 09:22:00,1971-02-02 00:15:00,50.04925055618182,0.0974373784389589,0 -2631,1041039.0,1973-03-02 02:54:00,1973-04-03 22:56:00,55.45860225874737,0.3832285252125031,1 -5597,563641.0,1971-06-07 03:17:00,1973-03-03 08:39:00,45.34892719729282,1.3494563119302443,0 -9477,822809.0,1970-11-20 21:15:00,1972-09-26 11:38:00,43.07543273614735,1.0724021702909488,0 -401,295664.0,1971-09-06 23:26:00,1974-09-11 12:16:00,56.1604016362453,0.6978318826638334,0 -3826,97795.0,1972-10-06 00:48:00,1973-08-03 00:35:00,52.64128138814363,0.8319846876507725,0 -881,708427.0,1973-07-02 12:46:00,1975-08-09 19:21:00,56.17996027575925,1.456775676326446,0 -3997,1033901.0,1970-11-14 02:37:00,1974-02-02 03:25:00,53.556361138297895,0.8993944276783499,0 -7118,313645.0,1973-06-04 14:05:00,1973-12-04 01:00:00,43.48862977338381,0.527048221607807,0 -3265,831950.0,1971-03-01 19:18:00,1975-12-21 07:39:00,46.58182308744362,0.7854224258168416,0 -8406,429902.0,1972-08-19 16:21:00,1973-04-09 02:23:00,56.806263158825445,0.899695214397314,0 -5009,873475.0,1971-01-09 13:21:00,1974-10-06 12:53:00,54.6724645514734,0.7759404455391568,0 -5736,842634.0,1971-09-29 20:52:00,1975-03-04 01:24:00,52.15139191480458,1.3145271311218392,0 -5554,223873.0,1974-07-29 12:53:00,1972-06-25 04:20:00,54.04788100001489,0.5308337245072057,0 -288,435377.0,1970-01-13 15:24:00,1975-01-29 03:35:00,50.59217814262376,1.1015659172197103,0 -5564,216781.0,1971-04-29 00:49:00,1974-01-23 10:54:00,46.53615749419586,,0 -8324,1191641.0,1972-08-06 05:00:00,1975-12-19 13:31:00,55.01485668364092,1.141895251847047,0 -2623,333924.0,1973-01-14 12:55:00,1974-03-19 06:30:00,50.41870147697716,1.5082861850276823,0 -8859,1148372.0,1972-10-02 19:22:00,1972-09-18 21:34:00,52.980428549698345,0.817065192062155,0 -476,859037.0,1972-10-14 18:13:00,1972-06-11 07:57:00,49.104651858783136,1.3455123694716786,0 -8591,1067676.0,1974-10-29 07:37:00,1974-03-05 07:29:00,44.89201357476034,1.097064732198587,0 -9713,1081126.0,1971-02-28 00:53:00,1973-10-01 18:52:00,50.68207325014808,1.5205684748461803,0 -6522,852511.0,1970-10-16 09:28:00,1972-09-01 03:42:00,57.56955981249145,1.2999908835266478,0 -3111,715083.0,1974-12-08 06:29:00,1974-02-16 09:54:00,46.97167227635402,0.8480083350825461,0 -9470,703550.0,1971-09-24 08:09:00,1975-01-18 17:27:00,53.61277507428124,0.4000906954957012,0 -737,963847.0,1973-02-05 08:40:00,1973-09-24 19:43:00,48.55341508840751,1.2996600874074788,0 -3133,730408.0,1970-01-16 14:07:00,1972-09-10 04:59:00,47.2851183566709,0.508884488196822,0 -8047,342476.0,1971-10-15 11:13:00,1971-01-29 19:55:00,,1.5384914378960584,0 -6551,505865.0,1973-10-17 22:12:00,1973-10-27 23:04:00,52.00321906170119,1.1955717658985792,0 -5407,379348.0,1974-05-24 11:21:00,1974-03-07 17:50:00,51.92346258026859,0.0,0 -5563,353233.0,1971-07-20 02:21:00,1973-12-17 07:54:00,47.656430841329644,0.9949627907280898,0 -5328,225368.0,1974-04-05 23:53:00,1971-01-13 13:53:00,49.65853669986998,2.121750204902402,0 -6718,792152.0,1970-10-01 22:21:00,1971-12-07 09:10:00,44.53158397215957,0.8484970352954598,0 -5118,33052.0,1974-06-11 01:30:00,1972-11-04 13:08:00,47.35099570462516,2.1020719804283248,0 -4619,5405.0,1970-11-16 01:15:00,1975-08-14 14:36:00,40.9508275938736,1.016977301764154,0 -3689,703846.0,1972-05-24 23:21:00,1971-04-11 04:39:00,50.48578351634578,1.4782715696984654,0 -7716,430380.0,1972-06-12 11:01:00,1971-12-10 10:47:00,51.497726206274514,0.9379137057403198,0 -1839,71020.0,1970-10-07 04:52:00,1975-03-17 10:43:00,46.55060952238711,1.1593767390359213,0 -1995,958140.0,1971-11-09 05:14:00,1975-03-17 21:49:00,50.18156986350235,0.8742246324600864,0 -2399,1093729.0,1974-07-05 09:31:00,1972-07-25 11:35:00,42.05512500004079,1.105509611847452,0 -6510,109495.0,1971-05-08 13:57:00,1972-05-03 22:47:00,54.509041360686666,0.7329240432505832,0 -9356,735385.0,1974-12-29 10:21:00,1972-05-18 10:50:00,46.15316053681765,0.7033509749371112,0 -4119,201704.0,1970-03-12 01:51:00,1975-08-27 22:04:00,45.99870828309504,0.5868954469077575,0 -5894,947592.0,1971-06-01 04:15:00,1974-06-01 01:58:00,48.71989149464357,1.3233076192266169,0 -800,948401.0,1970-04-13 20:24:00,1971-04-13 11:46:00,47.22134851659592,0.9665757058503048,0 -8423,568305.0,1971-01-28 22:35:00,1971-08-01 12:39:00,46.050271989032176,0.7491175881719373,0 -7680,582859.0,1971-09-12 22:48:00,1972-10-19 15:04:00,50.32631849119469,0.0901477755213261,0 -1405,67856.0,1972-05-23 15:09:00,,47.19987304117048,1.2340812315563383,0 -5431,402501.0,1971-12-17 09:45:00,1972-10-18 21:04:00,43.04144562311022,1.4551879034500568,0 -69,795052.0,1974-02-27 00:43:00,1975-07-30 01:19:00,53.31227701845625,0.8076795510276836,0 -9543,529822.0,1974-08-02 00:36:00,1973-02-03 18:57:00,46.80988898415976,0.3139754904509042,0 -2759,899472.0,1971-10-31 11:46:00,1972-02-08 15:12:00,53.64291472601356,0.9965186122409494,1 -8294,1049950.0,1970-06-10 17:22:00,1974-01-04 06:46:00,53.682989372785066,1.396620199483887,1 -1586,966028.0,1972-01-14 16:35:00,1974-07-27 07:38:00,50.1097818376769,0.5331713982638717,0 -6666,480661.0,1972-01-09 05:19:00,1972-02-13 14:03:00,50.67009282434065,0.7806964866167673,0 -8014,999602.0,1971-04-14 10:39:00,1971-01-11 14:49:00,48.11913173687441,0.4667916018287715,0 -1074,23506.0,1973-07-09 12:53:00,1974-06-03 13:40:00,45.8575477623542,1.469288635967451,0 -3063,283621.0,1973-09-28 20:03:00,1971-02-08 03:15:00,38.24222449611964,0.8244138011987473,0 -6487,630004.0,1971-10-29 22:05:00,1971-05-13 23:25:00,47.21498616696094,0.7919609395153675,0 -4705,175913.0,1970-08-26 17:34:00,1973-09-04 18:04:00,45.03490494335473,0.3271224680743819,0 -9069,81706.0,1972-10-02 15:12:00,1975-12-09 13:36:00,38.719447116721575,0.0,0 -2603,520294.0,1974-12-15 18:54:00,1971-10-24 11:25:00,45.57189856984434,0.0710236648414757,0 -7738,232409.0,1971-05-12 09:20:00,1973-09-08 17:23:00,46.39554737371189,1.0138725020365138,0 -1579,568598.0,1970-01-10 11:03:00,1973-12-10 19:37:00,50.34682442526568,0.6662817372041664,0 -5058,511673.0,1974-05-24 07:10:00,1975-03-14 05:31:00,60.558000416220025,1.2278287499231555,0 -5753,7086.0,1972-12-25 10:58:00,1971-11-04 01:46:00,44.29167628267712,1.5478567431628365,0 -3548,564376.0,1970-12-27 17:38:00,1971-09-26 02:29:00,46.350812531147234,0.0688695681464484,0 -409,600405.0,1970-12-09 22:18:00,1975-08-03 10:27:00,46.63099193006962,1.6523124378501008,0 -4097,1054405.0,1974-04-15 01:33:00,1972-11-11 01:18:00,50.07152904562739,2.024542325314398,0 -6461,1100013.0,1972-04-05 22:54:00,1972-01-10 02:43:00,42.650974806431215,0.3155774284262206,0 -5601,366127.0,1971-02-01 18:16:00,1973-08-22 14:17:00,40.99512706717822,1.257930223252644,0 -5231,638266.0,1973-01-19 19:42:00,1971-07-16 12:30:00,47.59149476552202,1.1134887502684458,0 -3777,610692.0,1973-04-20 17:57:00,1973-01-26 08:40:00,44.27129569520069,1.0910672152836516,0 -2726,550219.0,1973-11-08 08:54:00,1972-05-10 14:30:00,45.280124721612914,0.527119980260351,0 -477,1017739.0,1970-03-18 09:36:00,1972-05-19 21:27:00,50.23279064882831,0.5856348397294467,0 -1329,483025.0,1970-05-10 03:06:00,1975-12-27 22:20:00,55.76911304538709,0.7278355318694892,1 -4035,474736.0,1971-04-09 06:48:00,1973-08-01 20:43:00,52.33210096261307,0.958157236834059,0 -9642,266896.0,1974-12-19 04:10:00,1971-02-23 17:35:00,54.36389161999553,0.4303404227576989,0 -1777,394380.0,1974-08-22 03:19:00,1972-08-22 23:50:00,43.946110310606834,0.9797824338937092,0 -6096,791105.0,1973-10-14 03:35:00,1973-05-13 06:26:00,53.05919415571722,1.6355046479255206,1 -751,670810.0,1971-06-03 07:35:00,1974-08-02 02:13:00,43.50762111669288,1.387743227902519,0 -5792,635120.0,1972-12-18 04:48:00,1974-08-17 11:15:00,55.2618485136727,1.0400087690577065,0 -4060,876294.0,1973-07-24 20:33:00,1974-05-18 08:37:00,54.40024927120682,2.1634544880054576,1 -9041,992101.0,1971-05-31 12:12:00,1971-04-06 14:20:00,41.19210401412937,1.0471285544103552,0 -6030,265959.0,1974-06-25 21:31:00,1971-08-04 15:10:00,54.69173942528809,1.2775946357898422,0 -5898,1153036.0,1970-01-14 16:38:00,1975-04-15 02:53:00,51.479202793006,1.0836869442347177,0 -9338,81264.0,1971-04-09 13:44:00,1975-01-03 18:16:00,49.40877692194638,1.7460852775796665,0 -9160,1084147.0,1972-09-16 16:02:00,1974-05-10 22:05:00,47.810778819429,1.134698730985983,0 -9996,317324.0,1973-10-27 18:44:00,1975-04-22 11:26:00,46.52192790026579,0.2665443843160243,0 -5151,161747.0,1970-11-24 19:34:00,1975-06-30 15:07:00,54.52746610870719,1.346675372585278,1 -468,851879.0,1970-01-07 02:22:00,1973-08-29 16:40:00,38.478449788425934,1.1044897131378884,0 -1545,547083.0,1974-08-16 17:36:00,1974-07-02 09:13:00,46.80973843358405,1.0857073044601593,0 -6311,584651.0,1970-03-11 16:52:00,1975-09-14 07:23:00,48.41431417486488,0.9906160678932112,0 -2683,2619.0,1974-08-25 16:16:00,1974-05-07 13:50:00,54.403046855555175,0.3331326239240194,0 -8966,552262.0,1972-10-09 01:29:00,1971-11-15 06:00:00,54.50597110582919,0.2577380664331496,0 -6181,124504.0,1972-12-25 17:00:00,1974-11-11 16:43:00,45.3859910880977,0.1898080859463027,0 -1025,81320.0,1971-01-20 06:30:00,1972-12-26 19:11:00,42.8181050988324,1.3585518940877142,0 -5112,430665.0,1970-12-25 18:02:00,1971-01-27 15:26:00,49.58787623299246,1.02367655290039,0 -8562,150214.0,1973-12-08 08:45:00,1975-07-03 23:43:00,54.37998737126042,1.2860265964033792,0 -5368,700245.0,1972-03-30 22:41:00,1973-01-30 16:02:00,42.07922792956479,0.5196226164118293,0 -2354,588544.0,1973-06-15 06:30:00,1971-06-24 00:08:00,43.56669639864811,1.1028256329602255,0 -7278,249854.0,1974-11-02 18:16:00,1974-04-30 03:19:00,57.040524482419954,1.344306973102869,1 -3602,467408.0,1973-07-19 14:54:00,1974-07-29 05:11:00,48.97480521348577,0.4049029817830639,0 -773,776290.0,1970-07-31 20:50:00,1972-06-14 04:22:00,52.50879810653147,0.7109530641441206,0 -6773,1078192.0,1973-03-05 20:27:00,1973-08-23 13:32:00,52.4513347105008,1.0683280190443425,0 -8809,400392.0,1970-10-31 14:51:00,1971-08-05 10:39:00,48.19014999571874,1.1222375047173028,0 -3382,105725.0,1973-09-20 03:10:00,1972-07-20 22:21:00,49.12963011894553,0.6786579831192316,0 -641,530358.0,1974-12-19 09:01:00,1973-06-11 21:28:00,52.64446621684984,1.346170968295808,0 -4233,103926.0,1971-08-23 23:22:00,1973-07-14 02:25:00,45.44567321970401,1.3923250692939388,0 -3815,583074.0,1971-04-17 05:02:00,1972-01-15 07:37:00,40.71326374920248,2.014846978966789,0 -4104,536865.0,1974-04-06 11:33:00,1972-06-12 02:56:00,53.51874087195522,0.7157734592520406,0 -9925,950929.0,1974-06-28 18:41:00,1972-03-11 15:55:00,55.126578877925496,1.2794825903503466,1 -1108,296779.0,1973-10-27 00:14:00,1974-03-13 17:38:00,44.62209841581948,1.602305181097,0 -3527,959934.0,1973-11-08 15:34:00,1974-11-18 09:54:00,52.382372284661656,2.096343851163737,0 -3495,173161.0,1970-04-08 03:17:00,1972-12-20 14:17:00,48.699070450428806,1.2658025018795436,0 -1420,482097.0,1970-07-02 08:35:00,1973-09-01 04:23:00,50.40240656390161,0.8212667458822069,0 -6923,34149.0,1971-06-13 05:40:00,1974-04-29 01:57:00,53.495273633601066,1.8100900634133428,0 -3881,1133735.0,1970-11-22 13:44:00,1972-12-03 20:21:00,50.838073687670416,1.1113343683796622,0 -8353,93103.0,1971-01-17 15:27:00,1975-09-20 03:52:00,52.18134115793392,1.1089938842335556,0 -6245,925534.0,1972-05-02 14:51:00,1974-02-13 17:21:00,46.25047549436066,1.0396002606221053,0 -4938,570687.0,1971-05-12 02:41:00,1975-02-15 06:24:00,46.21843988950969,1.324139181943859,0 -6798,52063.0,1974-05-17 11:59:00,1975-04-09 23:01:00,44.1955319988046,1.0101885841534552,0 -7812,282694.0,1970-06-24 00:24:00,1973-08-30 19:43:00,47.54763805173266,1.3214790190595251,0 -1680,1165842.0,1971-09-21 16:08:00,1974-03-16 00:14:00,51.81340516779808,0.004367110960656,0 -6715,704833.0,1971-06-07 03:59:00,1972-04-19 23:16:00,49.53246331878657,1.349465703173815,0 -633,695540.0,1971-09-19 06:16:00,1971-10-20 11:20:00,50.42556373370406,0.7442941087822263,0 -2569,389513.0,1970-10-24 03:28:00,1975-03-02 16:14:00,52.026377802154,2.015009158990333,0 -7359,474027.0,1972-07-14 12:44:00,1975-08-10 23:22:00,46.72141775505185,0.9438082358182804,0 -2166,1189011.0,1970-06-11 09:08:00,1971-09-07 21:40:00,42.64483054884265,0.926881180953212,0 -8169,946407.0,1974-06-12 14:37:00,1975-04-04 01:18:00,48.07383047609839,0.4244591828305769,0 -8845,184406.0,1973-03-16 01:35:00,1974-11-29 22:04:00,48.97377644619884,1.0956599999780534,0 -2825,,1973-07-31 19:53:00,1972-08-09 05:12:00,56.20869491095211,0.8833068112917006,1 -4087,1041142.0,1970-03-11 01:12:00,1972-10-18 06:44:00,50.05233269652551,0.6007587172001512,0 -6243,964736.0,1972-02-13 20:47:00,1971-03-03 06:59:00,53.68074410096976,0.1959712759914862,1 -8364,172785.0,1974-08-01 00:54:00,1975-08-05 01:52:00,54.16672892382006,1.392453225849024,0 -3941,174772.0,1971-11-03 16:24:00,1975-01-19 11:39:00,45.85368053855331,1.0428504642315326,0 -9179,169414.0,1970-06-14 08:25:00,1975-11-23 05:35:00,42.14957608428709,0.7534798472520017,0 -8075,953005.0,1974-04-03 21:24:00,1971-08-30 21:11:00,51.50052946858048,1.5115906873794789,0 -9195,819248.0,1974-08-27 12:25:00,1975-03-23 14:45:00,45.63399698220412,1.2906848971898814,0 -4128,213951.0,1973-05-24 10:06:00,1973-04-19 16:57:00,38.84371787627238,0.5711079450443017,0 -1172,816129.0,1972-02-25 03:03:00,1973-10-26 08:29:00,50.81502104720416,0.8985843195770716,0 -8668,57767.0,1971-08-22 04:59:00,1973-09-14 04:22:00,41.67302980562035,1.054475714918942,0 -4222,236273.0,1970-12-08 14:25:00,1972-02-21 10:34:00,48.082822821716846,0.6624854642561604,0 -4834,684403.0,1971-07-02 14:47:00,1971-05-31 02:28:00,44.4322374000905,0.9938658081058904,0 -2576,1000748.0,1973-06-06 22:02:00,1973-10-09 06:29:00,41.548456565958496,1.7059878371159454,0 -1989,151143.0,1971-04-01 15:07:00,1974-12-21 08:58:00,53.66794369682048,1.4922227551074316,0 -6973,1173765.0,1972-08-28 22:48:00,1973-06-16 14:35:00,49.88518732624498,1.399236093109264,0 -5836,590251.0,1972-07-16 18:04:00,1974-06-02 04:27:00,43.98097517804267,1.7692682629579035,0 -4532,843155.0,1973-12-17 18:32:00,1973-07-28 03:49:00,47.77734309201164,1.2388846905691782,0 -3209,375061.0,1970-06-20 23:31:00,1971-04-07 15:39:00,43.31052502355016,1.5681675900731449,0 -3855,457961.0,1973-04-02 07:42:00,1974-12-19 02:46:00,45.68614682392773,1.146092800251615,0 -2628,896247.0,1970-03-13 15:59:00,1974-12-17 12:43:00,53.23171808341693,0.6170213796606794,0 -7803,348929.0,1973-11-03 11:33:00,1974-06-04 19:12:00,47.36543336216024,1.2178976665380088,0 -1410,65147.0,1971-12-25 18:42:00,1971-08-22 06:19:00,45.294633310532944,1.0889722568508855,0 -8257,1041399.0,1973-12-01 18:12:00,1972-04-28 07:35:00,44.49670254194345,1.4130053709367991,0 -7386,671251.0,1972-06-07 16:04:00,1974-04-20 13:36:00,42.7499506687368,1.6461942728847916,0 -4303,957433.0,1973-11-22 06:57:00,1973-10-22 13:37:00,52.198385813317486,0.879229354624354,0 -6750,442994.0,1970-07-10 05:53:00,1971-05-23 07:04:00,49.037885677233135,1.3076229900486962,0 -6555,897143.0,1973-02-28 18:00:00,1973-03-13 21:55:00,46.48788654117008,0.3622573761622034,0 -815,261291.0,1973-05-30 16:18:00,1972-01-11 16:01:00,48.11017264121953,2.2196638016838275,0 -2404,301517.0,1973-04-04 10:59:00,1974-08-05 08:30:00,57.84728820516866,1.2070849379774988,1 -5397,99664.0,1973-06-15 04:20:00,1971-12-27 18:13:00,49.91631568814524,0.0,0 -9956,209315.0,1970-05-14 12:46:00,1971-12-13 13:26:00,53.384876252719664,0.9049751576845504,0 -2131,591715.0,1970-10-31 19:36:00,1972-12-13 01:12:00,47.01885889958698,0.8514286243718963,0 -1797,1146369.0,1970-07-27 03:31:00,1971-08-12 23:00:00,57.98240885757989,0.6668192515954108,1 -3090,931738.0,1973-04-01 18:04:00,1973-01-18 21:23:00,50.488995712506274,1.5187359783231973,1 -4184,390788.0,1970-10-27 19:21:00,1974-05-24 07:09:00,48.55473597202628,1.3294252607710813,0 -4564,925619.0,1974-08-24 20:57:00,1972-08-23 13:02:00,41.98740280136151,1.2874516230364708,0 -5030,464875.0,1971-05-15 00:26:00,1975-12-18 00:48:00,40.13923937259198,0.734166581025232,0 -8048,919021.0,1973-10-20 08:07:00,1971-02-16 17:16:00,54.33804125395885,0.4240997187356544,0 -122,668426.0,1974-07-17 15:50:00,1973-10-04 22:40:00,48.47775654563014,0.4100680335803784,0 -179,589623.0,1971-02-04 23:03:00,1974-06-07 17:18:00,42.997845311136,1.0446679297996664,0 -9250,276193.0,1970-07-15 23:48:00,1972-04-19 20:38:00,49.72431468499906,0.7616627187223934,0 -8095,225202.0,1972-02-04 02:54:00,1973-08-22 16:03:00,42.71665650125808,0.8404923465084737,0 -6429,359282.0,1972-01-25 00:33:00,1973-12-03 01:56:00,40.860297314572776,1.6485077760643023,0 -9737,51837.0,1970-01-30 17:26:00,1972-09-19 16:56:00,52.77162174301074,1.3020106741669264,0 -4992,17043.0,1971-12-04 16:46:00,1975-02-23 00:39:00,52.47724553419511,1.3281992462123102,0 -1157,471600.0,1970-09-30 18:55:00,1975-01-09 00:02:00,47.630960747041165,1.395270197988435,0 -9003,741344.0,1970-12-08 11:09:00,1973-01-31 04:46:00,43.872254733315344,0.6185672299812373,0 -1532,1061547.0,1971-10-06 23:42:00,1972-12-31 14:15:00,42.41788000382276,1.4338350699356912,0 -8992,513115.0,1973-08-12 20:05:00,1971-08-03 23:16:00,54.86969904258873,1.4339583441550752,1 -7859,954501.0,1972-03-26 16:39:00,1972-12-26 23:45:00,42.935741038080046,1.0760357953158608,0 -9110,1165183.0,1970-03-30 06:31:00,1973-11-04 08:14:00,38.63117265970463,1.1482098679094117,0 -1535,234952.0,1973-11-19 13:54:00,1972-07-22 11:47:00,46.106276834633576,1.0496737261867468,0 -9259,245654.0,1973-12-26 04:37:00,1971-05-12 04:03:00,46.04123187625598,0.5704050926956895,0 -5517,287039.0,1974-02-14 05:29:00,1975-07-31 14:20:00,47.06615090100058,0.9271223129303368,1 -2605,823699.0,1974-09-02 17:25:00,1971-08-28 17:58:00,33.62617480929515,1.662826225185586,0 -6127,686574.0,1973-01-18 19:43:00,1973-10-21 04:56:00,40.4712374530158,0.0,0 -9141,925893.0,1971-02-04 19:50:00,1974-05-17 08:48:00,56.33650103237636,2.363233081831537,0 -7458,842476.0,1970-12-08 02:26:00,1973-11-13 03:54:00,51.89704969031205,0.80932440016269,0 -2177,242277.0,1972-09-22 14:20:00,1971-12-25 07:19:00,47.0423280923379,1.330073429676072,0 -7990,503904.0,1971-10-25 12:20:00,1973-10-20 23:13:00,45.25614281826376,1.104819021182886,0 -2351,1176665.0,1971-03-29 03:10:00,1974-01-30 11:36:00,44.1242759069046,1.3209027486497162,0 -9177,1030213.0,1971-04-21 09:53:00,1974-03-15 15:17:00,55.479092180445456,0.8898549236874047,0 -3502,308699.0,1973-06-19 04:50:00,1975-11-20 16:49:00,54.22193879101008,0.6324337471759958,0 -2134,26249.0,1971-03-31 21:17:00,1971-10-07 22:29:00,51.20508225669456,1.0943584571100415,0 -1480,677497.0,1971-07-19 18:13:00,1975-09-02 02:38:00,47.28076435036567,0.8587752620078695,0 -2793,120711.0,1970-09-02 14:02:00,1975-04-01 03:48:00,41.86510588390043,0.92209895361862,0 -4843,1181262.0,1971-07-19 22:42:00,1972-12-12 20:46:00,40.424515596868936,0.997007232356139,0 -9780,1054070.0,1970-12-15 22:43:00,1972-04-26 12:40:00,48.031017535659984,0.375838811304708,0 -9934,688276.0,1970-06-13 10:00:00,1972-01-14 19:57:00,42.74995916639073,1.418105349208342,0 -4762,1019826.0,1973-05-16 20:22:00,1972-11-15 19:46:00,51.07457529432139,1.1485067883829407,0 -7191,793912.0,1974-08-06 06:57:00,1974-06-28 16:46:00,42.67406228417148,0.9623007337498444,0 -6041,823768.0,1974-03-07 07:57:00,1974-06-13 19:31:00,42.84408966625215,1.8183319607267872,0 -9636,361890.0,1973-10-08 23:32:00,,45.07310801964624,1.2437134004751778,0 -3445,40436.0,1973-02-27 00:43:00,1975-10-10 08:38:00,44.63615327377259,1.8098085820503087,0 -8149,252007.0,1972-04-26 04:06:00,1974-10-12 19:23:00,36.38371141655758,1.057481037429311,0 -7765,554321.0,1970-11-18 23:30:00,1971-10-26 19:44:00,51.6583093932486,0.9316559096727354,0 -3620,546971.0,1970-09-14 08:46:00,1972-09-04 05:35:00,47.36281977045287,1.312794453521972,0 -1952,856724.0,1973-09-20 03:55:00,1972-03-01 20:11:00,50.69606483454908,0.2827958302147871,0 -555,679713.0,1972-03-21 10:40:00,1972-05-14 04:15:00,48.604131936695616,1.6801846615251468,0 -4264,1147753.0,1971-01-17 02:34:00,1971-07-25 09:20:00,50.43292601268213,0.8005621122139889,0 -1163,817464.0,1970-09-21 06:35:00,1975-05-23 06:41:00,51.93468643525416,0.9760795797022058,0 -1584,99109.0,1974-04-03 03:28:00,1971-09-13 00:01:00,44.60759954749095,0.6934383155464598,0 -6151,995990.0,1973-06-22 16:47:00,1973-08-08 10:20:00,56.105862287191066,1.465640646846596,1 -9720,678627.0,1974-02-27 12:07:00,1974-09-01 11:33:00,50.03085060215547,0.7053749402605032,1 -5837,775319.0,1972-04-15 16:11:00,1972-08-18 16:43:00,43.73447870832796,0.7034145750031244,0 -5261,972945.0,1972-08-15 02:24:00,1975-12-08 06:37:00,49.82153333923532,1.1581963642572612,0 -5239,145523.0,1971-06-14 06:33:00,1973-11-11 04:43:00,51.23413183923451,0.9954359997139416,0 -7913,1058240.0,1972-12-19 19:52:00,1973-05-25 03:43:00,47.77865450770906,1.1768487331903998,0 -9162,470318.0,1973-09-04 21:51:00,1975-10-10 01:23:00,47.750082539438495,1.193893343716077,0 -1598,885309.0,1973-12-17 12:38:00,1974-03-21 05:08:00,52.01140845754093,1.6407712985620069,0 -7182,51261.0,1972-07-30 09:23:00,1971-02-22 11:25:00,54.61988606542143,0.9329960744764564,0 -300,1165736.0,,1971-11-27 03:35:00,51.22476181480869,1.5070595828895967,0 -9660,144068.0,1972-01-14 20:24:00,1972-12-08 22:34:00,47.85478706649042,0.6983119185925049,0 -6947,49015.0,1972-04-14 22:01:00,1975-01-03 21:26:00,50.37621284685065,1.2124298427823208,0 -3794,341452.0,1972-07-07 15:28:00,1973-08-08 09:05:00,50.65463893976164,1.3077182414515,0 -4572,1045931.0,1973-03-11 16:00:00,1971-08-17 01:09:00,44.01158814815111,0.854393253448481,0 -4335,1139116.0,1973-07-02 18:04:00,1972-07-31 05:28:00,48.45039413008034,1.733785279597481,0 -2858,622665.0,1971-09-27 22:25:00,1972-10-30 08:17:00,50.05932552083687,0.9338426494106118,0 -5694,824094.0,1973-06-01 11:56:00,1972-07-03 07:22:00,58.43957688791525,1.292457681422832,0 -3142,156066.0,1974-09-18 21:05:00,1975-02-01 09:25:00,45.93941693890294,0.5362447183418704,0 -1359,282354.0,1974-02-21 16:14:00,1975-07-10 14:53:00,50.38147718289669,1.0737575310342655,0 -4533,735562.0,1971-02-09 18:05:00,1975-09-20 13:58:00,50.92661268197247,1.5136008630947233,0 -9749,553169.0,1973-09-03 02:15:00,1972-08-04 06:57:00,53.70720177519583,0.8977183098134599,0 -5687,1040704.0,1971-04-27 00:40:00,1971-05-29 09:48:00,49.403498854317945,0.9447293109595508,0 -486,54356.0,1971-05-04 20:35:00,1975-10-11 23:56:00,38.601267392127454,1.1596783677423403,0 -7836,528997.0,1972-02-15 13:35:00,1973-10-10 15:31:00,46.76466873231089,0.2707069880098462,0 -9554,1079727.0,1974-02-06 04:02:00,1974-07-14 04:20:00,53.9707784649465,0.7197266927852439,0 -5900,376390.0,1971-05-23 04:34:00,1972-04-18 11:15:00,48.234983719018544,0.0,0 -8116,730444.0,1970-08-14 22:40:00,1973-05-14 00:46:00,42.21167659098359,1.421908679262622,0 -7362,781840.0,1974-01-10 01:24:00,1973-11-09 01:38:00,49.48262891818225,1.3496552856823143,0 -1152,835142.0,1974-05-23 05:53:00,1975-12-16 17:18:00,39.09003725912053,0.7026429852113285,0 -5382,784863.0,1972-03-13 03:43:00,1975-04-19 10:47:00,32.18643759909796,1.476892766385546,0 -9741,925049.0,1973-05-11 05:48:00,1975-10-06 01:25:00,56.00042390459109,1.042686061191549,0 -5424,570788.0,1970-12-03 07:45:00,1973-10-12 00:29:00,44.71414660367255,0.164916393624093,0 -8807,827294.0,1970-04-23 04:47:00,1972-05-02 15:46:00,51.75832186086079,0.4412444096760584,0 -5186,858098.0,1971-12-13 15:06:00,1973-07-21 17:27:00,52.7145279323812,1.279843328561835,0 -8409,1106360.0,1973-03-13 23:34:00,1974-09-04 14:12:00,52.222684431062696,1.821822841721008,0 -6189,384859.0,1971-02-24 08:41:00,1973-12-23 20:18:00,42.36850708174191,0.1682041908554323,0 -9702,265463.0,1972-01-21 06:53:00,1975-10-05 21:09:00,60.03986116625356,1.0052962245186772,1 -8269,306104.0,1974-11-09 09:24:00,1974-12-11 06:27:00,50.62336716793416,1.601069861060521,0 -5314,966731.0,1973-03-24 01:18:00,1972-11-22 00:41:00,50.09288563131754,0.930879448142124,0 -9903,348000.0,1970-03-10 03:12:00,1975-08-15 13:47:00,49.64538331596263,1.3208056774358556,0 -665,447770.0,1970-04-07 19:48:00,1975-04-28 12:25:00,57.46070394427626,1.4092683494197944,0 -3353,700097.0,1973-02-12 08:53:00,1973-10-20 03:39:00,43.89834587583347,1.0869028190337997,0 -8851,904309.0,1974-11-19 18:36:00,1972-06-20 21:34:00,42.58093620903554,0.4043188202148828,0 -8061,782257.0,1974-03-18 23:37:00,1973-01-30 22:00:00,50.72603791515797,0.9000798779336995,0 -642,206653.0,1971-10-13 03:14:00,1972-09-10 10:41:00,46.56862157838244,0.6176601262443386,0 -9242,890697.0,1971-03-31 08:18:00,1971-05-14 00:47:00,48.97285079903789,1.0376390433158695,0 -176,1168972.0,1972-09-03 21:29:00,1974-11-11 10:14:00,54.437874558348526,1.2989606879689732,0 -6431,604310.0,1971-07-08 09:26:00,1972-03-16 18:12:00,51.49165976027278,1.2191574411155226,0 -9910,820153.0,1972-06-29 20:11:00,1973-02-07 16:33:00,47.983580979313686,0.6998511423622109,0 -3438,735934.0,1971-01-08 03:33:00,1971-04-25 06:08:00,44.46648428658566,0.3286308568727523,0 -786,438571.0,1971-11-21 18:11:00,1975-06-05 23:20:00,53.88325795884501,0.9849700954086696,0 -6391,874291.0,1970-02-06 06:10:00,1975-11-11 11:19:00,46.33768868925269,1.2162656911550536,0 -9065,980595.0,1972-04-06 07:07:00,1972-03-14 20:59:00,49.9151789873856,0.3235083607878939,0 -9927,732011.0,1973-09-04 10:55:00,1974-03-12 09:47:00,42.961651907080736,0.7756043555548778,0 -3202,480476.0,1972-09-16 11:35:00,1974-06-23 15:37:00,46.57346155389768,1.2852234736337864,0 -4803,677310.0,1973-08-28 01:16:00,1971-07-03 12:58:00,46.5308257955231,1.0755026886115535,0 -7835,1114916.0,1973-03-13 22:32:00,1972-05-02 17:21:00,49.93163161839566,0.0644313118645187,0 -7940,340044.0,1973-10-16 12:57:00,1971-11-09 02:44:00,45.87919807543965,0.8068396480101484,0 -91,252155.0,1974-01-05 11:58:00,1973-06-25 00:41:00,46.52449728967366,0.2450592820402394,0 -5762,151181.0,1971-09-18 20:56:00,1971-01-24 10:48:00,46.9612899875382,1.3102623869558594,0 -9027,270459.0,1974-12-09 15:55:00,1972-05-26 22:23:00,46.62713650739718,0.8628905943163385,0 -9504,522402.0,1972-10-27 10:00:00,1974-11-10 07:41:00,49.483392610871945,1.251564770770818,0 -8237,164955.0,1973-07-11 21:19:00,1973-06-15 14:18:00,46.193219715607874,0.713939097466231,0 -1971,819709.0,1971-03-22 06:06:00,1973-08-04 07:53:00,45.34712412244963,1.215631544222478,0 -2905,1106599.0,1974-03-24 06:47:00,1971-11-21 19:21:00,45.68733327064768,1.242454352513861,0 -530,732084.0,1972-08-05 19:54:00,1972-01-26 22:22:00,47.037873025858566,0.0,0 -3635,980576.0,1972-02-27 13:40:00,1973-12-02 17:35:00,46.99271945577741,0.7467093678177302,0 -996,771122.0,1974-05-20 22:36:00,1972-11-20 21:04:00,41.28871189172018,2.3997839417399898,0 -5852,1197708.0,1974-03-26 22:28:00,1975-08-09 17:02:00,46.24320330767239,0.321694430197652,0 -4226,750618.0,1971-05-17 02:11:00,1971-08-08 21:36:00,51.06087629465591,1.3709572198989814,0 -5616,1014807.0,1973-12-23 19:12:00,1972-06-23 02:07:00,44.92576979067953,1.2260262432352698,0 -2312,475249.0,1973-04-17 20:54:00,1973-08-17 05:42:00,54.00071698716553,1.6436409287742868,0 -2154,24192.0,1973-10-08 00:48:00,,47.72563920560602,1.6991884049098949,0 -5317,216589.0,1972-01-25 03:58:00,1972-12-19 08:40:00,48.279732939234655,1.8633425465821007,0 -1427,556736.0,1970-02-05 10:52:00,,44.87800401474061,1.817283841969515,0 -8630,339338.0,1973-08-17 12:23:00,1972-04-25 20:51:00,44.84105254542216,1.4111640969161527,0 -6032,434739.0,1970-04-25 07:06:00,1973-06-02 23:14:00,50.50168982630917,1.2249495379523234,0 -4415,951266.0,1973-09-13 15:59:00,1974-01-08 14:49:00,44.099278304962354,0.8338088309116176,0 -8818,233689.0,1974-01-25 23:50:00,1971-05-28 03:28:00,38.909001098769664,1.4530446927214635,0 -3085,786517.0,1974-05-11 23:08:00,1974-08-15 01:11:00,41.89488538386493,1.7039236897020145,0 -7798,273953.0,1972-02-24 02:12:00,1971-04-13 16:36:00,52.91224010485288,1.1234950220386055,0 -9153,879047.0,1970-07-07 13:28:00,,53.2945264625098,0.1059225555704468,0 -8209,149729.0,1970-10-29 21:52:00,1975-03-04 00:56:00,43.48461271610273,1.518945568336203,0 -9573,390546.0,1972-01-16 17:43:00,1972-03-16 18:18:00,48.29258185985269,0.958442293206654,0 -9534,1148447.0,1974-09-02 21:20:00,1975-02-22 19:02:00,52.256033343901066,0.8090043320330941,0 -495,236383.0,1974-10-14 07:58:00,1971-08-13 09:28:00,36.10958276578561,1.0648864899313208,0 -3749,107120.0,1973-10-09 18:34:00,1975-01-15 02:16:00,49.35002360672565,0.9432339830906502,0 -2321,9551.0,1974-12-12 13:20:00,1972-06-30 17:28:00,46.79624944764126,0.88582062175728,0 -4267,1074762.0,1971-03-06 19:45:00,1975-11-11 04:05:00,43.93187250282212,1.6781653945196466,0 -3405,1050278.0,1970-07-28 00:48:00,1975-06-01 06:41:00,54.32744689545236,0.955418506676162,0 -151,958048.0,1970-03-01 23:39:00,1972-10-18 06:22:00,45.76777065017948,0.789975718619318,0 -7369,271723.0,1970-02-20 09:07:00,1975-11-29 09:31:00,47.085293618727874,0.7412694161035562,0 -694,222319.0,1971-03-21 16:59:00,1975-07-13 16:50:00,44.042329878473446,0.6589261324957818,0 -4417,666368.0,1974-08-27 19:34:00,1972-04-10 01:25:00,49.640417759455936,1.6061609574687377,0 -5697,188268.0,1974-08-01 01:19:00,1972-10-11 07:25:00,44.17931181193667,0.4908906791791432,0 -1738,226012.0,1971-10-13 23:22:00,1972-11-06 10:17:00,55.6223188134432,1.3706046569672137,0 -3001,1173759.0,1971-11-08 08:28:00,1972-10-15 21:20:00,49.587169656354455,1.010161712831929,0 -167,511775.0,1972-04-24 21:05:00,1974-08-26 18:35:00,42.51861690564357,1.1799723990382256,0 -6111,541999.0,1970-10-12 00:18:00,1975-11-10 15:44:00,45.42976172335853,0.637688636302421,0 -4622,790755.0,1974-08-01 05:08:00,1972-02-19 01:10:00,25.912350809034,0.0,0 -2865,619187.0,1973-11-05 08:30:00,1971-07-31 21:44:00,36.764285661389074,0.7922070697299997,0 -8544,621051.0,1973-04-27 02:13:00,1973-12-05 02:30:00,46.58940176935772,1.3925902449394223,0 -4702,996321.0,1974-08-25 23:15:00,1973-12-09 15:41:00,45.18881248141077,1.1068950521741294,0 -2883,442446.0,1972-02-24 01:37:00,1975-01-13 06:22:00,44.566596780960346,1.8059907679680696,0 -3031,476794.0,1970-08-24 10:47:00,1972-05-17 08:24:00,46.44132693764325,0.1722528788871162,0 -8183,1119338.0,1973-03-23 22:02:00,1973-05-03 19:58:00,55.187384085183055,1.0662070591713346,0 -8980,285760.0,1971-02-04 07:44:00,1971-05-11 03:00:00,43.36744907954595,0.2409114126021163,0 -8528,760863.0,1970-04-05 05:25:00,1974-12-05 04:07:00,49.57014617291932,1.9482693789714247,0 -5681,1128174.0,1973-09-06 09:19:00,1974-12-11 11:47:00,47.83969397445254,0.340217803212549,0 -7209,673116.0,1970-05-21 22:05:00,1972-09-30 12:53:00,51.34528947918879,0.562988418420719,0 -5991,1157182.0,1974-10-17 14:35:00,1971-05-12 12:53:00,53.93784159256275,1.2595852217434855,0 -2276,746899.0,1972-07-02 10:34:00,1975-07-07 17:37:00,47.76375909272889,0.3778678599061208,0 -7132,204237.0,1974-07-15 13:34:00,1974-06-28 08:21:00,45.00185101548728,0.7541544155257767,0 -5705,704555.0,1970-10-11 15:54:00,1975-01-01 08:16:00,47.627172380569256,0.4105070737513721,0 -7998,115576.0,1970-01-19 02:16:00,1975-11-19 09:18:00,40.524463674600895,0.993555053384,0 -5292,296562.0,1970-12-27 23:38:00,1971-09-22 18:34:00,50.632105307919744,1.1854618854249206,0 -4304,82324.0,1972-03-16 02:15:00,1972-12-16 19:25:00,39.676809606082415,1.137825935230202,0 -7445,587418.0,1970-04-01 08:15:00,1975-05-02 04:30:00,57.19607709029364,1.4006142068354293,1 -428,706033.0,1972-05-18 02:07:00,1974-12-13 00:11:00,48.41549387248406,1.1310424410920574,0 -7068,42513.0,1974-10-29 05:17:00,1975-03-20 07:19:00,40.14283423501148,1.045494158039274,0 -6364,,1970-10-19 02:01:00,1973-08-12 19:08:00,45.08905257629123,0.9915816936989053,0 -4215,169310.0,1973-12-29 02:33:00,1972-10-11 01:43:00,46.47865663345155,2.000204502225464,0 -426,505535.0,1971-03-05 18:08:00,1974-10-07 15:45:00,53.37948729383674,0.8391599687458358,0 -2223,812220.0,1972-08-06 11:14:00,1975-07-15 05:16:00,44.39257101442695,1.570803051232275,0 -100,626243.0,1972-11-13 11:16:00,,54.41140853279428,0.5584270910956257,0 -9244,787243.0,1973-10-28 17:12:00,1974-06-26 11:46:00,50.29454176257332,0.6672178707400915,0 -3307,58490.0,1972-01-17 15:57:00,1974-01-12 10:06:00,44.01604018600495,1.0178733718730593,0 -2762,1071631.0,,1974-10-06 01:25:00,45.18758490950597,0.6241117149274897,0 -5857,426523.0,1970-01-28 01:50:00,1972-04-08 20:14:00,47.57251795617468,0.4018754133706348,0 -4738,188800.0,1973-05-26 07:42:00,1971-05-28 06:50:00,54.20603817957374,1.4370461661716851,0 -7092,587792.0,1974-07-22 09:03:00,1975-08-07 03:21:00,45.26454127871765,1.4770918661472756,0 -9632,275510.0,1970-06-01 12:52:00,1972-10-27 12:33:00,44.27146782935559,2.1072274358956253,0 -3286,546758.0,1972-03-25 22:44:00,1973-05-16 14:03:00,47.5083115756813,1.0472922134139162,0 -7712,346155.0,1973-08-05 18:09:00,1972-08-26 19:31:00,50.05882706323589,0.7988392038019716,0 -7868,793274.0,1973-11-07 18:00:00,1971-07-18 22:59:00,49.39128289365649,1.3109224173476142,0 -6067,987521.0,1971-08-20 08:41:00,1975-09-15 08:42:00,51.8669134482655,1.5827302831634458,0 -9235,292123.0,1973-07-22 00:06:00,1973-02-12 08:31:00,50.86681041321258,0.9448733786926172,0 -3577,888552.0,1970-02-07 11:05:00,1974-06-18 20:38:00,47.695152135054535,1.0579478793995798,0 -1465,911321.0,1974-05-12 14:06:00,1975-04-17 05:03:00,40.75000003165291,0.4396329136576169,0 -7675,474897.0,1970-07-20 06:53:00,1972-10-28 02:15:00,48.98083933332327,1.31695492589368,0 -2234,921107.0,1974-04-10 13:23:00,1975-10-24 00:02:00,42.28977145458111,1.390746045423667,0 -1744,783498.0,1973-10-01 14:44:00,1972-02-01 05:52:00,60.14927141315841,,1 -9754,1190803.0,1971-02-26 07:33:00,1974-03-24 01:24:00,48.40029259609297,0.3095752140348238,0 -6094,738028.0,1971-09-09 11:27:00,1975-06-14 15:46:00,40.07835910729648,1.8092328675631275,0 -8781,188830.0,1971-10-31 18:26:00,1975-03-27 12:16:00,48.60439700646342,0.6450260857969894,0 -9401,982447.0,1971-04-15 13:27:00,1971-05-17 10:05:00,48.95483062724634,0.5334535272307908,0 -8371,740901.0,1971-05-07 05:03:00,1971-05-17 04:41:00,44.46353233031744,1.627800110690894,0 -5027,1150180.0,1971-09-23 03:34:00,1975-01-14 21:22:00,46.09192953545755,1.5995998282141133,0 -9234,515908.0,1974-04-11 22:40:00,1972-03-26 11:50:00,38.32149300360186,2.119103657931155,0 -3944,836462.0,1970-11-08 10:54:00,1971-07-15 04:26:00,56.81595499684775,1.7167140940315946,1 -6862,694539.0,1974-02-28 20:59:00,1975-04-15 07:25:00,43.75544694357868,0.7297039422544973,0 -5350,31486.0,1974-02-15 23:19:00,1971-01-28 14:28:00,44.33053705267413,0.7196981327634788,0 -9422,15879.0,1970-12-13 12:49:00,1974-10-19 07:39:00,43.25262589381107,0.2746439579198538,0 -2121,728892.0,1973-09-04 13:08:00,1972-04-06 22:16:00,43.57205059759488,0.2849797589825603,0 -4972,807798.0,1971-09-07 16:31:00,1973-11-03 14:44:00,52.54897552112232,0.0,0 -8576,629249.0,1972-10-09 00:10:00,1974-03-11 10:56:00,53.7558186781752,1.0693207604196586,0 -3784,775873.0,1974-08-21 19:26:00,1974-02-07 05:15:00,46.93198567997408,0.7409536167875117,0 -6872,228204.0,1972-10-12 03:05:00,1973-05-21 19:17:00,41.65720095272783,0.0,0 -916,1001404.0,1973-03-15 20:16:00,1974-07-08 11:20:00,46.35776393692649,1.203694861331862,0 -9394,704629.0,1973-04-13 17:05:00,1975-02-21 11:31:00,42.85030231620672,0.6293169671547749,0 -7252,335681.0,1972-12-23 17:34:00,1974-02-08 00:35:00,36.24392096302657,2.0246114231238312,0 -8012,967061.0,1973-04-04 02:10:00,1974-08-14 14:01:00,49.26533134030087,0.5157928317823085,0 -5821,800822.0,1970-08-15 17:15:00,1971-04-11 04:18:00,46.346542860985615,1.3198892670746658,0 -4403,795915.0,1970-12-11 01:30:00,1972-10-15 06:51:00,45.25723034129494,1.4789215864582048,0 -4863,657461.0,1974-04-23 02:17:00,1975-03-07 18:52:00,51.72242807652551,0.0219252391218069,0 -8515,401277.0,1972-01-30 19:53:00,1973-09-15 22:53:00,47.56734940055178,1.11963113922689,0 -5422,1190274.0,1972-02-28 12:03:00,1974-02-01 11:22:00,47.75400485110148,0.4340065101473327,0 -7733,1164750.0,1974-08-27 23:04:00,1971-06-11 15:54:00,37.280427252668495,0.6667852272333314,0 -1203,956824.0,1973-12-31 20:45:00,1975-05-14 20:26:00,48.29927184736896,1.6472598415863684,0 -3768,1030706.0,1973-03-29 20:29:00,1971-02-20 03:10:00,55.37333557351533,1.362704100354929,0 -5357,1179829.0,1970-02-24 00:38:00,1973-10-30 22:20:00,47.77436138313298,2.8050946022368213,0 -3852,547977.0,1972-10-14 19:29:00,1972-11-13 23:49:00,43.85809607563799,2.41831407257423,0 -1926,836749.0,1974-04-01 13:34:00,1974-03-10 13:23:00,57.667849108141695,1.1925339124021517,0 -3114,39312.0,1971-03-21 05:16:00,1973-03-14 16:48:00,52.78814628408478,0.8866834522105614,1 -2641,480588.0,1970-11-16 08:25:00,1975-08-24 15:28:00,48.53789733043003,1.2645915871046602,0 -7639,1069058.0,1972-07-03 11:41:00,1972-04-06 04:23:00,42.47119624864985,0.4802679541890665,0 -7360,29752.0,1971-01-17 21:19:00,1971-12-30 16:29:00,50.611456885994365,0.1276932745145359,0 -8182,1017156.0,1971-10-15 06:22:00,1973-11-24 18:58:00,53.79443089051302,1.418507593673539,0 -7610,84835.0,1971-06-22 14:47:00,1972-09-03 23:13:00,38.69242443968566,1.80743005459213,0 -2728,240715.0,1970-10-09 21:01:00,1975-10-02 00:54:00,60.9563961333175,2.120096804856591,1 -9597,343933.0,1971-01-19 09:02:00,1975-04-05 03:50:00,52.40178675223419,0.972298207672653,0 -4985,517433.0,1974-12-28 22:18:00,1972-11-26 12:26:00,48.79895618660651,0.3485511425043803,0 -6846,796472.0,1973-10-06 03:13:00,1974-02-09 06:55:00,55.29105972262031,0.7205536593877293,0 -7698,1110928.0,1974-06-28 01:43:00,1973-04-19 09:52:00,53.07056392880298,1.1277049775992831,0 -4012,702763.0,1974-11-01 04:46:00,1975-06-16 04:08:00,46.38782720441563,0.9333307876683968,0 -2626,1007968.0,1972-04-11 11:28:00,1971-09-11 08:52:00,58.15000373753989,0.8923080538537871,1 -7238,283526.0,1974-07-10 02:06:00,1972-03-18 06:58:00,47.04433076630925,1.787964074442086,0 -8255,218538.0,1970-10-17 04:19:00,1973-07-20 03:09:00,58.020579187490256,1.1453472895511363,0 -9565,427284.0,1973-02-14 02:16:00,1973-10-01 02:24:00,48.55468912980085,0.9731100749694372,0 -805,199516.0,1974-10-03 13:01:00,1974-04-04 05:44:00,48.84090535231618,1.76896796375604,0 -4634,1071245.0,1974-07-25 02:09:00,1973-03-18 14:28:00,48.8431270149086,1.5186238491502806,0 -5247,269920.0,1970-08-23 15:44:00,1975-08-07 02:37:00,49.36399549730087,1.3956253974880106,0 -5566,728466.0,1972-02-13 20:31:00,1972-05-06 15:55:00,49.50677108734649,0.5128457358396642,0 -5739,985080.0,1970-02-27 19:50:00,1971-05-31 19:08:00,50.04012974308037,0.8837689154369168,0 -5143,516594.0,1970-04-29 11:38:00,1975-04-01 21:47:00,55.99569408280836,,0 -8265,936428.0,1972-03-06 01:58:00,1971-01-24 04:08:00,50.39488194980966,2.2542290808493792,0 -4459,1057654.0,1974-12-28 19:02:00,1972-07-31 11:01:00,46.42346721839506,0.7593606117257616,0 -1242,614117.0,1974-11-10 23:41:00,1974-04-08 06:18:00,48.47904589336261,0.6492388856807175,0 -6945,951620.0,1970-07-01 14:03:00,1973-03-22 04:01:00,41.26169183200239,0.9722097049107268,0 -5740,371575.0,1974-02-11 19:20:00,1972-12-23 08:22:00,47.545538716394525,1.0108346042142782,0 -5325,660579.0,1970-09-24 19:10:00,1973-01-17 00:40:00,47.779461892028245,1.1367387715378063,0 -547,743173.0,1973-03-16 13:25:00,1972-02-04 00:02:00,55.135130958853786,0.0215057380836874,0 -3022,812174.0,1973-06-23 08:57:00,1972-06-16 19:43:00,45.60578632069884,,0 -5761,701213.0,1974-05-04 20:00:00,1974-10-25 14:38:00,42.74496826732803,0.0,0 -4031,1016108.0,1973-12-21 23:25:00,1971-09-06 03:57:00,50.030120315838445,1.1947558932858462,0 -26,1009908.0,1971-10-03 01:57:00,1972-02-27 22:48:00,45.36926169530894,0.9260097775359316,0 -4952,598597.0,1972-10-05 09:18:00,1974-04-21 11:05:00,45.06292115033159,1.1995099985006583,0 -5152,57800.0,1972-05-06 02:17:00,1974-09-05 03:15:00,58.0084836269396,0.6232851150963012,1 -2508,580176.0,1974-09-30 00:09:00,1971-12-15 17:35:00,48.797300197986246,0.0,0 -1433,930834.0,1974-02-03 11:25:00,1971-07-15 17:44:00,46.62623154265364,1.1897697597987922,0 -2582,395905.0,1974-05-17 12:17:00,1972-06-08 14:36:00,50.477484620251055,0.758996177640264,0 -1302,882077.0,1973-09-22 12:14:00,1973-09-25 17:13:00,50.24175475642996,0.961559515503608,0 -5812,136982.0,1971-08-01 17:53:00,1975-04-04 06:15:00,,1.825926073826965,0 -7349,9116.0,1972-01-14 18:48:00,1975-03-28 05:55:00,49.11560665096285,1.0192613955587504,0 -5281,392513.0,1974-01-15 13:03:00,1973-03-24 04:12:00,44.17354023165348,1.2933293089245554,0 -6114,160673.0,1971-02-11 19:20:00,,51.90851755367885,1.0078027210502003,0 -1221,191528.0,1972-07-19 09:15:00,1973-06-09 15:13:00,43.68012085805806,1.7033716566130868,0 -7435,30811.0,1974-03-06 23:18:00,1971-04-12 07:51:00,54.216021872560034,0.749208005666761,1 -2548,631811.0,1974-01-21 22:33:00,1975-12-26 22:18:00,40.7009226488526,1.3385771606554482,0 -750,592051.0,1972-05-11 19:37:00,1973-04-23 13:01:00,44.32905510655813,0.0582946466604948,0 -437,757821.0,1972-10-29 15:17:00,1974-09-13 18:40:00,43.78820842278388,0.7258366279557833,0 -4371,450000.0,1972-04-15 07:09:00,1974-03-13 14:28:00,43.74714369928485,0.7796895832596461,0 -4448,269018.0,1970-07-23 17:41:00,1971-01-07 09:41:00,48.69359158747021,1.541361063950212,0 -2847,522942.0,1971-10-30 14:22:00,1975-02-09 18:01:00,54.11734492407215,0.3976422413865561,0 -1173,532447.0,,1973-03-26 11:51:00,48.72455829472487,0.889516576995647,0 -7495,1165388.0,1970-05-05 04:41:00,1972-08-25 11:25:00,52.205832926793335,0.1849231134955363,0 -2699,662101.0,1973-02-18 20:49:00,1972-01-05 02:38:00,50.351139987562746,1.1207957594738438,0 -9888,965082.0,1973-09-28 10:50:00,1974-03-16 18:49:00,35.99074540709056,1.1201742750968344,0 -9506,540890.0,1972-04-27 19:10:00,1975-05-13 17:10:00,44.96677147007647,0.6290278585953382,0 -6395,1002049.0,1973-08-09 08:10:00,1972-11-11 08:32:00,45.19207737197301,0.6175484737549877,0 -2481,71810.0,1971-05-13 15:55:00,1972-07-07 01:42:00,58.17917057849501,0.6354839415835346,1 -5456,825159.0,1970-05-14 09:22:00,1973-05-10 18:24:00,43.10951142223764,1.1484188604128218,0 -8444,252882.0,1970-01-03 02:25:00,1972-09-29 14:09:00,55.40720804876933,1.2063386892190953,0 -2706,114696.0,1974-08-21 08:02:00,1973-02-24 05:59:00,49.46860634440944,1.78825140133956,0 -4661,734533.0,1973-06-10 03:41:00,1975-04-11 00:00:00,47.006615431371095,0.6947621566290687,0 -326,936400.0,,1972-07-09 11:22:00,58.11634969570383,1.9563458551630688,1 -1039,20730.0,1970-07-07 06:51:00,1974-08-06 19:07:00,54.79828053505745,1.0650426172223606,1 -2637,10414.0,1970-04-02 01:01:00,1974-03-09 03:05:00,48.79181945249079,1.7118026613232638,0 -5022,303893.0,1971-05-15 17:00:00,1973-10-30 06:57:00,50.57526039498411,0.6800198261351655,0 -2499,1061648.0,1973-03-28 04:31:00,1971-03-15 08:47:00,50.55028928734357,0.4915359446063712,0 -1004,402901.0,1974-06-22 03:27:00,1975-09-29 01:19:00,45.06338573279351,1.4196899102326324,0 -2861,141251.0,1974-11-20 15:26:00,1974-05-04 06:12:00,49.34275635997084,1.0710161954924853,0 -3233,271302.0,,1972-01-13 01:30:00,53.39576931806945,0.2784313153956466,0 -1870,1034584.0,1973-10-31 05:17:00,1974-02-27 15:58:00,62.430526431139896,0.994891233199331,0 -4245,618712.0,1973-11-13 05:34:00,1971-05-28 10:46:00,44.22231980327306,1.7007116348824811,0 -6927,77671.0,1973-09-14 16:33:00,1972-05-02 07:37:00,51.95568203609053,1.0213087260694738,0 -8385,90605.0,1972-08-10 17:29:00,1975-09-07 14:14:00,39.75386900451736,1.3738790954506563,0 -534,1101658.0,1972-02-19 11:57:00,1975-12-28 18:39:00,51.96152645456443,1.125323899469572,0 -9827,214004.0,1970-10-28 20:29:00,1975-07-02 12:31:00,38.693751877054325,1.4405787021670533,0 -7148,920480.0,1970-04-25 09:52:00,1971-09-10 01:38:00,49.89136916062452,0.5294996013817084,0 -7365,830980.0,1972-05-15 14:22:00,1975-07-31 23:38:00,52.33486394816077,1.3314927270714914,0 -585,875242.0,1972-07-26 16:35:00,1971-12-20 17:18:00,51.448512701674034,0.6618498848990291,0 -9914,593061.0,1970-01-31 23:54:00,1972-01-04 13:16:00,56.56561485736678,0.8308044271331263,0 -3035,708113.0,1974-01-23 23:51:00,,43.48774279855255,1.145045774832059,0 -4428,1125848.0,1971-04-21 13:09:00,1975-03-13 07:49:00,45.86941757733396,0.6187527261689267,0 -4089,1004591.0,1972-09-18 19:17:00,1975-10-06 06:08:00,43.53616138143022,0.8747495110336776,0 -1703,314061.0,,1974-04-11 11:44:00,49.050343213964126,0.804019391421116,0 -4295,87491.0,1973-03-28 03:28:00,1972-01-04 10:01:00,46.04711610479543,1.496370438261461,0 -5719,888445.0,1971-04-13 08:52:00,1972-04-19 05:06:00,56.91350585322322,2.768681419412525,0 -491,1073088.0,1973-09-10 11:17:00,1971-07-24 17:08:00,44.14584198945049,0.6504854390834748,0 -6899,38088.0,1974-07-25 16:41:00,1973-11-25 17:12:00,47.05163650964707,0.5856930861836285,0 -4353,789408.0,1971-01-12 15:13:00,1971-10-13 00:58:00,55.58500934413856,2.390741034596449,0 -2836,1077112.0,1971-03-18 05:32:00,1972-01-05 02:39:00,56.83932067978444,1.0062945446113905,1 -2266,1144559.0,1972-08-09 12:55:00,1975-11-02 02:53:00,54.14270425437185,1.4576574878559436,0 -7718,1032033.0,1970-09-25 10:00:00,1973-02-14 15:06:00,45.24966010351014,1.1234001618610872,0 -9523,691692.0,1970-10-07 07:17:00,1973-04-14 06:48:00,53.32756943832596,0.8480773778316539,0 -8022,919829.0,1972-05-19 23:11:00,1975-06-05 16:23:00,45.362680583901785,0.3039828874864806,0 -4707,524695.0,1972-01-11 05:01:00,1974-12-25 13:50:00,49.24536208834497,0.6891625014040806,0 -9843,911535.0,,1973-10-03 20:52:00,48.03032858799995,0.5856345314369376,0 -2900,787674.0,1971-12-09 12:07:00,1971-11-07 10:08:00,49.07835969874484,0.0,0 -9618,434008.0,1974-12-19 02:47:00,1973-09-02 02:20:00,51.27198959680005,0.364809380006276,0 -2944,1191967.0,1971-12-18 21:40:00,1975-12-22 23:23:00,42.77293675506321,1.582843938329234,0 -1916,870197.0,1971-03-26 13:40:00,1974-07-01 09:17:00,44.320308946558384,1.2444787836852265,0 -3185,743638.0,1974-08-20 14:49:00,1972-06-07 08:21:00,47.80847122970802,1.419841096597853,0 -8626,65279.0,1971-07-15 03:34:00,1973-07-05 11:17:00,61.28496379386583,0.6925906972308481,1 -9434,257613.0,1971-02-22 17:47:00,1972-05-18 18:26:00,49.50467229276374,1.4239409092376,0 -7255,736970.0,1970-05-29 12:00:00,1975-12-04 15:06:00,39.19804357912111,0.6359434765151448,0 -4246,496335.0,1972-04-24 15:43:00,1972-09-26 15:18:00,45.38284593818507,0.7775084210404378,0 -8615,,1974-08-15 13:48:00,1973-10-17 07:34:00,50.69334103819988,2.0740802346196,0 -5146,597214.0,1974-10-28 13:54:00,1974-02-11 03:17:00,49.40088769910908,1.0281037540794196,0 -8565,1170248.0,1973-07-31 08:07:00,1975-11-24 03:07:00,40.632597137674935,2.025273771145887,0 -2518,854321.0,1971-04-09 03:53:00,1971-11-08 17:46:00,53.08342133782472,1.1730219532124322,0 -397,938624.0,1973-03-23 11:55:00,1972-01-08 11:14:00,46.46073731500963,1.253585646186911,0 -1317,931581.0,1973-12-19 10:30:00,1975-10-24 02:23:00,51.575954981838734,1.2393959430055534,0 -4560,1088088.0,1971-08-31 12:32:00,1973-12-23 09:47:00,49.41334548129738,0.5370415543362494,0 -121,,1974-10-25 11:27:00,1972-12-11 07:33:00,49.921416114278806,1.6335062099563131,0 -2449,233393.0,1973-07-23 03:04:00,1975-07-04 19:29:00,52.69698809284062,0.7589535692407416,0 -8855,1116880.0,1970-01-11 17:55:00,1971-11-04 13:43:00,53.03703335248176,,0 -8108,1170602.0,1974-09-27 04:37:00,1975-04-22 17:02:00,47.94319274932361,0.8008901016320841,0 -1566,67936.0,1973-04-30 03:40:00,1973-12-30 14:19:00,42.36969145963948,0.9324771077936034,0 -1984,226179.0,1972-12-07 01:20:00,1975-12-13 16:23:00,46.99351700742601,1.126853289540817,0 -4333,597839.0,1974-10-28 17:24:00,1971-09-30 12:03:00,49.20504181088677,1.6115348258731954,0 -7910,661468.0,1972-03-12 07:27:00,1975-09-05 13:28:00,36.54260091865156,1.5075096828011394,0 -9286,365082.0,1973-10-18 08:27:00,1975-11-25 10:42:00,51.24163257465514,1.3983180538735265,0 -3918,601038.0,1970-02-21 01:54:00,1972-11-09 22:32:00,51.640479058931376,1.628917768356492,0 -2173,725713.0,1973-06-06 23:44:00,1971-01-02 10:35:00,42.02942113546936,0.4095690640734372,0 -3283,1079856.0,1973-06-18 09:22:00,1972-11-07 08:00:00,45.777049150507445,1.359169092487749,0 -8495,172967.0,1971-11-07 19:36:00,1973-01-17 08:20:00,47.958041981501154,0.7704689386061373,0 -8584,254546.0,1971-09-04 09:51:00,1973-04-20 20:05:00,52.67288729185068,1.5337253632770476,0 -2333,652580.0,1972-04-20 05:45:00,1972-09-16 08:33:00,51.67619949793614,0.4375092832157818,0 -573,960718.0,1971-08-31 05:32:00,1972-12-23 05:59:00,49.16394256939259,1.7761855536111777,0 -3660,125496.0,1971-11-09 18:53:00,1971-06-14 01:54:00,54.17576422681407,0.8089892733048659,0 -9075,513660.0,1972-01-29 01:04:00,1973-01-13 09:02:00,46.7230808729925,1.0526671364116276,0 -981,579791.0,1971-07-16 07:26:00,1972-07-12 05:35:00,53.39345152489877,0.5810522927698403,0 -9370,270131.0,1971-07-06 11:54:00,1974-08-24 04:12:00,54.78834445788534,0.8657204778819351,1 -1407,665209.0,1971-03-12 08:45:00,1971-05-23 14:55:00,44.43302252402528,0.5830388119270518,0 -535,385687.0,1970-12-29 12:32:00,1975-12-17 02:49:00,54.03144663810636,0.7617747917838049,0 -4315,374102.0,1970-02-28 23:33:00,1975-09-23 07:31:00,46.04509233232713,0.993666409719169,0 -4598,934168.0,1970-04-23 00:10:00,1973-03-02 23:04:00,49.502471323186434,0.8863246250112978,0 -8622,742499.0,1974-09-05 20:43:00,1971-08-19 19:31:00,57.90429707299703,1.8720978228167888,0 -8758,316778.0,1973-07-22 16:58:00,1971-07-06 07:31:00,51.84436296358162,0.8236115853244266,0 -1434,832298.0,1973-03-13 00:05:00,1971-04-15 14:23:00,54.42551479352579,0.6533205931850123,0 -6994,36006.0,1970-04-23 14:58:00,1972-09-22 08:46:00,51.84049298014202,0.671941066170743,0 -2579,707749.0,1971-03-11 06:34:00,1973-05-24 17:27:00,44.606777594104535,0.7745513411647923,0 -9403,42346.0,1974-06-19 13:48:00,1974-03-19 03:41:00,43.2457677058285,1.9481411902761168,0 -3269,810778.0,1970-08-15 19:44:00,1971-01-05 17:20:00,44.44845000313887,1.1036667778870684,0 -9553,868148.0,1971-02-09 09:54:00,1972-08-06 21:39:00,57.27819861357919,0.4282050484064487,0 -3838,916577.0,1974-04-17 22:03:00,1974-09-06 20:59:00,48.14762940929499,0.798018251151972,0 -1867,250522.0,1970-05-07 18:51:00,1973-06-13 03:03:00,53.61620222810611,1.1881577785059037,0 -1454,692878.0,1970-03-06 10:22:00,1974-11-07 15:30:00,40.58495789897658,1.450351217985558,0 -1786,123651.0,1971-10-25 08:16:00,1975-05-04 04:01:00,50.1081965579728,2.180824708376995,0 -9912,773487.0,1970-04-02 19:45:00,1971-05-19 18:24:00,39.87314554484741,2.1364306889373177,0 -7095,1144943.0,1970-07-25 17:12:00,1974-02-16 12:46:00,53.49877771343815,0.9739408074372844,0 -2521,1048559.0,1972-12-15 13:52:00,1971-04-09 22:28:00,48.178062064920205,0.4882442245451359,0 -4439,693609.0,1974-12-04 21:03:00,1972-04-14 01:14:00,48.29218889196687,1.3432962888989124,0 -1820,1133732.0,1972-05-27 19:01:00,1974-09-15 15:49:00,51.59092243944502,0.3406106924749041,0 -5615,538736.0,1970-07-17 23:09:00,1975-09-11 17:09:00,41.64938409570823,1.0964167701943304,0 -2929,590694.0,1973-09-10 09:05:00,1972-05-01 06:23:00,56.2381036400464,0.5492066127525759,0 -51,66022.0,1973-08-16 18:49:00,1972-02-10 23:48:00,43.58878037534792,0.989174714595052,0 -4726,776159.0,1970-07-14 06:47:00,1974-06-01 05:04:00,48.13347801838559,0.8920263916974761,0 -5716,335698.0,1973-11-27 22:39:00,1974-01-18 11:34:00,42.46202290419879,0.4311108967122827,0 -5465,517261.0,1971-10-27 08:53:00,1975-05-24 14:59:00,49.85934901015385,1.2021178680258418,0 -469,705629.0,1972-03-13 21:52:00,1971-08-18 14:44:00,49.81563724470574,0.0,0 -2629,1188237.0,1973-09-06 05:50:00,1973-07-20 11:49:00,45.7236379630211,1.2238330178773733,0 -6513,547770.0,1971-12-16 07:47:00,1971-12-18 04:01:00,51.15849739350622,0.7234755101237325,0 -7467,811208.0,1970-10-22 07:22:00,,49.31769851565776,0.453033526055799,0 -3945,164219.0,1972-08-09 11:19:00,1973-02-13 14:20:00,41.23518584016547,0.4303085159866973,0 -6204,1112997.0,1970-09-04 20:29:00,1975-08-12 16:05:00,45.972590246270336,1.1234238123800142,0 -4262,810971.0,1973-03-30 03:51:00,1975-12-08 12:17:00,41.45009065576812,0.8150528716677656,0 -1858,812842.0,1974-12-15 01:24:00,1972-04-07 14:59:00,46.31620101803628,0.3737854572120874,0 -9532,714913.0,1971-01-20 14:04:00,1973-05-19 20:08:00,47.06139622206144,0.9314363259271218,0 -865,108252.0,1974-09-22 09:21:00,1973-08-25 05:51:00,48.88869714988599,0.6897960946731398,0 -6390,734880.0,1971-09-07 05:21:00,1975-07-17 11:38:00,48.45364863417982,1.7901897704649432,0 -7212,535316.0,1971-01-22 02:22:00,1972-05-29 17:28:00,50.55371044663202,1.5322989341510973,0 -4921,898184.0,1974-04-26 17:54:00,1975-05-10 19:26:00,51.40957016676748,0.4960178940636479,0 -8101,344784.0,1974-01-06 16:55:00,1972-10-25 20:50:00,49.51934015481244,0.7920831486574382,0 -4792,593887.0,1973-01-12 01:27:00,1971-04-06 09:54:00,49.265996233809815,0.7102503170279246,0 -8854,657178.0,1971-01-04 20:26:00,1972-08-27 01:28:00,54.440765464149045,1.0632192352767684,0 -6250,954704.0,1972-06-01 02:01:00,1972-07-02 02:54:00,43.29153946369316,1.5666428109239527,0 -5936,348744.0,1970-11-24 18:00:00,1975-03-20 18:39:00,38.37272581901036,0.9509030890418184,0 -425,1142604.0,1973-12-03 22:52:00,1972-10-04 10:10:00,43.72590316253024,0.5501951281528645,0 -188,1039971.0,1971-05-20 19:49:00,,52.13670834317105,1.230225347754683,0 -5629,888187.0,,1973-10-25 05:05:00,53.78052068413045,0.692868197338224,0 -4359,178665.0,1971-05-10 05:38:00,1975-10-13 11:33:00,52.27818691147595,0.4985492037286221,0 -228,1098266.0,1974-09-19 21:37:00,1972-08-23 09:53:00,59.94855957488507,1.7788278652966478,1 -7757,312427.0,1972-09-05 03:13:00,1973-06-30 16:06:00,61.54561062864667,0.4409134796734576,1 -7677,718491.0,1974-08-06 08:14:00,1972-11-22 12:25:00,49.73763682783832,1.375099710371792,0 -2741,914477.0,1972-08-28 13:04:00,1972-10-12 20:53:00,50.89754702805104,0.8135931919755545,0 -1041,409642.0,1972-07-14 23:32:00,1974-05-01 02:30:00,60.04334063486567,0.1582379222411764,1 -4075,672184.0,1972-05-20 05:45:00,1975-05-20 09:02:00,54.00090990368152,0.8899896113102466,0 -9140,1112295.0,1971-09-24 20:07:00,1974-02-27 12:06:00,50.321061934193565,1.2243728073947129,0 -6118,1045070.0,1971-06-01 02:00:00,1974-03-18 03:52:00,43.528138218206905,0.9083813842834284,0 -6902,274318.0,1971-08-06 13:53:00,1974-10-19 13:32:00,50.16671421348881,0.9867193502135052,0 -471,520041.0,1971-11-14 18:02:00,1972-09-26 08:48:00,39.12426010640331,0.8315827143787733,0 -2921,965090.0,1970-06-21 21:41:00,1971-01-19 10:01:00,,1.5054424542383904,1 -1905,715007.0,1972-02-12 15:51:00,1971-05-31 08:53:00,41.99218701306047,1.5614622275413188,0 -8876,569738.0,1971-09-26 17:51:00,1971-02-22 10:06:00,49.96503787714427,1.0362103571946617,0 -801,1028258.0,1971-04-03 14:37:00,1972-01-17 01:26:00,51.03504494330468,1.3068869595750296,0 -1487,808701.0,1970-05-16 17:18:00,1975-07-31 09:41:00,36.62574271929864,1.0300487813473522,0 -8441,963018.0,1972-02-16 14:00:00,1974-04-01 16:01:00,53.51104781941282,1.1736774248931183,0 -227,178136.0,1970-07-29 09:14:00,1973-04-24 15:43:00,55.28773341512837,0.0623192882523239,0 -7890,431895.0,1970-07-31 22:13:00,1973-12-24 07:32:00,50.578798962787744,0.0,0 -1128,287641.0,1971-04-26 05:18:00,1975-01-17 15:01:00,44.91111051976905,0.9232089727336285,0 -5070,908729.0,1972-07-10 12:33:00,1973-06-23 14:06:00,47.43143827019081,0.374639706420439,0 -9166,1004196.0,1971-11-05 05:20:00,1971-04-13 15:22:00,50.39780283737405,1.0879690399632531,0 -2208,534262.0,1970-10-02 17:10:00,1974-01-09 18:01:00,56.158318690572656,0.6323004016290008,0 -7993,735650.0,1973-04-30 13:30:00,1973-08-20 00:00:00,45.43607815164331,1.5502026734298262,0 -9842,1168120.0,1973-09-11 11:04:00,1971-02-28 08:15:00,39.696427216954135,0.3039943702216064,0 -6559,850298.0,1970-04-29 17:51:00,1975-07-08 21:09:00,42.865980445746246,0.5815583341292032,0 -9921,404504.0,1972-12-11 21:28:00,1972-12-29 19:50:00,37.529376886370144,1.0752203740539292,0 -3153,444608.0,1971-12-25 22:55:00,1973-04-18 01:28:00,45.08792055942136,1.400593769677509,0 -4441,877797.0,1971-10-03 14:14:00,1975-12-11 06:29:00,49.02854359997204,1.5658511808199718,0 -7505,453074.0,1971-09-04 06:12:00,1971-02-17 01:10:00,45.93587512791128,0.6838705148769157,0 -8957,623263.0,1970-12-21 17:42:00,1971-05-20 14:07:00,49.19535250597757,0.909749952615846,0 -6215,66056.0,1971-11-05 12:24:00,1971-06-06 16:16:00,46.48323240588892,1.5048322331531545,0 -9598,294635.0,1971-10-11 07:07:00,1971-05-22 13:10:00,47.27955975759591,1.6635888280730269,0 -2144,294520.0,1972-09-24 22:09:00,1971-07-14 02:41:00,44.36405350998957,1.2089366791430702,0 -7411,1104204.0,1970-02-15 09:34:00,1974-02-23 14:27:00,44.668806143727416,1.8188310714152716,0 -8929,857805.0,1971-11-12 18:02:00,1974-10-20 17:39:00,46.60611563793008,0.9934687227473632,0 -2374,349070.0,1974-08-23 14:39:00,1973-05-26 08:59:00,62.24445334985687,0.2641362239996592,1 -2577,99992.0,1974-03-14 19:45:00,1972-10-24 17:43:00,43.697071484584825,1.1170668431595667,0 -1632,901359.0,1973-06-15 10:44:00,1973-05-01 08:26:00,44.53296767083478,0.6287663118466575,0 -4832,1035992.0,1972-09-04 02:53:00,1975-05-05 16:22:00,47.06529132515219,0.9739086929384898,0 -2298,411132.0,1974-06-10 09:38:00,1974-06-12 02:53:00,40.17484034243392,0.2800378766728849,0 -5033,500628.0,1974-12-23 08:20:00,1972-09-13 21:13:00,43.305513603344544,0.7484390657078845,0 -156,348992.0,1970-06-28 10:50:00,1975-09-29 10:44:00,44.6395309102865,1.6754720990844676,0 -8046,984793.0,1974-08-11 02:41:00,1973-01-13 07:14:00,46.96121964395587,1.0301811427492706,0 -6706,1092182.0,1973-01-27 09:11:00,1972-04-10 18:23:00,46.56670648530358,1.3739343689202133,0 -3349,545479.0,1971-11-05 09:57:00,1973-12-11 10:18:00,41.737854559880205,1.0920857560203387,0 -2879,179988.0,1973-01-05 06:12:00,1972-08-08 00:50:00,49.15886083240147,0.4774848666764733,0 -3413,1141091.0,1972-06-01 20:53:00,1971-05-07 23:36:00,53.60372993147561,0.9670853012189764,0 -7768,587340.0,1973-08-22 22:22:00,1971-09-10 03:13:00,44.138369084801695,0.4842978578357758,0 -4189,186841.0,1973-01-04 04:33:00,1973-02-28 06:05:00,54.20622610562455,0.7003134401275617,0 -9610,980774.0,1972-05-20 11:31:00,1974-07-10 05:14:00,51.71674505949105,0.8327925229398732,0 -9734,443286.0,1970-09-11 11:29:00,1971-06-05 14:18:00,38.52534795568089,0.314745354192385,0 -7251,788532.0,1972-02-17 08:49:00,1972-04-24 03:51:00,50.29569098439451,1.0067705244541032,0 -7613,1110838.0,1974-10-02 07:03:00,1973-05-02 16:30:00,47.76596119924066,0.7018006229467848,0 -6919,907308.0,1973-10-04 04:51:00,1975-02-27 17:46:00,48.631495996450255,0.6774426934639011,0 -9681,1143569.0,1971-06-16 18:45:00,1972-05-26 12:02:00,41.3812697030554,0.9712198463293652,0 -9671,440919.0,1973-08-20 01:52:00,1975-12-21 10:51:00,47.11560169960431,1.267733233176446,0 -4794,587053.0,1972-12-03 03:36:00,1975-12-20 19:09:00,40.33396055681206,0.6925166035294847,0 -5654,424168.0,1971-06-13 18:24:00,1974-11-01 23:05:00,49.51262177369105,1.0242616714141293,0 -2495,517493.0,1974-01-01 16:56:00,1974-02-15 16:51:00,53.581412137008776,1.3939168709926957,0 -7304,169341.0,1971-10-23 10:16:00,1974-01-26 21:36:00,36.7660822380084,0.4599528795747495,0 -2372,392942.0,1974-05-02 10:11:00,1973-12-05 09:59:00,46.63502342629744,0.7110179709654556,0 -4091,806117.0,1970-09-25 23:35:00,1974-09-21 07:04:00,49.51764149030216,1.9802459124384055,0 -9471,47750.0,1973-06-17 01:39:00,1973-06-12 15:38:00,55.524209373829606,0.4692516508426527,0 -3461,174999.0,1971-06-28 08:42:00,1973-08-03 20:19:00,49.96809249606038,1.6885400894419105,0 -7006,206860.0,1971-03-11 09:54:00,1971-08-18 07:51:00,48.24633979154946,1.3302092988317316,0 -5391,522900.0,1974-02-11 05:34:00,1974-08-30 09:00:00,41.79000583707629,0.7094389707865412,0 -7172,707370.0,1974-05-19 02:48:00,1975-02-14 10:12:00,51.07522672445812,1.0646897905681154,1 -5696,1018159.0,1972-06-12 13:59:00,1974-04-19 19:55:00,48.00238294684653,1.2236917093606183,0 -5664,583011.0,1974-09-30 18:17:00,1973-01-07 17:51:00,49.87943676902712,1.5907206159560996,0 -4503,791871.0,1971-01-31 20:49:00,1971-04-10 20:53:00,44.16050256667814,0.8914669249895363,0 -2550,1173245.0,1973-09-02 18:22:00,1972-09-09 22:55:00,50.88753291144104,0.9318452175743503,0 -4715,842116.0,1974-11-14 00:16:00,1973-12-02 06:18:00,46.50397606618445,0.8158208247242211,0 -847,416075.0,1973-04-20 23:47:00,1975-10-24 03:56:00,49.25029152537163,1.1350524278781793,0 -3344,893899.0,1972-08-05 19:03:00,1974-08-12 11:44:00,48.176202735550206,1.7245345103958614,0 -938,225512.0,1970-08-26 15:33:00,1972-08-28 17:45:00,46.72884293817736,0.6378333638483128,0 -4825,386568.0,1971-06-04 17:10:00,1974-11-29 03:16:00,42.47659795886236,0.5916575679641858,0 -9693,1196244.0,1974-04-08 05:29:00,1974-06-10 04:37:00,44.81401065540796,0.8408698081547131,0 -8863,1031158.0,1970-12-04 14:18:00,1975-01-22 00:56:00,49.11515568654603,0.7276831538050863,0 -8610,762681.0,1971-01-28 02:05:00,1974-11-30 17:11:00,51.26950620029246,1.2969762003740182,0 -5354,28748.0,1972-08-28 22:51:00,1974-05-07 09:12:00,48.74920035819823,1.8295001185853732,0 -5477,278970.0,1974-02-21 02:27:00,1971-10-12 23:30:00,44.85917338470427,1.1783921424490424,0 -9723,876241.0,1974-06-30 20:57:00,1971-01-25 18:39:00,34.1998114337846,1.1563417935812903,0 -756,14504.0,1974-11-14 10:54:00,1974-03-15 21:12:00,41.78778673234291,1.6593382256130496,0 -4750,749453.0,1972-07-19 12:31:00,1971-09-19 12:06:00,53.90210791816696,0.9811660325786836,0 -2644,698358.0,1974-05-20 03:57:00,1975-01-07 21:19:00,44.76981468199596,1.482615806556994,0 -4162,801530.0,1972-01-05 08:47:00,1972-07-09 11:03:00,48.151430276018885,0.8295497930898439,0 -8648,79798.0,1974-03-25 22:03:00,1972-07-06 09:46:00,45.37447942345477,1.0119420503344103,0 -3165,724524.0,1971-03-11 19:26:00,1975-10-11 03:37:00,51.276257079655046,0.9608159096019588,0 -6497,513173.0,1973-07-05 06:57:00,1974-12-06 09:00:00,54.97101032189547,1.1976747521316051,0 -5987,309011.0,1974-11-04 08:46:00,1974-02-03 21:44:00,45.76919270621956,0.9833758017954276,0 -3873,7674.0,1973-10-28 22:26:00,1975-07-09 10:33:00,44.86354581631834,0.9197084814414148,0 -7751,105065.0,1974-07-24 15:46:00,1972-07-18 23:53:00,51.32765901119339,1.8742196174243329,1 -6523,516753.0,1973-10-20 05:45:00,1972-08-24 08:06:00,47.19358824180184,0.5421493358785479,0 -3418,91647.0,1970-01-23 10:28:00,1973-08-04 22:24:00,52.324139648866485,,0 -9904,1148456.0,1974-03-31 12:38:00,1974-12-13 03:58:00,49.33319222943727,0.0221400070145686,0 -2061,70488.0,1970-06-11 14:16:00,1971-01-21 00:50:00,46.90451541476047,1.5773198949419454,0 -549,1004884.0,1974-03-11 05:15:00,1972-04-16 19:00:00,46.767166686812494,1.3576981715764351,0 -4453,403061.0,1974-01-07 10:58:00,1975-03-16 20:19:00,41.738357109683605,1.2922302333729656,0 -2812,1046805.0,1970-07-11 21:10:00,1973-08-27 17:59:00,49.45551810556503,0.0,0 -8777,68978.0,1972-02-23 18:33:00,1974-07-15 02:15:00,49.030085421378175,1.575005712366224,0 -8995,626581.0,1973-02-01 20:34:00,1975-03-06 20:07:00,46.22644101000199,1.4611836477689646,0 -2549,26564.0,1970-08-18 19:40:00,1971-05-07 20:19:00,46.26589404430995,0.3450806696785695,0 -6069,,1973-08-17 18:28:00,1973-04-25 08:40:00,48.388464573616304,1.0292707325318995,0 -3169,186970.0,1970-09-21 21:10:00,1971-12-31 04:51:00,39.33834904181685,1.3560098845095103,0 -7054,266696.0,1973-03-29 03:11:00,1972-07-14 03:21:00,39.56286915740863,0.8395102993788411,0 -4828,686175.0,1974-10-30 08:59:00,1975-11-28 19:15:00,42.92171323495577,1.297560922239395,0 -9570,926519.0,1971-04-06 20:03:00,1973-01-06 10:26:00,53.028696028391806,1.3655368773772425,0 -1259,365413.0,1973-08-19 22:19:00,1974-09-08 22:41:00,50.58208171483789,0.9896934162605896,0 -8712,114402.0,1974-08-18 15:30:00,1973-08-12 12:37:00,41.11768454996941,2.0853520668771903,0 -3661,677618.0,1970-12-24 23:34:00,1974-06-06 11:23:00,44.22413928912152,1.2526640739174295,0 -7922,165898.0,1971-04-09 06:38:00,1973-02-26 04:52:00,47.22301921788095,0.4063709279900924,1 -1024,559763.0,1971-07-10 16:27:00,1974-08-04 04:51:00,49.6055120701274,0.0,0 -4965,350150.0,1972-11-21 01:57:00,1975-06-30 15:54:00,40.969226137834525,0.0,0 -752,452347.0,1974-12-03 01:15:00,1975-03-15 13:04:00,44.75145633801407,1.0000864604591886,0 -3942,228773.0,1971-01-29 23:57:00,1971-03-15 03:13:00,51.29226139177701,0.59582783626164,0 -3710,369040.0,1973-09-25 04:06:00,1974-09-24 16:29:00,41.79465231591536,0.4563644230366154,0 -9960,875296.0,1973-02-20 16:11:00,1973-02-03 09:56:00,49.89809076341672,1.5744027664138454,0 -1951,666981.0,1971-11-08 12:27:00,1972-01-30 04:30:00,55.61826919561729,0.6799302366571989,0 -6314,93019.0,1970-03-18 19:13:00,1972-09-11 01:23:00,47.69103686727344,0.0136889095426193,0 -351,23905.0,1971-06-22 16:43:00,1974-01-23 07:08:00,49.21048188130922,1.2211679444276604,0 -1511,234054.0,1970-02-04 14:16:00,1972-12-21 02:59:00,58.13153966283628,1.4260516020528635,1 -4829,1072576.0,1974-10-12 04:20:00,1971-07-28 15:37:00,39.10751826248595,1.342915852255346,0 -9616,187399.0,1971-11-25 23:29:00,1972-08-26 14:53:00,47.1729407558908,1.0826990073484306,0 -3746,391915.0,1974-03-30 14:39:00,1973-06-12 19:54:00,43.56381162993152,0.7320420372087812,0 -5799,127549.0,1973-10-06 23:58:00,1971-12-09 20:13:00,43.07311428815071,1.759795935354651,0 -701,760274.0,1971-05-16 10:58:00,1971-10-15 18:50:00,57.28203930016286,1.3557438542979876,1 -3693,809623.0,1973-12-10 09:14:00,,52.820542078023,0.7620031124358451,0 -4614,14358.0,1973-04-26 22:54:00,1972-08-11 08:26:00,49.46679998811168,1.488676981021053,0 -7213,525848.0,1974-06-10 16:16:00,1973-09-01 04:36:00,57.67552006553615,1.5332858418436954,0 -561,965084.0,1972-05-03 03:09:00,1972-07-21 09:04:00,43.74424379306289,0.6057036921788466,0 -2318,317079.0,1974-01-03 10:10:00,1972-05-31 10:16:00,47.16098534896398,1.4116097619216394,0 -3098,654300.0,1973-11-03 22:36:00,1973-03-10 12:11:00,41.033867515670416,1.731711305843954,0 -4838,815571.0,1970-09-23 22:36:00,1974-08-27 07:19:00,54.59450187680831,1.228242064014302,0 -3150,277471.0,1971-06-09 17:55:00,1974-11-06 17:31:00,48.66043161853639,1.3945662432344297,0 -5608,124902.0,1974-09-09 08:05:00,1974-05-29 08:33:00,44.28490465956965,0.6895306556720164,0 -4299,638042.0,1971-11-17 17:56:00,1973-06-25 12:02:00,50.8483770933398,0.6810187847706795,0 -4618,173866.0,,1974-09-23 13:36:00,48.77369441431841,1.7522551100273085,0 -4074,563023.0,1974-01-19 20:51:00,1973-07-03 22:42:00,38.92272672974939,0.9472223629730862,0 -3994,84108.0,1973-12-23 13:26:00,1975-02-16 20:44:00,54.860710296339306,0.185810655340512,0 -6373,494445.0,1971-10-20 15:16:00,1975-01-01 09:08:00,38.23729059101089,1.0819472284463003,0 -6167,559464.0,1972-09-25 10:44:00,1973-06-13 01:48:00,49.48865381653325,1.4834512567556035,0 -1047,162543.0,1974-12-19 09:58:00,1974-08-12 10:27:00,46.97642066634735,1.4398401365816595,0 -2939,385007.0,1973-10-07 09:12:00,1975-12-03 08:00:00,51.27755354532771,1.2376082719847443,0 -1808,36276.0,1970-06-05 15:46:00,1971-03-31 22:06:00,53.07882315694165,1.6324432399773254,0 -3166,585142.0,1971-08-13 06:45:00,1973-08-26 16:37:00,49.05617860668309,0.7777805965189127,0 -414,1010182.0,1973-03-10 05:53:00,1971-06-09 05:50:00,51.90228937524496,0.929382818166126,0 -1340,221376.0,1970-07-24 02:51:00,1975-10-27 05:26:00,56.49883700960277,1.6946878373934382,1 -9371,920053.0,1970-02-27 04:52:00,1975-06-15 23:15:00,49.77009388058106,1.98352777931144,1 -7740,383371.0,1971-01-10 23:13:00,1974-07-14 12:59:00,46.56423988541351,1.3831274128525397,0 -5060,290805.0,1971-02-22 21:07:00,1975-07-20 16:11:00,54.06556803943894,0.4690696349757979,0 -4633,565691.0,1973-09-28 05:05:00,1971-05-12 15:27:00,54.70872935966665,1.0750717625547788,1 -4609,1070903.0,1971-12-21 08:16:00,1974-10-06 00:59:00,47.62837534195051,0.7866739005824872,0 -7366,461399.0,1970-04-25 04:17:00,1973-10-16 22:40:00,52.04113276281379,0.5590632995252215,1 -1469,1008128.0,1972-10-23 10:21:00,1972-11-15 04:16:00,42.10390410502528,0.9460284858300854,0 -1710,616213.0,1972-05-06 03:41:00,1974-03-09 12:33:00,47.17190128912683,1.070641521632177,0 -6270,985424.0,1972-04-02 06:27:00,1973-05-29 07:22:00,39.57791761606192,0.7287416504884208,0 -8732,612427.0,1970-12-02 03:49:00,1972-10-18 10:28:00,43.88667903990087,1.606295866500984,0 -2271,188409.0,1971-07-01 13:03:00,1972-04-25 21:27:00,58.79892099812899,1.476060664826733,0 -1583,518198.0,1970-10-01 11:22:00,1974-07-27 00:14:00,44.518338421680376,0.7372971154858614,0 -1412,,1972-10-22 01:42:00,1972-12-17 02:59:00,49.657446391755535,1.013413108394403,0 -4111,1099245.0,1972-06-10 14:46:00,1975-02-28 19:27:00,56.97870783881267,0.9254562974809856,1 -7652,84229.0,1974-08-11 20:40:00,1975-11-29 19:47:00,53.49675997939538,1.2891499059108784,0 -6693,650059.0,1972-09-28 02:06:00,1971-03-15 16:57:00,43.56976480669119,0.3804025757916265,0 -1722,1035276.0,1970-07-28 14:26:00,1972-08-27 02:10:00,51.57190548456137,0.6283559065140913,0 -2024,844058.0,,1973-12-26 10:36:00,46.05285908345677,0.7138680577804607,0 -2212,1188033.0,1973-06-04 02:45:00,1975-02-15 16:28:00,50.60577116598096,1.125724426628615,0 -1507,311684.0,1973-04-06 21:28:00,1973-01-17 23:04:00,49.90784111931262,0.5384425455068516,0 -2622,546101.0,1973-11-29 12:30:00,1975-09-07 12:27:00,37.87911883057217,1.4435436138757982,0 -5290,836195.0,1974-03-08 19:03:00,1972-09-08 21:38:00,43.40748170181498,0.6159028450202155,0 -9128,787236.0,1974-10-19 18:39:00,1975-10-20 07:08:00,47.9532324844196,0.5305839176458094,0 -1321,763576.0,1970-02-13 05:47:00,1975-05-17 02:36:00,48.31014618589745,0.9478398427841888,0 -842,1135903.0,1970-11-26 05:11:00,1974-05-27 18:49:00,48.672276637865934,0.8274245459869097,0 -1146,583676.0,1974-10-02 07:01:00,1975-10-02 11:42:00,47.34359836899035,1.39399644522518,0 -3624,11655.0,1970-11-22 19:43:00,1975-10-07 17:06:00,50.128397140820894,1.4429205688520623,0 -4280,760459.0,1974-01-16 10:26:00,1974-11-13 14:52:00,51.73137428729692,0.0,0 -9010,728260.0,1974-05-06 07:53:00,1975-12-08 12:48:00,48.18114490276868,0.9626275593444382,0 -8986,178838.0,1973-04-01 00:52:00,1972-09-23 03:15:00,47.03126180437498,0.5173376018634414,0 -4681,961961.0,1973-10-25 04:32:00,1974-12-04 20:22:00,54.99037470360593,1.320321446007349,0 -463,558788.0,1974-07-08 07:13:00,1972-01-21 16:40:00,42.73470494232588,1.9173711721743087,0 -1754,820470.0,1973-05-27 04:38:00,1974-11-23 13:35:00,48.47962113455056,0.5327952124800664,0 -3936,586574.0,1971-08-07 14:43:00,1974-01-08 00:15:00,45.2030671394917,0.8128653576804619,0 -7933,1037416.0,1970-01-26 18:20:00,1972-11-11 03:50:00,48.39485321406598,0.6270686735161436,0 -9460,864243.0,1973-02-26 09:47:00,1973-07-01 06:35:00,42.22396601552896,1.0069745216340742,0 -4401,375030.0,1972-06-29 04:55:00,1972-07-07 07:16:00,54.2503375431287,1.193822755886874,1 -4700,602351.0,1972-10-01 11:12:00,1975-05-15 14:52:00,50.62687130492978,0.5802673284245876,0 -8991,682263.0,1974-11-29 03:53:00,1971-05-15 09:17:00,49.239243651111,1.099866043327664,0 -378,573179.0,1972-09-07 19:57:00,1974-02-21 03:58:00,42.83857890151461,0.6774334928835911,0 -3106,164601.0,1970-01-15 20:05:00,1974-09-05 14:35:00,45.5734825419162,0.0,1 -8215,297975.0,1972-09-03 17:09:00,1972-05-06 04:35:00,45.622190602285976,1.137562562784059,0 -1335,870070.0,1972-01-11 23:57:00,1975-06-26 22:13:00,38.93166179390755,0.0,0 -1223,172923.0,1971-12-13 08:08:00,1971-03-12 15:05:00,48.30156307786868,0.7604297492632062,0 -3848,1004767.0,1971-10-16 14:51:00,1973-09-20 00:44:00,52.68187889966687,1.2216633260884555,0 -2716,263134.0,1973-05-24 17:01:00,1973-05-07 02:29:00,41.14579174456042,1.5105055755064545,0 -6837,589141.0,1972-02-21 07:50:00,1971-11-03 09:51:00,39.75671804615168,1.2806935470186065,0 -2952,635645.0,1970-07-29 08:52:00,1972-10-22 10:47:00,48.90832872342428,0.4173148837045606,0 -1350,807571.0,1971-08-23 12:11:00,1975-05-09 21:13:00,,0.7452467574255566,0 -1082,844052.0,1972-11-16 06:41:00,1974-07-21 05:50:00,49.48299910071624,1.0543731117353352,0 -6453,188671.0,,1972-11-17 07:05:00,44.11174877484908,0.7831327298906134,0 -1811,239393.0,1974-10-30 18:36:00,1974-09-21 04:01:00,44.62795842998044,0.6556263963830393,0 -4121,1011080.0,1971-04-04 05:30:00,1974-06-01 02:21:00,45.72229896271474,1.3880995308031232,0 -1351,642499.0,1973-08-13 15:34:00,1974-01-03 05:56:00,43.09472304211819,0.9943453856726228,0 -7817,1030989.0,1973-07-12 05:36:00,1971-01-21 06:58:00,46.09859748791109,1.0105810923104774,0 -8796,623243.0,1973-10-24 21:29:00,1975-05-01 00:32:00,49.25601108924962,1.0615105368076516,0 -1894,488479.0,1974-01-26 23:38:00,1973-07-12 09:01:00,50.22441996299847,1.7154589105727696,0 -6639,468528.0,1974-01-07 09:28:00,1972-04-05 09:08:00,50.14542346426354,1.1814078794240492,0 -565,1156912.0,1970-04-03 12:42:00,1972-05-16 09:06:00,54.63940241506496,0.6992588580151118,0 -3903,385179.0,1974-04-22 22:56:00,1975-01-18 00:25:00,50.05243289221502,1.5094061667971972,0 -7100,554713.0,1971-01-31 03:36:00,1971-10-06 20:12:00,44.89637644341341,0.8152814644149587,0 -3673,601638.0,1974-10-09 01:01:00,1972-11-19 07:13:00,42.782763351291,1.1493237237026563,0 -4366,745903.0,1974-12-18 01:21:00,1972-03-18 20:23:00,46.647897341305296,1.43169754537168,0 -7545,751108.0,1970-11-18 13:05:00,1972-06-03 12:53:00,55.60289653725687,0.8148933227019661,0 -1212,959640.0,1974-02-03 20:05:00,1971-09-16 21:35:00,42.44377796809325,1.513515072012173,0 -1189,992816.0,1972-03-31 07:19:00,1972-10-08 22:56:00,43.68187823580988,0.5340173597435072,0 -3955,154207.0,1973-10-22 15:32:00,1975-06-04 00:54:00,41.682672721305934,1.413073325086819,0 -898,1037279.0,1971-12-19 20:38:00,1975-05-25 17:04:00,45.77699108086587,1.541594331337601,0 -4786,1103402.0,1973-03-28 10:19:00,1974-01-03 04:16:00,46.63432420840852,0.567495355041231,0 -8092,206038.0,1974-03-23 06:43:00,1973-01-02 21:08:00,53.5994596525862,0.7236969202451873,1 -4602,1047206.0,1971-03-28 04:47:00,1971-06-30 19:25:00,36.89553968135675,0.595203834216506,0 -8896,215276.0,1974-04-06 09:19:00,1975-08-28 17:04:00,50.41389668600234,1.6659681770032029,0 -3454,922375.0,1973-11-03 04:11:00,1972-02-27 16:58:00,48.71773430779592,1.4821900019344918,0 -3609,279961.0,1970-11-23 07:05:00,1972-08-25 23:44:00,35.59855721559764,1.427632504681189,0 -8157,483107.0,1970-12-15 02:01:00,1974-12-02 02:19:00,51.20006531548696,0.8574975594498406,0 -8765,930032.0,1973-05-06 00:35:00,,44.56068102047639,1.3411427031008536,0 -9677,570078.0,1972-06-04 10:55:00,1971-09-06 00:15:00,51.10541422305056,1.0371672926453586,0 -7572,387542.0,1973-04-25 15:08:00,1974-10-06 13:34:00,51.66547397936321,0.8021360611101086,0 -3909,378598.0,1972-06-15 11:27:00,1972-01-22 02:33:00,44.97454609656685,1.1684681544641395,1 -4028,722732.0,1972-10-16 00:58:00,1973-05-29 02:33:00,49.769867177732806,1.41251871046386,1 -3931,353972.0,1970-10-27 10:24:00,1972-03-03 23:34:00,47.61309501448245,1.0764081378767136,0 -2332,292211.0,1971-09-24 10:53:00,1974-07-04 09:56:00,39.10608778253292,0.7958344712669165,0 -7302,207380.0,1974-02-28 00:48:00,1971-10-12 02:32:00,45.37207659633687,1.0270510731216358,0 -2262,1159743.0,1974-10-07 13:28:00,1975-04-12 16:25:00,47.46176935213107,0.9328197353256868,0 -9260,1081816.0,1971-10-19 11:17:00,1973-07-29 19:33:00,52.418439816952514,2.0381028088169915,0 -5781,230096.0,1970-08-24 13:39:00,1975-10-24 08:19:00,48.63297287438109,0.9519883594415676,0 -2595,21352.0,1972-06-26 03:20:00,1972-04-09 13:14:00,47.82727456171585,0.5743542414440272,0 -7200,237383.0,1973-08-09 12:47:00,1973-02-15 05:42:00,,1.2574097121126069,0 -3593,806431.0,1974-02-08 12:31:00,1973-04-23 22:23:00,47.97507476439987,1.4593352637301893,0 -5216,855948.0,1971-09-09 10:42:00,1972-12-22 13:14:00,57.08958624992656,1.2143032981463762,1 -1030,241282.0,1974-04-16 15:22:00,1974-10-21 04:22:00,52.04656653843049,0.4744385915847505,0 -7433,269756.0,1974-02-17 12:39:00,1973-06-04 20:48:00,57.39071050859338,1.1989269930924744,0 -7877,556946.0,1972-06-25 06:09:00,1975-11-26 03:39:00,46.460080302118655,1.1107511469938351,0 -8823,321270.0,1970-02-13 09:17:00,1973-09-28 23:50:00,52.713901236008525,0.5709130000961913,0 -8236,984740.0,1974-05-11 04:33:00,1975-01-23 13:13:00,42.34476560417861,0.6455995189987478,0 -5733,308972.0,1973-03-29 17:31:00,1972-09-11 08:09:00,44.10322503268464,0.391318252189431,0 -5378,816469.0,1972-05-29 19:58:00,1972-11-03 10:37:00,47.55127216980404,0.2791396112786818,0 -7762,219113.0,1973-09-20 20:59:00,1971-01-12 08:38:00,48.78269272098506,2.257924136933913,1 -1755,796689.0,1973-09-20 08:41:00,1971-06-25 10:30:00,48.16455070913997,0.8864284697048421,0 -7355,460368.0,1971-06-05 14:06:00,1974-07-18 09:50:00,47.29465380133615,1.4072093276493916,0 -4161,995969.0,1973-06-09 10:42:00,1973-07-17 06:28:00,50.30983748667927,0.3068264939084009,0 -231,840814.0,1973-12-06 16:50:00,1971-03-28 13:13:00,54.33527161474958,0.9876268353182668,0 -8104,668403.0,1970-12-08 19:10:00,1973-05-26 08:51:00,58.145133485112886,0.791032502040256,0 -110,188136.0,1972-10-03 08:08:00,1973-07-12 08:06:00,56.37498399797403,0.6486124729213107,0 -5457,215859.0,1970-03-09 00:55:00,1975-12-14 19:33:00,44.90639078635024,0.2150963707096006,0 -6708,342293.0,1973-04-17 10:56:00,1974-06-01 17:33:00,49.69023842413608,0.6464646136167682,0 -2514,962856.0,1973-11-10 12:58:00,1973-04-22 18:48:00,50.6607889025361,0.5137034214505093,0 -5961,1073741.0,1970-10-08 15:15:00,1971-12-02 23:30:00,48.661674054169566,1.1016286648098266,0 -4279,906075.0,1973-07-23 14:37:00,1971-05-13 01:29:00,37.90606665788372,1.5734494747714507,0 -4720,81689.0,1971-08-18 12:31:00,1973-10-21 20:42:00,45.43289678638569,1.4832832099884803,0 -2917,272221.0,1974-09-12 01:06:00,1974-02-09 04:25:00,44.26464961296938,0.3781402072550489,0 -9390,994349.0,1972-04-17 13:46:00,1973-11-15 12:33:00,40.32188478231269,0.9289453899425848,0 -2992,148395.0,1973-01-25 06:32:00,1973-02-12 13:56:00,42.54749197158117,0.7348212249998072,0 -2317,897659.0,1974-10-18 12:45:00,1974-09-14 09:42:00,50.94561856852144,1.5054807492902524,0 -4847,217067.0,1974-03-27 16:04:00,1971-08-28 18:10:00,48.12475947931806,1.5759974118860822,0 -4292,328277.0,1973-11-13 06:42:00,1972-05-13 03:01:00,48.22962241993739,1.79006151785611,0 -6991,482330.0,1971-10-08 17:08:00,1974-01-03 08:32:00,49.16777586091133,1.570813696452508,0 -1515,462594.0,1972-03-28 19:03:00,1971-06-05 03:33:00,46.30618775305159,1.0614964569989216,0 -216,295213.0,1970-05-03 15:41:00,1975-05-06 23:36:00,49.74797567314091,1.1449637726941218,0 -9213,108733.0,1973-09-04 10:54:00,1974-09-08 10:46:00,49.73531586736946,0.5443979784228073,0 -9061,173766.0,1970-03-22 09:07:00,1975-11-09 19:45:00,46.186233051204425,0.8177910115150928,0 -8417,773007.0,1974-11-19 21:15:00,1973-01-08 03:28:00,39.58969200589812,1.390722025637683,0 -2263,1027131.0,1973-10-05 04:03:00,1973-01-19 08:20:00,50.124541555685454,1.4335805772684411,0 -5326,730433.0,1971-10-03 00:14:00,1974-01-11 13:39:00,46.59182833461835,0.2649929921709577,0 -6840,1011042.0,1970-10-20 03:08:00,1972-12-07 21:01:00,51.05600089463627,0.3633208773596377,0 -8498,1195142.0,1974-03-22 00:23:00,1971-03-05 19:34:00,47.45283537138524,0.7646747683281243,0 -6010,120162.0,1972-03-11 01:35:00,1974-02-28 04:01:00,52.221027488571735,1.3615420035422627,1 -893,1034174.0,1973-01-22 16:24:00,1973-04-29 00:21:00,42.93336900108971,0.4680103638977161,0 -1490,64238.0,1971-08-11 10:23:00,1973-06-30 18:21:00,46.688785349886906,0.7464499371085676,0 -3003,200695.0,1971-08-10 13:44:00,1974-07-14 09:15:00,32.42644436656923,1.0173933178787984,0 -1850,708759.0,1970-09-26 21:39:00,1974-08-27 03:33:00,49.59573396224662,1.254018475019483,0 -5199,974318.0,1972-12-27 20:37:00,1974-10-15 20:54:00,51.76896297984072,0.3722010571476603,0 -6380,883057.0,1974-02-10 06:31:00,1975-06-26 21:00:00,45.182428988647416,1.3390139813528703,0 -324,572188.0,1973-10-27 17:22:00,1971-04-09 15:50:00,45.85630969170929,1.1886859159567456,0 -1215,1059095.0,1973-10-19 21:25:00,1972-03-26 18:46:00,44.48136565179216,1.1622631412957172,0 -2899,153641.0,,1972-07-17 19:40:00,57.71080189937123,0.4899654973592273,0 -2933,459821.0,1973-05-05 02:29:00,1974-02-24 08:23:00,47.89268830244316,1.3043604358959575,0 -3658,945473.0,1971-09-01 19:46:00,1974-12-03 09:39:00,45.555908535163056,1.199169164925938,0 -8678,9623.0,1972-06-27 02:49:00,1972-12-30 09:16:00,45.17971781005413,0.2276261009669881,0 -6673,191965.0,1971-10-03 07:44:00,1971-10-16 23:06:00,44.22156738146489,1.0536086556895727,0 -7972,1069514.0,1971-03-09 18:50:00,1973-12-07 20:49:00,42.26738449521088,0.3077723504599826,0 -8586,959296.0,1970-04-15 22:17:00,1975-09-02 12:58:00,45.56674023057339,0.5688701468593209,0 -6169,494675.0,1970-06-03 17:38:00,1972-09-08 13:25:00,54.92520942253877,1.1762074426035722,0 -9724,483516.0,1970-04-08 05:19:00,1972-04-26 03:47:00,56.19547978299781,0.9398740391908976,0 -1129,280017.0,1970-08-01 05:34:00,1973-02-16 19:58:00,50.23881212199487,0.858264530902961,0 -8856,878678.0,1972-02-02 02:59:00,1974-06-03 15:02:00,44.43423270550295,0.456002628495091,0 -2918,224569.0,1972-12-13 19:59:00,1971-03-14 17:53:00,41.055555490067405,1.1619055046027726,0 -3902,875260.0,1973-10-05 16:53:00,1975-05-05 11:46:00,46.101028204057,0.2191534909521181,0 -7947,465211.0,1970-05-29 07:35:00,1975-03-20 19:58:00,48.58218600958921,0.8293714204391281,0 -9097,493146.0,1971-09-05 15:17:00,1973-01-30 16:17:00,48.159565357213445,0.3919771481566261,0 -3827,736288.0,1970-06-17 19:13:00,1973-11-18 05:59:00,48.34667436539878,1.1827248162793913,0 -4923,678346.0,1973-02-18 20:42:00,1975-12-24 00:34:00,53.61931759120334,1.6551266357656975,0 -208,964659.0,1973-08-29 01:41:00,1973-02-16 10:07:00,52.418391421224186,1.4288656466194003,0 -3254,594964.0,1973-09-03 01:31:00,1973-09-08 15:50:00,46.54048139639192,1.183132170032596,0 -2795,494279.0,1973-01-20 20:23:00,1973-11-14 05:52:00,56.71794894088158,1.5997932742893757,0 -5106,644635.0,1970-08-19 06:51:00,1972-09-01 23:25:00,47.89646150000132,0.7124339394460375,0 -9011,715572.0,1970-07-09 00:35:00,1975-10-22 00:10:00,47.53787115940354,1.1768644992192006,0 -798,766755.0,1970-08-17 16:33:00,1975-04-20 11:03:00,48.17594854707074,0.8895071055968582,0 -9105,453045.0,1970-02-04 10:36:00,1973-06-30 15:00:00,56.9811527307498,1.5410499540122315,1 -734,224034.0,1970-08-05 06:22:00,1975-03-21 03:12:00,48.45697424813612,1.3732435615259335,0 -2244,,1971-11-11 02:59:00,1972-07-31 06:04:00,51.96394112822547,1.3488156493251329,0 -178,1026960.0,1973-04-02 12:05:00,1974-03-09 21:44:00,47.32625772630986,0.7128049748853456,0 -5830,482698.0,1973-11-27 00:08:00,1975-07-25 22:05:00,40.38220079599242,2.104714832850534,0 -7008,775338.0,1970-04-04 06:24:00,1973-12-27 18:16:00,47.3140397537152,1.0255597938580463,0 -1174,187554.0,1974-03-11 07:58:00,1975-11-06 07:27:00,39.40725273317955,1.454674756716196,0 -6642,1125577.0,1971-04-18 14:45:00,1972-05-17 07:17:00,47.24907966935484,0.2655172307985951,0 -5848,16973.0,1970-06-27 15:46:00,1973-05-15 23:37:00,44.3214169371042,1.0692380628088227,0 -1831,100462.0,1974-04-25 00:54:00,1974-06-20 11:11:00,50.76127512350574,1.969752019338547,0 -7995,302475.0,1974-01-15 19:50:00,1971-07-12 21:35:00,40.21250693429297,0.0,0 -9279,604778.0,1972-12-10 18:03:00,1972-04-02 19:01:00,41.64662385537852,0.9777685491475556,0 -7897,466923.0,1974-12-04 14:29:00,1972-07-11 14:30:00,48.3038769710263,1.6105450764207268,0 -8597,433508.0,1970-06-05 05:49:00,1971-09-25 16:15:00,52.17019497797835,0.3635238303052973,0 -8522,1059358.0,1973-08-29 07:55:00,1975-05-31 15:52:00,46.723256225626336,0.9524778639111022,0 -198,870726.0,,1974-06-24 00:52:00,56.18843416982987,1.566456332162292,0 -7928,746544.0,1973-06-05 13:44:00,1972-04-14 04:59:00,43.35498025859361,0.3517309517583361,0 -7076,49255.0,1974-06-15 19:39:00,1973-01-19 11:20:00,54.16198814023618,1.285434053261416,1 -9284,610134.0,1970-09-13 05:09:00,1973-03-03 18:33:00,56.30811136365155,0.5811300071771762,0 -1097,976492.0,1970-08-20 16:56:00,1972-09-10 10:32:00,39.96082424438732,1.815549744788228,0 -548,610843.0,1970-07-11 09:20:00,1974-04-01 11:53:00,53.85419511557984,1.0234629269756057,0 -6908,821285.0,1972-05-08 16:33:00,1973-09-11 09:17:00,57.0574988979119,1.4995350789737798,1 -8229,726353.0,1973-09-08 02:09:00,1973-10-30 10:27:00,39.67865915522348,1.868740591180606,0 -4706,1005717.0,1974-09-01 07:29:00,1971-01-05 19:50:00,41.34296213739729,0.5609094425737011,0 -6912,244650.0,1974-09-20 04:07:00,1975-12-12 23:29:00,49.15185715423048,0.7968999294560087,0 -3369,1013707.0,1971-12-19 09:32:00,1975-02-26 13:38:00,46.30830213508448,1.1339698370183182,0 -7583,723016.0,1971-05-04 04:08:00,1971-06-25 02:10:00,50.37815161636913,1.0814892970514831,0 -2532,267827.0,1973-04-11 22:21:00,1974-12-10 17:23:00,57.26426420470077,0.3885482854626066,0 -4055,556745.0,1971-12-16 19:23:00,1973-12-12 05:57:00,44.288612024388144,1.2632096787635103,0 -2314,519486.0,1971-03-28 14:36:00,1974-12-06 23:30:00,42.58088412414167,0.9576978569667236,0 -6653,900991.0,1971-09-24 21:24:00,1973-12-31 19:00:00,47.54082520735048,1.6686380146400197,0 -6885,264322.0,1972-05-17 05:02:00,1974-02-12 09:49:00,47.92197357834346,1.1188838985768277,0 -5937,23284.0,1970-09-09 11:16:00,1971-08-06 05:14:00,63.644638805910674,0.9892450094799872,1 -2815,243683.0,1974-01-16 12:15:00,1971-05-19 12:37:00,46.43941551483909,1.488272099889817,0 -3437,132920.0,1970-04-15 04:59:00,1971-10-03 21:01:00,39.172481818606,1.237370934641611,0 -3880,838502.0,1972-11-30 20:29:00,1975-02-24 09:10:00,56.32637331324271,1.41518881346197,1 -4157,430286.0,1970-02-12 01:58:00,1974-10-07 04:24:00,43.857628887107495,0.6871183437415597,0 -66,23910.0,1974-07-10 13:53:00,1975-10-04 13:51:00,45.0908372839979,0.4495950976869733,0 -7866,960535.0,1971-11-06 04:50:00,1972-05-04 00:19:00,52.47232652735268,0.4063752152488055,0 -616,640268.0,1970-11-24 03:09:00,1974-09-02 07:18:00,53.54155696672954,0.7142759435100221,0 -1118,736337.0,1973-10-21 16:24:00,1973-06-25 21:25:00,45.55048799721168,1.5323744709409437,0 -3260,132146.0,1971-11-12 22:58:00,1975-11-03 06:36:00,54.098734823321365,0.2834924067621589,0 -3401,538905.0,1971-05-26 14:49:00,1971-02-28 11:42:00,55.36817533310559,0.3092818206243828,1 -3692,685088.0,1970-08-20 09:06:00,1971-10-14 03:19:00,49.35128111711277,1.1133257386035127,0 -937,798895.0,1971-08-13 17:46:00,1973-02-03 05:05:00,55.40486525244563,1.121904186675839,0 -6604,274271.0,1971-09-28 02:26:00,1975-04-14 08:38:00,,0.956257481963852,1 -2572,978569.0,1974-09-23 09:43:00,1974-04-20 22:25:00,47.4139793186949,0.9743786075444394,0 -7536,747156.0,1973-11-27 23:30:00,1973-12-15 09:38:00,43.58732831016699,0.8714483055104001,0 -6324,831993.0,1973-10-24 04:59:00,1975-03-27 09:58:00,51.68741424219685,1.7926244037669208,0 -622,379662.0,1970-03-24 13:38:00,1973-05-20 23:05:00,44.69623703186284,1.3327341504054242,0 -1681,8463.0,1972-04-18 00:27:00,1971-01-09 13:39:00,43.6302909416009,1.589409193422274,0 -2126,,1973-08-22 06:49:00,1975-03-03 03:59:00,48.57108385801585,1.6222542492124576,0 -787,1010949.0,1971-03-24 10:14:00,1975-08-22 01:14:00,46.23985182533812,1.2881270654094736,0 -3332,279800.0,1970-01-24 00:13:00,1973-10-29 13:07:00,47.8417438034775,1.0056230441739584,0 -7236,1125128.0,1970-03-10 08:47:00,1975-11-09 14:09:00,46.15277207795492,0.4758143822195775,0 -1092,38462.0,1972-05-06 10:44:00,1975-10-22 04:43:00,52.29537471404146,1.1154756446801148,0 -9103,644857.0,1973-11-14 17:25:00,1975-04-29 18:28:00,40.83932216309797,1.5146124299464006,0 -5020,349510.0,1972-03-14 13:53:00,1974-12-01 16:15:00,53.36640904225544,1.566372206817382,0 -9353,911698.0,1970-07-20 09:55:00,1972-05-31 05:53:00,46.23533144941372,1.4723906040713883,0 -5944,561866.0,1972-01-12 07:17:00,1972-06-03 14:10:00,47.80519678634225,0.729488013735404,0 -3280,964650.0,1970-08-01 02:15:00,1975-10-28 16:01:00,45.6929948424996,0.7235694745272025,0 -8186,132507.0,1971-06-30 04:37:00,1974-04-30 22:31:00,42.5079992765487,0.7173550030140938,0 -2201,504822.0,,1974-09-20 00:49:00,45.83655627674963,1.3032852712273582,0 -1160,700262.0,1972-03-24 14:32:00,1971-11-14 18:14:00,42.06327434646336,1.0607905195991003,0 -5581,758995.0,1974-03-17 18:06:00,1975-12-23 13:13:00,47.87458376881788,0.8293924184094384,0 -3592,790790.0,1974-09-16 16:22:00,1975-06-10 02:02:00,56.45530305315782,0.7750119715766678,0 -3952,309421.0,1972-05-11 20:51:00,1971-10-02 20:35:00,44.31432607204516,1.5362849110919483,0 -9691,412912.0,1973-04-20 18:22:00,1973-02-22 17:30:00,50.4039415666176,1.4481897033141684,0 -6247,1120307.0,1974-11-28 03:23:00,1974-11-04 10:06:00,47.84441537455269,0.0,0 -4153,680733.0,1974-06-10 06:41:00,1972-01-25 13:23:00,52.50603550749914,1.5789468584276565,0 -478,1030995.0,1971-05-08 17:10:00,1975-11-14 12:46:00,53.07465267053252,1.088358978872663,0 -1352,537350.0,1971-11-23 02:36:00,1973-01-25 16:30:00,43.95176233637681,1.450328894590141,0 -4309,1008406.0,1972-10-12 05:22:00,1974-04-07 02:21:00,,0.96699863507755,0 -5698,508577.0,1971-06-14 06:52:00,1971-09-27 03:26:00,53.25149397075454,0.4333366141450449,1 -2647,647940.0,1973-04-21 00:04:00,1971-02-27 17:43:00,37.87212673902957,1.4255739258879774,0 -8460,362593.0,1972-06-29 22:17:00,1974-04-20 17:18:00,50.37348089457963,1.572399528166568,0 -8198,1012438.0,1970-11-11 23:06:00,1972-06-13 06:47:00,47.46257088270711,1.755617336239052,0 -7689,355848.0,1974-01-03 21:48:00,1974-02-08 22:00:00,48.62922756032084,1.0652419553400818,0 -9257,259350.0,1971-08-27 00:10:00,1973-07-19 16:54:00,49.00107525305259,0.9632901719802276,0 -2589,208511.0,1974-08-02 03:15:00,1974-05-16 07:31:00,51.98047978001335,2.2626653758103714,0 -1033,17461.0,1971-01-24 19:56:00,1971-11-10 09:07:00,45.48160115522021,1.3214502428157882,0 -4686,296983.0,1970-08-20 09:41:00,1973-02-22 13:31:00,52.77236909951021,0.9450542385490124,0 -5011,848969.0,1970-05-07 04:08:00,1972-02-16 20:30:00,45.6932463870881,0.0,0 -2598,847282.0,1971-05-30 19:59:00,1971-06-03 23:39:00,54.38266888197243,1.384475218600316,0 -5819,721199.0,1973-07-27 17:51:00,1973-03-02 19:30:00,46.85303360526819,1.5490618056726426,0 -4608,756940.0,1971-05-01 05:35:00,1974-02-02 02:22:00,45.51034748010474,1.7456686282580605,0 -8470,200193.0,1973-12-13 11:39:00,1971-10-22 23:42:00,45.91605612646055,1.2561308123418875,0 -9040,430529.0,1971-11-17 09:47:00,1973-03-06 21:08:00,52.02738216462503,1.1470523107668456,1 -7450,327075.0,1971-01-21 23:57:00,1974-08-23 04:10:00,52.55828688139923,0.8055936399471321,0 -4671,928455.0,1970-11-14 07:04:00,1975-12-12 18:33:00,55.47649981925324,1.7403454636153397,0 -5583,231622.0,1972-12-11 07:17:00,1975-04-27 14:30:00,43.66821545452612,2.160079094304262,0 -3717,429569.0,1970-01-20 08:17:00,1975-10-20 23:31:00,38.59155284577257,0.7611286214409516,0 -9327,86718.0,1971-01-07 05:16:00,1975-12-07 23:32:00,51.62676488457196,0.6795438443789399,0 -3928,1066812.0,1972-07-21 08:30:00,1974-03-30 18:11:00,45.42531842129255,0.7296315232721826,0 -3617,180213.0,1974-06-14 14:39:00,1973-03-28 06:52:00,44.73216983609757,0.8386978192133481,0 -1425,1173489.0,1974-11-10 14:19:00,1975-02-08 20:39:00,55.26953961745537,1.11657953903789,0 -9378,258816.0,1970-02-23 10:27:00,1975-03-02 23:09:00,46.97145129937241,1.2478049156327942,0 -2919,1154905.0,1974-09-09 16:55:00,1971-09-15 01:29:00,43.3891618502243,1.5427418110444957,0 -3819,553068.0,1973-07-26 13:50:00,1972-10-29 04:26:00,52.879608333839656,0.0,0 -1871,33642.0,1971-12-04 06:08:00,1974-12-08 14:34:00,44.52679260412021,0.8544831346009064,0 -5487,614458.0,1970-08-03 01:11:00,1972-04-21 14:51:00,56.877933922256354,1.2777236338583662,0 -480,134595.0,1973-08-21 00:30:00,1973-06-08 06:28:00,51.31412217500461,1.0408800477886169,0 -5972,366085.0,1973-03-05 19:03:00,1972-06-07 12:20:00,44.364565256736775,1.353173381688988,0 -9600,1068146.0,1970-11-01 10:54:00,1972-01-17 19:56:00,41.42173489482961,0.4735964753853947,0 -2888,1079815.0,1974-10-12 02:59:00,1973-06-02 11:31:00,45.008534942361976,1.6791240594607078,0 -6686,1017064.0,1971-01-24 10:18:00,1973-06-08 15:51:00,42.97363991264785,2.116541936015385,0 -6315,1152503.0,1973-02-07 05:44:00,1971-03-18 18:02:00,47.00409286765111,1.1764691473060442,0 -527,1056301.0,1970-04-02 01:06:00,1975-11-18 15:54:00,57.06786969006381,0.44622005624998,0 -4129,543790.0,1970-05-03 08:05:00,1972-12-27 04:00:00,49.75156923625883,1.338273725686991,0 -722,347728.0,1970-06-13 01:40:00,1973-10-29 01:37:00,41.68648160291179,1.31074859373098,0 -5120,927353.0,1971-09-21 02:09:00,1973-12-19 18:52:00,53.17478271719829,0.9968882596505392,0 -4722,1093956.0,1971-01-08 20:49:00,1975-11-26 04:32:00,56.47179818045613,1.614746847856949,0 -220,80379.0,1974-11-24 05:35:00,1975-11-21 01:04:00,47.37277160525623,1.3533744468179465,0 -9188,701565.0,1974-10-02 23:25:00,1973-04-25 05:59:00,45.06666227601493,1.4779359878793867,0 -1935,1032370.0,1970-11-27 22:27:00,1972-04-30 22:07:00,41.187277590042505,,0 -344,1180529.0,1973-05-19 13:51:00,1974-03-10 09:58:00,42.54991365299465,0.7356099618505674,0 -8332,494763.0,1970-03-26 10:09:00,1975-03-01 15:00:00,52.86287096136705,0.8729524773862991,0 -9674,558283.0,1973-09-29 06:56:00,1971-03-08 12:32:00,54.099474254516814,0.4332257718408433,0 -4483,823524.0,1971-07-03 09:02:00,1972-08-22 18:11:00,45.74710194120263,2.0662766939002197,0 -9706,59993.0,1970-12-28 08:17:00,1974-10-08 08:32:00,51.12480429761654,1.3849504646279611,0 -8486,726633.0,1973-08-06 15:01:00,1971-11-27 22:11:00,53.58823758223431,0.940184594584887,0 -9216,561982.0,1973-10-28 14:01:00,1975-09-21 14:17:00,45.43926371935266,1.097741041493203,0 -6903,53473.0,1972-01-15 16:17:00,1971-05-16 03:32:00,54.36772220223548,,0 -9154,716216.0,1972-02-17 12:29:00,1973-05-11 08:02:00,46.97025629799559,1.415357558763432,0 -5960,439892.0,1972-05-26 21:40:00,1971-07-26 02:45:00,51.003280090415934,0.1061808113435537,0 -7034,497670.0,1970-10-11 14:22:00,1971-12-27 12:41:00,50.41265223088701,0.8920854039103184,0 -6051,1178966.0,1974-11-11 11:56:00,1971-11-03 23:46:00,46.50836718999031,0.7363110342612691,0 -2391,1063238.0,1974-04-29 00:25:00,1971-02-08 09:55:00,45.19788766994036,1.1752071555998758,0 -7181,169337.0,1971-04-08 09:21:00,1972-04-06 19:22:00,47.647019664804304,1.1489618989187784,0 -4328,487494.0,1972-10-25 23:06:00,1975-08-07 21:45:00,54.82304995303755,0.1505701518876698,0 -6452,887800.0,1973-02-27 11:38:00,1975-09-17 14:58:00,48.7541184627387,1.7101190368743873,0 -1983,1139902.0,1973-01-01 06:13:00,1971-12-22 16:15:00,43.8231800945594,1.1848206383729367,0 -8246,200462.0,1974-07-12 15:27:00,1972-07-21 05:04:00,44.00755871209457,0.6044731674170922,0 -1554,696640.0,1972-11-30 10:40:00,1971-07-17 10:54:00,53.70868160503806,0.8455409455556352,0 -4850,857334.0,1972-04-26 15:55:00,1971-12-31 16:18:00,50.94887747861709,1.0078698324784137,0 -9095,832049.0,1974-10-24 10:00:00,1972-07-04 20:16:00,52.41035046868792,0.726337761186109,0 -9922,407812.0,1974-02-07 16:57:00,1975-08-12 17:43:00,42.48216362517174,1.2029228574785351,0 -7532,671618.0,1974-07-24 18:16:00,1975-03-13 18:08:00,47.08879002315012,1.1288584801052512,0 -6853,962299.0,1974-08-26 15:12:00,1973-09-27 23:03:00,43.67298963337621,0.4067616835902213,0 -4641,1124832.0,1974-07-06 14:30:00,1973-11-19 16:41:00,46.26145531110972,1.1069096696535174,0 -2881,729656.0,1970-10-07 09:16:00,1972-03-31 06:15:00,46.02758071807396,1.196362184259656,0 -1677,167433.0,1973-02-23 23:07:00,1972-11-21 01:19:00,45.89019027233786,0.4569335376234194,0 -4885,796585.0,1971-01-09 00:31:00,1971-08-31 22:06:00,44.20071334926784,1.3099610992110908,0 -1964,826972.0,1973-10-26 07:38:00,1972-05-21 08:32:00,52.41324094230111,1.5844987132132573,0 -901,717069.0,1971-12-16 18:51:00,1974-02-17 00:58:00,45.75685237691697,0.2886120889260958,0 -7130,1158434.0,1971-02-01 08:24:00,1972-09-11 16:21:00,48.97378514323096,0.5033016111068305,0 -3068,526861.0,1972-02-22 01:13:00,1972-03-02 14:57:00,44.55554747691357,0.598117812507152,0 -2296,298041.0,1971-01-22 21:36:00,1972-03-29 18:43:00,35.896005941692536,1.181239655525124,0 -6237,446146.0,1971-06-08 18:01:00,1975-08-16 03:09:00,44.79643923322167,0.7216186386222591,0 -5862,880560.0,1972-07-05 01:07:00,1975-09-17 02:54:00,54.35710754114184,0.8978266744699638,0 -296,757557.0,1971-11-26 09:41:00,1971-04-17 06:41:00,44.8532117052059,1.0375842369764932,0 -8778,247576.0,1972-02-01 09:35:00,1975-03-26 03:01:00,44.22810257686187,2.284639491379276,0 -57,818612.0,1970-11-14 04:00:00,1972-09-19 04:46:00,41.18112866030215,1.364988867516294,0 -7242,568920.0,1971-02-24 06:08:00,1972-02-14 12:38:00,44.86727947656944,1.5983855808027196,0 -4385,52019.0,1970-09-23 12:33:00,1971-08-24 06:01:00,48.68749654024051,1.3218268864839973,0 -2984,270700.0,1971-07-08 01:43:00,1975-10-23 20:10:00,50.01544061153673,1.5445863718464694,0 -27,772637.0,1973-10-06 18:56:00,1975-02-11 01:29:00,43.9252881666756,1.1085607819690604,0 -4407,317675.0,1972-09-30 18:53:00,1974-08-11 23:18:00,40.50896681081442,1.8618479524435267,0 -9877,826903.0,1970-07-28 17:37:00,1975-05-02 00:03:00,48.85643077554365,1.2708128198169917,0 -2676,1050672.0,1974-10-07 11:07:00,1975-12-12 05:18:00,33.21043182977552,0.8105245585503494,0 -8545,738483.0,1974-08-18 16:25:00,1974-08-19 06:27:00,53.21458597641591,0.8213646008288108,0 -5262,665354.0,1972-11-17 23:52:00,1974-04-26 11:02:00,39.47573840059346,1.8844902770574996,0 -5841,1126528.0,1970-11-26 16:35:00,1971-03-21 04:56:00,43.12791301507053,0.9963129240662608,0 -7021,13844.0,1974-09-18 20:58:00,1975-02-16 17:23:00,59.07933249887512,1.018046952868369,1 -3248,823493.0,1974-03-01 21:07:00,1975-02-12 18:28:00,43.8369466631496,1.2417542827772243,0 -5667,1151096.0,1974-05-25 14:00:00,1971-12-18 06:30:00,52.76624062464112,1.0381917984155924,0 -3884,677743.0,1973-08-02 14:57:00,1971-07-25 21:07:00,40.31701037332327,1.6930749678981938,0 -7663,1045289.0,1970-09-25 08:21:00,1974-04-06 02:44:00,54.90612634972903,1.565238927040761,0 -295,325520.0,1974-09-06 10:07:00,1975-09-27 07:49:00,46.25148447955274,0.0,0 -3161,811657.0,1971-10-09 06:16:00,1974-05-22 19:44:00,47.88753766341759,1.552865171112891,0 -2580,692792.0,1971-04-27 10:34:00,1975-10-13 23:51:00,52.22539483389445,0.4018476119145668,0 -3870,853752.0,1972-09-16 06:34:00,1973-01-05 08:51:00,48.11012779174068,1.377119238038282,0 -9210,720192.0,1970-05-04 18:34:00,1974-03-22 20:06:00,46.852911135081925,0.750180825484277,0 -4404,715093.0,1971-10-26 01:33:00,1972-11-02 15:16:00,49.752395155122656,1.5715559425472454,0 -6952,627086.0,1972-09-04 10:31:00,1972-07-27 08:16:00,41.83824146979445,1.270618988660098,0 -648,259644.0,1972-05-04 08:08:00,1971-08-22 10:51:00,48.16690599431576,1.032701640675583,0 -1370,569290.0,1971-03-20 10:05:00,1971-11-03 03:48:00,52.221119175780174,0.1542031068063537,0 -9855,1180471.0,1973-12-17 23:40:00,1972-02-29 03:52:00,43.403441488431255,0.8665113004436384,0 -6992,317779.0,1972-07-12 00:09:00,1972-08-15 06:41:00,44.39559037697463,0.8961741017510712,0 -5532,393453.0,1971-08-21 09:36:00,1975-01-17 22:40:00,47.86872008582485,1.7089662664953096,0 -9620,439032.0,1973-09-05 17:57:00,1974-03-30 13:36:00,40.45471410206923,1.240564260648757,0 -5708,64656.0,1971-09-15 20:01:00,1974-01-01 09:09:00,53.27070662150868,0.9886919334665888,0 -4209,470912.0,1974-11-19 02:09:00,1973-07-04 15:42:00,51.96868384987659,0.6945049449594041,0 -681,995463.0,1973-12-26 00:35:00,1974-03-27 14:54:00,48.915323277133005,0.2657646043442231,0 -434,255159.0,1972-04-26 21:39:00,1972-10-31 10:41:00,44.82977897008551,1.7597050408212056,0 -9309,293477.0,1970-12-05 06:36:00,1972-05-25 15:52:00,43.3529113655966,0.7674515567098821,0 -4824,1001564.0,1973-01-05 23:55:00,1974-06-17 06:21:00,53.65240149262806,0.9989357661821012,1 -9761,860733.0,1974-11-19 15:28:00,1973-09-28 13:31:00,47.11716785158889,0.8967218667359537,0 -3159,386750.0,1972-09-21 08:06:00,1975-12-22 17:54:00,38.61987009330451,0.408559416685086,0 -1489,1103168.0,1971-01-20 04:36:00,1974-02-14 01:17:00,49.82707439985349,1.5548231661904717,0 -2987,323240.0,1971-03-07 04:09:00,1972-05-05 15:52:00,52.35705402464118,1.5913328253190122,1 -812,346975.0,1974-12-30 03:52:00,1973-03-26 17:43:00,52.562203955480896,1.8168579664122928,0 -1882,583828.0,1974-09-02 04:35:00,1975-02-21 10:43:00,46.14105047300218,0.4929275569194815,0 -9267,1141762.0,1970-10-16 18:37:00,1974-05-13 02:17:00,48.7714356694075,1.502207190334988,0 -4936,847371.0,1970-08-28 21:12:00,1972-08-11 22:15:00,48.50497546182469,0.99435104976449,0 -9935,839351.0,1970-08-02 20:32:00,1975-07-12 14:37:00,59.577911236442574,0.9260379294777098,0 -1940,1069946.0,1974-04-04 02:09:00,1971-10-04 11:12:00,43.87199273002545,1.072306509641638,0 -3296,1141777.0,1971-11-17 20:15:00,1974-04-06 13:44:00,49.70771355689395,1.0372623558760907,0 -3534,642655.0,1973-07-03 18:40:00,1975-07-12 11:47:00,49.82355259694432,0.7946800721370195,0 -4525,284802.0,1970-09-21 07:19:00,1975-12-13 21:53:00,52.77188592935389,1.509367339518893,0 -3729,837435.0,1973-01-04 22:22:00,1971-07-15 10:08:00,56.474994136713406,0.9581390089222804,0 -7015,476002.0,1972-05-23 06:35:00,1974-02-14 15:56:00,50.2891760779165,0.4291651420830356,0 -1612,1036318.0,1973-08-17 01:43:00,1973-09-01 23:42:00,43.24337438089574,0.7649613639341757,0 -1181,29163.0,1972-11-18 13:31:00,1973-12-05 18:18:00,36.60321612621112,1.827315085121076,0 -1375,46451.0,1973-09-18 15:48:00,1973-02-20 22:57:00,61.44925754884055,1.1190169859720236,1 -9224,925977.0,1973-01-19 21:35:00,1972-02-19 11:15:00,52.998941980347546,0.4654602122145727,0 -3946,810144.0,1972-01-03 10:13:00,1971-04-08 14:47:00,52.04672847419577,0.8160789219684559,0 -7210,390213.0,1970-06-02 23:53:00,1972-09-20 17:01:00,44.025520630078205,1.298727660629833,0 -5211,703127.0,1974-09-17 21:52:00,1972-02-16 11:51:00,54.08165770905987,0.909599422438806,0 -63,431964.0,1971-03-24 05:51:00,1974-05-04 22:20:00,50.74881921519103,0.271818189630262,0 -626,724949.0,1974-08-20 01:38:00,1975-11-07 21:09:00,43.73934484644391,1.6270924406007587,0 -4421,808066.0,1973-10-25 01:55:00,1971-04-20 09:57:00,53.677403633443255,1.3765120088790233,0 -1669,720066.0,1973-09-11 10:18:00,1974-10-14 01:39:00,42.6293101882594,1.6093575358540142,0 -2112,327166.0,1973-06-12 04:00:00,1975-04-22 12:35:00,46.10170552275663,0.8732220139670254,0 -5804,524067.0,1970-09-03 21:06:00,1973-10-13 06:59:00,47.43287542978273,0.7037859460878089,0 -9763,447998.0,1972-08-23 07:59:00,1973-04-23 21:10:00,49.66041427956926,0.921216844142759,0 -4032,439681.0,,1973-01-24 05:40:00,51.89107319305067,1.15892710869842,0 -6545,446916.0,1970-07-23 02:37:00,1972-11-10 06:54:00,42.00901439781556,0.5143774313142886,0 -7948,926868.0,1973-12-16 15:09:00,1975-03-22 04:35:00,56.327160580483095,2.03055804221746,1 -84,736380.0,1971-09-13 21:54:00,1975-09-18 17:33:00,50.97182470195351,1.2633282880392922,0 -9180,1176459.0,1970-08-07 15:23:00,1972-08-22 14:00:00,50.98427798992809,0.0,0 -1462,117323.0,1972-09-12 15:27:00,1974-12-26 04:33:00,48.540710611274655,0.9392747735717542,0 -2283,855755.0,1970-04-30 19:29:00,1973-05-15 00:22:00,44.89037934097202,1.111721251844887,0 -2887,1159740.0,1971-11-25 08:36:00,1974-12-31 02:46:00,45.8863145283432,1.5152346295750363,0 -5834,30807.0,1971-01-23 23:42:00,1975-06-20 18:33:00,53.77185061479251,1.116816046865143,0 -684,90446.0,1974-07-13 08:49:00,1971-05-28 00:58:00,44.292417417975,0.8879727413351004,0 -4469,849661.0,1970-02-28 21:43:00,1972-05-08 18:02:00,38.252497652607445,1.1507192042725007,0 -418,169802.0,1972-10-31 16:34:00,1975-11-14 11:48:00,52.95634122398609,1.1733365769446462,0 -5228,209212.0,1970-03-16 15:36:00,1974-02-21 01:28:00,50.96875804063028,0.9477784912502945,0 -4253,477913.0,1974-10-19 22:54:00,1975-07-03 14:13:00,46.171905558765566,1.824453100033552,0 -2709,910226.0,1972-08-31 04:59:00,1972-05-12 08:35:00,47.5213926806199,0.8264558442233303,0 -2357,1169015.0,1973-03-05 23:45:00,1971-10-26 14:51:00,50.54394481685861,1.1161648983586645,0 -8059,927640.0,1971-06-22 06:50:00,1974-03-06 08:05:00,46.12904826368458,0.0636653973651653,0 -1366,155060.0,1974-11-10 10:52:00,1972-01-30 17:43:00,55.37442807803573,1.3376275746738404,0 -6277,253778.0,1973-01-01 17:46:00,1973-10-12 19:16:00,48.28289976192223,0.0,0 -3916,657404.0,1972-01-07 16:58:00,1972-10-22 00:01:00,46.72588252060668,,0 -293,925484.0,1971-11-04 08:10:00,1974-05-24 16:19:00,48.34019963306507,0.3964129428067772,0 -2639,1118681.0,1973-06-07 09:49:00,1974-10-17 14:44:00,44.02507667321565,0.3026682167657539,0 -9458,655338.0,1974-03-06 15:40:00,1972-11-06 15:22:00,46.72905576288398,1.3315001092690797,0 -1506,278316.0,1972-07-25 00:57:00,1971-10-16 23:16:00,43.91063664090545,1.0397665643732823,0 -9037,925643.0,1971-07-28 15:03:00,1971-10-31 22:23:00,44.62524513422114,0.6424142574604245,0 -7393,980205.0,1974-04-10 08:10:00,1972-06-16 18:45:00,42.81718426427143,0.6157810674517813,0 -1634,305110.0,1974-09-20 20:54:00,1974-12-09 14:31:00,56.88414121245593,1.152649282894447,0 -2457,1017784.0,1972-02-11 20:17:00,1971-02-05 01:49:00,51.23061784394706,0.8288423502984843,0 -9891,954520.0,1971-05-20 23:54:00,1974-07-28 12:32:00,40.79893283157095,1.0526909678529597,0 -5558,588524.0,1974-09-28 20:15:00,1975-11-23 03:18:00,54.590938511649895,1.4763756137031396,0 -9751,,1974-06-04 01:10:00,1971-11-25 11:14:00,52.7589408379004,1.0343389573124555,0 -2300,88950.0,1971-12-26 14:14:00,1972-12-06 09:30:00,48.35846275871275,0.8080212572722673,0 -4537,485762.0,1973-05-19 17:51:00,1971-10-06 22:43:00,52.7141422358039,0.0,0 -2938,809136.0,1974-10-16 09:15:00,1974-06-28 10:11:00,50.36713655013,0.7837650679136328,0 -1563,534574.0,1972-11-19 02:05:00,1972-04-07 02:20:00,51.963515778269816,0.303329281791915,0 -5689,249373.0,1972-06-11 03:26:00,1975-12-09 20:38:00,48.71408231065175,1.3282013619481567,0 -8658,813900.0,1973-06-28 19:35:00,1975-08-26 18:04:00,46.67014995322906,1.9636385314584088,0 -7517,392723.0,1970-09-06 00:18:00,1973-04-04 14:59:00,43.82928968996679,1.0725392489243384,0 -1979,143011.0,1972-03-31 10:39:00,1975-02-23 06:36:00,54.57045869482083,0.9195758506371,1 -1883,164527.0,1971-05-29 06:49:00,,52.240695630624245,1.5831604945213198,0 -3803,467559.0,1970-10-07 18:08:00,1972-04-19 06:53:00,53.02799945622127,0.1852282673339582,0 -438,945812.0,1971-10-29 03:56:00,1974-05-19 20:59:00,42.70602940613293,0.0,0 -4635,644837.0,1974-03-06 23:32:00,1971-09-01 08:05:00,49.53427531437791,1.4979938357676927,0 -4528,136677.0,1972-03-04 22:08:00,1975-02-20 03:43:00,42.68385033997897,0.102763947256896,0 -4332,809973.0,1973-09-28 23:22:00,1975-11-26 09:43:00,43.08326805720804,1.1882170416711326,0 -3573,594451.0,1974-12-23 03:22:00,1974-07-20 19:34:00,49.39588302998183,0.0856161620819622,0 -8741,436957.0,1973-05-23 14:35:00,1974-06-07 05:18:00,44.03649409615555,0.3006666558978328,0 -8911,943454.0,1972-12-18 06:48:00,1971-02-08 19:27:00,54.20638015762911,0.8340953439704094,0 -4817,772533.0,1972-03-05 14:25:00,1973-04-05 08:32:00,49.910253301108376,1.272702911315927,0 -6435,394941.0,1971-06-17 04:32:00,1974-02-10 12:34:00,51.77485736329646,1.1309337664816113,0 -2986,267960.0,1972-07-17 03:07:00,1975-02-28 19:33:00,47.03853049069209,0.7455268137538804,0 -7838,1188115.0,1973-08-30 11:23:00,1972-08-18 16:40:00,51.05803057990926,0.7258012798510763,0 -704,938319.0,1973-02-02 21:11:00,1971-06-10 07:31:00,49.59720725967491,1.0810721248905542,0 -2280,41082.0,1970-01-08 15:56:00,1971-12-28 12:23:00,47.0403792519237,1.1600303369513087,0 -8734,469051.0,1973-07-30 12:20:00,1974-06-25 02:26:00,42.94564426823224,0.9122410142793436,0 -4147,357660.0,1972-03-09 21:32:00,1972-10-16 21:48:00,48.72959239906508,1.295979549004976,0 -5412,404388.0,1972-07-24 10:16:00,1973-05-14 20:12:00,42.98849098945814,1.2863178106665638,0 -373,808807.0,1970-12-23 09:05:00,1972-07-25 16:05:00,50.74186815388285,0.3467018079791242,0 -6405,1058152.0,1972-05-23 12:22:00,1975-04-11 18:40:00,45.769000480089126,1.003884417313987,0 -9223,87936.0,1972-04-26 08:35:00,1973-12-10 13:31:00,53.51445086479495,0.7998592092898297,0 -2585,774780.0,1971-05-14 20:42:00,1975-03-03 01:28:00,46.06617633085035,0.8790817773876646,0 -1332,171684.0,1970-03-17 16:35:00,1975-08-19 02:15:00,49.426309009911726,1.2089887169087412,0 -9572,859926.0,1973-03-23 15:51:00,1973-07-28 03:59:00,51.73658380356239,1.108525467001994,0 -5282,228364.0,1973-04-19 02:03:00,1974-05-14 04:51:00,52.739424568508326,1.6483535376919851,0 -9131,1146421.0,1972-07-04 11:21:00,1975-10-29 04:12:00,44.73378377693872,1.3023505898247516,0 -8315,1117434.0,1972-10-06 10:09:00,1975-05-18 06:51:00,40.07800500754515,1.2856418231629507,0 -9809,451372.0,1973-09-11 22:54:00,1974-10-09 20:36:00,45.42861961104671,0.1241950266354856,0 -1784,135063.0,1972-05-14 04:26:00,1974-12-21 16:58:00,53.3418846805537,0.8886123637068868,0 -3182,991289.0,1974-11-27 18:39:00,1972-03-10 16:07:00,45.05120306059227,0.9188204434375918,0 -494,223198.0,1970-06-19 09:02:00,1973-09-10 19:30:00,44.27800953001256,1.3594903987931066,0 -7363,618415.0,1973-07-17 07:06:00,1974-11-22 22:31:00,48.132617600415095,1.30739185318862,0 -2860,,1973-03-18 03:37:00,1971-11-01 05:46:00,49.21986570594699,0.12615698246536,0 -7929,673947.0,1970-05-13 16:33:00,1971-03-21 07:02:00,53.36287240918034,0.2497364840132383,0 -4041,541152.0,1972-10-19 13:45:00,1974-09-14 22:16:00,41.21096520130472,2.324180126052088,0 -7178,28196.0,1970-12-21 15:52:00,1974-05-17 12:57:00,48.80807818683027,1.561373210387479,0 -2897,682413.0,1972-05-28 15:03:00,1974-07-23 11:54:00,43.183836116388726,0.591442877123079,0 -366,524635.0,1972-10-06 22:56:00,1974-02-16 09:10:00,44.4844079485468,0.5961352288503348,0 -849,301472.0,1970-06-17 18:09:00,1972-09-12 09:38:00,47.63578816674925,0.0,0 -7440,174147.0,1971-12-30 13:48:00,1972-11-28 06:43:00,50.32208948446866,1.3410566140535272,0 -9454,621179.0,1970-01-21 12:32:00,1974-08-08 04:58:00,45.91147301955678,0.8930521242431092,0 -4301,496605.0,1971-11-19 23:54:00,1974-06-22 08:54:00,51.061130017083286,1.45681438074263,0 -2653,85053.0,1974-12-25 12:43:00,1974-07-03 02:23:00,50.2072564518404,0.8962230959103729,0 -3503,1151435.0,1972-03-07 01:44:00,1975-11-11 02:09:00,55.80193682760925,0.1116940800344902,0 -1541,1106519.0,1972-07-25 05:35:00,1975-07-16 10:55:00,45.87424170499015,1.1462222330384744,0 -4165,1147115.0,1971-04-03 17:28:00,1971-11-28 07:50:00,47.22203379483893,0.8287611927562892,0 -8866,739066.0,1972-06-15 11:37:00,1972-04-14 10:18:00,45.53315715197521,1.9678418591883684,0 -322,309658.0,1971-01-03 23:17:00,1972-05-25 01:37:00,42.62558712953019,0.9986400100451384,0 -2031,39378.0,1970-09-23 21:19:00,1973-05-23 00:06:00,54.91110626632767,1.7736584941059892,0 -813,2163.0,1974-10-19 09:59:00,1975-01-15 04:10:00,45.360668200520045,1.2417771411805605,0 -8939,880298.0,1970-02-05 17:11:00,1975-01-01 12:47:00,52.16634676939623,0.6445040854974009,0 -9375,1166723.0,1971-03-10 03:34:00,1973-09-09 19:25:00,30.00836406046409,0.3582459530600036,0 -1079,54594.0,1974-09-19 00:46:00,1975-04-29 14:08:00,41.27712340204975,0.5313201732643554,0 -2226,642031.0,1973-06-12 00:11:00,1974-02-23 20:45:00,38.951400898819465,0.8144798564091013,0 -9136,572049.0,1972-03-13 09:31:00,1972-05-18 03:30:00,52.63022368391925,1.3369400505038862,1 -9531,576454.0,1972-07-29 23:02:00,1971-10-06 01:27:00,41.85183994653454,1.5912666117700025,0 -2705,,1974-12-08 00:54:00,1972-08-24 07:54:00,51.28660879465836,,0 -6824,381404.0,1970-07-27 02:51:00,1973-12-26 19:59:00,37.41333589339804,1.0910968244050965,0 -7556,881392.0,1972-06-19 02:48:00,1974-01-26 01:56:00,54.0778637079741,1.075382711179103,0 -1164,716931.0,1971-06-20 17:56:00,1973-05-16 03:17:00,37.91055208602887,1.2016120166345845,0 -3261,868012.0,1972-05-12 15:55:00,1974-06-20 14:06:00,53.11075581010252,1.0151772687332337,0 -4687,582379.0,1970-01-11 07:01:00,1975-04-12 18:20:00,50.774366669783646,1.204878877429798,0 -1450,445171.0,1973-01-01 20:29:00,1973-10-09 20:23:00,50.37918357421318,0.8161898851968238,0 -3862,112047.0,1974-11-30 00:36:00,1975-09-10 19:55:00,48.78837784571736,0.5456679476126338,0 -6103,742259.0,1973-01-02 22:49:00,1974-05-24 06:38:00,58.4726136535906,1.0027693008734355,0 -9215,226043.0,1973-11-01 18:47:00,1974-08-15 05:26:00,42.03466910591915,1.1427401830449015,0 -7120,117925.0,1974-09-23 03:11:00,1974-11-01 19:18:00,41.12976806549174,0.4286298703417743,0 -6398,832779.0,1973-11-19 09:59:00,1972-08-26 13:22:00,49.32018946999527,0.813700734842142,0 -9588,96425.0,1972-04-01 08:45:00,1971-04-21 17:39:00,41.69582905643315,0.9916335885492782,0 -6214,410431.0,1971-04-10 09:09:00,1973-06-19 11:29:00,46.78654925250703,0.2060310932896427,0 -9645,829107.0,1973-12-08 11:23:00,1975-08-21 21:12:00,43.34300093785205,1.1314156354769471,0 -5336,376173.0,1973-09-11 23:54:00,1974-03-15 21:56:00,42.86615967517689,2.160376588727512,0 -4056,208204.0,1970-01-03 21:12:00,1972-02-25 07:08:00,44.35836202594864,0.5212870687120708,0 -9511,461140.0,1973-05-15 23:02:00,1972-09-18 13:40:00,43.558186603472656,1.4385296477030582,0 -2999,698984.0,1972-05-07 23:17:00,1975-12-10 11:42:00,49.858225901878086,1.001145019061863,0 -9024,810013.0,1970-05-29 05:02:00,1972-03-16 12:19:00,49.34421242167439,1.577676763313304,0 -1231,1103225.0,1971-04-17 00:55:00,1972-01-11 19:49:00,48.11854124744818,1.0796743984592283,0 -1514,1145837.0,1972-10-09 15:13:00,1972-10-11 22:49:00,52.00853942265002,0.8064425173108571,0 -2313,1176829.0,1972-08-04 08:35:00,1974-06-17 16:57:00,51.19395163433075,0.8080651764247262,0 -1451,358786.0,1972-07-17 05:32:00,1971-06-02 06:48:00,45.30855284448704,1.1777941070737514,0 -5267,555678.0,1970-10-20 05:03:00,1972-07-23 21:48:00,43.70490118802067,1.1025532709090105,0 -6131,403486.0,1972-07-16 14:49:00,1974-05-21 09:38:00,45.545631600632056,1.0973540040022125,0 -8531,1069939.0,1970-03-22 13:35:00,1972-09-08 02:32:00,36.78525933177272,0.0,0 -6464,874280.0,1972-06-21 04:32:00,1972-08-20 18:36:00,49.24613611903321,1.06165696739831,0 -838,155424.0,1970-12-11 18:21:00,1975-07-10 23:51:00,41.41837797784888,0.6684810310864977,0 -9915,86620.0,1972-07-26 21:40:00,1975-01-11 19:03:00,48.23022080638994,1.1251577105938508,0 -8261,362936.0,1974-09-24 05:46:00,1975-12-13 08:50:00,49.98644093981561,0.8844821212959146,0 -6414,474578.0,1972-09-04 11:24:00,1973-11-20 20:19:00,43.85440829058084,0.589092701210207,0 -8504,,1973-12-26 03:01:00,1972-05-31 07:44:00,42.72993910668121,1.9438967376526224,0 -3567,1056466.0,1970-04-14 07:48:00,1972-07-24 04:33:00,46.43048776825642,1.197645950857215,0 -9264,1027848.0,1971-01-27 15:46:00,1971-09-20 01:41:00,59.38777257421235,1.497597593211403,0 -3087,420474.0,1971-06-01 18:22:00,1971-03-20 20:53:00,45.34965874744976,1.0090270436635087,0 -8643,796115.0,1972-07-02 03:52:00,1974-07-09 23:11:00,49.62538638988288,0.8024317156472133,0 -1714,1197076.0,1973-07-13 14:39:00,1973-10-24 22:12:00,47.822747938254025,1.1185365929128577,1 -339,227019.0,1973-10-02 19:12:00,1974-10-26 19:37:00,47.15364831229668,1.1341618569043277,0 -9563,211625.0,1971-07-28 23:25:00,1973-12-14 18:03:00,53.44317543489585,1.0848767310648373,0 -5942,440111.0,1974-10-20 07:58:00,1971-11-13 18:52:00,47.17181027238481,0.9971649278968912,0 -9869,373784.0,1973-06-17 23:46:00,1973-11-12 05:17:00,37.58903387355039,1.6300331906435757,0 -8102,206325.0,1972-10-30 07:59:00,1972-07-25 08:37:00,47.33391136269066,0.1854621599281474,0 -8488,589904.0,1971-11-03 07:49:00,1972-02-26 19:37:00,55.397393151547625,0.737542192668394,0 -588,839753.0,1974-12-16 13:13:00,1972-02-02 05:50:00,40.3911458551054,0.6730455568342097,0 -3365,430418.0,1973-05-05 20:40:00,1971-08-13 09:15:00,48.94342174205311,1.0764649571727405,0 -2670,659677.0,1974-10-15 04:14:00,1974-12-15 22:59:00,52.2364719385609,0.6275070383776975,0 -3589,1154356.0,1974-04-05 22:32:00,1972-03-03 20:24:00,44.32160334271611,1.109902095601969,0 -34,950831.0,1971-03-31 04:54:00,1975-09-20 01:58:00,38.08928082684435,1.0117719323023076,0 -28,715488.0,1973-02-25 13:18:00,1971-04-09 17:14:00,57.42034705863924,0.3109992833525653,0 -8553,632931.0,1972-03-02 20:02:00,1973-06-19 12:13:00,45.489064635030445,1.1793022591336118,0 -8117,340002.0,1974-12-11 13:46:00,1971-05-26 13:28:00,48.08577264359962,0.459478651545861,0 -2170,794382.0,1973-01-31 09:05:00,1972-08-24 22:46:00,38.15794376378695,0.864053349352937,0 -8377,589251.0,1970-03-24 01:38:00,1975-08-30 22:47:00,50.56917876124637,0.4557415854376953,0 -5620,673534.0,1973-07-13 00:22:00,1974-04-03 12:35:00,36.61714788991507,1.3987787266987997,0 -889,1030482.0,1974-08-28 01:02:00,1971-02-27 09:04:00,44.07469175886639,1.0656171691238048,0 -6489,378222.0,1973-02-09 12:31:00,1971-01-25 07:48:00,48.59358360952045,1.3957765435886342,0 -3322,1030445.0,1972-04-10 12:23:00,1972-12-01 18:49:00,46.62802419181895,1.0360619558031534,1 -9396,1172485.0,1971-11-14 10:12:00,1973-05-29 04:19:00,42.09889820850318,0.0660125836279219,0 -3514,862364.0,1974-08-30 00:52:00,1975-09-16 13:12:00,41.74427053634601,1.1073713860661254,0 -4420,164376.0,1973-09-03 11:18:00,1974-08-01 18:07:00,46.05330757877956,1.2599363198264637,0 -8351,610024.0,1971-08-24 13:56:00,1975-12-27 22:28:00,47.25947220177889,0.2574657389382742,0 -5361,223445.0,1972-05-12 06:45:00,1975-12-07 21:19:00,51.5704620036709,1.2172965445561508,0 -3733,1113026.0,1970-08-10 08:14:00,1974-09-23 11:46:00,41.773284748528376,1.0862622777058828,0 -9463,755051.0,1971-01-09 04:41:00,1972-09-07 21:33:00,37.57654466218398,0.6626935877445959,0 -7081,770395.0,1970-08-19 03:09:00,1973-11-26 04:02:00,46.90707332593023,0.8419877093034684,0 -1654,389331.0,1973-07-31 02:59:00,1971-07-20 06:32:00,38.121432239672174,1.0399450352007618,0 -5032,769726.0,1973-07-27 09:42:00,1975-03-09 22:50:00,48.48984448158475,1.2565135152531806,0 -223,930884.0,1974-06-05 06:50:00,1972-08-12 18:07:00,51.34265618584365,1.6744096586289188,0 -8625,594977.0,1973-01-02 11:03:00,1975-09-05 16:41:00,49.31312123393572,1.086339200565925,0 -6194,7951.0,1970-07-25 21:36:00,1974-07-07 09:46:00,37.42933849287888,1.1968608020379832,0 -1590,966662.0,1970-01-16 10:40:00,1971-12-27 03:13:00,41.577438970130736,0.4799900058138474,0 -5982,671175.0,1974-11-23 10:00:00,1975-10-08 07:14:00,48.5680942704973,1.4132591171114783,0 -3256,100403.0,1972-04-15 14:47:00,1972-09-04 05:30:00,46.9775027079864,1.3948150678554627,0 -6680,929731.0,1973-11-26 03:15:00,1974-06-17 06:16:00,40.74926965557009,1.4865885723226164,0 -4770,1157042.0,1971-03-16 07:53:00,1973-05-14 09:49:00,45.37481307860169,0.0,0 -2181,1194802.0,1972-08-02 20:36:00,1972-11-13 23:31:00,56.77991403695851,0.7401932377640643,1 -6803,597412.0,,1971-09-14 15:35:00,48.10873803044111,1.097857357997544,0 -4913,949504.0,1971-12-04 12:36:00,1972-03-26 16:52:00,47.756391704409154,0.5464867834362785,0 -6786,84699.0,1972-10-14 15:10:00,1974-03-09 08:42:00,43.53262951552757,1.4138440705640267,0 -4789,982855.0,1970-11-04 20:58:00,1975-06-04 19:18:00,40.66309201680666,1.381873725072148,0 -1209,1109350.0,1972-04-21 22:55:00,1975-12-18 16:36:00,49.91525964263706,0.9339398225679936,0 -421,1067805.0,1971-05-06 10:47:00,1972-01-02 02:36:00,42.88545521674997,0.4060057201640403,0 -8740,1067531.0,1972-05-22 04:12:00,1973-02-12 15:57:00,47.70403900470875,1.559786209586297,0 -1706,527710.0,1973-12-29 15:13:00,1971-01-02 10:35:00,46.323013140040416,0.4325985617206604,0 -1158,830421.0,1970-05-09 15:25:00,1975-02-17 22:47:00,54.45068373444819,1.3419322156951068,0 -2306,194813.0,1971-02-02 06:11:00,1971-08-18 01:05:00,59.16872239151599,0.749015932601195,0 -273,784451.0,1974-01-06 03:50:00,1974-02-04 15:08:00,46.62363561989574,0.5342093236393519,0 -171,867511.0,1972-06-05 16:43:00,1971-02-24 15:29:00,36.50288845963433,1.3240755061349423,0 -3956,1072513.0,1970-03-31 02:57:00,1974-07-22 16:48:00,59.37347648547805,0.832520401795527,0 -6696,1000820.0,1970-02-18 13:55:00,1973-01-04 13:54:00,46.50250983925024,1.193995519082031,0 -3188,563729.0,1970-06-18 12:42:00,1974-01-14 08:18:00,51.88508638228294,0.735236342115865,0 -8132,288442.0,1970-11-26 19:42:00,1975-10-05 10:12:00,44.060428250504266,0.6529936508861547,0 -4808,125961.0,1971-05-04 06:05:00,1973-07-28 04:20:00,43.83227045657216,0.8063489424133023,0 -8083,670877.0,1974-05-29 14:07:00,1974-06-03 10:21:00,44.46563228460919,1.2769641208758,0 -1564,180992.0,1972-06-19 17:06:00,1975-10-04 03:40:00,47.4458232089068,0.0,0 -1782,973047.0,1974-11-28 16:30:00,1975-01-08 09:07:00,43.34791131380803,1.1028137166931808,0 -843,424659.0,1971-04-17 15:14:00,1972-11-20 18:25:00,49.15717115599116,1.9672647435127784,0 -9345,137247.0,1974-11-28 09:16:00,1973-02-06 08:29:00,44.88136643631202,1.8754158664262377,0 -4461,1173061.0,1974-12-28 08:22:00,1972-11-24 05:15:00,43.16807998433936,0.6294409175080558,0 -904,1006918.0,1971-09-23 04:11:00,1972-01-29 22:57:00,43.32040822801776,0.0,0 -5911,717151.0,1972-08-02 13:31:00,1975-10-03 06:34:00,56.34406759575321,2.0118861305787226,0 -9950,4833.0,1973-11-14 05:40:00,1974-12-31 03:26:00,41.199800005079645,1.1169702464172502,0 -9297,528099.0,1973-07-21 12:13:00,1974-03-16 13:00:00,45.407577293723534,1.080035425198514,0 -1547,1186002.0,1972-04-09 03:56:00,1975-01-31 16:10:00,46.85664935701137,0.6852203920022204,0 -2080,1199763.0,1973-09-16 17:54:00,1973-09-26 21:01:00,47.72369308966253,1.1092533943310603,0 -9881,74372.0,1974-11-24 03:06:00,1974-05-28 00:27:00,39.067972070353086,0.2505065555831668,0 -3985,154720.0,1972-09-08 16:12:00,1972-10-23 18:37:00,51.38730466234799,0.6546762726990814,0 -6389,195811.0,1971-07-10 08:42:00,1971-02-18 10:36:00,43.46748437946077,1.422364970359704,0 -7579,1014445.0,1973-05-06 17:53:00,1972-02-05 21:55:00,54.76389151694424,0.7013351586851901,0 -9245,961601.0,1973-06-13 14:01:00,1971-03-16 03:10:00,46.19619006842728,1.541796170965802,0 -6567,687106.0,1971-05-19 20:58:00,1973-05-12 09:10:00,50.32807137071461,0.6737745516890485,0 -8206,95415.0,1972-07-02 02:34:00,1975-10-29 00:07:00,40.67475451681533,1.0130749137214636,0 -3820,903280.0,1974-08-14 00:16:00,1972-03-29 15:15:00,53.33525032959184,1.790845192477147,0 -2646,150018.0,1973-07-12 10:00:00,1971-03-17 07:07:00,42.07105650254542,0.0072583470183339,0 -4454,860679.0,1971-01-12 13:48:00,1972-10-19 05:45:00,49.91444297144224,0.9149636683895288,0 -7159,923791.0,1973-12-26 23:46:00,1974-03-18 18:32:00,54.788599204584095,1.073239983714281,0 -8221,142631.0,1973-02-22 02:01:00,1973-04-05 01:19:00,46.91998062315968,1.1866358516445097,0 -8596,752792.0,1970-01-18 16:01:00,1974-06-07 11:28:00,40.39995126623559,0.556436368203031,0 -9589,708236.0,1970-12-04 00:59:00,1975-12-10 20:37:00,47.69913537316327,0.6751194250640835,0 -6071,111749.0,1972-09-22 03:04:00,1973-05-03 20:01:00,43.54733337771848,1.1906588216514813,0 -2155,504528.0,1970-08-17 01:18:00,1974-12-11 10:08:00,50.6209034883984,1.486587198264377,0 -6712,361250.0,1971-05-01 12:15:00,1975-08-26 10:40:00,47.423977725738894,1.469127881492334,0 -3715,518578.0,1972-10-28 07:10:00,1973-10-04 09:05:00,53.56611448832994,1.444713782327949,0 -4057,780802.0,1971-08-23 19:27:00,1974-03-14 20:10:00,48.53828081482728,0.6480058125181685,0 -5952,823686.0,1974-03-26 10:07:00,1974-06-08 14:52:00,48.4856844779713,0.8346028985117896,0 -3102,817956.0,1974-04-14 19:52:00,1975-11-15 13:59:00,52.24402435216724,0.380343771693494,0 -558,504626.0,1971-02-24 00:07:00,1975-03-15 15:20:00,49.52367157351218,0.8873238915105001,0 -4610,753666.0,1972-04-15 11:42:00,1973-05-31 19:16:00,58.44392464242203,1.632176329862698,0 -6978,887940.0,1970-10-26 02:10:00,1972-04-23 10:32:00,43.309566496871405,0.3978848754540142,0 -1436,376737.0,1970-01-26 21:21:00,1975-08-04 14:45:00,50.491735344715366,1.643477666123296,0 -507,325058.0,1970-12-20 20:56:00,1973-07-15 22:30:00,44.39577050897394,0.7005315159041863,0 -1869,1106763.0,1972-04-23 13:05:00,1975-04-09 03:22:00,38.52270892168941,1.6234221531426427,0 -755,261762.0,1971-01-10 22:20:00,1971-01-16 22:08:00,47.31758153436993,1.794235016329685,0 -5419,402152.0,1974-11-15 02:40:00,1975-09-10 01:26:00,44.5188285851246,1.3618002168603849,0 -4050,1039828.0,1971-07-20 21:22:00,1975-08-19 18:48:00,47.383164816374325,0.7993258481796265,0 -8089,609279.0,1974-02-05 17:41:00,1972-06-07 00:21:00,53.71640078725741,0.958081252193042,0 -3836,566538.0,1973-02-21 01:40:00,,46.74829564030028,0.3306265495190177,0 -2118,36510.0,1972-08-12 14:56:00,1972-04-02 11:59:00,44.38119971446172,0.7558675579460699,0 -6152,636477.0,1974-07-22 12:07:00,1974-02-10 18:50:00,47.27658933597353,1.6110705884594674,0 -7808,303686.0,1971-01-31 09:09:00,1975-12-12 04:05:00,41.87861003330723,1.1127389337892128,0 -501,1090803.0,1973-04-05 02:48:00,1973-04-25 13:17:00,51.43966915288329,1.6260365810601924,0 -6259,429176.0,1973-04-29 08:33:00,1975-02-01 16:58:00,50.04280736758996,1.8285316045900943,0 -9743,997374.0,1970-09-18 14:13:00,1971-06-26 03:49:00,49.0579013270617,1.8806644557661925,0 -1539,503097.0,1972-03-13 13:37:00,1971-05-27 03:49:00,46.21745040490973,1.007163881872994,0 -6141,741354.0,1972-09-22 14:06:00,1975-07-04 16:25:00,50.81338766478479,1.1102025438753504,0 -1211,888240.0,1970-06-10 03:17:00,1973-08-17 09:50:00,,1.1835009612466223,0 -9122,1039353.0,1971-05-15 14:58:00,1972-08-30 14:08:00,39.54462884445583,0.3464650412207573,0 -672,914811.0,1971-11-26 07:41:00,1975-12-20 21:48:00,58.16238628079981,1.4960329529999252,0 -3377,558182.0,1973-05-21 20:18:00,1972-01-15 00:36:00,44.51338482745386,1.095548221852218,0 -8783,444758.0,1974-07-10 00:47:00,1971-10-04 23:01:00,47.45467123088249,1.3137368705554695,0 -1464,978924.0,1971-10-26 13:42:00,1973-01-15 19:34:00,49.79698638397784,0.2228985226110221,0 -1192,1078674.0,1974-10-09 09:57:00,1974-02-19 22:53:00,44.26117284083816,1.4146088558245773,0 -6984,693221.0,1974-04-14 10:28:00,1974-02-10 13:48:00,60.799106963578446,0.1773193479272062,0 -1872,,1971-09-19 04:39:00,1973-06-04 15:47:00,44.38086063150853,1.38004424423439,0 -3590,268147.0,1970-02-01 05:16:00,1971-10-07 17:09:00,47.511064697825454,0.0163948468732513,0 -6726,616762.0,1974-03-13 07:02:00,1974-07-03 23:38:00,41.67977196293071,0.2587558628097922,0 -505,558247.0,1972-05-12 23:07:00,1974-01-29 12:58:00,50.36292082073083,1.4149857039457636,0 -8118,732176.0,1971-09-22 03:40:00,,51.69971005041781,1.1714754868280135,0 -506,701830.0,1971-01-09 09:16:00,1972-08-23 04:24:00,52.01859225802532,0.9875331156800934,0 -9449,8432.0,1972-07-18 17:30:00,1971-07-31 14:50:00,50.51632196629148,0.1659634544217105,0 -7131,820765.0,1971-06-25 14:14:00,1972-12-15 16:02:00,49.94723625474708,0.8914049442116049,0 -4807,973200.0,1974-08-21 07:11:00,1972-04-21 02:54:00,48.15940555658359,0.2448224220033986,0 -7303,856912.0,1971-10-13 17:22:00,1971-03-23 15:56:00,52.09632771580948,1.2434190537839171,0 -1773,677570.0,1973-08-04 18:57:00,1971-04-07 13:43:00,50.51615763473291,0.6999679327748309,0 -6854,1052467.0,1970-04-09 14:01:00,1974-12-19 06:44:00,45.14853107003195,1.809643098397608,0 -4906,961348.0,1970-08-15 13:18:00,1973-05-29 08:09:00,43.77859065007441,0.5805532249122201,0 -797,924279.0,1974-08-20 00:17:00,1972-12-18 23:52:00,40.99874741518205,1.6522863319828611,0 -8785,655287.0,1974-02-23 04:42:00,1974-02-14 23:31:00,57.38240133579291,1.190761473729881,1 -7070,669398.0,1972-07-19 00:14:00,1975-10-27 00:48:00,43.87381169297375,1.4208428442918644,0 -2829,15154.0,1972-02-17 21:36:00,1973-08-18 22:18:00,50.13491337598132,1.2199801949896902,0 -9319,505883.0,1973-07-05 00:37:00,1971-01-29 17:31:00,42.08263544061526,0.5405810524954044,0 -8737,462106.0,1972-02-06 23:29:00,1973-11-03 14:03:00,49.05456548004341,0.8153074966976008,0 -312,519933.0,1971-08-22 00:14:00,1971-03-19 09:26:00,40.8793744977244,0.7375734219227142,0 -746,1007485.0,1973-07-04 22:30:00,1974-06-11 04:11:00,47.00321615444078,0.3455833205765417,0 -3569,190318.0,1971-07-14 18:06:00,1971-05-04 20:52:00,47.55324678911791,0.7021556688134578,0 -790,268931.0,1974-10-01 16:20:00,1975-04-25 13:23:00,44.59453109649677,1.96751196326458,0 -2476,24217.0,1970-09-08 22:39:00,1973-08-22 20:30:00,52.970041694634894,0.1303411540001294,0 -9325,858995.0,1974-08-05 19:15:00,1971-05-29 10:23:00,49.17952423499843,0.5512170611049443,0 -2570,379783.0,1970-01-15 23:41:00,1974-04-29 21:37:00,47.328300068229,1.380031785152972,0 -5286,660816.0,1973-12-26 01:55:00,1974-09-06 14:59:00,40.43237649908146,1.3110585459805577,0 -5215,56103.0,1973-10-08 00:13:00,1975-04-12 08:52:00,51.74596821488281,0.2504793430345202,0 -2163,562005.0,1970-10-09 03:21:00,1971-08-22 15:29:00,53.32281923805132,1.1431149460267789,0 -6577,782425.0,1974-10-09 08:54:00,1971-03-08 09:58:00,51.73527760247018,0.5599438933456702,0 -8449,348809.0,1972-06-25 20:39:00,1974-04-28 09:40:00,47.82546735654879,1.0798138106887682,0 -380,833960.0,1972-01-05 23:43:00,1973-05-06 21:49:00,51.06657490927586,0.8035185216302384,0 -8508,618317.0,1974-10-04 03:28:00,1974-11-14 04:55:00,53.83586984545733,1.4785503762473502,0 -1292,238835.0,1974-08-06 03:55:00,1972-01-17 15:03:00,50.85803650998956,0.6239505546240651,0 -1912,581244.0,1973-10-13 02:54:00,1972-06-06 22:35:00,52.59646682018612,0.8587606402704723,0 -599,183021.0,1970-11-16 19:39:00,1972-10-25 21:09:00,55.95393326365559,0.5022766658238715,0 -3892,696056.0,1970-06-04 02:16:00,1974-02-20 14:24:00,52.26089489789898,0.3310072119688407,0 -4141,551235.0,1971-08-28 08:43:00,1971-06-25 23:32:00,42.94464929538643,1.7250478905984377,0 -1652,838462.0,1971-12-10 08:41:00,1974-09-20 17:45:00,51.04614097994154,1.0229796342419566,0 -5224,659905.0,1974-04-14 17:52:00,1971-06-25 12:14:00,42.16999767006148,0.0671947837510568,0 -1893,940404.0,1973-07-19 00:16:00,1973-09-24 17:13:00,51.319234951699016,1.757600266344527,0 -1944,481882.0,1970-11-21 08:53:00,1973-08-13 15:48:00,41.84879579178815,0.7576066589306283,0 -3395,415682.0,1973-05-18 06:25:00,1973-09-24 04:40:00,51.38170413911863,1.2478853354693746,0 -5479,59299.0,1972-04-11 19:28:00,1974-12-15 19:13:00,40.82094245564656,0.7778113696105895,0 -9769,176794.0,1972-05-30 15:01:00,1973-10-20 03:49:00,48.84929473709786,1.48794309722618,0 -375,634404.0,1973-04-10 11:13:00,1974-07-06 12:43:00,50.74898217340261,0.8905321973490876,0 -1966,382616.0,1972-08-07 15:39:00,1973-06-17 12:33:00,53.85096255543076,1.1143594764888611,0 -3957,213057.0,1971-02-20 04:31:00,1974-10-25 01:00:00,37.85411106641571,0.9350210085894144,0 -7135,901705.0,1971-02-23 00:40:00,1972-08-07 23:02:00,42.10850700021392,0.607589677583612,0 -7478,369035.0,1972-01-09 15:02:00,1972-01-07 01:25:00,49.61464321494292,1.3964801655975394,0 -4505,1197214.0,1971-09-08 14:41:00,1971-12-10 14:05:00,49.6771645752752,0.7062418081902015,0 -9580,432271.0,1974-07-22 17:34:00,1971-11-25 21:03:00,51.44459454643312,0.586060710246241,0 -5288,677485.0,1974-09-28 13:54:00,1972-04-03 14:29:00,58.67687186028986,0.3429312812649286,0 -1471,1124189.0,1974-04-01 13:07:00,1971-01-29 20:35:00,53.5378840884891,1.4983017901868374,0 -3346,366877.0,1972-11-19 01:27:00,1974-06-22 02:04:00,51.361022225505394,1.921907170735532,0 -6253,285028.0,1973-02-12 23:08:00,1973-08-07 06:19:00,57.46083821513718,,0 -2853,658603.0,1974-04-07 04:03:00,1975-03-08 00:47:00,52.80755063579016,1.7687549021071292,0 -8988,880941.0,1970-06-11 05:26:00,1974-11-08 06:29:00,40.17795408465004,1.1462700213268795,0 -9775,185688.0,1973-09-16 07:11:00,1972-12-28 05:56:00,48.40634446147868,0.9859953832961768,0 -6459,315887.0,1973-04-07 06:01:00,1972-05-03 23:31:00,46.592292367549526,1.1505620902237017,0 -4062,450729.0,1972-08-23 09:13:00,1972-01-10 19:39:00,56.2985811935954,0.9874105548505464,0 -5863,1159083.0,1974-05-15 12:18:00,1975-06-21 01:54:00,48.15381880249106,1.280773087529731,0 -4306,713181.0,1970-05-16 10:05:00,1972-12-28 13:09:00,49.02769671844709,0.8303455870084917,0 -4877,790122.0,1973-07-13 20:09:00,1972-04-13 04:26:00,44.59409522623454,1.313020211818864,0 -7249,541064.0,1971-06-18 23:58:00,1972-07-03 18:14:00,46.21113569071683,1.6815615704121665,0 -5273,762251.0,1972-09-17 18:03:00,1973-01-10 16:50:00,50.30537674647281,1.362138766428566,0 -3990,617465.0,1970-12-27 21:28:00,1973-11-18 13:10:00,48.81665816898854,1.1388011565128924,0 -1049,247345.0,1972-11-29 07:38:00,1975-06-02 06:56:00,45.170321928726985,0.6187158228993311,0 -6175,398312.0,1974-12-26 04:56:00,1975-04-07 03:44:00,55.37078207695885,0.61193111771409,0 -6926,22697.0,1972-10-08 06:52:00,1972-10-04 05:55:00,44.59475576282745,1.3391953975353923,0 -7864,910158.0,1974-01-07 23:53:00,1974-01-08 03:36:00,41.78431126394146,0.5841195565775021,0 -2035,317337.0,1971-11-27 15:19:00,1971-03-18 22:28:00,43.740422260782175,1.3995096159416731,0 -4039,66848.0,1972-04-07 19:41:00,1975-06-07 18:25:00,40.79402500677194,1.780849641725378,0 -6875,1193494.0,1974-09-18 19:36:00,1974-01-04 22:49:00,44.93285242405519,1.4988943939651205,0 -9354,500713.0,1970-08-30 05:09:00,1975-11-20 13:21:00,53.8162562774605,0.4647668425561174,0 -1972,280255.0,1971-11-28 19:10:00,1971-11-05 20:06:00,43.81652465887704,1.238897525270706,0 -5072,1074861.0,1970-10-15 12:34:00,1975-12-25 08:35:00,39.231334848996376,2.1478649326890675,0 -2099,1015039.0,1971-09-19 06:43:00,1972-12-21 17:10:00,49.60310777936627,0.7511113588171245,0 -1499,3394.0,1974-10-12 05:55:00,1974-11-20 10:36:00,47.57661186622009,0.1700280732456102,0 -9612,369677.0,1974-01-16 23:41:00,1972-09-23 15:39:00,55.25890404436929,1.0443697960021732,0 -652,1070602.0,1970-11-24 09:29:00,1974-05-01 21:46:00,50.79486439260812,0.5548229706588865,0 -170,485033.0,1972-04-14 08:00:00,1974-02-26 13:03:00,42.61470207171407,1.6246225055102586,0 -4085,639530.0,1971-10-07 13:58:00,1971-06-14 00:23:00,50.4059093058344,0.7932171967552909,0 -242,1197316.0,1974-01-05 17:31:00,1975-03-12 22:11:00,51.02477169926308,0.15027564200508,0 -5710,1090887.0,1974-07-01 02:10:00,1975-07-04 17:28:00,42.25203584899624,1.6908162992962943,0 -6972,114838.0,1970-06-21 14:30:00,1973-09-23 15:25:00,53.67740621353187,1.440311974457467,0 -2756,253369.0,1971-07-14 19:02:00,1971-03-27 07:00:00,44.22383058402876,0.4935357685625026,0 -6884,738649.0,1972-10-14 14:28:00,1975-05-02 14:20:00,57.658886657850495,0.0,0 -5446,751619.0,1973-07-10 18:41:00,1972-01-02 10:22:00,55.627154294288935,1.564049107847909,1 -2076,951327.0,1974-05-16 17:04:00,1972-01-28 00:43:00,39.87414261068636,0.9628034995626976,0 -4103,249103.0,1972-07-24 22:51:00,1973-09-19 18:27:00,49.10489698295013,1.6506186099253553,0 -9559,707301.0,1971-08-30 07:22:00,1975-12-19 15:07:00,42.51189517134066,1.179406208983225,0 -7571,784721.0,1974-07-04 05:43:00,1974-08-16 16:19:00,40.20705405962889,1.7148706911727456,0 -9466,711174.0,1972-06-19 14:37:00,1973-03-08 23:07:00,50.16861602408261,0.5411320768771086,0 -4894,188893.0,1971-05-13 20:26:00,1975-01-28 11:18:00,60.701925284365984,0.780659846013804,1 -6692,136098.0,1970-10-28 13:56:00,1971-01-13 21:07:00,50.567129760839,0.052822238532846,0 -8054,333561.0,1970-10-07 05:18:00,1972-10-20 03:08:00,48.99205135371754,0.4003494836184965,0 -5389,401537.0,1973-11-07 12:50:00,1972-09-04 13:08:00,53.796833370231184,1.0137422866178143,0 -9373,,1973-05-31 13:12:00,1975-08-08 04:45:00,49.48180575814918,0.8771732107989136,0 -8021,614476.0,1971-04-07 15:20:00,1974-12-17 10:32:00,48.214666065981,0.738973000255721,0 -8604,1065630.0,1974-04-04 22:47:00,1972-06-23 13:15:00,47.14961624298952,1.0565248668551577,0 -4480,278823.0,1973-02-08 04:42:00,1975-07-01 07:13:00,43.59835223036644,1.8297561572779129,0 -8326,409481.0,1973-01-12 11:45:00,1975-01-28 14:34:00,49.102965714288246,0.9529574360809236,0 -4078,955753.0,1970-07-18 11:17:00,1974-05-01 20:44:00,36.54990083788249,1.632466260543763,0 -640,1097599.0,1971-11-19 10:48:00,1973-03-25 22:58:00,46.78504861062348,,0 -1270,943073.0,1971-02-25 23:30:00,1974-03-25 09:07:00,43.59186198261538,0.8983157740357981,0 -2778,1081296.0,1970-01-24 16:09:00,1973-04-15 04:52:00,,1.161608893271633,0 -9497,67043.0,1971-06-15 06:35:00,1973-09-11 23:04:00,46.18088748025104,0.6363462845689214,0 -3861,511946.0,1972-03-04 04:02:00,1971-04-06 12:44:00,41.11878457315046,0.5945092287484692,0 -3480,922116.0,1970-12-30 02:35:00,1974-09-08 22:45:00,42.71521450377705,1.876315981229834,0 -1534,826299.0,1974-03-27 03:50:00,1974-01-17 13:57:00,47.63174092198076,0.6800927584506209,0 -325,571746.0,1972-01-18 23:49:00,1973-05-17 20:13:00,48.96618786931323,1.4989812158191205,0 -2338,339922.0,1972-04-21 12:22:00,1972-03-16 16:15:00,,0.8916517428588796,0 -3980,1055917.0,1972-08-14 15:10:00,1973-10-01 20:42:00,59.104189165923664,0.4417075093156789,1 -6877,1128887.0,1971-03-17 19:50:00,1975-09-14 04:45:00,48.24798474738412,0.8432592842723509,0 -4054,93053.0,1971-03-02 00:31:00,1972-08-10 16:51:00,57.52449070496729,2.6378597972770006,1 -2237,1053112.0,1973-06-24 13:06:00,1975-05-23 07:57:00,55.78909307815387,2.3512317915985586,1 -7106,694401.0,1974-04-14 06:13:00,1975-12-07 21:06:00,43.53641421442783,0.9418846431038344,0 -9668,1011811.0,1973-05-05 04:38:00,1975-09-16 11:11:00,50.18559390847917,0.8791548516916682,0 -4745,1114561.0,1971-11-20 11:53:00,1972-01-22 08:24:00,53.17704689913266,1.2679558864843157,0 -864,512556.0,1972-06-05 05:53:00,1971-08-16 06:44:00,46.071552270120776,0.3507222701844167,0 -6203,1108015.0,1974-06-17 11:39:00,1975-07-21 10:12:00,44.68677915392298,1.3332875962338593,0 -5508,342309.0,1971-10-18 00:04:00,1975-12-13 04:08:00,46.759966916443375,1.5402437813702543,0 -7429,697278.0,1973-01-05 02:50:00,1972-10-16 21:36:00,48.64703137091853,0.5819749920343568,0 -371,755205.0,1970-11-02 14:45:00,1971-09-25 11:45:00,40.20697299433759,0.5096190047211491,0 -6296,786447.0,1970-03-10 21:16:00,1973-10-16 18:04:00,50.21298862032273,0.8433796094275149,0 -5551,880457.0,1970-03-21 22:21:00,1974-11-16 05:45:00,54.21494120203449,0.4272401044790437,0 -5723,683559.0,1973-08-02 04:33:00,1975-03-14 16:16:00,47.73697938974264,0.498249726579021,0 -5899,283439.0,1970-08-14 19:09:00,1974-09-06 07:45:00,56.48125989832502,1.0776368960097706,0 -9287,631419.0,1974-12-18 08:24:00,1975-08-27 21:32:00,38.54457488106266,0.7998613366046232,0 -7871,608349.0,1972-12-21 12:02:00,1972-02-22 17:08:00,51.98478208036341,0.9350273208259496,0 -2364,481417.0,1972-11-30 10:20:00,1971-06-28 18:11:00,44.952229563093965,0.7549611118234898,0 -3213,498460.0,1973-06-18 08:29:00,1975-05-03 11:59:00,42.35595879184444,0.6980425546147182,0 -911,354484.0,1974-09-15 07:14:00,1973-01-16 10:55:00,51.57423594871737,1.4468612752738288,0 -9047,286546.0,1972-07-15 11:31:00,1973-02-20 01:58:00,53.73560727155828,0.6864830030354347,0 -9790,320531.0,1970-01-12 05:24:00,1974-12-09 14:17:00,48.31980527047533,1.70817341901023,0 -7289,818245.0,1970-08-23 05:36:00,1971-02-13 07:22:00,49.42247845842355,0.3334336653066932,0 -9958,934441.0,1972-07-21 04:44:00,1974-05-23 13:23:00,47.783597901462656,0.6873342081141707,0 -6536,1040130.0,1973-08-30 20:23:00,1972-10-28 18:47:00,52.2074344235488,1.2165922145790038,0 -9192,560556.0,1971-05-29 04:34:00,1975-10-15 02:35:00,42.84725759627366,0.5860386641803893,0 -1423,960255.0,1972-03-29 01:29:00,1974-08-09 11:17:00,46.96682703704319,0.5576467334055322,0 -9807,403356.0,1970-08-29 08:46:00,1973-02-12 09:40:00,46.64888124126969,0.2286370095215899,0 -479,1189927.0,1973-12-12 20:50:00,1975-05-27 18:35:00,39.64186081764633,0.3927568287840336,0 -662,31526.0,1971-04-02 20:34:00,1973-09-22 15:12:00,48.32728177611322,1.1614604825825463,0 -4476,914999.0,1971-11-04 02:06:00,1971-11-17 16:10:00,50.33772968063778,1.0185568947883756,0 -8982,901630.0,,1974-10-07 22:35:00,51.04087031539791,1.1257661161713275,0 -8077,38581.0,1973-03-21 05:04:00,1974-10-04 09:31:00,45.69848974533984,1.7001468030214304,0 -2988,978877.0,1971-06-04 11:41:00,1971-05-08 15:12:00,57.24554761886023,1.4729968931723374,0 -1119,242550.0,1971-04-09 12:15:00,1971-01-04 14:07:00,49.47361040209568,0.7203844630804795,0 -2776,330764.0,1973-07-12 15:32:00,1972-01-09 08:22:00,49.74957119358466,1.5861417467628869,0 -9835,517053.0,1972-07-07 22:37:00,1974-03-02 08:21:00,41.057803988720494,1.0525752646774205,0 -5003,549745.0,1972-10-20 08:30:00,1975-04-11 14:26:00,55.270652526203314,2.7720105942738997,0 -6649,393642.0,1971-11-30 07:16:00,1975-03-28 15:48:00,49.61481326043729,0.0,0 -7254,854894.0,1970-08-21 02:49:00,1975-09-09 12:41:00,48.45970819486082,1.8237726311853215,0 -4427,153102.0,1970-02-18 03:43:00,1971-05-28 14:54:00,45.2671133887125,1.304340401166921,0 -7431,348454.0,1974-08-15 08:32:00,1974-05-24 23:00:00,37.976845099843246,0.9957260730129204,0 -3981,304628.0,1973-09-25 19:47:00,1971-03-07 11:39:00,44.776376746506514,0.6338644381245053,0 -6351,186330.0,1973-07-10 21:43:00,1974-02-04 18:16:00,49.19546499820871,0.9430084581963812,0 -2893,569315.0,1971-05-12 12:18:00,1972-06-17 15:47:00,50.49644016298445,0.8081359348502506,0 -2669,42522.0,1973-11-08 17:46:00,1974-07-19 15:54:00,51.78378723326249,0.2032768706593524,0 -3977,747338.0,1972-12-10 11:32:00,1973-07-12 06:02:00,52.65986905061175,1.0456810207222162,0 -5259,595298.0,1970-08-01 17:27:00,1971-10-19 01:52:00,46.06820599258423,0.7967682957719693,0 -279,78980.0,1972-05-27 03:02:00,1974-03-08 04:25:00,44.10194853437333,0.8019928176522229,0 -6730,814488.0,,1974-03-14 08:12:00,43.92860872916051,0.6506694663353922,0 -6104,1009441.0,1971-03-05 06:57:00,1972-12-12 11:14:00,49.12664758878212,0.7191843092014446,0 -7020,194660.0,1973-05-30 21:39:00,1972-12-20 00:10:00,49.58718352837455,1.2361964852735057,0 -1694,425235.0,1974-01-08 18:48:00,1975-04-27 15:08:00,52.19069239343983,1.5530862527374023,0 -8912,196975.0,1974-06-22 00:11:00,1972-07-21 21:40:00,51.72634760523949,0.7227315353939843,0 -3479,659770.0,1972-08-05 19:13:00,1974-07-27 11:06:00,50.27422648222412,0.5306632167529544,0 -4416,983946.0,1973-07-01 13:19:00,1972-06-21 20:54:00,54.46093340778218,1.417739715459602,0 -7592,960736.0,1972-11-24 10:33:00,1973-12-20 07:08:00,48.73955085711347,0.9551571612559896,0 -6282,1024014.0,1973-12-24 02:29:00,1975-02-06 07:01:00,48.88708204139457,0.914861657657518,0 -5603,26273.0,1972-03-22 01:39:00,1975-03-01 09:07:00,48.29293207704159,1.4698457054306102,0 -8619,421842.0,1973-02-07 22:15:00,1971-08-04 12:21:00,51.08202441446375,1.3580556056428046,0 -7780,103928.0,1973-01-08 10:50:00,1974-11-19 20:48:00,40.951844540852896,1.4264650067794564,0 -4296,598805.0,1972-06-03 10:58:00,1972-09-06 02:47:00,46.23026776165493,1.190876499950853,0 -4593,216936.0,1971-01-21 04:31:00,1973-06-24 09:17:00,48.74733844654827,0.8730865603005177,0 -4844,28190.0,1974-06-18 07:41:00,1975-12-24 07:50:00,45.58426462520536,0.7766085406154161,0 -2209,421429.0,1970-03-14 21:02:00,1971-06-07 05:27:00,48.58599900418352,0.5591858923409975,0 -7605,533504.0,1974-03-21 10:22:00,1975-02-18 09:59:00,50.61692636812997,1.6540342238900942,0 -5501,409385.0,1971-05-10 02:42:00,1975-05-31 02:54:00,41.08475656227617,,0 -184,721913.0,1971-11-29 02:29:00,1974-04-29 01:50:00,52.938306664088415,0.6468944495895328,0 -4800,566856.0,1970-03-08 07:40:00,1972-10-05 16:55:00,37.5286135138049,,0 -4845,373788.0,1970-04-15 16:35:00,1971-04-19 23:10:00,46.80170020318843,1.565199962098297,0 -2350,770962.0,1971-09-10 22:53:00,1973-01-14 22:58:00,51.96626341918803,0.7517001378029928,0 -553,668072.0,1971-10-30 11:48:00,1974-05-08 07:41:00,57.61050455420593,1.1919641991305394,0 -1397,1164089.0,1972-05-08 17:17:00,1972-10-03 07:37:00,53.01535449699544,0.74318554615649,0 -1384,895106.0,1974-01-28 10:12:00,1974-03-07 18:13:00,50.07933551126182,1.8925548903350229,0 -9182,598711.0,1973-09-05 19:26:00,1975-11-27 22:41:00,45.64406081866568,1.505673304836051,0 -9817,1085349.0,1970-01-03 14:12:00,1975-11-08 00:34:00,54.47626272789977,1.0760182398129043,0 -297,763787.0,1970-04-28 21:03:00,1971-02-19 16:02:00,50.55567618571113,1.1090278342067006,0 -443,75602.0,1971-07-10 11:24:00,1972-10-30 00:51:00,57.30000449612301,1.348521241490798,0 -7338,678863.0,1970-06-29 20:51:00,1975-06-27 10:34:00,47.20749163960804,1.16846246926715,0 -2077,593399.0,1974-08-21 05:40:00,1972-04-25 19:28:00,46.812263185925175,0.4441181937450232,0 -7815,867180.0,1970-06-08 12:44:00,1972-08-28 12:07:00,42.0091847411269,0.7097825585062527,0 -2229,173539.0,1972-12-11 11:28:00,1973-11-14 15:24:00,48.02959740572157,1.78186700933925,0 -2842,929442.0,1970-10-21 21:04:00,1974-04-02 08:43:00,46.14131358792898,0.4357090603193474,0 -2537,1107749.0,1973-05-28 03:50:00,1971-04-28 10:54:00,52.65714552307151,0.8001597605761553,0 -8145,77638.0,1970-03-04 17:26:00,1974-02-23 18:51:00,49.36276615779279,0.9514575917079512,0 -9536,347911.0,1971-04-04 09:28:00,1972-03-05 11:49:00,45.991706769142375,1.0454392646031705,0 -6443,876066.0,1971-05-15 19:07:00,1972-02-07 19:55:00,49.37701288810961,0.1271443413035416,0 -3367,43671.0,1974-02-04 07:20:00,1971-02-23 04:24:00,56.93618950242465,1.2292171254628252,0 -4486,251028.0,1971-09-26 03:09:00,1972-09-04 23:00:00,42.7272085518362,1.019146808064026,0 -2578,1041297.0,1973-05-15 06:17:00,1974-01-11 23:18:00,44.92970575878348,1.71334183591755,0 -1131,723147.0,1974-01-11 07:54:00,1975-03-09 10:17:00,46.60084122946205,1.9451200812861065,0 -4818,432977.0,1972-05-08 00:35:00,1975-05-29 18:49:00,50.00269399293837,1.637369647097795,0 -320,158260.0,1970-09-01 12:18:00,1974-03-05 23:44:00,47.18889918368757,1.5789847550051836,0 -1371,1067278.0,1971-01-12 13:40:00,1971-11-19 18:28:00,,1.3012314571853312,0 -4042,460058.0,1972-12-03 03:03:00,1971-08-14 12:31:00,47.89532324231024,1.2729456978716156,0 -9125,833179.0,1970-12-31 10:18:00,,49.84165847709719,0.5813743430516007,0 -5145,1036565.0,1971-05-25 00:21:00,1974-01-29 22:03:00,45.78625399436844,0.9032862613475444,0 -907,1100558.0,1970-12-17 15:49:00,1972-11-26 19:30:00,48.51389436697432,0.6125666814796795,0 -9426,949262.0,1972-06-24 23:15:00,1975-08-20 13:13:00,49.62836641799469,1.0897804376598024,0 -3950,859434.0,1973-09-09 22:16:00,1974-03-10 15:45:00,44.53618107701669,1.2271616045838212,0 -6145,495678.0,1971-03-01 03:29:00,1975-03-04 07:08:00,42.21083785288498,1.181020271737482,0 -8886,135818.0,1972-02-21 22:45:00,1973-12-18 21:32:00,44.50070105826724,1.1311635488125005,0 -6695,1184396.0,1974-05-22 12:58:00,1974-07-11 01:18:00,46.07999956539467,1.0206372104894406,0 -4977,275666.0,1974-01-21 04:38:00,1975-03-07 09:39:00,35.12173076930579,1.2345261275814663,0 -6092,964966.0,1974-09-18 12:25:00,1971-09-12 09:58:00,47.82030959994352,0.4460720760526764,0 -8408,811829.0,1970-09-16 00:36:00,1973-12-11 03:02:00,50.90539435369436,0.0,0 -926,636658.0,1974-11-28 13:41:00,,50.69776817601797,0.7539378561029428,0 -6143,1100406.0,1974-08-19 22:12:00,1974-06-05 14:25:00,36.14420239885784,1.1822953411820476,0 -15,89235.0,1972-06-30 21:11:00,1973-09-22 01:21:00,43.63933103419304,1.5108857440239598,0 -143,275327.0,1970-03-15 14:08:00,1972-01-09 11:28:00,57.68972959187989,1.9670826396082493,0 -2363,594950.0,1974-02-24 16:36:00,1973-01-08 09:13:00,48.622458322181465,1.5191166111581982,0 -129,561757.0,1972-07-05 14:40:00,1971-12-31 09:01:00,46.324820324365085,1.1800860859858546,0 -1161,287410.0,1972-12-09 04:08:00,1975-04-27 13:01:00,53.61309490024068,0.0,0 -7551,505469.0,1973-04-06 04:22:00,1972-09-30 10:51:00,41.62964356820042,1.2258203430744727,0 -6129,286808.0,1974-08-16 05:14:00,1971-09-08 05:07:00,47.01946675337989,0.0916670359243633,0 -4665,265583.0,1971-07-17 06:07:00,1973-08-13 10:10:00,38.508294293088014,0.3082114777032558,0 -5660,720192.0,1973-10-04 01:40:00,1971-09-06 13:41:00,52.948737604941655,0.7333552894573763,0 -6460,321963.0,1970-11-01 13:24:00,1974-03-28 21:22:00,42.73766683849869,1.2908849166679066,0 -1876,658375.0,1972-01-12 17:00:00,1973-11-02 19:35:00,49.03826396979098,1.2379245866222686,0 -2488,422965.0,1972-02-17 15:08:00,1975-04-28 07:42:00,44.27806092427161,0.0845883031764078,0 -5327,288886.0,1972-12-16 11:24:00,1971-09-07 23:35:00,52.93642207073552,1.5471032310019917,0 -9361,152080.0,1970-08-31 09:22:00,1974-11-10 02:27:00,45.25643656765479,1.1943760690503775,0 -1182,819100.0,1970-10-14 15:02:00,1971-05-17 14:25:00,48.0443189394371,0.566078972845295,0 -6135,577657.0,1973-02-26 17:10:00,1973-07-25 03:15:00,46.2288144519944,2.0144984953954355,0 -6377,594215.0,1971-06-21 09:33:00,1972-03-17 22:37:00,43.68479163595104,0.6733945383531486,0 -1170,945745.0,1974-09-15 18:20:00,1972-11-10 07:26:00,51.501550407941245,0.8844249232682398,0 -2182,926281.0,1972-08-01 11:54:00,1975-02-26 16:18:00,43.82363073410154,1.5738701563950357,0 -3371,543938.0,1972-06-24 15:01:00,1971-12-24 17:51:00,50.786778769841824,0.2271365152974587,0 -8040,182276.0,1971-11-24 23:58:00,1974-12-22 08:26:00,49.17555531927398,0.2791953851951915,0 -1859,56575.0,1970-07-12 15:35:00,1973-03-25 01:53:00,51.905008819479086,1.3319801974892127,0 -4860,399084.0,1973-10-13 18:23:00,1971-06-14 17:15:00,40.29768292112893,0.7122215877201659,0 -9255,886851.0,1970-04-08 08:07:00,1974-03-27 16:07:00,48.1798508177505,1.142215400891361,0 -8345,153277.0,1973-08-29 19:13:00,1973-07-29 22:34:00,54.72895169345798,1.158378336794209,0 -7347,627527.0,1971-11-08 03:26:00,1973-05-29 01:30:00,47.89608301726962,1.7216286211919214,0 -4864,208470.0,1973-06-01 06:57:00,1973-10-03 03:22:00,49.73787286835085,1.0734046411429623,0 -9886,604727.0,1970-12-23 07:45:00,1975-03-08 01:17:00,44.589436747289774,0.934781986256642,0 -6388,910849.0,1971-02-12 22:39:00,1971-03-09 09:34:00,51.34135411629053,0.8709190262111397,0 -3121,443803.0,1970-08-13 18:36:00,1975-06-01 02:21:00,51.2267888638133,1.5216863663704805,0 -387,252263.0,1971-12-29 03:30:00,1975-01-19 10:49:00,47.99323494631255,1.5307576847471511,0 -7785,781113.0,1973-10-05 22:41:00,1971-11-10 16:56:00,49.378391970739706,0.2527884095023595,0 -1032,629199.0,1972-04-27 11:04:00,1973-08-09 03:54:00,46.41191440968432,0.964529690459642,0 -7852,788137.0,1971-11-14 15:18:00,1972-03-01 23:12:00,50.65389588018396,1.8207652943144812,0 -5418,,1972-03-31 12:38:00,1973-07-09 06:37:00,41.44325697071407,0.5215651239046835,0 -931,27396.0,1971-10-06 10:58:00,1971-11-17 07:17:00,42.1439834838029,1.2852125982130735,0 -4019,1188658.0,1972-12-08 15:36:00,1973-03-12 12:04:00,36.84028321775634,1.192646630798863,0 -691,330900.0,1972-06-27 14:22:00,1973-07-31 05:31:00,51.14841061270679,2.1327245436275417,0 -5298,1057922.0,1971-05-30 08:32:00,1975-12-15 15:11:00,51.19616282214691,2.1887282605434937,0 -6658,619313.0,1971-01-20 00:18:00,1971-03-18 03:43:00,50.39465251057571,0.7496849723843695,0 -829,809183.0,1972-03-23 15:47:00,1971-08-22 19:48:00,50.89683102104817,1.9007239722063112,0 -3498,431838.0,1972-09-02 12:03:00,1973-10-21 06:20:00,50.41689497166302,0.521885527750318,0 -2081,691650.0,1974-07-28 20:44:00,1975-05-11 09:54:00,58.47100451818988,0.9916276387528328,1 -9440,299451.0,1973-09-05 09:40:00,1973-06-24 06:10:00,48.694808704840376,0.5424042397974559,0 -44,1184822.0,1971-07-22 09:06:00,1972-04-30 23:51:00,49.24645547537986,1.2669955255326644,0 -3939,648582.0,1972-03-01 10:46:00,1971-09-16 05:09:00,50.286753710550464,0.9744681996331518,1 -5257,737931.0,1971-02-07 11:02:00,1974-07-18 18:56:00,49.73658835113751,1.281397200420506,0 -8437,758830.0,1974-08-25 03:51:00,1975-01-21 13:56:00,45.97204534865807,0.7045345639631335,0 -4319,12556.0,1973-12-26 12:34:00,1972-02-11 10:13:00,57.27620004685557,1.6533458551932672,0 -2965,762244.0,1972-09-08 19:06:00,1972-07-02 22:13:00,55.11636009150279,1.363256543816954,0 -3969,441777.0,1972-07-22 09:51:00,1972-06-02 10:50:00,41.67930685387382,1.9033971642801188,0 -1187,864708.0,1972-05-08 02:51:00,1974-02-17 15:50:00,46.25335304980985,2.3666997171886184,0 -284,1062665.0,1971-03-15 00:23:00,1975-12-18 06:59:00,45.49025794074596,1.0274464822307223,0 -8873,71923.0,1973-02-24 19:05:00,,41.63563991092174,1.2323726868035847,0 -4159,748482.0,1970-12-22 12:12:00,1973-11-18 06:47:00,42.22706560822784,1.2407514595913836,0 -3092,751393.0,1974-11-01 07:22:00,1972-12-02 07:44:00,49.65262763405779,1.3070157857177298,0 -4556,469126.0,1971-11-30 15:55:00,1972-04-15 01:31:00,44.64159506123615,0.0358512185181352,0 -4584,54707.0,1970-11-07 03:42:00,1974-12-21 05:29:00,49.18533249706364,1.149682620271745,0 -4323,420794.0,1973-11-07 09:41:00,1974-01-24 06:33:00,39.15326782798188,0.3257934028587885,0 -5504,524595.0,1970-08-01 17:03:00,1975-11-19 12:48:00,47.15925315152083,0.9438051025381308,0 -7074,1152841.0,1974-10-16 22:29:00,1974-09-07 18:18:00,42.83884757192586,1.5459045216364398,0 -3364,477948.0,1971-10-04 10:39:00,1972-10-16 07:26:00,56.375169336450384,0.9341945932901392,0 -8025,343771.0,1971-09-12 02:22:00,1974-01-31 00:07:00,54.511455298846585,0.908065220832456,0 -3195,304231.0,1974-08-15 08:13:00,1974-09-30 17:38:00,49.832117255114106,1.1455831318677714,0 -8810,771870.0,1973-02-20 01:04:00,1973-01-13 13:13:00,47.7713219828589,1.2190719884567225,0 -969,1023762.0,1970-01-24 09:45:00,1972-05-31 18:17:00,44.78950072308128,0.4818834906864202,0 -3734,943622.0,1974-11-19 01:44:00,1971-06-01 11:20:00,45.52836363446666,,0 -925,843035.0,1973-05-01 20:07:00,1973-11-06 05:00:00,51.46112348908153,1.768467590209299,0 -9496,1091012.0,1973-02-04 17:21:00,1975-10-29 11:07:00,51.49006947070136,1.6709860806974903,0 -6451,367032.0,1970-03-21 10:27:00,1974-09-26 16:08:00,43.509582670416144,0.6263679071761887,0 -8797,390779.0,1974-03-11 23:46:00,1973-09-03 07:28:00,48.09162476372177,0.4784278082941267,0 -2851,1095707.0,1970-08-09 03:54:00,1972-06-18 07:58:00,54.68790979936298,0.4473551011655261,0 -5180,544018.0,1973-01-12 05:04:00,1975-05-14 16:31:00,52.13778349552537,1.337127073237459,0 -6723,709486.0,1972-02-07 07:11:00,1971-08-11 01:05:00,54.97798586286915,0.7645193756735352,0 -9322,212922.0,1973-05-12 22:43:00,1974-12-10 08:35:00,49.11725618955428,1.390881443357623,0 -7810,596218.0,1970-06-23 02:49:00,1972-08-28 19:55:00,46.68077747627786,0.5677564148686364,0 -4471,409359.0,1971-02-04 11:43:00,1971-05-30 01:55:00,62.88240317736973,1.7778169827902572,0 -5168,234819.0,1973-06-26 14:03:00,1974-07-30 04:19:00,54.300757453864975,0.8746683128829836,1 -4348,1169313.0,1972-04-07 08:40:00,,48.45055620327845,0.5845718426739208,0 -7903,564364.0,1974-07-13 22:36:00,1971-08-05 06:03:00,39.60546214831341,0.0,0 -3626,142382.0,1973-02-13 16:32:00,1973-03-06 02:26:00,53.09853543622536,0.7842383498572543,1 -1789,399052.0,1972-11-20 05:33:00,1973-08-27 16:51:00,43.84927926168335,0.4877043985252237,0 -8293,372993.0,1970-08-09 06:49:00,1971-12-18 06:31:00,43.28487738135125,2.356498299389181,0 -2059,826647.0,1970-07-25 23:48:00,1974-01-08 15:04:00,52.397427450404784,0.4062841117434027,0 -4013,48324.0,1972-04-07 15:54:00,1974-06-07 06:31:00,43.9034839809792,1.0903445384158,0 -1902,1127321.0,1972-11-12 05:19:00,1972-01-23 06:58:00,40.31409277124432,0.6295218405425841,0 -5573,373001.0,1971-05-11 03:25:00,1974-02-07 08:26:00,39.53459381095926,1.5724208224011385,0 -6925,46673.0,1973-12-11 14:50:00,1972-09-12 23:06:00,48.10116708991667,0.046790748327269,1 -75,1172929.0,1974-11-14 11:55:00,1974-11-11 20:43:00,43.7189977386308,0.679051427742499,0 -2345,478729.0,1973-12-09 02:14:00,1972-04-09 13:56:00,54.23406576731216,1.2941383277606595,0 -5484,1050739.0,1971-01-30 05:49:00,1975-04-30 15:02:00,48.68795744862109,0.661309724088982,0 -430,1169491.0,1973-02-16 14:15:00,1974-10-18 23:51:00,49.15366813992931,1.3370168248578898,0 -4586,213484.0,1972-06-07 04:14:00,1972-06-01 18:44:00,41.545261295610125,0.5077075776737412,0 -8099,49911.0,1973-01-05 08:15:00,1971-10-28 23:10:00,54.41733561836338,0.0,0 -8457,835577.0,1970-01-06 19:44:00,1972-04-23 14:47:00,51.06138844477052,1.7745568403198786,0 -8156,975654.0,1971-06-23 09:49:00,1975-12-12 07:10:00,50.12036598093054,1.5285019058146867,0 -7893,61176.0,1973-07-18 21:04:00,1975-12-29 22:21:00,49.40344670069384,0.4742216228218586,0 -1553,500576.0,1971-02-03 20:42:00,1973-08-28 14:53:00,46.54785753425346,2.0018752599359075,0 -240,881487.0,1972-11-21 22:17:00,1975-09-09 09:20:00,45.62747677513418,0.0,0 -783,899109.0,1970-05-07 10:37:00,1975-08-21 07:59:00,47.6496128201347,,0 -3066,447607.0,1970-11-03 09:36:00,1972-11-27 02:19:00,54.22754765399161,1.4444747768918351,0 -977,201438.0,1973-03-01 22:51:00,1971-11-13 12:44:00,46.984927255564266,0.9640647985913428,0 -2941,128691.0,1970-04-13 02:21:00,1974-05-17 14:33:00,40.69699759902125,0.640128754292299,0 -5377,829345.0,1972-08-03 15:25:00,1971-01-20 20:08:00,55.26246216681628,0.5931580026293323,0 -4730,31057.0,1973-11-21 06:08:00,1975-01-28 13:56:00,49.79560927700204,0.4954699455948087,0 -1620,166437.0,1973-02-01 02:34:00,1973-12-11 22:39:00,41.38219100803875,0.841173064258362,0 -2146,455816.0,1973-09-30 04:29:00,1971-07-17 18:23:00,50.849273058722886,1.0799679617159172,0 -1801,946238.0,1973-01-19 08:48:00,1972-11-02 23:41:00,48.412284892224186,1.18564050915414,0 -2095,1156083.0,1970-11-12 10:08:00,1974-03-02 00:22:00,47.20739118305031,1.1311309085254306,0 -6074,220206.0,1971-12-15 09:42:00,1972-08-20 15:03:00,44.47747206684895,1.631710021240984,0 -5245,914232.0,1974-07-03 19:34:00,,55.37761649208019,1.5827638680974605,0 -1357,529143.0,1971-03-31 22:48:00,1972-08-20 23:31:00,47.24930091857789,1.0498041815086825,0 -8063,1167462.0,1973-05-05 13:10:00,1972-07-15 16:33:00,45.39858512927822,1.0486152791334276,0 -6050,543458.0,1971-08-15 20:47:00,1974-08-04 03:09:00,48.12873089080336,0.737926981945999,0 -8368,920662.0,1970-08-06 19:42:00,1974-02-27 23:16:00,50.74745506433084,0.2085395697630502,0 -6017,211468.0,1972-11-10 02:51:00,1972-08-20 14:47:00,51.59250467910342,0.3827628102158587,0 -9931,561814.0,1974-06-30 13:12:00,1975-07-31 03:09:00,48.20813810173267,0.7970797209395286,0 -8769,227920.0,1972-11-24 11:54:00,1973-05-24 07:03:00,46.46709916202781,0.2306781364150065,0 -7503,752029.0,1971-09-27 14:06:00,1973-10-19 03:34:00,48.31907788030512,1.4764789517965498,0 -1609,966582.0,1973-11-09 08:10:00,1971-03-10 20:56:00,37.68601886053317,0.5634456929280731,0 -3096,1115138.0,1970-12-31 02:44:00,1974-10-19 19:16:00,45.539178899170096,0.5463941413388416,0 -9771,1158226.0,1972-03-16 02:04:00,1975-10-05 17:17:00,52.45296717544549,0.0,0 -2415,289024.0,1972-03-23 00:16:00,1973-09-16 14:44:00,44.32995461190641,0.3847864348702632,0 -2017,1027486.0,1973-04-19 04:23:00,1972-03-07 07:35:00,43.62737547271789,0.0582979643208376,0 -6018,661298.0,1973-10-15 23:50:00,1973-01-04 20:50:00,42.26821299959294,1.3894689232810256,0 -4125,548408.0,1970-04-16 03:15:00,1975-11-05 07:05:00,46.75527553460996,0.9655088214076152,0 -9802,311091.0,1972-11-10 04:01:00,1973-04-02 11:32:00,49.29315696553882,0.5545179723769258,0 -3246,48267.0,1974-01-22 12:35:00,1972-12-16 09:04:00,51.090412269592086,0.5525734431066425,0 -124,154746.0,,1973-05-09 00:56:00,51.886614695904846,1.35516599525667,0 -6425,939552.0,1971-11-07 02:50:00,1972-11-03 06:29:00,48.09390930648628,0.3208482639313813,0 -5308,1001123.0,1974-04-08 00:40:00,1973-01-08 09:06:00,48.494076929043146,1.9722596016959884,0 -7463,195018.0,1973-04-30 00:23:00,1973-06-01 02:58:00,50.23102220173472,0.5876898557488803,0 -9157,905424.0,1974-09-17 23:40:00,1971-06-24 13:59:00,44.32976240184087,0.6852989855285416,0 -3341,716876.0,1971-12-25 10:47:00,1972-06-02 05:26:00,41.1528186863136,0.0126227002394315,0 -598,700598.0,1973-04-19 15:06:00,1974-11-17 21:11:00,54.954176052511606,0.880345482808243,0 -2123,764259.0,1971-10-14 13:31:00,1971-09-21 23:10:00,41.50361245314285,1.3377634106366765,0 -9498,540508.0,1970-05-15 04:09:00,1971-06-07 12:46:00,52.34784081155879,0.932620415534626,0 -7685,998304.0,1971-02-27 05:26:00,1972-08-03 17:05:00,54.868334938220165,1.4646368322090637,0 -7049,772592.0,1970-09-14 12:17:00,1971-01-18 21:02:00,47.412799805153874,2.0259710051608497,0 -9661,101681.0,1973-07-15 09:14:00,1975-06-21 14:37:00,50.4740132221903,1.399721569036687,0 -2197,1091063.0,1974-02-25 14:24:00,1975-02-02 11:11:00,49.959859830202255,1.8488040811847928,1 -4051,965196.0,1970-05-09 12:14:00,1973-06-21 06:38:00,44.20442419982432,0.2081198287648724,0 -6054,920694.0,1972-05-13 03:02:00,1973-09-21 20:20:00,49.66180329195743,0.7125748039852928,0 -3362,320205.0,1974-06-22 22:26:00,1971-02-24 15:08:00,55.71295355506848,0.0,0 -6851,1184997.0,1974-09-19 14:17:00,1972-10-24 05:32:00,55.87293614892179,0.0,0 -725,579774.0,1971-02-25 14:41:00,1971-05-30 22:59:00,49.93152727717021,0.677921028835966,0 -4934,632412.0,1971-04-17 22:59:00,1975-08-23 18:17:00,45.48001751139728,1.2894679368019184,0 -978,374927.0,1972-05-08 14:21:00,1974-01-10 02:06:00,50.709917170885326,0.2641236744899997,0 -808,823575.0,1971-06-22 05:50:00,1975-08-05 04:08:00,42.18410752552955,0.6987345390994849,0 -9603,862883.0,1974-07-10 09:46:00,1974-12-12 02:57:00,40.49408910943864,1.3074278297859876,0 -1475,421430.0,1973-02-20 23:49:00,1972-10-08 07:32:00,46.51613655789524,1.6256294809117415,0 -5935,349004.0,1970-05-15 08:31:00,1974-08-13 06:27:00,42.70413600663579,1.1369986381445676,0 -9036,428871.0,1973-07-03 01:55:00,1972-08-27 19:33:00,54.983890294709504,,0 -7335,299836.0,1972-11-21 17:32:00,1975-04-27 22:12:00,35.61135488826682,0.9414766153519784,0 -3962,398865.0,1974-06-29 20:51:00,1971-12-19 14:02:00,51.44423468988579,0.6860472501601191,0 -6422,180648.0,1974-07-28 05:02:00,1975-08-17 11:29:00,50.10872004035697,1.2797655897862303,0 -4905,300859.0,1971-11-15 17:48:00,1973-09-10 04:41:00,49.56290010479412,1.781050815871408,0 -1235,760213.0,1970-10-11 05:28:00,1973-07-06 10:41:00,48.64467854362599,0.6058783795255136,0 -1225,456057.0,1972-06-12 08:07:00,1975-09-22 18:00:00,47.04149005877536,1.7555417023425657,0 -8049,366472.0,1974-03-25 22:53:00,1972-04-22 21:49:00,48.21082306527264,0.1276701662585908,0 -9278,999944.0,1971-06-19 08:44:00,1971-01-12 15:06:00,46.55764630540399,0.9484339095829556,0 -8671,451058.0,1974-08-20 19:18:00,1971-11-06 11:16:00,52.14889895966529,0.7333453241685206,0 -5229,847993.0,1974-12-25 13:23:00,1974-06-07 14:41:00,53.14524750473691,1.7935519838789682,0 -6950,97776.0,1971-10-14 01:48:00,1973-04-17 11:59:00,48.017082012655855,0.801114107989124,0 -3217,1190757.0,1971-02-09 01:09:00,1973-10-14 00:03:00,42.35128578877221,1.3556008389902807,0 -287,931855.0,1974-01-19 19:26:00,1971-11-19 10:10:00,46.43829862630145,0.1784147728105228,0 -5023,333748.0,1974-03-05 13:20:00,1973-11-01 04:38:00,48.850021531448114,0.6514307524091273,0 -2966,730353.0,1971-08-12 03:40:00,1972-12-27 02:10:00,55.730274072781455,0.9487140334321592,0 -3164,1138015.0,1972-03-22 18:24:00,1975-11-19 03:21:00,41.49302176343302,1.3648029982290095,0 -6003,243455.0,1970-03-14 08:09:00,1971-05-31 10:15:00,40.19967369236508,1.4029812283058445,0 -8887,685565.0,1973-11-20 16:14:00,1975-05-14 01:38:00,42.32326127239757,1.5731131660777768,0 -1657,553868.0,1974-01-27 10:43:00,1972-05-28 11:31:00,50.165376937507226,0.4881634194981472,0 -1975,513427.0,1974-10-23 11:31:00,1974-05-24 03:06:00,45.064709999687146,1.4568224526041504,0 -2397,258451.0,1970-09-06 04:31:00,1971-08-03 14:10:00,53.244541635177214,1.3774324940863418,0 -452,725936.0,1974-09-08 05:48:00,1971-07-24 14:48:00,49.436854547572246,2.104486530160114,0 -8030,359331.0,1973-07-18 02:42:00,1975-07-30 17:08:00,45.1896197414565,0.6465162903290451,0 -4696,1004688.0,1974-02-21 09:33:00,1972-05-01 11:04:00,47.94978258710327,0.8036911413449196,0 -3681,386467.0,1974-12-16 13:27:00,1974-04-10 20:30:00,48.54478059140386,1.045446768756071,0 -422,1141249.0,1971-09-15 17:30:00,1973-10-20 22:50:00,44.45062538181991,0.6043685160698928,0 -9725,478904.0,1971-10-19 12:30:00,1972-09-01 14:38:00,43.69178797434058,0.0894443440081688,0 -657,323367.0,1973-09-03 13:25:00,1975-05-30 20:36:00,45.60946455575608,0.7292392805436775,0 -3301,114198.0,1974-04-16 06:54:00,1974-05-29 23:53:00,48.75246871764077,0.8245431661828576,0 -6394,189938.0,1972-06-18 23:30:00,1973-01-05 14:22:00,52.95858090543488,0.7916679975451755,0 -2845,461212.0,1973-05-08 21:02:00,1973-08-31 10:51:00,43.73509208513956,1.2117752364581298,0 -8291,839622.0,1970-10-06 09:13:00,1974-07-24 09:48:00,46.265231138023545,0.5780033895246055,0 -7497,266566.0,1974-09-09 05:54:00,1973-09-25 10:12:00,47.44311248323864,0.3976075678495848,0 -1001,345607.0,1970-05-12 17:43:00,1973-07-06 09:28:00,40.97336431624848,0.6983367751271363,0 -4198,480333.0,1974-03-13 01:45:00,1975-02-04 09:34:00,51.98478663818224,0.6322854901441096,0 -2418,209502.0,1974-04-20 06:29:00,1974-04-05 19:24:00,49.93986984457767,0.4753561264986443,0 -7482,1167060.0,1972-08-19 09:20:00,1974-10-04 04:01:00,50.00589398796556,0.9889620781706194,0 -5706,1142358.0,1970-02-16 20:17:00,1975-03-21 08:59:00,43.44655918265231,0.9847136365802256,0 -3847,153264.0,1970-07-08 09:55:00,1974-10-18 14:33:00,47.77635726772697,0.8368930659490433,0 -961,898690.0,1974-03-18 15:06:00,1972-05-07 04:52:00,44.47763376091861,0.5378125215351446,0 -1580,343679.0,1973-01-29 19:52:00,1972-01-29 17:02:00,55.192130530682185,1.266891890904415,0 -5007,165653.0,1971-10-02 08:35:00,1974-07-18 03:53:00,52.96101916686338,1.620493657417768,0 -2206,109200.0,1973-04-07 17:38:00,1975-10-09 22:19:00,51.51943409088123,0.4580599942800061,0 -6312,52777.0,1971-05-11 16:14:00,1972-01-23 04:19:00,48.24529275034182,0.3522144027802151,0 -9562,621243.0,1971-01-10 18:56:00,1975-07-31 08:03:00,44.73122234344076,1.2109311606590714,0 -4231,241573.0,1973-01-04 02:02:00,1975-07-06 01:28:00,36.29056375592028,1.1261853655271303,0 -757,1067539.0,1974-11-06 19:01:00,1972-04-23 22:27:00,52.350916984443,0.5256841159534682,0 -2284,112031.0,1970-07-07 18:52:00,1975-10-25 23:40:00,45.79336969334478,0.6269049450566321,0 -6663,598689.0,1972-04-04 11:18:00,1975-10-28 19:30:00,44.3037683787965,1.747087791567698,0 -4755,887485.0,1974-06-03 06:20:00,1973-12-24 00:56:00,46.47374754764315,1.38357165441325,0 -8211,560655.0,1973-07-23 16:59:00,1973-11-11 07:21:00,54.978830650928856,1.7212286881716072,1 -807,798696.0,1973-12-28 18:14:00,1974-01-18 08:23:00,40.95769270521947,0.4870470663046795,0 -6575,419115.0,1971-06-01 17:03:00,1975-11-07 21:20:00,53.52893061520716,1.7404849433111864,0 -7719,229090.0,1974-03-04 15:36:00,1972-07-22 04:20:00,45.94005926069983,1.4107466758215996,0 -1956,110111.0,1974-10-11 18:06:00,1972-04-10 23:39:00,44.89984027567773,0.3776633645393182,0 -2445,357909.0,1973-05-15 22:03:00,1971-03-05 09:22:00,56.61736190418403,0.8892016047704855,1 -5875,1169015.0,1972-03-22 16:01:00,1971-07-23 19:30:00,61.9608953630074,1.2573345428008578,1 -8163,1053763.0,1974-02-26 12:21:00,1974-02-19 19:25:00,44.534587890644254,2.3707015586680256,0 -6138,244520.0,1974-07-21 00:33:00,1973-12-16 15:57:00,45.60414799084508,1.1162071453680846,0 -2402,626521.0,1974-03-25 11:15:00,1972-10-01 10:29:00,51.65359454525144,1.3847347688358171,0 -1073,340500.0,1970-04-20 20:15:00,1974-05-17 13:58:00,47.641226209441456,1.7960229868220408,0 -6557,839375.0,1970-04-16 10:42:00,1973-08-25 20:42:00,44.38750268941183,1.4980757766231978,0 -4240,170539.0,1973-03-09 04:16:00,1971-02-17 14:38:00,43.35719816167824,1.569925785603448,0 -8509,681225.0,1971-04-12 10:41:00,1971-03-22 18:31:00,45.88752259025632,2.507377510952088,0 -2091,853645.0,1973-07-29 10:21:00,1973-08-25 06:48:00,55.175066382333135,0.2962310706095403,0 -4527,117537.0,1974-06-20 23:37:00,1974-09-24 11:24:00,53.75023611939768,2.6032941462871446,0 -7202,558720.0,1973-02-16 04:14:00,1974-12-10 07:27:00,48.81173411131898,1.2948382850898863,0 -6795,589874.0,1971-01-05 15:30:00,1973-03-08 06:53:00,40.47210171394941,1.0536763609086692,0 -7237,524546.0,1970-10-13 12:58:00,1972-08-22 16:40:00,54.0718270912629,1.4534197824224653,0 -7422,206651.0,1974-03-17 02:45:00,1974-05-15 16:21:00,47.06814391966,0.7152546499657043,0 -6849,936643.0,1971-03-01 03:14:00,1973-03-30 01:36:00,56.56772602338037,0.699333903664666,0 -6836,511835.0,1970-05-05 06:08:00,1971-01-22 03:31:00,45.53398187374295,1.3485905918770449,0 -1003,1103670.0,1972-09-04 02:16:00,1973-06-21 19:59:00,48.09329955477749,1.504759805478496,0 -9099,489485.0,1970-10-15 10:34:00,1972-04-30 06:55:00,44.23515699542843,1.7605874049180452,0 -6562,1015899.0,1972-07-17 13:16:00,1973-10-27 13:56:00,50.77166376406941,0.374188677159219,0 -5614,839389.0,1970-09-02 05:38:00,1974-05-29 20:42:00,45.163915969538,1.549104437825343,0 -4651,48933.0,1974-01-24 22:00:00,1971-08-18 02:28:00,45.87421516210711,1.1662728744645827,0 -5313,324246.0,1972-02-18 02:26:00,1972-05-15 15:24:00,41.67110138758673,0.4207826798490588,0 -1485,423257.0,1974-12-13 13:59:00,1971-08-05 09:49:00,53.36350246178867,2.3582615532835414,0 -7607,151884.0,1970-01-05 19:29:00,1971-11-09 04:36:00,50.26081544943523,0.4640414379902184,0 -1411,1159083.0,1973-08-22 15:52:00,1974-11-16 09:08:00,37.91579927708816,1.7847063402077743,0 -9303,612223.0,1974-01-22 16:29:00,1972-01-29 06:11:00,44.47015207761043,1.3847748946891605,0 -709,426246.0,1973-11-28 23:45:00,1972-09-09 17:10:00,56.46764837586274,0.887264195781245,1 -9806,1024984.0,1974-09-30 19:53:00,1974-07-10 15:34:00,49.4835165535856,2.388402529861411,0 -8042,1014537.0,1971-03-11 18:38:00,1974-04-07 05:35:00,44.73346230344767,1.1409420008872946,0 -7211,892720.0,1973-06-05 19:01:00,,38.88884161410896,2.251999513138798,0 -3076,1107380.0,1974-03-30 20:35:00,1973-03-30 05:59:00,51.28035068664069,0.5736185632582435,0 -8314,1006760.0,1970-05-08 02:27:00,1974-07-17 23:34:00,38.5795899332023,1.5095573186785989,0 -4101,861663.0,1972-12-31 23:28:00,1975-08-20 10:10:00,45.91555932479712,1.1208151781020546,0 -5114,489501.0,1970-11-12 23:41:00,1972-02-29 09:41:00,50.70406911650619,1.2271676462832468,0 -2722,18728.0,1974-02-25 15:38:00,1972-04-30 12:24:00,43.68298650933227,0.0,0 -9359,802700.0,1971-10-18 05:50:00,1971-05-08 10:15:00,48.63148908996667,0.7367132359962649,0 -1268,569573.0,1970-02-19 04:02:00,1973-01-30 15:51:00,56.20063044203768,0.3951530625321457,1 -2462,1067129.0,1971-01-02 19:29:00,1974-04-04 08:11:00,42.01351555279426,1.5365396499237496,0 -5464,1011768.0,1974-01-25 00:54:00,1975-08-17 20:31:00,39.889910748825365,1.04000092676587,0 -268,1071376.0,1970-09-15 19:28:00,1972-07-27 16:52:00,53.93469351377325,1.0529396643362343,1 -3580,120596.0,1972-09-10 16:12:00,1971-10-10 18:55:00,39.11206765527872,0.4369635646028691,0 -5349,452442.0,1974-10-18 15:59:00,1972-08-14 22:27:00,51.30227421478172,0.7804439098974921,0 -7290,836799.0,1970-12-21 23:23:00,1974-12-16 08:30:00,44.165092794862346,1.6359795882750818,0 -5157,689343.0,1973-10-29 01:42:00,1973-10-03 11:09:00,51.15428475098768,1.1027197024976585,0 -6601,812071.0,1971-05-04 13:32:00,1972-08-14 22:34:00,45.160068540324566,0.9846301306514044,0 -2821,151611.0,1972-07-13 00:47:00,1973-01-01 01:40:00,53.71364752502495,1.7624498204130892,0 -5807,1110844.0,1973-01-15 08:56:00,1971-10-12 17:04:00,48.44532197346807,1.1784215687436796,0 -589,26560.0,1972-07-15 18:53:00,1971-09-10 22:06:00,54.08329785789629,1.6100196915154723,0 -5955,561282.0,1972-07-23 07:33:00,1975-06-02 23:43:00,50.87657146614619,0.9683523269310748,0 -5254,979480.0,1973-08-05 17:24:00,1973-04-09 10:53:00,51.39530128152542,1.1764189726264862,0 -6661,971667.0,1971-03-22 03:46:00,1974-02-03 15:41:00,49.48187525363252,0.9158646249926252,0 -7656,794519.0,1971-10-07 01:32:00,1973-09-11 03:01:00,48.0432659935128,0.3358221818714927,0 -8725,714200.0,1970-04-03 17:22:00,1975-09-24 07:02:00,44.19099482090024,2.0226021197993305,0 -6896,727349.0,1973-06-14 09:23:00,1973-06-16 04:05:00,49.682186206700266,1.3436241437402314,0 -7594,27991.0,1970-08-15 03:08:00,1974-01-20 06:01:00,47.66771231133135,1.0829839799799192,0 -2028,1077806.0,1970-02-27 03:42:00,1972-03-31 04:21:00,41.9692349342797,1.4181358333400114,0 -6818,366659.0,1974-11-05 11:09:00,1972-12-07 13:27:00,46.66189765861543,1.8085909609995363,0 -677,1127232.0,1970-08-29 18:37:00,1972-06-04 14:18:00,49.18943018913637,1.6315997180535926,0 -5763,129731.0,1970-09-02 18:19:00,1972-12-25 16:13:00,47.84549575678328,0.605864117525892,0 -1232,1181376.0,1972-03-06 11:28:00,1974-05-30 18:43:00,42.9806735624266,0.530021249680616,0 -5296,760048.0,1974-03-23 10:49:00,1972-12-24 01:52:00,45.45181671486223,0.4902863809823865,0 -7103,19319.0,1973-12-23 01:18:00,1973-09-26 22:12:00,45.68252927041178,0.7543453206332515,0 -5034,521179.0,1972-08-21 17:29:00,1974-04-27 01:57:00,48.57382502496642,0.7605166029443311,0 -5452,982737.0,1972-08-19 20:01:00,1974-04-15 18:12:00,53.6080396751673,0.8373771889139873,0 -2432,743758.0,1971-04-03 06:10:00,1973-12-21 06:34:00,46.3020417941423,0.5927604729409612,0 -6319,368528.0,1970-07-30 22:34:00,1973-04-21 15:23:00,43.909024533363066,0.2788272759957417,0 -6119,655705.0,1973-03-12 05:28:00,1971-10-28 12:08:00,50.52560065554459,1.153791376395189,0 -9158,772566.0,1970-04-06 15:09:00,1972-04-06 03:46:00,40.12624891362654,1.435322744182907,0 -9953,528595.0,1970-11-18 05:31:00,1974-11-03 05:54:00,46.02626696850215,0.974820911650739,0 -896,294404.0,1973-12-01 21:26:00,1973-09-09 20:09:00,48.43276440562545,0.7851716572545214,0 -1611,186899.0,1974-12-27 21:17:00,1974-05-31 04:55:00,41.64365005301076,0.7922061053442228,0 -6474,491162.0,1971-12-02 00:22:00,1971-05-12 15:52:00,53.81516855233786,0.6521016675013721,0 -7661,99477.0,1973-03-13 20:04:00,1971-08-08 22:33:00,47.396493011208605,1.6196789953211812,0 -7460,148036.0,1971-05-25 05:35:00,1974-06-10 11:55:00,46.95533445370516,1.0598732320188098,0 -3806,909776.0,1971-02-25 13:59:00,1975-09-14 11:40:00,47.71138196702313,0.8933849385634258,0 -8273,872882.0,1972-09-24 02:10:00,1975-05-05 11:55:00,46.5733323714345,0.432249800763742,0 -9451,322390.0,1970-02-27 06:22:00,1974-12-09 20:41:00,46.47848755812881,1.1318505633687512,0 -4701,55703.0,1973-12-29 03:42:00,1972-01-21 01:51:00,49.86148217648486,0.9115624996830656,0 -3961,1014030.0,1973-06-20 02:46:00,1972-01-03 05:30:00,40.25433408816367,0.6377546458310143,0 -5417,1148024.0,1972-04-09 14:17:00,1972-11-16 10:57:00,42.7416550128814,0.8118974743601097,0 -890,560351.0,1974-05-24 16:02:00,1974-02-04 17:30:00,45.7340794840517,0.6416738206832213,0 -4999,25523.0,1973-10-01 15:35:00,1974-11-05 18:11:00,43.58490189071383,0.6058816327953946,0 -7506,1182274.0,1972-02-16 09:39:00,1971-04-30 17:02:00,46.59308386179888,0.9301952212550456,0 -7881,73485.0,1974-05-12 00:01:00,1974-07-19 20:25:00,46.31661390446628,1.5847045153856665,0 -5095,153788.0,1974-12-01 11:29:00,1975-04-10 13:08:00,47.71437904914299,0.7370427451763457,0 -6932,498799.0,1970-05-08 01:13:00,1975-11-26 21:55:00,49.58524445933956,1.7157536330774217,0 -9617,354280.0,1973-08-08 12:21:00,1973-08-08 12:32:00,44.97175963881892,1.385082306522635,0 -2799,111671.0,1973-08-18 21:10:00,1972-11-15 01:28:00,53.18898850302013,0.4384831235162693,0 -584,956495.0,1972-11-11 16:02:00,1973-04-23 17:38:00,46.75610142335351,0.0983556417758223,0 -3268,897997.0,1970-08-19 02:17:00,1974-07-25 14:13:00,46.82398621616593,1.5886774366880043,0 -3932,409927.0,1970-01-17 13:15:00,1971-07-01 03:05:00,50.853568001709554,1.5658097727329925,0 -1260,524587.0,1971-05-16 13:14:00,1974-01-31 06:20:00,53.36139091881468,1.149009444617175,0 -6205,461577.0,1970-11-06 08:08:00,1972-01-17 10:46:00,43.858377609179946,0.5205845369543604,0 -310,101886.0,1973-03-15 21:04:00,1972-12-05 00:17:00,42.42117531255292,1.24905656925898,0 -7789,300907.0,1974-01-10 02:42:00,1971-12-07 18:29:00,42.53958833449936,0.9149914804824294,0 -6458,886916.0,1974-01-22 05:14:00,1972-09-16 21:58:00,35.79388860050819,1.9333453682091293,0 -6206,384831.0,1973-01-03 23:15:00,1971-03-11 12:29:00,49.6484818524938,0.7093387509735402,0 -5882,701790.0,1970-12-12 17:12:00,1972-11-03 22:20:00,49.1156424501597,0.8419449275475839,0 -4668,6807.0,1972-02-20 15:42:00,1971-04-13 05:13:00,49.93883632329069,0.8544039070210308,0 -4298,63522.0,1974-09-01 06:28:00,1974-04-15 05:28:00,47.68960786734234,0.9427048130130397,0 -3783,878470.0,1974-07-25 02:16:00,1973-06-16 04:07:00,51.70547448844546,1.8856287572825048,0 -1008,682439.0,1973-01-12 22:32:00,1972-06-02 01:14:00,43.28342525278606,1.3544435477999528,0 -8354,1187716.0,1971-05-02 08:34:00,1975-06-22 18:42:00,41.143613813194335,0.9880558133282896,0 -2185,268588.0,1970-03-10 21:16:00,1973-02-20 14:00:00,46.40163849608332,0.7924331504185844,0 -3623,148277.0,1970-03-11 11:02:00,1971-12-03 22:36:00,46.883582602658095,1.1526822062930804,0 -7039,222106.0,1970-11-08 18:05:00,1972-07-19 07:48:00,47.36601598513825,0.8732830086362552,0 -4922,840378.0,1970-03-19 10:07:00,1974-04-12 03:22:00,42.96941644145311,2.0261480344859386,0 -9673,980186.0,1971-07-07 04:32:00,1972-04-25 15:31:00,52.2861617250428,0.657531237560599,0 -7950,641662.0,1971-05-16 08:07:00,1974-02-09 02:11:00,58.80146721680225,1.220008384936554,1 -6125,459872.0,1974-05-29 06:33:00,1972-01-01 06:24:00,49.74792948301029,0.5752771080261379,0 -4756,1165036.0,1974-04-21 11:08:00,1972-06-20 17:49:00,49.26174435138376,0.4765566850530849,0 -5074,908161.0,1973-07-12 00:19:00,1971-12-05 11:30:00,44.95335285857463,1.7737396631929134,0 -90,10300.0,1974-05-04 17:25:00,1975-03-08 14:22:00,51.01371057487594,0.6586117060010352,0 -5974,151239.0,1973-01-27 17:32:00,1971-03-25 04:01:00,46.9499237054678,0.7747254710015937,0 -6418,121114.0,1974-07-22 07:01:00,1972-10-12 08:40:00,42.93760183483849,2.0212663077239803,0 -8640,870456.0,1970-04-06 04:06:00,1971-07-11 15:03:00,49.64236788332813,1.2245404580642472,0 -8690,525597.0,1974-08-31 12:47:00,1971-08-12 16:11:00,37.71071262036675,1.3426363163067685,0 -2117,894048.0,1973-04-12 11:34:00,1972-01-31 19:24:00,45.71072820443755,0.3022342940011517,0 -2937,723847.0,1970-10-06 19:51:00,1975-01-21 03:11:00,40.31339365757033,0.4496130579065368,0 -6842,997872.0,1971-11-21 19:15:00,1974-08-15 00:39:00,52.532035636358415,1.4719692275498175,0 -983,818464.0,1972-09-04 07:39:00,1972-10-21 03:04:00,52.65831185924272,1.0690078133505585,1 -7260,817125.0,1971-03-31 07:09:00,1972-12-01 21:09:00,46.891062100988414,0.6195640011204673,0 -9985,580902.0,1972-01-07 20:10:00,1972-05-20 17:39:00,47.90084808069201,0.1743657986120727,0 -2925,388058.0,1971-11-28 00:46:00,1973-03-25 12:19:00,46.28041421864408,1.2256439498081972,0 -6061,66947.0,1972-09-25 02:24:00,1974-01-22 14:09:00,45.42043296922371,0.991913224250738,0 -3214,943542.0,1973-01-17 17:45:00,1973-01-30 22:12:00,49.45118839030847,0.9754436076889684,0 -6447,12230.0,1970-10-23 06:50:00,1972-09-08 19:10:00,47.29844374328035,1.1665600666743277,0 -6779,1024734.0,1971-02-16 18:07:00,1975-03-16 00:35:00,48.68777434806104,1.131390043353698,0 -7038,907169.0,1974-01-10 21:35:00,1973-06-13 10:40:00,44.85441538650325,0.6336896265101437,0 -5663,193045.0,1973-06-15 17:07:00,1971-06-02 14:45:00,48.52303750334276,0.878779293931636,0 -627,302664.0,1974-09-28 10:11:00,1971-02-01 21:25:00,51.67727764304303,1.129785287160065,0 -8008,24392.0,1972-03-27 09:18:00,1975-12-17 20:10:00,50.128897893312704,1.0513155173833355,0 -5125,1170531.0,1973-11-13 05:09:00,1975-01-14 12:57:00,63.86401453991128,0.9491375248564644,1 -4765,377929.0,1971-08-30 10:54:00,1973-06-19 15:13:00,47.46935367350518,0.8336847668613022,0 -8143,449632.0,1972-09-28 13:37:00,1974-07-11 09:34:00,44.33347947233939,,0 -9594,502074.0,1970-06-15 04:05:00,1974-01-20 03:27:00,48.12400364509398,0.6698497275157886,0 -1269,1045787.0,1972-08-17 21:28:00,1971-09-14 20:52:00,50.50856842086263,0.7324794733932949,0 -128,405049.0,1971-03-25 09:03:00,1975-05-12 18:09:00,57.27648943824373,2.190712805690303,0 -6112,1092590.0,1972-02-11 14:28:00,1973-04-18 19:29:00,49.91039855130769,0.6225071555570665,0 -1711,402521.0,1972-05-09 02:56:00,1973-12-10 14:07:00,46.78594025233818,0.5157901137415665,0 -7862,776150.0,1972-12-17 04:01:00,1972-11-12 08:06:00,54.07979682092315,0.948387627050583,0 -4235,945304.0,1974-02-12 09:43:00,1974-02-17 08:46:00,47.98883926330437,0.5938646468834505,0 -5192,509991.0,1973-06-13 05:01:00,1971-01-04 22:42:00,48.47181821557998,0.8116836635461492,0 -2398,378235.0,1973-11-08 19:55:00,1973-09-22 22:42:00,42.39760862207128,0.5188839861633294,0 -5434,135644.0,1971-10-15 17:53:00,1971-08-17 04:47:00,49.88691633194012,0.9087319784244116,0 -6057,74124.0,1972-09-15 08:07:00,1973-03-01 19:15:00,59.76672368090797,1.9132244542875296,0 -9318,814559.0,1970-02-11 14:54:00,1973-10-21 08:06:00,47.034330022947785,1.3569044734744362,0 -1186,610559.0,1972-10-21 23:29:00,1972-10-15 17:17:00,46.842019650398605,0.9341763337250208,0 -6013,799323.0,1971-07-12 13:01:00,1973-01-03 18:31:00,42.138612543016905,1.384738635225914,0 -9793,367514.0,1970-11-12 19:06:00,1971-09-23 20:41:00,45.44668105735701,1.2381046731441798,0 -6014,346524.0,1970-03-20 14:39:00,1975-09-24 15:56:00,42.43426912981807,1.2067572697433468,0 -1977,998464.0,1970-04-12 00:28:00,1975-08-06 08:16:00,47.65874070284208,1.5655163147546225,0 -9887,817485.0,1972-08-22 16:13:00,1972-12-24 06:31:00,52.00352353363181,1.0379600433124667,0 -4247,385670.0,1974-04-06 12:26:00,1971-11-23 17:19:00,52.04310424498507,1.75035619489723,0 -7672,1031283.0,1973-06-11 15:20:00,1974-09-22 09:05:00,55.74121834735083,0.8573570241533888,0 -915,669098.0,1973-05-14 01:30:00,1974-02-03 20:13:00,49.47589472140487,1.1292253784052515,0 -1305,366293.0,1973-02-24 20:43:00,1975-03-28 00:47:00,44.41533013272771,1.241724654521032,0 -5455,738187.0,1973-09-01 23:53:00,1971-11-09 18:12:00,46.271459763159456,0.3511012655565751,0 -3049,724519.0,1970-06-29 21:39:00,1973-08-04 12:27:00,52.85107933202933,1.4129066556534229,0 -9521,866062.0,1973-07-28 02:47:00,1975-07-22 11:28:00,48.68845853080399,1.27219176732044,0 -1273,374044.0,1971-12-08 07:56:00,1972-01-19 11:01:00,58.50440679744781,0.5898782258326967,1 -8055,1183686.0,1973-06-22 04:19:00,1971-07-04 06:20:00,54.18665362121261,0.8382792757905682,0 -2796,366108.0,1973-05-01 22:33:00,1973-08-23 14:30:00,43.02879192684537,0.4439976969744664,0 -1398,926754.0,1973-11-14 19:43:00,1972-05-06 01:18:00,51.78703949576917,0.918745677197157,0 -3358,350055.0,1970-01-21 04:31:00,1973-07-31 18:25:00,50.73775494078486,1.5263879937261886,0 -183,830398.0,1971-06-04 12:21:00,1971-07-20 08:44:00,46.59412751722127,0.7902807714234324,0 -6867,912705.0,1972-07-21 13:59:00,1973-08-08 03:19:00,40.4767435386937,0.5846323964035745,0 -5695,1171830.0,1972-12-08 02:55:00,1974-06-11 03:21:00,46.29507215396813,0.4013808760082158,0 -8835,127850.0,1973-06-25 08:33:00,1973-10-11 07:05:00,50.2789645893421,1.0752188364767343,0 -9626,590978.0,1971-06-04 11:27:00,1975-04-22 16:53:00,47.51161576786591,1.5483165539959631,0 -6170,1110505.0,1973-09-16 00:21:00,1971-08-10 20:57:00,55.9904623324532,,1 -6987,1089799.0,1970-07-09 07:36:00,1974-04-16 18:44:00,48.51601307528264,1.5600228766633075,0 -4567,619443.0,1974-02-25 21:31:00,1975-03-01 01:03:00,52.28388083610417,0.0,0 -8955,951525.0,1971-11-23 16:28:00,1972-10-18 16:09:00,55.29099099165543,0.8539845205560351,1 -2656,164460.0,1971-03-07 19:17:00,1973-10-10 10:01:00,57.92956157105314,0.8030402644356818,0 -8309,297052.0,1974-12-24 14:22:00,1975-10-19 23:39:00,48.78011857773991,1.232430398777553,0 -6857,1111259.0,,1972-07-03 07:13:00,37.75625071956853,0.5385246708780416,0 -1961,239404.0,1974-09-04 17:21:00,1974-09-30 04:42:00,47.992094544612335,1.101295787538778,0 -6383,452035.0,1971-07-13 00:35:00,1972-12-29 16:08:00,49.799711485041925,0.5164941600564303,0 -8853,351759.0,1970-06-06 10:07:00,1974-09-15 05:14:00,52.07292496887533,0.9499209724939968,0 -9973,438710.0,1970-12-29 17:19:00,1972-12-11 19:59:00,51.2076509190295,1.202548926491752,0 -1251,1151747.0,1971-10-16 16:02:00,1975-09-17 16:41:00,41.12575075289121,1.3803095143539217,0 -3176,479373.0,1972-09-20 17:57:00,1972-10-12 09:10:00,51.70201489023137,0.248790018273955,0 -7760,377683.0,1974-09-15 03:24:00,1974-03-16 12:22:00,51.640557454216726,0.7150735990542442,0 -5013,832644.0,1973-02-09 16:09:00,1972-03-13 04:50:00,51.29059449028141,0.8833026867876004,0 -9705,286576.0,1971-01-05 15:55:00,1975-12-07 23:05:00,46.56600304670232,0.8128365991718342,0 -6539,838863.0,1972-11-05 00:23:00,1975-05-20 03:08:00,55.74749605866167,1.6483525649760575,0 -3289,634122.0,1972-07-13 08:22:00,1973-12-18 08:48:00,47.2418181093057,1.8065803050278175,0 -6448,1052907.0,1972-06-05 16:57:00,1973-12-09 14:06:00,44.580517373886494,1.1711981320571487,0 -8726,972802.0,1974-10-16 20:21:00,1975-09-07 16:10:00,54.90530187508142,1.0779526157854606,1 -7611,957159.0,1971-04-11 07:40:00,1972-07-30 02:24:00,46.75791438613085,0.7802224366744601,0 -6275,331152.0,1971-10-13 17:35:00,1972-07-28 17:12:00,46.36020430364764,0.6150678666627531,0 -6887,408494.0,1970-06-16 08:31:00,1973-07-11 22:57:00,60.17785927513404,1.5197494237624167,1 -1051,98423.0,1974-01-13 23:44:00,1975-11-30 04:17:00,44.385372355535125,0.725163967057004,0 -4069,533924.0,1972-06-16 08:48:00,1973-08-30 14:52:00,40.87128138912311,0.5806255209269454,0 -6022,115797.0,1970-11-20 01:10:00,1971-06-20 02:29:00,56.18902100750282,1.7237369044908355,0 -5552,921435.0,1974-09-01 08:55:00,1974-02-25 22:41:00,51.88041944881532,0.9088095355585774,0 -272,378205.0,1970-10-18 07:47:00,1972-02-08 03:32:00,53.38700719678162,0.64205042342894,0 -2042,127925.0,1973-05-06 15:29:00,1972-08-01 18:05:00,54.03058553397677,0.6287114174686195,0 -4763,190665.0,1971-02-24 11:45:00,1975-01-21 13:35:00,52.09220736233608,1.414680529478808,0 -8997,1066388.0,1971-07-03 20:10:00,1973-09-01 11:37:00,41.52204952955329,0.4089498096969053,0 -5204,499462.0,1970-04-10 02:59:00,1973-03-26 07:13:00,48.32760710135208,0.3938617350631375,0 -9509,414412.0,1974-11-09 09:31:00,1974-02-03 07:29:00,51.18239933408305,1.853186433647895,0 -1086,578393.0,1972-04-16 11:09:00,1975-02-05 07:02:00,40.80704883012548,1.0611736321053813,0 -8373,734286.0,1971-02-26 09:37:00,1973-07-26 16:12:00,51.44139059497122,0.5978563409146211,0 -7732,479640.0,1974-02-19 01:38:00,1973-09-27 20:39:00,52.08124280666198,1.658820201975421,0 -7515,817279.0,1972-07-16 19:04:00,1973-07-30 00:08:00,44.64894815240628,1.1381436167597585,0 -6678,882540.0,1971-05-13 11:35:00,1971-10-17 16:20:00,50.46420676991114,1.22340945989188,0 -4322,82263.0,1970-10-17 04:43:00,1973-06-02 15:26:00,47.76350218478859,1.2843514770733857,0 -6946,717785.0,1970-11-23 09:32:00,1971-10-21 20:35:00,51.93287150452714,0.8744942677719842,0 -7747,540149.0,1971-11-24 01:17:00,1974-12-27 03:41:00,53.21113142400452,1.186322522785059,0 -6772,855037.0,1972-08-05 11:11:00,1971-04-29 06:01:00,,0.8594893416415686,1 -5518,745283.0,1972-07-28 18:34:00,1971-02-28 16:44:00,44.02493814137679,0.7914733566588878,0 -5117,538231.0,1971-04-21 13:30:00,1972-11-19 03:37:00,44.99348748914851,1.9894393583451169,0 -6179,571341.0,1974-05-05 22:07:00,1975-12-22 03:10:00,42.5903926349464,0.5379067358851697,0 -4709,1142779.0,1973-08-07 21:57:00,1975-04-24 18:33:00,54.4762942530604,0.6380593468461447,0 -8121,48898.0,1970-06-15 09:45:00,1975-03-16 18:30:00,53.51832762639805,1.260871061155667,0 -5969,413921.0,1972-12-05 19:52:00,1974-05-12 23:56:00,43.8914171999203,,0 -6784,137664.0,1970-07-24 15:55:00,1971-06-23 17:28:00,44.90067011661693,0.8368426727122205,0 -3478,156932.0,1974-07-01 12:32:00,1974-07-31 11:20:00,41.47514114952328,0.212014028058904,0 -8414,777038.0,1971-12-29 20:52:00,1971-04-30 14:49:00,51.94496012645575,0.6468210766248759,0 -3924,1196317.0,1972-10-26 10:59:00,1973-10-28 15:33:00,51.05818299287475,1.2600311494407317,0 -1748,865264.0,1972-05-28 02:54:00,1974-12-20 07:45:00,40.71718363016118,0.5344806147362455,0 -732,528819.0,1973-02-24 12:53:00,1971-06-09 15:57:00,54.54058473107624,1.132722907403948,0 -2553,722491.0,1970-07-05 09:42:00,1973-12-01 22:43:00,55.55212603402357,1.139905890187047,0 -5458,453272.0,1971-09-04 07:48:00,1971-04-21 12:26:00,47.46719394148149,1.2324941463643375,0 -5873,214859.0,1970-06-19 03:51:00,1972-08-08 17:12:00,52.65591263252029,1.7653464465393922,0 -2662,573642.0,1972-03-20 07:19:00,1975-04-12 14:50:00,54.00248410982686,1.0582294931838987,0 -9398,849646.0,1972-10-20 23:49:00,1974-08-19 02:05:00,52.81126317085956,1.221696050662038,0 -6455,52534.0,1971-11-07 06:32:00,1975-05-20 18:21:00,44.883253462093215,0.716279005652363,0 -3113,519261.0,1970-06-23 15:31:00,1972-04-29 11:01:00,59.89935542451464,1.400235775683879,1 -3303,76344.0,1973-12-11 07:16:00,1971-08-11 23:14:00,47.41676799132924,1.3197110475373282,0 -1344,791594.0,1974-06-08 12:23:00,1972-11-29 11:05:00,44.098577589898646,1.334247806941359,0 -1690,39837.0,1970-04-06 02:01:00,1975-11-14 06:18:00,45.415860708848726,1.797395966417739,0 -7180,1021178.0,1971-07-24 05:04:00,1971-04-05 17:27:00,46.47671014347693,1.7011249891971536,0 -6499,915354.0,1973-05-18 09:29:00,1973-02-27 01:41:00,54.77556950065946,0.0,0 -3308,1183284.0,1970-05-28 05:06:00,1971-05-09 06:27:00,45.31088898677832,0.8320264280206207,0 -1504,166683.0,1972-10-06 16:58:00,1971-09-24 01:30:00,45.33202372915535,1.427827510853757,0 -1806,241966.0,1972-11-19 20:35:00,1974-08-12 04:13:00,56.57935434147826,1.3711315198719392,1 -8469,194405.0,1970-06-15 15:12:00,1974-04-29 21:36:00,46.05353990453765,1.0098602794154552,0 -5369,634342.0,1970-12-02 12:36:00,1975-11-13 21:29:00,51.56106893693983,1.348963944504861,0 -3791,693716.0,1970-02-11 13:25:00,1974-05-11 12:25:00,56.51897983874144,1.598113198367853,1 -9520,525119.0,1973-03-16 01:45:00,1974-08-02 10:11:00,51.12477217730291,1.5164463691477723,0 -7329,1193283.0,1974-10-17 14:56:00,1974-02-14 02:49:00,46.16715452181618,0.8152386119629036,0 -5909,454875.0,1971-07-18 14:13:00,1973-07-31 01:00:00,48.51743817487254,0.9391192651977658,0 -6825,968556.0,1974-05-04 23:47:00,1973-09-25 03:26:00,43.94099596124289,0.5022910656346953,0 -7263,887321.0,1970-08-26 20:11:00,1975-02-09 15:28:00,38.86189842273419,0.5006350074405266,0 -1848,775359.0,1972-02-25 12:47:00,1975-08-14 23:06:00,53.366278818097626,0.7865993737666479,1 -4512,407298.0,1972-05-04 17:54:00,1973-06-04 23:13:00,50.464022937344765,1.0755200904551896,0 -2431,625605.0,1973-02-17 06:30:00,1973-01-06 19:20:00,46.977175707009,1.3103713455877464,0 -4660,521072.0,1971-10-13 15:08:00,1975-10-16 00:11:00,47.96153816781169,1.0388882783280238,0 -8885,613968.0,1972-10-11 18:35:00,1971-10-16 04:54:00,52.49279212844099,1.075035581992278,0 -5584,938301.0,1972-08-03 11:10:00,1971-03-06 12:01:00,46.59553703861289,1.443306875208214,0 -142,328228.0,1972-11-20 00:01:00,1971-05-02 13:47:00,43.67136283932599,0.6462797436782224,0 -8760,52565.0,1973-02-19 06:25:00,1973-05-29 20:47:00,44.14148164108455,0.0,0 -9211,803601.0,1972-08-09 12:08:00,1973-08-30 17:20:00,46.91086187479223,1.2464254508511292,0 -5264,1199489.0,1971-05-07 16:19:00,1973-11-02 03:22:00,51.88157269314559,0.6475334004311321,0 -3409,1024300.0,1973-08-25 20:32:00,1973-05-26 16:48:00,53.63751608453765,1.505868951631357,0 -1117,1135046.0,1970-03-25 23:20:00,1972-01-20 06:30:00,44.07334814138114,0.3303675151991455,0 -1756,1112281.0,1970-07-16 21:10:00,1972-07-25 02:59:00,50.75728296495942,1.4848185735879131,0 -497,300572.0,1973-11-06 17:00:00,1973-03-17 11:25:00,51.14862362941975,0.8947241244162671,0 -8031,732037.0,1970-11-24 06:42:00,1974-04-15 11:03:00,42.255863742978825,0.0,0 -870,513957.0,1971-04-17 18:49:00,1974-05-03 08:52:00,43.58997787418219,1.9328303218210912,0 -3357,131034.0,1973-06-02 04:54:00,1973-02-15 20:30:00,50.80073055282495,0.6510665085844111,0 -912,36549.0,1972-10-02 08:42:00,1973-08-08 21:26:00,47.68941105876103,1.4963353958714145,0 -721,541331.0,1970-10-15 00:02:00,1971-10-21 19:32:00,44.61573370690055,0.0878200095363407,0 -2805,141849.0,1973-06-19 19:25:00,1971-11-02 01:40:00,51.74229530838482,0.554569472886853,0 -9943,493182.0,1972-03-09 14:13:00,1975-05-27 10:31:00,46.996910484291945,1.0084093514897976,0 -886,684064.0,1971-09-09 19:52:00,1973-02-25 03:11:00,42.657213705174335,1.2630176111208402,0 -9592,737269.0,1970-08-26 17:05:00,1972-08-13 17:42:00,57.67567444357482,1.6078373763332556,0 -6587,503408.0,1970-09-26 17:37:00,1971-01-29 09:24:00,40.43322314231462,1.4019561946140229,0 -8100,934556.0,1973-03-06 12:10:00,1973-11-05 07:32:00,48.68664065371242,0.1675834022531889,0 -1520,330561.0,1972-10-18 17:43:00,1972-06-20 18:12:00,50.598290385229554,1.7348416540538092,0 -8689,225259.0,1970-09-19 07:16:00,1975-09-23 01:32:00,49.130334455785466,1.909177289558506,0 -2746,46358.0,1971-09-04 00:14:00,1975-10-04 05:39:00,36.876106020291104,0.9792520885815956,0 -6700,391933.0,1972-12-19 02:04:00,1975-12-28 20:19:00,54.80440873371239,0.8694329874378866,0 -5775,147651.0,1974-01-23 12:36:00,1971-02-13 19:26:00,47.43722725030258,1.2278505151250336,0 -314,1012701.0,1973-09-10 16:11:00,1974-05-14 07:16:00,48.90635238031477,1.2635088062486015,0 -1799,845118.0,1973-11-19 21:51:00,1973-04-21 05:43:00,48.04465967619768,1.315409823210703,0 -327,372857.0,1973-12-06 00:03:00,1972-09-25 08:04:00,53.29837844438951,0.0,0 -5642,62455.0,1973-10-08 05:11:00,1971-08-11 12:40:00,45.45357474733633,0.7662486347367901,0 -4204,349516.0,1971-07-24 07:15:00,1972-05-29 02:37:00,51.106529606725886,0.8402551994594272,0 -3129,840589.0,1970-11-07 07:38:00,1973-03-26 02:32:00,45.57106077412426,1.5414343404546322,0 -6860,644179.0,1972-02-23 07:04:00,1971-12-07 13:06:00,48.35053718734167,0.0,0 -9905,1009637.0,1970-06-20 22:03:00,1973-01-10 09:50:00,45.27925949769448,0.8530133965759035,0 -3968,838196.0,1973-01-09 23:29:00,1973-10-11 01:41:00,51.66530128635554,0.912054326361484,0 -5743,,1973-02-03 13:22:00,1974-09-25 23:43:00,48.36430706970155,0.8989760186173829,0 -6226,400041.0,1973-06-03 00:20:00,1974-06-24 10:19:00,45.56167098979132,1.3046209518625902,0 -1973,258777.0,1971-01-07 13:16:00,1975-11-18 22:10:00,46.57926842261166,1.1424961010739385,0 -336,1045150.0,1971-08-16 13:06:00,1971-05-25 15:22:00,45.35175349374303,1.2595507378266693,0 -2764,285330.0,1970-12-21 17:28:00,1975-10-12 10:50:00,43.40830694386022,1.338219649459241,0 -7660,770145.0,1972-03-13 05:56:00,1971-05-28 15:18:00,50.2768924071849,1.134368523212982,0 -275,82961.0,1972-08-18 08:46:00,1972-11-27 22:53:00,56.590239289383135,0.4423669583871961,0 -2985,238160.0,1973-07-02 21:00:00,1973-05-12 00:04:00,54.82798855614451,1.274522860488331,0 -5646,260066.0,1971-03-27 11:20:00,1971-03-25 13:50:00,43.1166418357793,0.8940728145407749,0 -5849,145627.0,1971-09-29 09:30:00,1972-07-05 17:24:00,53.62566787332005,1.31544697112856,0 -3477,651535.0,1973-05-14 23:24:00,1972-06-21 16:10:00,46.524128534803744,0.1126028155228291,0 -7558,302146.0,1973-02-05 09:10:00,1973-10-01 09:16:00,55.778325541405394,0.9042953684863656,0 -3558,134006.0,1971-10-16 07:11:00,1975-03-19 14:42:00,53.365567558813744,1.7149249675540377,0 -2809,1061148.0,1971-08-11 11:07:00,1974-01-07 05:34:00,42.34588110491438,1.043673546429446,0 -9113,,1973-06-29 11:32:00,1974-04-07 10:28:00,44.62788654733421,1.214645506671847,0 -4861,224897.0,1974-02-18 00:19:00,1972-06-25 11:57:00,52.92947490127772,0.9696046913045596,0 -6586,1162627.0,1970-05-07 20:20:00,1973-05-15 16:21:00,40.31432940081203,1.0345068486374616,0 -3416,105928.0,1970-10-22 07:06:00,1974-01-09 02:00:00,44.52148716709834,1.6270631852449322,0 -307,102803.0,1971-09-14 06:33:00,1971-05-21 16:58:00,50.40043144211637,0.958555616448514,0 -3908,696602.0,1972-05-26 03:49:00,1975-11-04 03:58:00,40.60616464090607,1.772924487155615,0 -348,876898.0,1971-09-06 15:47:00,1973-08-31 17:40:00,54.79354716131755,0.6115257616189302,0 -826,1041580.0,1972-08-13 01:28:00,1974-12-09 21:04:00,47.18237694727589,0.8878455445152785,0 -9501,165266.0,1974-12-29 20:43:00,1972-10-11 13:33:00,51.11082350967229,1.1396036205194633,0 -4482,29204.0,1970-11-04 09:13:00,1971-01-08 21:12:00,50.29825451765237,0.2479910293609839,0 -6576,14885.0,1974-01-14 11:17:00,1971-09-17 02:08:00,48.93382328498471,1.4862037151183696,0 -3682,714514.0,1972-06-25 03:54:00,1975-04-10 14:04:00,50.43230048548287,0.6482475651357523,0 -5876,1193470.0,1974-03-16 18:26:00,1974-11-11 06:23:00,52.762059102042734,1.308682371732552,0 -8387,25249.0,1970-06-12 17:55:00,1973-06-01 10:47:00,40.10327219969776,1.0087741171725824,0 -2053,,1974-10-30 23:42:00,1974-09-15 20:25:00,45.23710022184108,0.995154606771628,0 -71,947244.0,1971-11-23 05:36:00,1974-05-12 13:16:00,44.46193088679003,0.0,0 -5507,603155.0,1971-06-01 02:31:00,1973-07-22 08:55:00,40.814237907812426,0.3910394323529643,0 -8514,906278.0,1971-04-21 00:50:00,1973-01-16 02:52:00,51.98568811043305,1.8867764371130835,0 -7510,1078527.0,1974-06-11 09:36:00,1971-10-20 01:23:00,49.49603681516678,0.810074546255849,0 -8151,475591.0,1972-05-17 19:28:00,1971-11-07 09:30:00,44.26917667232592,1.711315257526331,0 -1666,59435.0,1973-10-18 06:23:00,1974-06-30 18:41:00,38.4347046847284,0.3869322920172039,0 -7861,179347.0,1974-11-15 18:27:00,1975-08-30 17:52:00,49.11845040712241,1.423992683902855,0 -9159,278564.0,1972-10-10 07:02:00,1971-04-10 19:56:00,52.162182513407295,1.6304157852211298,0 -5688,1042860.0,1972-09-30 02:11:00,1975-05-05 16:09:00,44.84259159344092,1.5415106724367724,0 -1445,619269.0,1973-10-28 07:55:00,1975-01-13 22:30:00,47.09605003682495,1.6851469428883363,0 -5227,718920.0,1974-12-26 05:07:00,1975-07-11 09:10:00,45.27307039951169,1.2548031216111664,0 -6982,971642.0,1971-12-05 09:37:00,1973-12-19 04:02:00,50.20836437568524,0.3392433636716332,0 -1695,737107.0,1971-04-30 04:28:00,1974-10-07 11:07:00,44.691521615999086,1.0988451359330271,0 -2892,1158043.0,1973-09-24 03:13:00,1975-05-16 07:01:00,51.531698716821865,1.0656197082675205,0 -1574,909553.0,1971-01-19 06:49:00,,57.93114531572623,1.2288543677421613,0 -3203,290279.0,1972-02-29 04:51:00,1975-08-11 19:38:00,41.47296952756289,1.2564574790406704,0 -4405,676631.0,1970-05-02 11:50:00,1975-09-11 12:16:00,43.96161590078837,0.795348522477424,0 -1630,276892.0,1974-10-25 06:51:00,1971-03-05 20:03:00,44.54751622620423,0.3908129616705729,0 -8380,936877.0,1973-10-06 10:05:00,1974-06-05 19:22:00,39.67892816113108,0.7980649493809514,0 -1881,47607.0,1974-11-07 18:40:00,1972-01-04 22:46:00,41.09785658039439,1.1351775543518474,0 -8821,525458.0,1972-06-29 08:16:00,1973-09-19 19:16:00,54.216829787721615,0.0,0 -6463,1066782.0,1971-01-05 22:46:00,1974-12-13 02:58:00,57.92747653158236,1.324159631590325,0 -848,190514.0,1973-06-18 04:59:00,1972-02-13 07:00:00,56.578118353951744,0.9687726560138252,0 -9923,1061066.0,1970-04-23 00:20:00,1973-09-13 08:11:00,48.445527364628816,0.0,0 -6188,281896.0,1973-04-03 00:17:00,1975-10-23 23:56:00,46.27127284129691,0.0,0 -5869,99280.0,1972-01-07 09:42:00,1973-09-16 23:24:00,47.07414331332393,0.2054313799028383,0 -2877,359519.0,1970-06-29 16:13:00,,54.432120092913166,1.860639752125941,1 -186,1188250.0,1971-01-18 11:30:00,1975-08-12 11:55:00,45.78381851408239,0.9961649638655816,0 -3779,690062.0,1970-10-19 07:24:00,1973-06-21 10:22:00,46.81012970325655,1.827731058247551,0 -1830,907529.0,1971-09-28 19:03:00,1972-10-17 19:47:00,,0.7497178271515428,0 -8325,115717.0,1970-07-24 10:16:00,1971-02-15 08:26:00,44.734919082509165,1.1356647064839456,0 -9241,334218.0,1971-02-01 04:42:00,1971-08-03 04:15:00,47.33941307724153,1.47367045006082,0 -6378,1153249.0,1971-02-01 14:46:00,1971-03-03 12:56:00,40.50285514981415,0.2461258317118042,0 -1234,753120.0,,1971-09-08 04:35:00,57.44027169212277,0.6290559307095788,0 -6964,345199.0,1972-07-22 19:10:00,1972-08-23 05:09:00,49.30848092506428,0.7693611627406525,0 -3915,865933.0,1972-10-29 06:12:00,1973-03-30 00:59:00,56.47356077346584,1.112587070347263,0 -446,512100.0,1972-09-18 23:55:00,1975-06-09 11:26:00,45.22789708123579,0.8462139605718727,0 -844,637545.0,1972-10-09 12:31:00,1971-06-19 01:38:00,51.20033472517871,1.0896950901049347,0 -8062,658962.0,1973-09-17 22:16:00,1972-12-11 13:15:00,50.78216391892904,0.7880104055605403,0 -5402,891046.0,1973-11-13 17:37:00,1973-03-16 07:17:00,43.18708284319428,0.9107874994248424,0 -2440,601664.0,1973-05-11 06:39:00,1974-08-19 11:14:00,53.15806364780461,0.8664600739890614,0 -3103,1166918.0,1972-11-20 22:34:00,1972-10-18 02:09:00,54.87147509112371,0.3302146776902505,0 -8585,150935.0,1970-12-25 01:12:00,1972-05-18 14:00:00,52.08427063156489,0.9542775693819886,0 -6791,407301.0,1973-08-26 16:37:00,1975-05-14 04:38:00,50.91507485544504,1.1278325507604716,0 -5650,933935.0,1973-08-09 22:34:00,1972-08-29 22:23:00,44.173920220997466,1.8075703154861047,0 -1294,601702.0,1974-03-12 07:13:00,1972-01-27 18:15:00,42.46391117349944,0.3040439751799202,0 -5079,734470.0,1970-05-30 12:48:00,1973-02-28 18:55:00,41.100436674765,0.8177650366782832,0 -9016,1093942.0,1973-05-08 19:32:00,1973-06-07 18:56:00,50.74780328504578,1.544403988957251,0 -5067,1131868.0,1972-12-23 22:23:00,1973-10-06 10:43:00,43.57205514663852,1.3901238664707056,0 -3442,736586.0,1970-09-13 05:50:00,1974-11-07 22:43:00,48.15625318969966,1.4073596206954262,0 -8451,833497.0,1971-08-31 00:28:00,1971-02-02 01:23:00,52.33712688012631,1.4713792756833104,0 -7273,1191996.0,1973-09-04 09:51:00,1971-11-05 15:52:00,45.67114584370679,1.6117221241117892,0 -6105,852676.0,1974-10-24 13:40:00,1975-06-13 22:22:00,49.39047671891072,0.0951193404961525,0 -776,512281.0,1974-11-04 11:14:00,1971-11-16 13:06:00,47.5846518107024,0.8612425650404457,0 -9716,907736.0,1970-12-10 09:39:00,1975-08-02 09:21:00,46.65044936961358,0.4247678065541949,0 -2153,64642.0,1974-12-12 22:40:00,1973-05-09 12:51:00,56.765006118326426,1.8434658788276943,0 -4920,310737.0,1974-06-06 01:43:00,1972-11-10 05:31:00,42.554847188405866,1.0098113172660916,0 -5360,747523.0,1972-10-13 19:34:00,1974-10-02 04:21:00,46.4213142336322,1.0298422367511282,0 -9735,48710.0,1974-04-20 08:11:00,1975-12-30 10:15:00,46.734631261953815,1.475160274659959,0 -5957,848125.0,1971-02-25 12:01:00,1974-12-10 09:45:00,43.67221964206922,0.8475877934421308,0 -8411,900824.0,1974-04-02 12:16:00,1973-07-06 19:15:00,42.05240851989464,0.4590789714335175,0 -8432,710447.0,1972-03-07 05:04:00,1975-12-30 00:59:00,,0.849416035863024,0 -3183,1069919.0,1972-02-03 17:16:00,1974-02-03 21:23:00,53.37990184259929,0.6289552871669892,0 -6792,512625.0,1970-10-22 04:58:00,1973-03-22 19:09:00,48.95270623616632,0.3619213232052847,0 -3199,1071634.0,1973-02-07 12:07:00,1975-03-22 04:44:00,51.73723004043476,0.7141141392130228,0 -9369,116353.0,1972-04-02 14:17:00,1973-03-22 05:05:00,52.69275709176324,0.6001866672645335,0 -1289,1015799.0,1971-03-07 02:42:00,1974-05-23 14:51:00,36.67732321216471,0.0,0 -4581,106641.0,1970-02-24 09:37:00,1972-08-30 13:27:00,44.34181125453326,1.9129505968901257,0 -6192,269599.0,1974-03-27 15:01:00,1974-04-26 08:33:00,46.858139658758816,2.04445591734886,0 -8935,1129981.0,1970-08-21 05:35:00,1975-04-06 19:35:00,44.89975028645125,0.9880460718412848,0 -7149,1166970.0,1972-09-14 22:06:00,1975-02-02 20:14:00,48.64178911772148,1.631381269072534,0 -9846,551093.0,1973-07-14 13:22:00,1974-12-04 12:47:00,49.34854008453296,0.0,0 -4106,1001381.0,1970-08-05 09:31:00,1974-09-12 12:12:00,44.94198740576795,0.879059238694226,0 -4126,896928.0,1974-07-01 21:10:00,1971-08-11 01:56:00,49.64548723791919,0.8435940859604806,0 -8300,686313.0,1970-07-09 20:33:00,1972-02-24 23:10:00,50.69420083496844,0.9153367360701734,0 -3966,648576.0,1970-02-23 06:04:00,1973-04-02 15:19:00,41.63847542409048,0.7048039935305834,0 -1879,517287.0,1973-10-29 17:02:00,1971-06-11 08:43:00,44.02427716039095,1.5359300887117575,0 -8496,1037858.0,1973-05-16 22:47:00,1973-01-25 02:30:00,44.79580767019037,1.0642231678742464,0 -9299,719926.0,1974-08-23 23:24:00,1972-12-01 17:55:00,52.24129253889075,0.8624073091313184,0 -6348,496225.0,1972-05-30 07:32:00,1975-03-05 00:33:00,42.35095768512889,1.0080901465477532,0 -3587,1006585.0,1974-05-09 05:07:00,1975-08-22 23:39:00,47.07517548902633,0.7221620673755389,0 -7372,979993.0,1970-07-16 09:17:00,1973-09-18 19:21:00,52.85430949365127,1.4183075057076813,0 -3865,942918.0,1971-09-15 11:41:00,1972-06-13 10:27:00,44.48923134064596,1.334168909040447,0 -8487,682857.0,1970-03-10 02:54:00,1974-07-08 01:25:00,50.33562568053044,1.10392171413702,1 -4131,144262.0,1970-03-06 16:07:00,1974-08-03 17:24:00,47.84585044472715,0.3102728413762267,0 -1036,611402.0,1970-08-29 03:25:00,1972-04-30 20:01:00,52.59779594119788,1.33359428379557,0 -636,668938.0,1970-10-02 08:52:00,1974-12-02 06:31:00,54.91747992240408,1.0842728631555183,0 -6153,508647.0,1974-12-04 09:09:00,1973-02-25 04:18:00,46.3031412689563,1.729454294974024,0 -4134,1085218.0,1973-11-04 03:10:00,1975-07-07 01:23:00,39.39164831694187,0.8543180811479962,0 -5338,918135.0,1974-06-07 01:01:00,1974-12-07 23:28:00,49.2822987997632,1.4198137121282304,0 -1083,1072679.0,1974-09-06 14:26:00,1972-07-11 20:19:00,42.80842866766936,0.7948420947734196,0 -861,466802.0,1974-10-17 07:38:00,1972-02-09 09:23:00,59.29684464096624,1.4643212879053809,1 -903,331388.0,1972-11-05 19:51:00,1972-01-06 19:37:00,51.87617785323347,0.5674696736222518,0 -191,1084351.0,1972-08-14 23:34:00,1974-11-14 00:38:00,50.57351734341961,1.6271561627747837,0 -109,170333.0,1970-09-20 22:47:00,1972-10-17 22:51:00,48.83393081974165,1.289426372543238,0 -4455,360969.0,1970-02-14 18:31:00,1974-10-04 20:11:00,39.247830318846994,1.2324554642954562,0 -1942,431365.0,1971-10-08 21:51:00,1975-02-22 23:44:00,52.79911927258784,0.7896026084635317,0 -5856,227095.0,1973-01-24 09:56:00,1971-02-14 05:32:00,42.09788220436419,1.2164646467931142,0 -4331,915553.0,1970-03-25 11:55:00,,47.310760112756505,1.17844488058442,0 -8541,1081103.0,1973-12-08 14:02:00,1975-04-01 23:03:00,48.63176323423082,1.319223860521107,0 -2040,1116282.0,1970-02-28 11:20:00,1973-10-19 09:33:00,42.87236563983092,0.134672582980439,0 -7331,280644.0,1973-10-31 15:06:00,1974-05-20 12:49:00,51.72868849483713,1.1220967185637127,0 -7317,571065.0,1970-04-01 15:28:00,1975-10-23 20:01:00,38.36917654079901,1.635568508041454,0 -7779,1142614.0,1974-05-31 19:58:00,1971-04-18 10:44:00,52.770926425383294,1.71408614050742,0 -4659,1177066.0,1971-12-26 02:45:00,1974-07-04 20:42:00,51.23945179051009,0.9502151872263332,0 -7313,809141.0,1971-05-13 14:01:00,,55.95987979202548,1.3099150512876525,1 -2775,1162606.0,1970-07-24 09:23:00,1972-07-17 16:23:00,48.39638545712104,1.1004158832570667,0 -4145,780862.0,1972-05-16 02:45:00,1974-05-24 13:20:00,38.75852917198566,1.194062079616134,0 -2323,53910.0,1973-10-15 21:10:00,1975-05-03 13:34:00,49.15909052226552,0.8636238438025068,0 -762,406277.0,1972-09-16 14:36:00,1972-07-18 05:34:00,48.84509178812495,1.4166279791700511,0 -2617,425543.0,1974-10-13 15:26:00,1975-03-06 17:38:00,50.08125363033806,1.2092142357204665,0 -2411,257900.0,1972-02-19 12:29:00,1975-02-06 12:48:00,45.23351503062896,0.432964447100603,0 -1094,257131.0,1973-08-19 18:27:00,1972-07-23 00:33:00,44.52912170764894,0.971725153856904,0 -6173,942574.0,1973-03-10 03:30:00,1974-03-21 06:22:00,48.3157333594763,0.3394272149525352,0 -7048,643673.0,1972-07-11 12:31:00,1974-11-06 07:45:00,52.9601912771936,0.4612325569246155,0 -9272,603829.0,1971-11-30 05:23:00,1974-03-08 19:40:00,44.567463051575,0.7496658666792646,0 -3135,1060746.0,1974-05-16 19:38:00,1973-02-27 01:37:00,43.5997725220544,0.1465176154687383,0 -7787,378823.0,1971-02-14 00:02:00,1973-12-01 03:51:00,50.40741293610228,0.0,0 -5040,997953.0,1972-07-21 00:26:00,1973-03-02 01:59:00,51.47047483010972,1.4403263014831436,0 -3805,722971.0,1972-08-12 12:49:00,1975-03-10 07:28:00,52.33536646504893,1.073922207179889,0 -884,1011141.0,1970-06-09 06:37:00,1972-05-30 18:23:00,44.45601968099115,0.9656543613565756,0 -2654,302978.0,1971-09-11 05:06:00,1972-03-29 07:05:00,50.22707698901498,0.0818713269672427,0 -5921,500142.0,1971-06-04 10:19:00,1973-04-10 16:02:00,45.50770090431466,1.4377917493243668,0 -6187,759243.0,1970-01-06 04:10:00,1974-04-11 11:22:00,48.46383624488819,0.1165777079710627,0 -8085,1100939.0,1972-10-03 04:19:00,1975-01-03 08:20:00,,1.179493048164855,0 -6742,96209.0,1970-02-27 14:29:00,1971-07-06 14:27:00,51.50376078744776,1.5014923766445412,0 -7626,279931.0,1973-09-28 03:09:00,1974-04-05 15:48:00,48.771706927858204,1.7488471258286853,0 -5680,1138382.0,1970-09-25 22:07:00,1971-12-14 12:56:00,48.4906015785851,0.689914151812935,0 -7007,1006929.0,1972-09-09 15:47:00,1971-03-01 06:29:00,50.87484924980408,0.8182905287457931,0 -9686,618653.0,1970-02-18 06:08:00,1972-06-26 21:12:00,41.41466329519288,1.2336305134883918,0 -2202,105824.0,,1971-04-13 09:10:00,55.602573450460895,0.744119507516809,0 -6107,576225.0,,1975-07-15 23:13:00,40.60353952525829,2.211435527874249,0 -6417,831620.0,1974-11-23 19:37:00,1975-09-30 02:46:00,52.59664061376669,1.152872998669605,0 -1262,263171.0,1971-04-22 15:07:00,1974-06-07 01:49:00,50.54186374761648,0.9462750349975576,0 -8379,681643.0,1971-11-04 07:21:00,1973-05-31 02:37:00,43.94781506412605,0.9142679001137676,0 -975,171473.0,1970-06-13 23:44:00,1973-11-19 08:34:00,49.61018367230895,1.6238008323943285,0 -5831,458011.0,1973-12-31 16:20:00,1973-04-30 11:05:00,48.31891450618037,1.6983577658498428,0 -4925,452285.0,1973-12-13 18:30:00,1974-11-01 05:27:00,53.18965385925138,1.1653911302989322,0 -941,477785.0,1973-08-06 11:16:00,1973-02-04 22:28:00,48.37986265253411,1.7482855918102531,0 -4723,40149.0,1970-03-01 21:02:00,1973-08-12 14:44:00,34.70802917078582,0.6850071860642737,0 -2387,809321.0,1970-10-09 17:52:00,1972-11-16 03:23:00,48.18881479139913,0.681661696891972,0 -9728,906270.0,1974-11-02 14:22:00,1972-02-16 22:23:00,51.344016796666494,1.2217917496743231,0 -5021,87075.0,1973-08-22 20:37:00,1971-08-31 05:44:00,47.45879940006293,0.7753020631417695,0 -4391,1083792.0,1970-12-09 16:52:00,1974-12-28 18:49:00,50.85385736462212,0.0875396945676451,0 -5148,824754.0,1974-06-19 01:18:00,1973-08-29 20:00:00,51.30086887034817,1.195452293563624,0 -3221,132264.0,,1974-11-24 00:58:00,40.070458258840056,0.6322512645410554,0 -3882,680879.0,1974-10-02 15:12:00,1972-05-24 03:40:00,51.39580240162752,0.5042099644373205,0 -9438,825893.0,1971-07-25 04:45:00,1974-01-24 13:34:00,54.158365635853016,0.8638719231721291,1 -6624,533851.0,1972-03-22 07:36:00,1975-07-01 05:26:00,48.60014083333812,1.220271497414584,0 -5918,373008.0,1974-06-03 23:17:00,1972-02-21 21:46:00,54.702180811797625,0.4566013416094212,0 -2789,99073.0,1970-10-31 14:50:00,1973-09-21 20:47:00,47.81353203293929,0.4327089570357304,0 -944,670632.0,1972-09-25 00:19:00,1972-12-22 15:54:00,58.88868593167437,0.0456255914963855,0 -8908,1175777.0,1972-11-17 07:20:00,1973-02-05 02:39:00,50.8400565753568,1.059344635393584,0 -1857,571169.0,1973-01-28 12:06:00,1974-10-19 08:43:00,53.273061533090505,0.8011062598564714,0 -9080,470764.0,1974-07-29 08:14:00,1971-06-21 19:44:00,46.01946607346776,1.603219426637982,0 -4108,212778.0,1974-03-18 23:22:00,1973-12-11 20:00:00,40.28294570522274,1.6294873912922618,0 -8513,351050.0,1974-05-23 21:36:00,1974-06-17 07:03:00,49.00560094858308,0.6639047164113534,0 -3255,826024.0,1974-09-11 10:01:00,1975-11-20 21:34:00,48.37539897983851,1.194905979754661,0 -2690,1072201.0,1974-03-28 18:42:00,1972-12-19 17:41:00,48.73150481609648,1.4795288012553574,0 -9512,965079.0,1970-08-24 05:24:00,1974-12-19 18:31:00,49.37771907331747,0.9303644136789748,0 -6961,401436.0,1972-05-18 05:33:00,1973-12-04 09:21:00,38.838953369807264,0.4925460448423967,0 -1319,656034.0,1972-07-05 23:38:00,1971-02-19 04:54:00,46.020648064760046,1.4212621930138003,0 -8882,860751.0,1974-10-13 04:32:00,1975-01-29 12:19:00,42.98219787837219,1.648571794985827,0 -9880,293359.0,1974-07-25 00:35:00,1971-05-13 13:50:00,57.045137072489936,1.2379840522639605,0 -5162,288802.0,1973-06-06 22:27:00,1971-09-07 19:44:00,49.19243699887486,0.0609752469692087,0 -5829,471182.0,1974-07-11 03:54:00,1975-05-01 00:34:00,51.34664673955879,0.5373498878162434,0 -7953,1100635.0,1974-08-30 21:12:00,1972-04-30 15:07:00,42.88815788024518,0.5416425637092733,0 -5958,75780.0,1972-02-27 18:28:00,1971-04-30 07:11:00,50.29115885468677,0.6059719976233213,0 -9271,431069.0,1970-03-26 01:26:00,1972-04-19 23:03:00,44.43504830393579,0.4932323155392135,0 -3475,915429.0,1972-05-17 14:24:00,1972-06-26 16:55:00,33.1088837624625,0.6353367437099018,0 -3505,406650.0,1972-06-04 18:53:00,1973-05-25 20:40:00,48.59110097258268,1.095045722435544,0 -4749,591101.0,1974-07-11 09:21:00,1975-09-02 22:23:00,40.80438607378945,0.912548327991476,0 -2477,1032453.0,1974-02-01 07:49:00,1974-05-26 04:13:00,48.41017922278429,1.175140115467002,0 -9490,,1973-02-23 16:57:00,1971-10-15 23:19:00,49.75659947218587,1.6243722143190935,0 -6615,619175.0,1972-12-09 13:47:00,1972-04-01 00:36:00,47.33355095924236,1.7491624441465494,0 -7413,263160.0,1971-07-28 03:45:00,1974-05-31 12:22:00,54.05211104687042,1.488800506420052,0 -7586,292923.0,1973-02-15 21:20:00,1974-12-10 00:33:00,56.69121116983547,1.1045218966377466,0 -5344,20551.0,1970-07-23 09:10:00,1971-08-31 00:44:00,37.60332013865737,1.0203984003544424,0 -9863,1130768.0,1970-10-13 02:52:00,1973-12-25 08:02:00,46.788506136963335,1.6840677570326492,0 -7111,1149009.0,1974-02-22 11:38:00,1975-02-01 12:40:00,42.13305451262959,1.5669401834672294,0 -1874,167971.0,1972-04-18 01:47:00,1974-02-05 20:20:00,36.71877463602405,0.8953729107558368,0 -8516,598103.0,1973-07-28 04:33:00,1972-01-05 11:27:00,45.28135751927637,1.1622259412473426,0 -5270,332707.0,1974-02-27 13:46:00,1973-01-19 15:39:00,,1.4759711001059712,0 -5096,312796.0,1973-02-27 17:53:00,1972-11-20 01:51:00,46.7463328009472,1.150645459336431,0 -2904,214402.0,1973-05-14 06:04:00,1974-07-31 19:40:00,51.76467037233877,0.0,0 -570,917745.0,1971-10-22 05:58:00,,54.67703725688478,1.024066324557841,0 -1448,899486.0,1970-10-29 17:47:00,1973-08-11 15:47:00,38.16625509207915,1.3084341300148166,0 -5964,303851.0,1971-09-25 12:30:00,1974-11-24 22:15:00,52.84919986634779,1.2090374403157649,0 -6242,1092909.0,1972-03-08 21:05:00,1972-05-27 18:39:00,48.15128413164303,1.4158569008226527,0 -6347,21096.0,1972-05-28 23:20:00,1975-05-10 02:51:00,50.43816354039877,0.2225591148346609,0 -7874,750460.0,1970-08-05 17:26:00,1973-01-26 16:49:00,51.877845192903074,1.8588131723615011,0 -9816,365134.0,1973-09-01 07:59:00,1971-01-05 22:11:00,45.30083604611261,1.0896127576341823,0 -3226,152387.0,1971-03-02 09:46:00,1971-11-01 00:13:00,49.017105906200975,1.05026616596551,0 -9744,657666.0,1972-09-29 15:44:00,1971-03-28 00:57:00,45.64723662082362,0.7043748311664617,0 -3978,542508.0,1974-11-16 00:41:00,1975-08-14 08:04:00,33.82698266256845,1.3699745977366011,0 -4383,295858.0,1970-01-05 18:07:00,1971-01-21 19:44:00,43.907671965164994,0.6050614978994282,0 -7856,635142.0,1972-10-23 12:46:00,1972-06-23 18:48:00,39.89770039195392,1.4275519236125849,0 -3539,945715.0,1974-12-09 22:53:00,1972-07-15 21:51:00,48.44402847557452,1.81242630313529,0 -5682,59649.0,1971-12-13 02:23:00,1973-02-20 00:01:00,39.24402066686565,0.3742003938584118,0 -2827,300305.0,1973-10-13 18:29:00,1973-04-04 23:35:00,56.50978357766274,0.6104234313281693,0 -7658,1019287.0,1974-02-24 19:16:00,1975-12-09 02:46:00,41.60135922261102,0.6225099335660405,0 -4996,712883.0,1971-10-30 19:50:00,1974-07-09 21:02:00,43.611868223658064,1.2045754207028248,0 -1338,443438.0,,1975-01-04 17:32:00,46.01035368774049,1.5870980224865612,0 -3262,486015.0,1971-10-01 23:57:00,1975-03-31 01:07:00,59.18779328313208,1.0484254570304932,0 -6386,567389.0,1973-06-21 14:15:00,1974-02-13 03:14:00,39.48366114802072,1.2230210888660191,0 -7951,633859.0,1971-03-16 00:10:00,1974-06-23 20:40:00,54.14700194913431,0.9138425957218508,0 -650,950408.0,1973-09-03 08:37:00,1972-08-09 20:54:00,46.32330797364259,1.0297431090801612,0 -2902,736827.0,1971-06-10 23:20:00,1972-02-13 15:57:00,46.44767413946611,0.4011446771901036,0 -2258,102081.0,1973-01-15 01:55:00,1971-03-28 07:20:00,40.75177512471401,1.5242265146949858,0 -7402,660191.0,1973-05-05 15:42:00,1974-04-16 13:54:00,48.45882772091728,0.1195642717642145,0 -3521,439817.0,1972-01-11 11:18:00,1973-09-27 19:19:00,50.16137821267693,0.7654058820682217,0 -2730,221018.0,1970-06-10 23:23:00,1973-04-29 15:00:00,51.393691279220015,1.309883534862401,0 -5496,761139.0,1974-05-21 09:42:00,1971-11-03 00:33:00,53.73410149254944,1.6573581888530329,0 -4478,1145475.0,1973-03-21 16:48:00,1973-01-30 14:11:00,43.92606074066848,1.2599193103162605,0 -1596,936957.0,1970-01-26 02:59:00,1971-06-26 23:27:00,46.17879782099126,1.3395995448086977,0 -7066,810989.0,1974-08-09 07:12:00,1971-05-07 18:25:00,44.30520224912357,0.0631444349156942,0 -2584,735247.0,1970-10-01 22:20:00,1972-04-30 21:35:00,48.085666716970046,0.4565470537220341,0 -5441,154065.0,1970-05-17 16:21:00,1975-06-16 10:56:00,48.61695799685593,1.1165677176208744,0 -3196,666086.0,1970-03-29 07:09:00,1971-07-17 14:21:00,39.38018183609913,0.9182201108363234,0 -8523,9831.0,1973-02-21 02:51:00,1974-04-23 22:58:00,44.79258188151742,0.6912216870018134,0 -7682,638277.0,1972-10-11 15:16:00,1973-07-14 08:38:00,46.11751361610047,0.5587160805434938,0 -5376,501398.0,1970-08-25 09:46:00,1972-06-05 21:24:00,44.4061761712961,1.5668426810235163,0 -1258,172499.0,1971-06-11 11:05:00,1973-08-18 18:11:00,41.53154263246616,0.7918647203607065,0 -5277,802636.0,1972-06-09 06:46:00,1972-09-19 23:26:00,43.23273798507259,1.2103314629235766,0 -991,487109.0,1974-11-20 21:02:00,1972-11-29 14:26:00,33.54340737422697,0.780913190400521,0 -3504,375939.0,1971-02-12 00:19:00,1972-12-09 21:19:00,48.50392985244314,1.581413534134323,0 -113,705526.0,1973-04-13 10:29:00,1973-05-20 14:23:00,48.8711970937835,0.9134497996558286,0 -919,505713.0,1971-06-06 09:31:00,1973-06-16 10:55:00,50.155912752848565,1.1613274108647498,0 -2509,1154171.0,1973-07-09 07:16:00,1973-04-13 09:19:00,44.99383444988408,0.9598885278006306,0 -9404,727476.0,1971-02-10 20:24:00,1973-03-18 20:23:00,47.23470736720416,1.59005987152184,0 -165,704160.0,1970-05-13 21:03:00,1975-05-10 01:08:00,51.55776174219819,0.6223457413399709,0 -5263,555793.0,1974-01-10 17:20:00,1972-12-18 12:22:00,45.69751420763041,0.4452309543786653,0 -4603,913331.0,1973-01-04 18:29:00,1973-09-04 04:07:00,44.21965792777439,1.505898938731283,0 -949,491115.0,1972-11-20 12:04:00,1972-08-30 20:50:00,51.51662489441521,1.940527166816682,0 -4594,77464.0,1972-10-09 22:21:00,1972-07-13 03:53:00,42.15522876162305,1.2740649347118973,0 -5727,835721.0,1973-09-21 08:00:00,1972-05-09 06:25:00,52.1792997173196,1.2950679082353214,0 -3770,220189.0,1970-11-09 12:42:00,1975-11-16 21:17:00,56.09355023958903,0.9782026292984192,0 -2506,219690.0,1972-10-14 06:06:00,1975-06-03 20:35:00,49.30801898719447,0.976211855265889,0 -5107,869586.0,1971-10-18 23:37:00,1975-10-26 09:05:00,46.513497050231486,0.9026965785671716,0 -2850,137510.0,1971-10-29 14:54:00,1971-04-09 20:20:00,45.297987401584585,0.6511647399179884,0 -6485,1013770.0,1973-12-01 20:35:00,1971-04-04 05:31:00,47.70263018360338,0.3270484383853037,0 -5362,207851.0,1973-05-16 19:58:00,1972-08-24 09:12:00,51.310863306250255,0.2294224919061489,0 -7442,718641.0,1972-03-25 11:01:00,1972-07-24 20:36:00,47.80195680439432,1.6980562934366945,0 -4446,1195738.0,1972-08-17 01:51:00,1972-07-26 10:39:00,49.63859709136302,1.1612818113135948,0 -4460,522439.0,1972-07-07 08:13:00,1971-09-29 10:27:00,54.93844857141544,1.3835226833929024,1 -9513,259247.0,1973-10-17 13:17:00,1975-05-26 04:07:00,55.30987595187841,0.610229742968596,0 -2505,1111006.0,1972-07-29 01:30:00,1973-04-21 05:05:00,42.107889011311,1.2128664739708692,0 -1114,332584.0,1970-06-19 20:25:00,1974-11-23 08:58:00,44.67846356764522,1.3479786750064298,0 -8397,702617.0,1970-09-04 18:05:00,1974-04-23 08:58:00,47.21995987962627,0.5398446078064596,0 -298,1160411.0,1974-04-26 07:50:00,1974-03-21 06:37:00,45.3294700755656,1.338184758964838,0 -1675,563808.0,1973-04-19 23:07:00,1974-12-15 18:42:00,50.66170839656844,0.5840976523031045,0 -3347,526113.0,1973-09-06 19:20:00,1973-09-27 01:03:00,50.792972568386325,1.0539986823282748,0 -2735,863452.0,1972-03-19 11:32:00,1975-10-11 20:35:00,42.18959433421542,0.0463495290784816,0 -7819,380790.0,1972-12-23 18:55:00,1971-10-21 07:51:00,53.751148195983696,0.50405006243882,0 -4988,939284.0,1972-04-15 23:09:00,1974-12-20 20:53:00,53.16672550745432,0.9788265785291448,0 -9894,1024035.0,1971-03-09 01:28:00,1974-01-11 03:49:00,43.6786885879424,1.7337596118269087,0 -5817,84473.0,1974-03-26 11:03:00,1974-05-30 09:05:00,52.06684261280349,0.1591616687492669,0 -4325,199033.0,1971-09-01 16:38:00,1973-08-26 03:25:00,49.11397931821647,0.4213869564833911,0 -6719,1175285.0,1971-06-22 00:39:00,1974-09-25 01:47:00,,1.339662889623576,0 -8786,331474.0,1970-11-16 17:44:00,1973-09-22 09:42:00,44.11222586389586,1.9966041604687232,0 -4550,385233.0,1970-07-10 04:03:00,1973-02-13 18:47:00,51.68250655200596,1.959115322867784,0 -8572,181028.0,1970-04-27 05:57:00,1973-08-27 01:06:00,52.136366998047805,1.0681107647264023,0 -7847,37847.0,1972-01-04 04:30:00,1975-08-04 23:41:00,48.53865685518575,1.0177104469547142,0 -2103,738976.0,1972-05-14 14:25:00,1974-08-04 01:06:00,53.6731953770492,1.222088692954112,0 -5813,33015.0,1974-06-05 09:47:00,1973-04-11 08:13:00,41.78755756217824,0.7950864726538172,0 -9104,672039.0,1972-11-30 14:37:00,1972-02-10 22:12:00,48.38441499770138,1.0140055470565916,0 -7453,99642.0,1972-03-19 23:33:00,1973-04-02 21:34:00,44.28475609594304,1.2961049550406327,0 -1837,271151.0,1971-04-02 10:11:00,1974-11-05 17:55:00,43.26905116471439,0.7344107948377103,0 -7902,468893.0,1972-09-07 06:57:00,1971-10-10 09:04:00,48.97197383290081,0.7597329181825289,0 -8318,816062.0,1970-03-02 15:51:00,1973-11-15 03:12:00,38.64892610327295,1.2018940658808326,0 -8723,193639.0,1974-12-21 20:20:00,1971-10-24 01:29:00,51.217019404603455,1.1441084996375577,0 -607,592576.0,1971-02-24 12:51:00,1975-06-16 09:49:00,47.24252077457505,1.2621670548449466,1 -8374,494502.0,1971-01-19 21:51:00,1975-10-07 04:05:00,50.1265522517013,0.5195693197084479,1 -1093,73607.0,1971-10-09 16:29:00,1974-06-25 07:31:00,57.65793264224827,0.5797544736544847,1 -6387,655615.0,1970-09-07 06:04:00,1973-09-04 18:14:00,46.97070704760647,1.015393108541124,0 -6505,1109805.0,1971-08-07 13:44:00,1975-03-09 10:00:00,46.89773668756376,1.3274465203764332,0 -8964,608703.0,1973-05-01 12:07:00,1971-09-18 02:36:00,40.05824544318831,1.7591490580679343,0 -4487,1169400.0,1974-08-25 20:10:00,1975-03-10 16:00:00,50.412923496977626,1.923310819318138,0 -160,999006.0,1970-03-25 05:12:00,1975-11-13 06:22:00,44.46702356230825,0.73488319749846,0 -203,287572.0,1974-09-14 18:45:00,1973-06-03 06:07:00,42.96037609547788,1.7332367518052814,0 -7040,,1971-10-15 05:36:00,1973-02-15 09:06:00,53.420473193041886,0.754305847436173,0 -5893,829954.0,1971-06-07 04:18:00,1974-09-02 20:41:00,50.104630997389705,1.171599971829501,0 -4933,912472.0,1974-08-16 18:12:00,1974-10-25 13:20:00,47.42777358644296,1.777468673563547,0 -2934,611188.0,1971-06-16 20:45:00,1972-02-03 14:04:00,47.63450429403672,1.2491024489085942,0 -7322,1092993.0,1973-08-19 22:10:00,1972-02-24 01:10:00,47.19135639616045,0.9644489094256512,0 -2435,447769.0,1972-01-27 12:52:00,1975-02-11 03:34:00,49.670530350482736,0.806032230049312,0 -1230,331035.0,1970-04-19 07:11:00,1975-01-13 12:43:00,48.65262220521933,0.8873435845561084,0 -8675,542528.0,1972-02-28 22:41:00,1975-10-19 06:15:00,42.61621724760624,0.545478618277233,0 -3046,958741.0,1970-05-08 20:32:00,1974-04-28 15:54:00,44.94159880175583,0.9627667420232736,0 -9654,628698.0,1971-01-03 11:37:00,1974-06-11 06:45:00,50.060014765528834,0.8023830592976486,0 -8419,283314.0,1974-04-13 13:07:00,1972-09-24 22:48:00,39.64287263631207,1.1251217313448227,0 -7666,817222.0,1971-06-08 05:44:00,1972-08-30 02:41:00,52.40392203288309,0.1694171167774677,0 -6407,82526.0,,1974-04-01 08:17:00,47.09637667223533,1.5776710045624698,0 -4251,362938.0,1972-10-13 03:20:00,1973-07-30 09:48:00,39.67397040477969,0.5686447090277147,0 -5577,34691.0,1974-05-18 04:06:00,1974-05-26 00:39:00,55.00955372025451,0.5267873601506847,0 -3293,191136.0,1973-04-01 15:42:00,1974-06-02 08:14:00,52.063029025752094,1.6871594055172547,0 -4034,327194.0,1971-03-10 04:09:00,1971-10-04 12:06:00,44.218078312532754,0.0,0 -8112,520404.0,1971-06-15 05:36:00,1972-05-16 00:57:00,43.80695328105843,0.6171734636394786,0 -4290,683584.0,1972-03-13 08:41:00,1975-11-15 16:05:00,49.24415969386517,0.0,0 -4334,1153389.0,1971-10-24 12:12:00,1972-01-14 17:32:00,46.06609475174304,0.7734022958111875,0 -5931,757071.0,1970-12-10 02:39:00,1972-03-08 01:44:00,51.02137978420024,0.0456750725305574,0 -3877,422813.0,1971-12-11 06:56:00,1972-02-12 14:21:00,47.92174646488824,0.4148426853942195,0 -5428,333707.0,1974-03-27 15:14:00,1975-11-28 13:59:00,50.57594834816968,0.3561069193131444,0 -4753,1114270.0,1970-08-11 23:31:00,1971-11-20 20:20:00,51.79209916360601,1.2970751254547306,0 -4886,362245.0,1972-03-10 22:10:00,1973-07-16 20:35:00,49.489725119501486,0.8200310874047776,0 -857,289283.0,1974-10-12 10:18:00,1974-05-16 15:14:00,35.50991327982753,0.4675210868849988,0 -8233,306109.0,1972-12-28 03:28:00,1975-07-08 08:05:00,41.88177506420396,0.996180215713013,0 -8375,1122884.0,1974-08-23 08:32:00,1974-09-04 21:18:00,49.49305715783935,0.3914554695233596,0 -2561,594668.0,1973-09-07 11:43:00,1974-07-11 05:23:00,41.07202120179042,1.2443247881539716,0 -3801,970988.0,1974-01-02 20:50:00,1974-05-23 21:52:00,45.65955616488177,1.242197652606157,0 -2640,478636.0,1973-10-10 04:12:00,1973-12-05 06:29:00,52.09710558329897,1.312037149556495,0 -9663,551445.0,1974-10-12 19:07:00,1972-03-23 04:41:00,40.35388385692114,1.0194600920355337,0 -4490,816651.0,1972-07-30 12:00:00,1974-01-12 08:48:00,54.32866682406609,0.5850944313126247,0 -2347,1056625.0,1970-11-16 05:15:00,1972-05-29 20:12:00,46.263063248735,1.57148828288248,0 -649,800063.0,1974-12-16 19:08:00,1972-10-25 15:57:00,47.22922324908343,2.2620013279222118,0 -2781,640423.0,1971-04-05 08:40:00,1973-10-23 18:06:00,44.21540500222152,0.0716789422373233,0 -5652,820372.0,1971-08-29 23:23:00,1972-01-31 06:23:00,41.44897034596996,1.8732291188548205,0 -8543,208920.0,1973-09-19 06:31:00,1975-03-15 07:54:00,51.20624568111908,0.9442702644681652,0 -8677,848942.0,1971-01-02 16:31:00,1973-09-10 22:39:00,40.998615836290185,1.3735608962577823,0 -6433,445246.0,1970-08-03 02:49:00,1972-10-02 19:56:00,51.67595870776361,0.7914296348694614,0 -615,,1974-07-21 15:22:00,1972-12-27 18:15:00,47.63748992248449,0.389672721803584,0 -8448,903676.0,1973-11-17 10:33:00,1973-01-16 03:14:00,53.87056457527973,1.9698879850527824,0 -2575,142099.0,1971-08-29 13:45:00,1973-08-06 15:27:00,44.84813640170352,0.9530083300017684,0 -53,148627.0,1971-03-07 05:39:00,1971-08-29 13:21:00,48.37400350320505,1.1487299549828442,0 -3340,908642.0,1971-12-03 03:08:00,1973-01-11 18:14:00,43.35004365340117,1.220059909560237,0 -7037,213497.0,1971-03-07 22:44:00,1974-12-10 16:09:00,49.98395554744532,0.4018812397811928,0 -1705,212964.0,1970-09-29 06:42:00,1974-05-01 05:07:00,44.87328086581896,1.1810743339339729,0 -9060,120796.0,1974-02-02 05:32:00,1973-07-10 01:33:00,43.57858311528938,1.3256679465522443,0 -9352,319434.0,1973-07-12 05:08:00,1971-03-21 10:36:00,53.79205605282236,0.2691193642210249,0 -1493,778722.0,1973-08-15 08:59:00,1974-04-08 21:37:00,47.91262868635583,0.768547245538346,0 -9963,856858.0,1972-02-25 04:05:00,1975-07-26 17:45:00,54.418879610454766,0.4026538710125038,0 -5632,457921.0,1972-02-03 21:46:00,1971-10-31 22:47:00,44.11103291984642,1.5108953634159992,0 -803,378506.0,1972-09-11 18:06:00,1972-02-16 03:53:00,47.71729080973925,0.6957432180137109,0 -4953,1057572.0,1973-05-01 05:42:00,1974-04-05 01:39:00,37.48410596978484,0.7377775837340024,0 -6933,189075.0,1972-12-10 23:42:00,1975-03-18 03:53:00,47.12078872050156,0.9514026754448324,0 -7104,345335.0,1974-08-21 19:59:00,1971-02-24 19:28:00,50.34206143864012,0.2373579595814388,0 -990,1163680.0,1972-06-11 08:48:00,1972-11-02 02:18:00,50.913649907297554,1.4675222085956443,0 -2774,990567.0,1972-09-24 04:54:00,1972-10-18 22:17:00,44.20335328531205,0.7263417937935176,0 -7470,554595.0,1974-07-08 12:15:00,1971-02-27 02:33:00,50.69190868654804,0.9102200661617056,0 -6419,1089074.0,1971-09-25 04:24:00,1973-01-15 13:16:00,53.85670228770448,0.2845724289475398,0 -3513,1134274.0,1972-01-08 08:23:00,1973-05-16 07:12:00,42.442463273479305,0.6750830209044897,0 -5478,657099.0,1971-02-19 05:43:00,1971-11-28 15:05:00,47.58364008484409,0.709431785057377,0 -8400,313294.0,1972-01-17 15:13:00,1974-07-16 06:40:00,51.32257640308586,,0 -219,511593.0,1970-10-08 13:28:00,1972-03-18 16:56:00,42.210513819313576,1.0160211727488673,0 -6969,843205.0,1970-05-17 22:57:00,1973-06-11 18:15:00,46.779515821460535,1.017527719136784,0 -1288,586055.0,1972-12-10 08:13:00,1971-02-17 02:48:00,55.310079196584105,1.4324400947438196,1 -3163,1182943.0,1973-06-15 11:38:00,1972-08-20 04:27:00,43.73867365560914,0.9476622965896412,0 -4678,44577.0,1973-12-21 18:23:00,1974-08-18 10:13:00,49.998792637607465,0.2507746774598968,0 -2618,1166011.0,1971-12-21 06:14:00,1974-02-20 04:19:00,40.2122958913468,0.8116859176466082,0 -3612,260687.0,1973-07-01 07:48:00,1971-12-16 10:45:00,43.528970640107545,0.381529801047992,0 -43,550251.0,1974-08-30 13:17:00,1975-04-26 06:28:00,48.330854463547205,0.6582457069805701,0 -8094,1024916.0,1970-06-18 20:42:00,1975-03-20 15:55:00,46.45607520106431,0.201855099333672,0 -8372,853151.0,1973-04-14 01:47:00,1973-02-24 21:40:00,45.909316106596826,1.1755226173411355,0 -3792,540107.0,1973-03-15 18:23:00,1971-08-21 15:26:00,50.54983409501211,0.3398212246924299,0 -3571,835573.0,1971-12-19 19:53:00,1973-06-16 08:11:00,56.126466873364045,0.8489708702855495,1 -9980,1011961.0,1970-08-13 09:56:00,1975-04-18 19:36:00,49.57175811683957,0.596147117972863,1 -1503,661503.0,1973-11-12 05:27:00,1974-12-12 02:02:00,44.71891894379255,0.0,0 -5556,223103.0,1970-08-17 06:58:00,1974-02-20 02:00:00,56.20306446677691,2.0308296259059446,0 -9830,323980.0,1974-12-09 05:42:00,1971-02-01 00:25:00,55.28217006345423,1.7768414554152332,0 -3439,395146.0,1970-05-29 10:56:00,1973-06-11 22:48:00,49.16761625930823,0.9715094769938006,0 -1892,800721.0,1974-02-25 01:42:00,1973-07-15 04:15:00,51.71308598365497,1.842824245086211,0 -9323,869571.0,1971-03-22 16:30:00,1975-05-03 10:04:00,45.92031767222266,0.3268243760852766,0 -5255,299983.0,1971-05-27 10:33:00,1975-09-02 00:15:00,45.74586457534895,0.280348308636365,0 -1955,426945.0,1973-03-13 10:16:00,1972-11-03 01:26:00,49.9408861231528,1.9452179167227648,0 -5167,887397.0,1970-01-22 09:43:00,1975-02-03 14:39:00,42.179541189084894,0.7865905894531611,0 -4814,680251.0,1974-06-04 13:30:00,1974-01-24 03:11:00,43.91316614280733,1.029355196044896,0 -6264,865736.0,1971-12-09 21:17:00,1971-07-18 01:09:00,49.25578172777866,1.032662110745486,0 -1505,117309.0,1973-08-24 19:13:00,1971-11-22 15:44:00,47.84575866240438,0.1983395610272931,0 -670,1054878.0,1970-04-05 05:38:00,1974-10-20 00:32:00,46.76690139699956,1.718710403843717,0 -8907,97195.0,1972-06-26 05:26:00,1973-10-10 12:21:00,42.99241483452824,0.7413550389116976,0 -7055,835128.0,1971-07-21 12:49:00,1972-07-03 09:35:00,43.6270116683762,1.128778089786108,0 -897,86462.0,1972-02-18 09:35:00,1971-12-05 16:35:00,47.0869937523936,1.5783266312733737,0 -6178,718424.0,1970-07-28 04:13:00,1971-06-08 22:23:00,47.63674419194079,0.4312189283378274,0 -2666,1188212.0,1971-05-12 20:11:00,1975-07-09 06:14:00,56.98738033226021,1.1939130957225943,0 -3193,1171954.0,1972-09-30 20:09:00,1972-03-10 14:58:00,50.71512622517034,1.1908003628699626,0 -2890,254705.0,1974-10-08 20:29:00,1973-09-12 18:41:00,54.08462025885291,1.6034532495199698,1 -7773,457526.0,1972-12-08 06:53:00,1971-01-10 01:53:00,47.165324824948144,0.7103052266641784,0 -2621,310470.0,1972-07-09 04:54:00,1972-07-06 03:14:00,44.70081216064766,0.4237590556076414,0 -6008,1077537.0,1973-09-09 16:39:00,,49.11350686181888,0.7764106218441429,0 -5956,873639.0,1973-06-25 05:35:00,1972-08-12 21:38:00,50.48656928445229,1.3669620883698728,0 -2,57765.0,1974-03-23 10:16:00,1972-03-01 16:03:00,45.5419589646017,0.9049792302103544,0 -2370,708081.0,1973-07-17 11:30:00,1973-03-10 18:38:00,45.315305209242254,1.8773966541264997,0 -7914,781819.0,1972-01-14 03:41:00,1975-10-24 12:32:00,50.97775564618623,1.2468923904441331,0 -1769,135064.0,1971-02-02 22:26:00,1974-07-03 17:15:00,50.72205891140429,0.699997243347383,0 -8506,565781.0,1974-01-06 03:41:00,1972-09-30 16:32:00,48.9581557629163,0.0,0 -6025,948459.0,1973-07-05 05:49:00,1973-05-24 09:04:00,53.44835194387068,0.5307633144106245,0 -531,1088162.0,1974-06-11 01:46:00,1971-11-02 04:13:00,40.77180918008157,1.1484966782086667,0 -8724,653455.0,1971-06-15 18:16:00,1975-08-22 17:24:00,48.92400097438741,1.2068089612792172,0 -8649,327056.0,1972-08-17 01:08:00,1971-03-27 05:25:00,55.64526673615491,0.8751041840853211,0 -7873,328303.0,1971-11-16 06:31:00,1975-02-07 15:05:00,57.25232196467627,1.050507910809876,1 -8890,383606.0,1970-07-23 18:38:00,1974-03-13 11:26:00,48.359871470178994,0.2336391174444017,0 -3120,336542.0,1971-06-11 02:04:00,1972-11-06 11:31:00,46.850055719012914,1.4947860240027513,0 -9022,24956.0,1974-12-30 10:41:00,1972-01-01 10:45:00,44.492180610490536,1.5260957160678263,0 -731,809439.0,1970-06-04 21:55:00,1975-09-10 04:27:00,48.687187341318,2.001868281955903,0 -3406,960158.0,1970-12-15 11:06:00,1973-09-03 18:38:00,40.97344675343656,1.2924453048017572,0 -2339,309673.0,1971-10-25 19:19:00,1975-05-06 08:44:00,37.79149722837722,1.4358353604329177,0 -5967,648989.0,1972-06-07 22:06:00,1975-11-24 21:52:00,46.31664202637872,1.2237013200189777,0 -6580,988535.0,1971-04-08 12:33:00,1974-03-28 23:32:00,48.39774461675913,1.2307960543500425,0 -2565,227930.0,1974-04-26 02:40:00,1971-02-18 05:59:00,39.284376294277024,0.4382835597804146,0 -7726,666965.0,1972-05-10 03:42:00,1971-12-29 01:31:00,50.78096173935843,1.6608885105539837,0 -7820,557050.0,1974-03-31 02:35:00,1975-12-08 01:45:00,46.872495986421846,1.558916363303137,0 -6713,757913.0,1971-04-11 15:53:00,1973-08-11 12:11:00,49.62997589383433,1.265603275946238,0 -6995,113928.0,1971-11-07 07:56:00,1973-01-15 05:01:00,44.39617133266412,0.7543323308511548,0 -6942,1016731.0,1971-10-18 11:15:00,1974-09-03 05:21:00,51.78271707086823,0.5849724085696255,0 -7794,818491.0,1970-04-04 11:20:00,1971-03-16 14:53:00,45.76944069439058,0.0,0 -8975,483614.0,1973-05-01 21:41:00,1975-03-10 17:56:00,49.68263077693788,1.0681044833502993,0 -1255,953318.0,1973-02-16 12:01:00,1975-12-15 01:10:00,44.65675929360253,1.4302308241524122,0 -2104,423759.0,1972-06-22 17:04:00,1974-01-07 06:41:00,53.43414622987239,0.3189981385044215,0 -6734,341756.0,1972-12-04 21:06:00,1974-01-09 09:34:00,45.87955146592314,0.0063615119468733,0 -9778,1197633.0,1973-06-21 17:45:00,1975-12-02 05:23:00,43.7003651228916,1.2618344601026392,0 -6224,1102845.0,1970-11-20 23:59:00,,47.83501262909233,0.7336681320385459,0 -9150,134505.0,1972-05-18 12:10:00,1974-07-17 14:05:00,50.34969127400791,0.3495634134860728,0 -4994,6515.0,1972-03-27 00:24:00,1971-03-16 09:47:00,50.602959398848434,1.9080171876746517,0 -8969,23606.0,1974-06-25 08:23:00,1973-04-17 23:34:00,52.03108897257917,0.5176682322279214,0 -6839,169516.0,1970-03-06 15:27:00,1971-12-11 15:12:00,43.57607105472801,1.0901723892493012,0 -5057,134760.0,1971-10-10 10:25:00,1975-01-02 07:21:00,51.594236357277495,0.6706414816898029,0 -5846,,1974-07-29 15:57:00,1971-02-05 07:42:00,50.669287843503845,1.2647422687984926,1 -4434,720614.0,1971-11-04 00:23:00,1975-12-14 21:58:00,43.069034203409096,0.3559058971474088,0 -3484,597933.0,1970-02-20 19:16:00,1973-01-25 19:31:00,54.52017858449766,1.2980500484474151,0 -9493,458216.0,1971-12-08 04:04:00,1974-12-05 09:41:00,52.19890894690684,1.0761621973447084,0 -5318,6822.0,1974-10-12 14:08:00,1971-10-08 00:21:00,55.28645883965851,0.8506061010350066,1 -3816,1095163.0,1971-04-20 17:59:00,1973-01-02 16:50:00,42.78101586817104,1.0787360682510765,0 -5729,1042004.0,1973-01-22 19:21:00,1973-07-16 02:03:00,51.62954101295245,0.969220933903961,0 -8903,831156.0,1974-09-12 03:19:00,1971-04-14 07:49:00,53.15472933629341,0.9255728364255336,0 -7840,966719.0,1971-11-18 22:42:00,1974-06-07 10:30:00,47.2133280807772,1.0422405859553836,0 -9889,288349.0,1973-09-09 02:29:00,1975-09-04 21:00:00,56.48744768884449,1.6845793324877507,0 -1621,710538.0,1972-11-21 15:16:00,1971-07-21 01:05:00,52.73102743194561,1.070263381305382,0 -9423,921993.0,1973-11-28 19:39:00,1975-10-04 21:51:00,44.857954618937626,0.5534643465385061,0 -6307,306986.0,1974-12-09 02:40:00,1974-10-12 17:17:00,43.283775315198135,0.5341363968369327,0 -9304,1144077.0,1972-04-22 14:44:00,1975-12-18 12:38:00,52.94900011843857,0.5791391819608853,0 -8902,367553.0,1972-10-24 08:28:00,1972-06-14 16:03:00,48.73724367304391,1.6154381776121207,0 -1096,802299.0,1970-08-29 10:27:00,1971-06-29 02:27:00,57.516043446905535,0.8434512344290109,0 -8057,990027.0,1970-04-12 11:32:00,1971-10-14 23:45:00,48.96667010362647,0.6031266460832094,0 -9481,100765.0,1971-04-15 06:41:00,1975-11-15 11:35:00,46.00629990656488,1.5064864666336706,0 -2463,219101.0,1971-06-12 21:16:00,1975-09-21 15:29:00,52.31373167759469,1.178709262529238,0 -8289,584094.0,1972-09-15 01:40:00,1974-11-09 23:14:00,45.39697643532443,1.0973008670790512,0 -1788,1094696.0,1971-09-08 20:26:00,1974-08-20 09:44:00,42.23529848368886,1.5177017433205622,0 -250,51618.0,1973-03-19 19:09:00,1974-02-12 22:34:00,41.5013293816392,1.3347946498731214,0 -9926,1035116.0,1973-11-01 09:15:00,1975-12-01 19:35:00,56.46671364276261,0.47308591929424,1 -6191,821371.0,1971-10-10 20:41:00,1974-09-06 21:46:00,47.60115034325761,1.4800340337329505,0 -9650,603056.0,1970-05-23 20:21:00,1973-12-21 22:11:00,42.36322834322068,0.6950865596178097,0 -192,154227.0,1972-11-03 07:17:00,1971-08-13 10:07:00,60.89270108683455,1.488266902832521,1 -820,148613.0,1973-02-22 16:59:00,1972-02-16 02:04:00,51.14723345501829,1.9243329961156543,0 -9627,192474.0,1970-01-16 11:06:00,1972-04-15 05:13:00,43.7858225718922,1.370846802644795,0 -5714,535663.0,1970-03-13 08:20:00,1975-03-23 20:39:00,45.64076295952528,1.6332756428539716,0 -7195,681926.0,1971-12-16 19:50:00,1971-12-11 19:30:00,54.23708154307276,1.3659804810274443,0 -5715,37084.0,1973-03-01 04:42:00,1973-08-19 02:34:00,44.95486806967845,0.9148409024269006,0 -4400,179825.0,1973-01-24 17:59:00,1975-02-02 13:18:00,32.45755636513052,0.4829176268780184,0 -9290,638668.0,1972-05-10 14:05:00,1971-04-16 05:04:00,40.90268059302944,1.1572103495585226,0 -5388,126136.0,1974-02-07 09:40:00,1973-08-31 17:34:00,52.75754770442869,1.2484088545187433,0 -4166,1013610.0,1971-04-09 07:53:00,1974-01-20 06:16:00,53.48258403972292,1.2058812674796,0 -4951,881799.0,1972-04-10 22:21:00,1974-10-16 06:43:00,45.75396607341065,0.6665996390531344,0 -2687,180358.0,1974-01-15 07:17:00,1975-01-15 12:25:00,51.2232034474608,0.6834234026696142,0 -4390,917004.0,1972-10-18 23:25:00,1972-02-05 16:38:00,51.85271298145634,0.2077142063933817,0 -5860,301183.0,1970-05-17 03:57:00,1974-08-04 13:49:00,41.00306332620094,1.2685631384504674,0 -5981,414211.0,1974-03-28 05:17:00,1972-04-02 01:53:00,49.10034500244853,0.4427677164204997,0 -4927,574125.0,1970-06-18 17:26:00,1971-05-23 03:39:00,47.76355607641369,1.5092088689898064,0 -6735,205200.0,1970-08-30 00:35:00,1975-03-12 23:36:00,43.733040061502464,1.200372151207168,0 -2607,1198193.0,1972-07-26 11:41:00,1972-10-26 13:18:00,43.71612554926365,0.3719409326571458,0 -7466,332836.0,1974-11-21 06:24:00,1972-09-19 01:15:00,48.21087286641171,1.5499695251905328,0 -238,198273.0,1974-01-19 19:34:00,1972-10-09 08:10:00,45.625619301815895,0.6342485065350689,0 -4015,767620.0,1971-08-25 17:20:00,1971-11-10 03:12:00,50.66621773052531,0.954618840653756,0 -9262,4741.0,1972-08-27 05:31:00,1971-09-21 05:31:00,53.78069576510916,1.1086541276319035,0 -2977,238025.0,1974-10-25 21:00:00,1973-06-12 14:01:00,40.45969519417624,1.226587410092777,0 -5712,861331.0,1973-03-28 07:20:00,1975-05-16 11:00:00,47.1013804957675,0.6756569439404196,0 -9856,1054842.0,1971-01-03 19:12:00,1972-03-03 13:23:00,52.24504962059985,1.7187690541205456,0 -5473,901331.0,1970-01-14 19:02:00,1975-02-03 21:10:00,54.314784026950846,0.0877618656251253,1 -945,384514.0,1974-07-23 17:04:00,1973-05-01 10:54:00,45.57570047992764,1.442750863901178,0 -8251,832671.0,1973-04-22 07:26:00,1973-07-24 09:54:00,44.52611088614134,1.3995910692092588,0 -7681,950197.0,1972-03-26 02:40:00,1973-02-16 18:22:00,44.617102405421335,0.9582984426609982,0 -5097,47979.0,1970-08-03 23:15:00,1972-11-20 00:46:00,40.75299702029034,0.8726990655074212,0 -6805,103332.0,1972-01-21 23:54:00,1975-01-29 07:35:00,52.77494864969699,0.0,1 -5803,1069579.0,1973-09-08 09:53:00,1973-04-25 07:01:00,49.22603656887927,0.6873413650976324,0 -3552,670859.0,1970-07-31 09:28:00,1974-07-13 09:49:00,43.83239861146121,1.3448897400691764,0 -9969,1189513.0,1973-12-29 12:15:00,1974-10-18 09:18:00,42.08208406843765,0.8301181696853173,0 -3360,20905.0,1974-09-19 22:12:00,1972-04-12 15:25:00,50.04432480283573,1.4219492310849464,0 -8249,545578.0,1973-02-02 02:46:00,1973-11-21 17:54:00,50.27815286993104,1.255944843334963,0 -2410,203947.0,1971-11-30 23:56:00,1975-02-21 19:15:00,50.31087937419747,1.411142992339184,0 -4507,1003730.0,1970-10-08 10:18:00,1975-12-21 20:30:00,44.25555636749932,1.1775380245153375,0 -8462,999109.0,1971-05-29 04:47:00,1974-08-26 18:54:00,48.0746212794666,0.8808029888507531,0 -3982,37503.0,1974-08-22 07:38:00,1974-05-20 06:33:00,44.84974993418908,0.9554711813111167,0 -146,211665.0,1972-02-01 13:34:00,1973-12-11 07:21:00,43.21823831042055,1.2415393287123229,0 -6648,189626.0,1973-08-30 13:28:00,1974-11-18 13:30:00,45.71735207173213,0.8100066385551312,0 -2294,663323.0,1972-02-07 16:26:00,1974-06-23 02:14:00,56.76534322005458,,0 -2253,570147.0,,1974-10-04 00:06:00,48.5222889777831,0.3689330547184671,0 -3611,1034428.0,1971-11-03 23:29:00,1975-01-09 23:01:00,47.06026597048932,1.064681505809726,0 -5353,24800.0,1974-11-13 23:16:00,1975-02-08 23:49:00,47.24143568646616,1.1293941818962108,0 -1736,41565.0,1972-12-12 13:40:00,1972-03-24 08:25:00,53.418766636855054,0.5662279503157297,0 -7915,671776.0,1971-07-07 04:37:00,1972-09-24 01:51:00,40.039349595833365,1.1474965842098694,0 -7659,902570.0,1970-05-04 01:39:00,1972-07-29 01:35:00,45.84402465345858,1.3828078800139902,0 -114,199093.0,1971-11-03 21:48:00,1973-01-17 02:55:00,,1.030410655768525,0 -8860,229789.0,1971-09-27 00:10:00,1975-02-16 14:18:00,56.453889712545504,0.6607544538940755,1 -5649,566550.0,1972-02-01 07:11:00,1975-09-19 18:19:00,50.73648563517138,0.9200813788536272,0 -9844,508279.0,1973-01-03 19:08:00,1975-01-15 16:40:00,46.934821670262366,0.9273879029975172,0 -498,194013.0,1974-01-10 00:15:00,1971-06-15 06:27:00,47.9734927173413,0.9498152393573512,0 -7822,1163866.0,1972-09-02 15:04:00,1972-06-27 16:27:00,40.5488966256089,1.1762290629492336,0 -720,908367.0,1970-02-08 17:23:00,1971-06-01 15:14:00,49.008384717038254,1.4926002748789544,0 -7258,374812.0,1972-08-13 04:25:00,1974-08-20 05:23:00,49.65349773999399,0.0,0 -8843,716298.0,1974-05-12 16:58:00,1972-12-24 11:12:00,47.29943419311701,1.428595694362083,0 -5730,171093.0,1974-10-23 11:41:00,1973-10-17 23:22:00,40.15701003945391,1.0969831362448144,0 -3089,325107.0,1970-02-24 08:19:00,1971-07-08 17:52:00,43.20891930378116,1.7591783110353514,0 -7226,716297.0,1970-11-12 15:46:00,1973-12-21 19:06:00,56.37145163928527,0.8705357617908562,0 -7306,111405.0,1971-10-29 11:44:00,1972-01-26 01:44:00,56.40592484950355,0.8867238457694595,0 -6508,947226.0,1971-12-12 04:00:00,1975-07-12 15:15:00,51.34873093634859,0.6772040702526776,0 -596,728326.0,1970-01-02 22:46:00,1973-11-09 21:04:00,48.11620131969747,0.9507104589604456,0 -9092,621770.0,1974-09-22 09:13:00,1972-08-02 02:38:00,47.50653187318059,0.5221182048691015,0 -6095,503963.0,1974-01-17 17:24:00,1972-01-30 16:31:00,44.537881170962464,0.5103770432843255,0 -6053,403548.0,1970-01-18 08:49:00,1975-01-11 09:31:00,52.97175741038324,1.323590220341896,0 -5164,262190.0,1974-09-06 13:20:00,1973-03-20 23:05:00,48.73374078286582,1.3858770509168692,0 -1647,332520.0,1974-01-28 07:26:00,1971-11-21 07:03:00,45.22335203099571,0.712147194657653,0 -8167,513015.0,1972-11-10 09:35:00,1972-11-09 03:20:00,45.00862671575362,0.9539032948501776,0 -6920,858934.0,1972-02-04 20:12:00,1973-07-15 13:11:00,44.118745059004574,0.4380932748176089,0 -2700,906812.0,,1971-07-22 06:51:00,43.5069932998149,0.3764031917587466,0 -8203,1161688.0,1972-02-24 23:50:00,1975-09-23 11:26:00,41.12067829102593,1.6673300816186711,0 -1700,799365.0,1970-07-31 08:17:00,1975-02-17 04:16:00,43.228862544456376,0.0,0 -8943,588506.0,1973-06-06 07:45:00,1973-09-02 21:20:00,52.46365259839496,0.8157776270902595,0 -5404,349913.0,1974-03-29 12:39:00,1974-07-11 06:14:00,46.542418026822425,1.610170695530546,0 -7219,11775.0,1970-02-25 14:28:00,1975-10-13 17:07:00,56.16541787203478,0.851227533761442,1 -7502,445935.0,1973-03-21 18:22:00,1971-12-04 09:40:00,48.73273283695613,1.2019787270215754,0 -2942,542199.0,1972-09-14 23:49:00,1972-08-31 03:45:00,45.33238971719554,1.1156074267233953,0 -6301,142494.0,1973-05-09 06:11:00,1975-12-15 17:31:00,53.855295416431154,0.933800575800922,0 -86,780626.0,1972-02-12 17:44:00,1971-08-24 02:27:00,52.52325630221935,0.4383190500460882,0 -2308,466840.0,1974-03-03 02:11:00,1975-03-28 14:52:00,43.06968089396783,0.7072969206837181,0 -2677,79038.0,1973-06-18 07:34:00,1973-10-21 00:31:00,53.39864822697716,0.6736097163006145,0 -8216,1022462.0,1971-08-15 04:01:00,1974-05-10 00:51:00,56.59264213059286,1.043794171114177,0 -7729,1086685.0,1973-10-05 09:39:00,1971-07-30 17:48:00,48.21065131571043,1.9859915367196588,0 -2594,1129739.0,1971-09-12 08:01:00,1973-01-01 15:50:00,50.85133501337189,0.9712044057500588,0 -5884,715167.0,1970-12-22 13:52:00,1975-11-10 03:02:00,54.17378421439704,0.8348226151164958,0 -1029,634632.0,1970-08-10 17:11:00,1971-06-15 12:32:00,47.32926041435641,0.5621518854337131,0 -136,68353.0,1972-02-26 02:23:00,1974-06-04 00:20:00,46.42258269719385,1.2006929269727225,0 -6831,802200.0,1970-08-21 15:11:00,1973-12-22 04:14:00,52.973276221862406,0.5717783913213957,0 -7814,908359.0,1974-11-27 16:41:00,1973-07-25 11:43:00,47.35794826356852,0.6934674366378537,0 -2854,247667.0,1971-03-25 04:32:00,1975-04-03 03:33:00,46.10061619336796,0.9363860023544528,0 -4409,226085.0,1970-04-07 15:52:00,1972-01-26 19:15:00,51.47799884439955,0.9612870209886266,0 -1200,863651.0,1970-12-13 21:29:00,1974-04-27 11:55:00,45.82686059572907,1.3100945199913852,0 -4717,2796.0,1971-02-27 14:53:00,1975-10-15 21:18:00,54.84868998889061,1.5527051841872923,0 -9517,870794.0,1974-07-30 19:48:00,1972-01-25 04:39:00,45.8499013267285,0.4586170107882851,0 -6594,731069.0,1974-05-20 05:28:00,1971-07-01 20:33:00,45.64581218003079,0.5466982487167731,0 -566,109980.0,1971-12-13 03:21:00,1974-08-01 02:09:00,48.45392196102549,1.801266045668492,0 -7328,606013.0,1972-12-22 19:27:00,1975-10-25 22:20:00,42.63524248320114,1.24815032109346,0 -5430,715120.0,1973-09-06 16:20:00,1975-09-27 16:59:00,49.343881566448175,0.8247090854187461,0 -3927,816885.0,1972-03-04 15:56:00,1973-08-05 21:39:00,45.3397246301726,1.4365935270964876,0 -6055,518877.0,1972-01-14 23:12:00,1972-04-05 12:16:00,52.92758980544616,1.612897949315569,1 -7589,456292.0,1971-05-06 18:57:00,1971-12-31 16:27:00,42.57509007921302,0.6681849247974047,0 -7122,647875.0,1973-05-17 05:34:00,1975-08-23 18:00:00,46.39322058285267,0.1945775824489747,0 -6572,128515.0,1972-06-02 08:51:00,1972-02-18 09:28:00,48.6740592505343,1.5140177137876454,0 -6535,633909.0,1972-07-06 12:07:00,1971-03-24 12:10:00,54.24471203636976,1.517814811708039,0 -8913,350858.0,1972-07-28 12:40:00,1972-08-30 10:52:00,44.308515319593646,1.0668458298070675,0 -8275,1198150.0,1973-05-30 14:49:00,1973-11-02 20:02:00,44.99649562910291,0.6114409854489432,0 -2330,646178.0,1973-10-07 04:07:00,1972-01-21 14:59:00,50.530296162034574,0.8509388514787697,0 -3515,452823.0,1971-10-25 07:34:00,1975-09-08 11:45:00,51.70939763968642,0.5068438358584849,0 -2187,464156.0,1970-08-16 19:31:00,1972-10-11 20:31:00,43.83757539164229,0.7284478879252965,0 -195,37431.0,1971-01-15 01:05:00,1972-07-29 12:57:00,48.12954196392651,1.970653703318753,0 -7257,836670.0,1974-07-02 16:29:00,1971-04-26 21:10:00,52.50551573556871,0.5446172303820993,0 -5666,99801.0,1974-01-04 20:15:00,1971-09-12 13:33:00,45.73107909352729,1.0478569245560874,0 -5059,215744.0,1970-11-06 15:12:00,1975-05-29 09:04:00,47.80018468000599,1.0209926207987392,0 -802,739781.0,1973-03-19 19:25:00,1972-08-27 00:00:00,45.69885256871328,1.0519422643033214,0 -8848,132187.0,1973-11-13 07:04:00,1974-04-26 19:16:00,52.47016037472455,0.1300053209530435,0 -9928,69392.0,1974-02-24 11:26:00,1972-02-02 17:06:00,49.38957262119137,1.4741061262853263,0 -2068,888322.0,1972-09-26 02:09:00,1971-01-28 07:10:00,61.28006664924808,0.2608846090626917,0 -9082,20393.0,1972-04-20 01:53:00,1975-12-02 04:45:00,51.90763275851666,1.6455954187034134,0 -8744,160169.0,1971-02-26 10:21:00,1974-11-24 18:12:00,39.833246082594144,0.5299785569416645,0 -644,806182.0,1971-12-14 20:30:00,1975-01-27 09:09:00,50.4777878519614,0.944357899312872,1 -9374,39102.0,1970-05-05 22:24:00,1971-08-15 17:22:00,59.86185315200338,0.5427205558549631,0 -5103,945682.0,1973-12-28 19:39:00,1973-05-17 19:18:00,45.56526065709288,2.036317062913291,0 -5460,411291.0,1974-01-06 11:36:00,1975-02-21 18:59:00,58.234477255370905,0.3421004912503652,0 -1637,739671.0,1971-02-08 13:12:00,1974-11-16 08:25:00,43.93920875558883,0.3761857530283342,0 -120,828707.0,1970-03-14 20:52:00,1971-07-26 06:45:00,53.995367684901744,0.563018516083982,1 -2981,753728.0,1973-05-16 03:18:00,1971-07-06 08:45:00,54.734556964615045,2.0541710072797352,0 -5069,1156516.0,1973-03-21 12:13:00,1974-01-21 13:38:00,62.450575936853255,1.2372829139562207,1 -3074,994049.0,1972-06-25 19:06:00,1975-12-20 03:16:00,48.110931949791166,1.958368141551812,0 -8927,605228.0,1970-10-01 23:35:00,1974-07-27 02:18:00,57.28365441886145,0.8957724610195761,0 -3278,1070246.0,1973-12-14 01:21:00,1974-09-09 18:38:00,43.261999800419694,1.3521623618071128,0 -2135,1192637.0,1972-05-17 07:57:00,1972-04-21 10:26:00,47.622354458275446,1.1122247529964744,0 -8941,1166916.0,1971-02-18 16:37:00,1974-11-20 04:06:00,40.84942776153175,1.3722059547795993,0 -4970,1127130.0,1974-02-10 14:49:00,1971-02-16 06:24:00,44.5741326220901,1.9019696929791805,0 -6195,232248.0,1972-11-06 13:23:00,1972-05-18 01:57:00,47.406648907612016,1.965371653428116,0 -134,926429.0,1970-07-09 08:19:00,1975-11-30 01:41:00,48.80812426086265,1.251968006241566,0 -7731,480785.0,1970-05-12 10:22:00,1971-01-23 20:47:00,42.81734235779032,1.6151133054118505,0 -5324,947996.0,1974-10-15 08:39:00,1973-12-25 23:51:00,56.95690027412807,0.0483345875227217,1 -9640,469155.0,1971-02-12 19:50:00,1971-02-08 11:41:00,46.344803945007335,0.5420531214108206,0 -6160,832715.0,1973-02-23 19:28:00,1972-11-02 20:37:00,52.31659903272689,0.0,0 -2559,322566.0,1974-01-01 05:09:00,1974-06-28 18:21:00,49.77148095104777,1.314042684012186,0 -62,890953.0,1973-09-13 12:51:00,1975-01-01 02:47:00,43.95356592769529,0.5555735836004692,0 -1358,233275.0,1970-05-27 20:01:00,1971-09-01 12:46:00,41.65380644597605,0.8282886255943883,0 -6725,436750.0,1973-11-23 05:00:00,1971-03-17 20:34:00,50.55071310994517,1.5416858227141903,0 -2467,1161472.0,1974-03-19 03:07:00,1974-01-10 12:36:00,49.79621836970856,0.4315474913818933,0 -679,388924.0,1971-08-08 19:38:00,1974-09-05 15:15:00,42.22544077413807,1.0533411867144484,0 -6797,789266.0,1972-08-17 14:23:00,1973-03-13 03:57:00,48.643176075586425,2.0933737677112694,0 -741,455411.0,1970-10-06 18:02:00,1971-12-09 14:27:00,44.29249620731767,1.655811888187837,0 -5307,912855.0,1974-04-11 22:39:00,1973-10-31 13:12:00,52.24775961189291,0.3323149162389205,0 -7627,828839.0,1970-01-09 14:26:00,1974-02-12 21:17:00,52.26758985936781,0.3872504528489342,0 -3641,919718.0,1973-11-03 09:54:00,1971-02-23 09:23:00,38.51685041739532,0.4461995767955032,0 -444,539882.0,1974-04-14 10:39:00,1972-10-22 02:36:00,34.79677153841333,0.765444610174457,0 -8140,75423.0,1974-08-01 08:55:00,1971-02-03 08:09:00,41.80686493959704,0.4126329238269547,0 -3258,290943.0,1972-03-18 07:48:00,1972-07-25 18:25:00,43.70520723783369,0.7677151660346735,0 -4663,897938.0,1973-03-24 07:32:00,1975-02-24 13:34:00,55.46398276754544,1.5605415413155828,0 -1873,660724.0,1972-07-01 20:25:00,1975-10-30 00:51:00,54.68143934535608,0.9859795269300295,0 -6366,748980.0,1974-09-08 06:09:00,1971-06-17 18:03:00,50.767884537935664,0.6256896583428118,0 -2596,323274.0,1974-01-06 01:53:00,1975-02-11 01:04:00,51.0926554531792,1.4456027847296666,0 -1717,725282.0,1974-11-30 00:57:00,1973-09-02 06:18:00,56.55773786013195,1.1627819293842416,0 -2912,363254.0,,1973-06-04 04:35:00,45.71140107449544,1.478079524695668,0 -2843,1090138.0,1973-01-21 20:30:00,1973-01-28 23:30:00,48.83170375929272,1.803571347017221,0 -4027,809809.0,,1975-03-25 21:36:00,54.32352411415849,1.5345705428346952,0 -5488,,1974-09-28 00:20:00,1975-01-02 10:40:00,52.64552809737619,2.006627994306068,1 -8634,961484.0,1973-04-10 14:20:00,1972-11-29 10:13:00,39.62561521496535,0.8000830328979391,0 -8037,451916.0,1970-01-04 12:20:00,1971-03-29 05:56:00,45.099834679524605,0.9717365857363574,0 -9232,66997.0,1971-11-02 00:32:00,1975-05-14 06:03:00,52.98938723061113,0.1953217225888217,0 -489,456793.0,1972-06-01 18:44:00,1971-04-25 18:56:00,42.94638571032222,0.2276189443298616,0 -493,545386.0,1973-08-14 04:51:00,1974-07-29 16:04:00,47.22292970672972,1.2276402635563315,0 -690,869887.0,1973-08-31 18:08:00,1974-01-18 04:02:00,45.97465447010955,0.7634716806153286,0 -3821,408050.0,1973-09-05 11:57:00,1972-12-05 03:10:00,43.07413937544258,1.3649746262869875,0 -602,288141.0,1971-10-30 23:49:00,1973-11-19 01:39:00,45.21197600836191,0.8007322356054152,0 -1911,1019964.0,1973-12-18 02:17:00,1972-05-30 19:20:00,46.29603443915264,0.8502180429907826,0 -1014,407676.0,1970-01-04 04:14:00,1974-02-22 13:31:00,36.59179810224408,0.5929399166800208,0 -6156,220256.0,1974-08-28 23:26:00,1971-06-18 17:50:00,46.588841247951954,0.6434278857912241,0 -1993,105915.0,1972-03-01 16:47:00,1971-07-06 23:42:00,50.65223613757298,1.0335227241929623,0 -5769,643689.0,1974-02-10 22:25:00,1973-04-03 03:36:00,45.54117643020663,1.671820821344903,0 -3757,746799.0,1974-01-18 18:22:00,1975-11-21 05:03:00,43.1090301458714,1.2520446183729466,0 -2366,11626.0,1972-07-24 04:36:00,1974-09-08 21:44:00,40.66237466058446,0.1128870229135371,0 -5283,531309.0,1974-04-05 03:13:00,1971-07-19 00:26:00,55.24142247312159,1.1633034105494275,0 -4370,24463.0,1971-04-28 13:17:00,1975-08-23 19:01:00,46.505573209170485,1.000159607088497,0 -6883,526857.0,1970-04-27 16:14:00,1971-05-13 23:54:00,48.9352784943109,0.5969979792477527,0 -7011,295382.0,1974-04-05 01:12:00,1971-03-14 21:52:00,38.01655614599876,1.471112404066682,0 -1361,775225.0,1970-01-22 18:55:00,1972-01-18 07:21:00,52.32699933728216,1.387567707226323,0 -8461,864168.0,1970-12-30 03:19:00,1971-07-22 10:50:00,46.41085283895786,0.567733630828152,0 -1526,,1971-01-06 22:36:00,1973-10-23 04:52:00,40.06361727145974,0.8455548869510321,0 -1327,636380.0,1970-10-11 08:42:00,1971-02-17 19:02:00,47.06175822663744,1.8758080027960455,0 -8507,561848.0,1974-11-13 15:17:00,1971-12-07 09:07:00,47.39950092257405,0.7207749425231267,0 -9031,518025.0,1972-09-11 08:34:00,1974-01-29 22:36:00,43.05646667738347,1.571793976352137,0 -1551,529390.0,1974-01-29 04:56:00,1973-07-19 00:34:00,43.51617685561706,0.319277408868558,0 -7769,670697.0,1972-01-01 06:29:00,1973-03-16 04:04:00,38.82620499073628,1.3644821466840278,0 -9908,448176.0,1972-08-24 21:24:00,1971-04-02 03:30:00,49.77444409838543,1.0122849078452858,0 -1337,473442.0,1972-05-13 16:46:00,1972-05-31 09:23:00,54.32038600612283,0.3022505161480935,0 -3901,341705.0,1972-05-02 17:06:00,1975-08-18 13:20:00,51.86313531510121,0.940536273067338,0 -3010,133293.0,1972-04-15 00:24:00,1974-06-02 18:44:00,51.58166054844009,1.2544539959284982,0 -5041,407737.0,1970-10-26 03:08:00,1975-06-26 18:42:00,51.82297175497636,1.1594219257922451,1 -8825,335927.0,1974-02-05 20:42:00,1971-12-22 00:33:00,51.07662156250882,1.2437364077808395,0 -2250,1129770.0,1971-05-03 04:18:00,1974-10-05 22:35:00,51.673046338713895,1.3477838716497368,0 -6533,491602.0,1974-10-04 23:46:00,1974-07-23 13:34:00,54.84152256466366,1.2404762371419866,0 -5039,1180527.0,1973-08-15 06:04:00,1974-12-22 12:30:00,42.123240618244346,0.4670720587557256,0 -2346,662958.0,1971-03-18 14:28:00,1972-04-21 00:45:00,48.29937722454199,0.6824473729573279,0 -9282,1026523.0,1973-01-25 23:20:00,1973-09-01 05:42:00,44.17157271669831,1.629197963189383,0 -5485,653550.0,1974-07-24 03:26:00,1974-08-30 04:46:00,46.53445928841472,1.7496381634241818,0 -2784,375642.0,1974-12-07 20:00:00,1972-05-05 03:49:00,42.8046301058322,0.6029473419018854,0 -5119,38244.0,1974-04-01 14:22:00,1972-02-02 01:58:00,47.67765091637738,1.292033423310003,0 -7550,651577.0,1972-10-11 03:46:00,1972-07-03 02:52:00,39.746332788723166,1.4774732387974234,0 -5555,1019479.0,1971-05-08 02:58:00,1975-01-12 08:12:00,52.09288475940991,1.2059853658327415,0 -5599,183156.0,1972-12-13 18:00:00,1975-12-29 19:55:00,51.79209609814423,0.0503247372582341,0 -7630,734764.0,1972-06-14 09:55:00,1974-08-05 13:10:00,49.64317542621085,1.3160165074612826,0 -150,1038552.0,1973-11-11 08:40:00,1974-11-26 16:09:00,44.93127119700494,0.7274128498161307,0 -2804,967324.0,1972-11-08 01:43:00,1974-06-12 08:25:00,48.79733993969806,0.6760156212320418,0 -5874,1125018.0,1972-09-10 00:47:00,1972-11-14 18:02:00,47.57728457954843,0.7682455012217753,0 -2086,691158.0,1970-10-04 01:49:00,1973-12-13 22:05:00,42.24478617815186,0.2657264930518355,0 -3751,99672.0,1973-06-20 15:29:00,1975-01-21 14:43:00,50.80540007794262,0.9558592922996272,0 -5612,603733.0,1970-08-26 14:05:00,1973-01-19 11:48:00,50.42437125554812,0.3019191314067941,0 -2259,107085.0,1974-11-28 01:21:00,1974-08-20 17:35:00,50.2948715481615,0.8987844367486704,0 -4017,636731.0,1970-05-16 20:32:00,1975-08-24 14:38:00,41.84026411226556,1.2206196190120564,0 -6113,697519.0,1970-01-31 23:22:00,1972-01-22 17:49:00,45.476455712344205,0.3868947348666121,0 -6058,73688.0,1970-02-14 09:39:00,1971-04-25 04:52:00,42.71016606133271,1.870648751077993,0 -2424,874891.0,1974-07-03 14:53:00,1971-04-29 02:24:00,41.07728264492913,1.1603165881759212,0 -8034,193756.0,1970-04-29 23:03:00,1972-03-26 08:04:00,45.134912812555456,0.582188898264318,0 -3856,397803.0,1971-11-20 16:33:00,1974-02-28 05:13:00,45.48919325683962,1.292519987173126,0 -859,322183.0,1974-12-26 07:44:00,1973-02-05 17:03:00,51.54170551036004,0.7839925241034359,0 -8170,540081.0,1971-08-19 01:45:00,1971-09-30 15:38:00,40.637901625128,1.1945738266008892,0 -7591,871451.0,1974-12-29 19:11:00,1973-12-21 02:54:00,41.03182396561209,0.998436226236815,0 -8097,229025.0,1971-05-05 10:22:00,1975-06-23 00:42:00,39.74982392595714,1.2868707894518838,0 -7320,779607.0,1971-12-02 08:31:00,1975-08-16 05:00:00,50.72688620700204,0.5269802668334654,0 -8563,275589.0,1974-08-05 01:57:00,1975-01-13 03:21:00,53.30593359706668,0.4921803044862834,0 -4739,362932.0,1971-04-20 00:29:00,1975-05-09 17:56:00,48.51091118657701,1.1006266683062096,0 -8594,216003.0,1974-02-13 04:33:00,1975-01-07 23:18:00,49.20443186351822,1.2851624804193775,0 -4462,51889.0,1970-11-29 02:02:00,1972-04-09 09:41:00,49.3710673830433,0.5510518395288331,0 -5528,1142209.0,1974-03-25 03:08:00,1971-03-27 19:47:00,47.57099874557704,1.5176427926518523,0 -1364,250183.0,1973-12-01 18:35:00,1972-02-03 15:29:00,45.16597152697667,1.339827315821138,0 -1779,922856.0,1973-08-08 16:09:00,1973-06-30 13:10:00,47.93097342119688,0.9074882065893736,0 -9221,1007202.0,1973-11-14 11:47:00,1972-05-13 20:40:00,43.5237601425104,0.1635801708586508,0 -4785,983.0,,1971-05-25 15:13:00,47.60650803450156,0.9196484208459608,0 -6334,320727.0,1973-04-04 16:26:00,1974-02-16 13:19:00,54.14163362041126,1.4828726308766649,0 -1818,480697.0,1974-04-22 06:02:00,1973-03-22 00:55:00,50.29665527765682,0.256775007285951,0 -7799,219892.0,1973-03-20 02:28:00,1972-10-08 12:08:00,49.68526830685076,1.3883457378132495,0 -4937,119009.0,1972-12-13 16:23:00,1973-05-21 21:45:00,49.319649107587615,0.6771522826343392,0 -2704,19789.0,1974-11-26 05:48:00,1971-03-04 02:47:00,47.59535707120065,0.0,0 -5285,317532.0,1971-08-05 23:37:00,1971-07-22 21:48:00,52.748452510037225,0.9548497802924114,0 -175,370073.0,1970-07-21 16:14:00,1974-06-07 23:55:00,44.04521644360906,1.1749837492131423,0 -7481,128193.0,1971-06-30 08:13:00,,39.42546936004699,1.6709344082273252,0 -2093,240843.0,1971-06-05 03:05:00,1972-04-20 19:05:00,56.7435931955684,0.3727337776623618,1 -8750,933742.0,1970-02-20 13:43:00,1973-12-06 15:04:00,48.63104081873329,0.9440979285365968,0 -3491,741255.0,1970-08-04 17:49:00,1971-11-02 10:59:00,59.16176881818853,1.3164120013079492,1 -1920,1017742.0,1972-05-10 06:11:00,1975-09-13 10:22:00,53.04883481011957,0.6442712788357963,0 -82,221926.0,1973-01-08 09:25:00,1972-01-19 04:11:00,52.93351204138609,1.3353028854455062,0 -816,518107.0,1971-05-27 13:05:00,1975-09-27 00:36:00,46.33496637470015,1.304077371267038,0 -8601,548585.0,1970-12-16 00:37:00,1972-02-08 02:56:00,49.469832415512144,1.902410971814148,0 -7354,534876.0,1973-11-05 20:59:00,1973-10-11 14:10:00,46.13433018545037,0.9615457407935394,0 -4396,822426.0,1974-09-09 06:29:00,1974-10-25 19:14:00,51.22341048352333,1.3677863094325662,0 -9181,326850.0,1974-09-05 00:41:00,1973-03-22 09:19:00,58.93596134104301,1.2329778949498382,0 -5568,1038726.0,1972-05-18 22:29:00,1972-07-29 03:40:00,42.844737445595655,1.4005932796436398,0 -283,6919.0,1972-08-25 17:45:00,1971-08-19 10:26:00,54.33452935183146,1.6696547641076591,0 -4120,12805.0,1971-09-27 02:35:00,1973-08-31 10:31:00,52.08966867402603,1.0291613082893267,0 -7480,917641.0,1971-07-10 20:05:00,1975-03-07 00:58:00,58.58621037538222,1.2944740189000286,1 -609,574483.0,1973-03-16 15:08:00,1973-05-17 23:10:00,45.24906529444182,0.9579642070880235,0 -2915,1113896.0,1971-04-16 21:12:00,,43.98672837428587,0.1034080991959927,0 -1813,1051065.0,1972-11-16 13:30:00,1975-08-12 15:49:00,51.20541634573532,0.1618364787462065,0 -1271,377833.0,,1971-04-03 07:45:00,46.05836358007779,1.56316295991661,0 -5924,1060619.0,1974-04-19 07:45:00,1975-10-31 08:31:00,48.172364047077146,1.1203813643954763,0 -9595,1003222.0,1971-11-14 14:30:00,,34.73876403618706,1.030880355850065,0 -2994,68111.0,1973-04-09 15:36:00,1973-03-30 10:29:00,40.05868471889609,1.266978368306164,0 -7109,911488.0,1971-06-30 18:07:00,1975-01-28 22:19:00,49.7141747218148,0.2969690499651812,0 -8613,1037975.0,1972-04-12 04:21:00,1973-08-24 20:10:00,54.67508116731059,1.119226979668563,0 -7356,91089.0,1974-05-02 09:52:00,1975-03-09 08:10:00,42.82168793765129,1.3135146651944642,0 -2642,614429.0,1972-07-25 04:25:00,1971-03-13 06:09:00,45.02716991242731,0.9624376860072712,0 -6553,1196458.0,1970-10-24 00:49:00,1972-07-17 03:59:00,42.86088680520254,1.2086834999906355,0 -4508,1115830.0,1971-12-17 19:02:00,1971-04-01 16:38:00,36.68605387559035,0.9013124446587332,0 -2305,5170.0,1974-08-16 01:34:00,1973-12-02 05:50:00,54.99081955854255,0.8572913790646703,0 -6502,88654.0,1972-12-26 11:46:00,1972-08-10 12:50:00,51.64982130408685,1.392972720557463,0 -6260,597380.0,1971-09-18 02:57:00,1972-10-27 01:03:00,45.27044230787006,1.4427212099353728,0 -4195,237163.0,1974-10-23 11:13:00,1971-07-07 08:25:00,50.135389080570896,0.1836911095634794,0 -5562,136176.0,1973-10-15 17:53:00,1973-03-29 05:56:00,54.04642131159881,1.2910351195349314,0 -4840,69226.0,1974-06-28 01:00:00,1972-04-21 22:15:00,50.20366923046159,1.4221982324644815,0 -4655,450835.0,1971-04-13 17:18:00,1971-09-19 09:41:00,42.780861362465146,1.9217324065574384,0 -8147,460716.0,1972-12-12 11:10:00,1973-07-11 06:47:00,56.98114081236606,1.372559305248242,0 -4168,905304.0,1974-03-25 02:49:00,1973-04-15 16:47:00,43.189944793334845,1.0996938164813113,0 -3849,203135.0,1974-10-25 12:00:00,1974-09-07 00:54:00,37.11705968361665,,0 -9847,1011978.0,1973-02-08 06:37:00,1971-03-12 15:12:00,50.84774736389066,1.8696294689590367,1 -8401,753807.0,1970-08-08 07:10:00,1972-02-26 11:53:00,48.73607661667165,1.2867839598635744,0 -5253,436345.0,1973-09-16 01:52:00,1972-11-27 07:38:00,53.44515639411434,0.8771571503707948,0 -7884,660972.0,1974-04-11 21:34:00,1971-10-13 11:26:00,39.720535611859376,0.967551055398842,0 -5533,926197.0,1971-04-14 23:09:00,1973-02-25 03:17:00,51.41863862728899,1.4397166592502462,0 -2414,319192.0,1972-01-13 14:17:00,1975-01-27 18:44:00,51.72532710139963,1.6295430859927822,0 -3554,836518.0,1974-06-27 19:42:00,1975-10-27 00:14:00,42.385483833650696,0.2972725600449657,0 -4691,,1973-11-01 08:10:00,1975-12-15 14:44:00,45.29525492338144,0.7430188442693741,0 -4498,340696.0,1971-07-09 06:00:00,1973-01-09 14:40:00,54.00605242708923,0.6726723100261413,0 -2195,617090.0,1970-01-12 10:05:00,1974-10-28 17:57:00,55.41092581224608,1.1954930306971754,0 -5045,830828.0,1973-07-01 16:43:00,1971-05-28 10:18:00,51.352142420929695,0.5388218834363041,0 -2600,635115.0,1971-12-03 11:59:00,1971-05-31 10:58:00,36.18450052948592,,0 -1518,279382.0,1970-12-30 02:34:00,1972-11-12 12:43:00,45.57775965999574,0.8926597622802338,0 -4764,542233.0,1971-08-15 04:37:00,1975-02-09 22:34:00,48.6186943929844,1.5028042504896826,0 -4314,767705.0,1973-03-26 22:43:00,1972-12-18 23:14:00,45.23113465430386,0.6209394855354904,0 -3366,168255.0,1971-11-28 03:35:00,1975-09-17 18:31:00,45.93997541377465,1.6774930467350129,0 -6065,744131.0,1973-09-05 08:28:00,1972-10-25 07:16:00,47.80773909249724,0.9562404993012464,0 -6582,107258.0,,1972-07-13 01:41:00,51.03583743185965,0.8400940745425561,0 -2633,517139.0,1970-01-21 05:29:00,1972-04-16 17:44:00,53.40321860379071,0.4190099579895087,0 -7337,675922.0,1973-12-06 19:00:00,1971-05-30 06:21:00,51.10555281497857,1.1879575279361174,0 -5633,628190.0,1972-04-30 13:09:00,1975-01-15 22:56:00,46.48352659485647,1.1217908473019025,0 -9168,62368.0,1972-08-10 15:22:00,1972-09-20 17:33:00,53.573935718956285,0.9979752768655136,0 -8789,337841.0,1973-05-30 03:02:00,1975-05-22 20:24:00,45.23122723565314,1.2761907239893828,0 -2434,484501.0,1972-03-13 00:41:00,1974-11-03 00:09:00,54.54907063616664,0.1131423753746535,1 -8277,278131.0,1973-06-09 02:00:00,1974-02-02 18:29:00,53.13635178230836,1.15277175298929,1 -6758,346948.0,1971-11-15 21:16:00,1973-12-03 09:43:00,50.86990406113812,1.142657488972656,0 -6611,905719.0,1972-03-04 06:46:00,1972-11-18 02:45:00,48.590462097716646,0.7504549864141975,0 -4520,630170.0,1971-04-14 23:49:00,1974-10-18 05:02:00,43.43313888946796,0.0,0 -5587,1086132.0,1971-02-15 05:30:00,1974-12-24 21:48:00,40.1189393481942,1.6590601568129348,0 -3545,906781.0,1974-04-03 02:37:00,1971-05-13 21:44:00,49.77656683560996,1.2694110315585518,0 -5965,927662.0,1972-11-01 22:54:00,1971-06-02 01:08:00,57.13814907264163,1.1642833546714626,0 -5992,361280.0,1974-10-12 15:30:00,1974-02-08 19:00:00,51.71607993719935,0.8470813049836315,0 -8805,375043.0,1974-12-26 04:19:00,1974-01-22 03:48:00,42.270424022397776,0.7840458058701958,0 -5531,540635.0,1973-01-23 23:03:00,1971-08-21 15:10:00,48.23752397593273,0.3736159145302895,0 -5444,162505.0,1974-10-03 20:45:00,1975-12-11 13:22:00,42.83506141483044,1.055174128983359,0 -517,582848.0,1974-09-02 14:54:00,1974-05-06 21:21:00,37.14680580276701,0.4165749675823591,0 -6110,383018.0,1974-11-19 22:13:00,1975-05-10 02:15:00,44.162549996304506,0.3821635940225441,0 -6864,107597.0,1972-12-03 13:41:00,1972-08-23 01:38:00,42.02724004154568,1.212745795982009,0 -7960,657595.0,1974-10-18 08:09:00,1975-12-10 11:35:00,49.18284739337213,1.7829410148502165,0 -1415,269673.0,1970-03-21 11:10:00,1974-03-01 11:27:00,53.69483222562017,0.546437142668116,0 -4664,677525.0,1974-05-24 10:59:00,1971-03-12 05:41:00,53.091420408824696,0.3548578144715568,0 -4456,907673.0,1973-04-28 03:12:00,1971-02-08 15:00:00,44.05975490533474,0.570999635760916,0 -2761,796272.0,1973-01-03 04:51:00,1971-06-16 05:16:00,52.416589654680166,0.8279229070720626,0 -4855,624643.0,1970-05-31 11:30:00,1975-04-16 13:15:00,43.11283221166483,2.028866039919319,0 -127,250933.0,1971-06-15 11:56:00,1973-11-05 00:09:00,39.48976498276128,0.803808439243291,0 -3474,523854.0,1972-09-28 20:48:00,1975-09-09 00:33:00,46.3618443578964,0.0,0 -7969,1099658.0,1974-09-12 08:38:00,1974-02-13 16:25:00,55.50453176757439,0.6989822144117658,0 -4310,910950.0,1974-05-18 05:59:00,1973-05-25 07:03:00,41.680521164449736,1.4499206788947665,0 -2438,166531.0,1971-05-13 03:16:00,1974-08-20 19:34:00,44.85497616003306,,0 -3765,1036909.0,1972-08-05 04:33:00,1975-06-30 16:30:00,53.30434254763436,0.5376796005190932,0 -6876,766876.0,1974-07-24 20:11:00,1971-06-05 07:15:00,48.16673293679848,0.0,0 -5896,443254.0,1971-06-29 18:14:00,1974-09-19 15:27:00,45.44348844109136,1.3438557151887585,0 -5840,709062.0,1974-06-15 23:32:00,1973-02-16 10:33:00,53.25954978727493,1.1358861523967625,0 -8842,223071.0,1970-03-28 17:03:00,1975-02-05 10:24:00,47.896934962311576,0.768512856403205,0 -9770,972803.0,1970-01-07 13:29:00,1971-04-09 03:08:00,47.03610707728359,1.250864847370378,0 -1473,299829.0,1971-11-07 01:58:00,1971-12-01 23:26:00,40.49765900220858,0.4873580280066292,0 -4821,603678.0,1971-03-22 07:46:00,1972-03-08 11:22:00,51.90199075024988,1.4534507980932243,0 -6915,688432.0,1972-05-20 05:32:00,1973-08-10 09:23:00,45.62600529865799,0.7377882228176376,0 -3560,382783.0,1973-11-26 12:02:00,1971-03-07 20:36:00,44.87326649900503,1.2821169330261903,0 -3951,453675.0,1972-01-31 14:11:00,1973-01-27 16:07:00,44.23441654236595,0.7164749124583769,0 -49,602532.0,,1973-02-25 22:39:00,51.10978464932374,1.0324958473930457,0 -5437,613788.0,1972-08-10 03:01:00,1972-08-16 14:25:00,45.3317278827995,0.8231847120271022,0 -9897,271921.0,1972-11-12 04:21:00,1972-06-09 17:42:00,45.78566099452672,1.102454059790347,0 -887,359541.0,1970-05-02 14:46:00,1971-04-30 12:58:00,55.06034885538544,0.7000088868752019,0 -2616,21359.0,1970-01-15 21:56:00,1975-12-11 04:52:00,44.94049038064194,0.7349441110225284,0 -516,519753.0,1970-12-01 14:40:00,1973-03-12 19:30:00,46.70861440930946,1.3992485610326848,0 -3168,1063297.0,1971-03-21 22:34:00,1972-04-27 01:47:00,49.59041186314837,0.8143222703427166,0 -2949,1034716.0,1974-03-16 22:45:00,1973-04-29 09:18:00,51.42403560700409,1.5884515658971217,0 -1424,953507.0,1974-09-23 23:25:00,1972-10-15 17:45:00,51.66770677991097,1.3055786829442655,0 -139,130436.0,1974-07-13 06:22:00,1972-10-11 14:08:00,48.963633360688085,0.3931001416905628,0 -1924,899136.0,1972-04-21 10:23:00,1971-07-20 01:26:00,42.26581359439391,0.5158521707193442,0 -2378,353883.0,1970-09-09 22:52:00,1971-10-19 12:24:00,46.84015407130063,1.132532179573748,0 -3197,1101415.0,1971-04-19 00:01:00,1975-07-15 11:49:00,49.48314391435891,1.5515268166454996,0 -5131,261095.0,1971-09-13 14:58:00,1974-11-07 16:59:00,41.53718906896661,0.4800436199073703,0 -112,668348.0,1970-04-26 04:49:00,1973-04-07 15:58:00,46.36234452957515,1.9766065752545925,0 -4559,846400.0,1974-05-21 03:28:00,1975-04-29 02:53:00,56.37125700277298,1.8991300412931804,1 -4595,714547.0,1970-02-05 03:50:00,1974-08-29 20:36:00,48.33840384962683,0.813220820077285,0 -7997,634030.0,1972-08-01 05:38:00,1971-02-11 22:10:00,48.87631841326877,1.978216990172441,0 -3250,868707.0,1974-05-07 01:20:00,1973-03-31 12:10:00,44.88112487221243,1.0804731996024826,0 -4690,1178022.0,1971-04-20 15:42:00,1975-08-13 00:31:00,39.27187716988098,0.4417718492926855,0 -8115,2220.0,1970-11-25 22:02:00,1975-08-12 00:56:00,44.80805406809092,1.9049445895913864,0 -7767,83809.0,1971-02-03 00:35:00,1974-06-15 13:44:00,45.12452903866696,0.0,0 -4546,663056.0,1971-06-17 10:46:00,1974-06-21 23:49:00,49.96055931669681,1.026185905341328,0 -7084,677008.0,1972-11-02 22:55:00,1973-04-07 04:51:00,48.60814227258467,1.5225016145449644,0 -3277,563357.0,1974-01-07 23:25:00,1974-01-09 17:30:00,44.82426870906987,1.07326696837599,0 -7542,118788.0,1973-04-04 08:45:00,1972-10-20 02:53:00,45.07779523332342,1.3608683610856458,0 -6593,960779.0,1970-12-08 16:05:00,1974-11-08 22:42:00,55.84901091166167,0.6666722876328155,1 -4068,405924.0,1972-06-09 22:12:00,1971-01-11 11:05:00,47.79658660712685,0.2114525305131385,0 -4408,370470.0,1971-12-13 01:32:00,1974-05-04 06:07:00,57.78134503030833,0.9608144889659254,1 -8644,1096898.0,1973-04-09 04:12:00,1972-08-24 19:42:00,48.722187228502754,0.8185799629050977,0 -8588,1150654.0,1972-12-06 08:12:00,1974-11-19 12:53:00,39.8358214764244,1.8708835552025196,0 -7384,969348.0,1971-01-04 13:45:00,1975-08-17 21:47:00,44.55092624130731,1.0439950459511746,0 -3222,941096.0,1974-02-26 03:43:00,1974-10-29 14:49:00,44.28003079473116,0.670883091759177,0 -8210,941675.0,1970-07-01 01:57:00,1972-05-21 09:46:00,48.93679266968965,0.8440818935727359,0 -451,147508.0,1974-01-30 10:56:00,1975-04-12 06:48:00,47.25440244574603,1.1087407599505932,0 -3731,470223.0,1970-10-11 08:55:00,1974-06-14 14:18:00,48.17500260828297,1.3227270541948293,0 -8953,921794.0,1971-12-08 17:08:00,1972-06-03 03:21:00,50.411791640569575,0.7989118388089502,0 -4986,1006744.0,1973-10-07 11:18:00,1973-11-01 07:06:00,51.79197313417717,,1 -3663,241235.0,1970-10-18 00:08:00,1971-08-14 05:13:00,43.06821493200499,,0 -2763,919279.0,1970-08-01 03:18:00,1971-11-26 09:04:00,49.513506896413936,0.8496736611869722,0 -658,514438.0,1970-08-21 17:46:00,1973-01-20 16:35:00,52.81851429727897,0.7677412485203484,0 -7678,1103519.0,1973-12-24 02:09:00,1972-01-30 16:49:00,43.23790370302493,0.0,0 -7676,925959.0,1972-03-20 03:42:00,1971-05-22 11:14:00,47.63610740748774,1.1311473420019298,0 -4620,274545.0,1970-06-07 09:08:00,1972-03-27 00:05:00,43.76515467489713,2.140983099508337,0 -999,89783.0,1970-01-24 19:57:00,1975-10-05 00:40:00,48.93675222513657,0.831914362579856,0 -389,996814.0,1970-03-12 15:02:00,1971-06-10 13:09:00,43.9113514062695,0.4377243806108114,0 -3407,729426.0,1970-12-15 02:40:00,1971-08-26 21:50:00,46.08832026415719,,0 -1476,770318.0,1974-01-01 04:40:00,1975-07-13 19:38:00,39.41365525249614,0.9555537631359244,0 -2240,732790.0,1971-02-02 11:16:00,1972-06-29 10:11:00,43.42282493218202,0.999857345464901,0 -2386,1060010.0,1972-11-12 23:22:00,1975-06-05 10:38:00,42.31154097631117,0.1601685040839334,0 -9139,204824.0,1972-04-17 04:42:00,1975-12-19 04:34:00,50.47506630604194,1.4213878769611057,0 -992,284123.0,1970-12-11 22:43:00,1973-12-06 17:24:00,43.41107571568912,1.3347843802367618,0 -4997,53283.0,1973-05-02 05:13:00,1972-11-25 18:18:00,51.014144839882526,0.6217761872279216,0 -3922,917971.0,1973-04-10 00:38:00,1975-07-07 14:23:00,47.45036545104005,0.1026405417918464,0 -2972,206274.0,1971-02-23 11:23:00,1975-08-13 23:27:00,52.78440911962207,0.6542530079014593,0 -3386,115334.0,1971-12-19 09:31:00,1975-11-01 00:41:00,42.43133881798015,1.7647555799882442,0 -7885,638069.0,1974-03-16 10:03:00,1971-04-28 01:10:00,58.50559971550642,1.5202191509535254,0 -8812,438365.0,1972-04-10 05:08:00,1975-01-04 08:59:00,51.26508942767679,0.4668727334729241,0 -4769,951956.0,,1971-10-31 11:05:00,48.11745464479191,1.5503934136773112,0 -1293,94097.0,1972-01-29 17:33:00,1973-07-19 13:33:00,48.35317556255777,1.5083374710871955,0 -1824,201.0,1974-11-28 02:45:00,1973-01-30 16:52:00,52.16111291522006,0.3519943253734042,0 -2873,471619.0,1970-07-28 20:37:00,,46.74317039510998,0.28350530880398,0 -4173,1091366.0,1973-02-20 11:09:00,1972-01-22 12:02:00,50.77817508001161,0.8544683785076056,0 -2535,1082090.0,1972-03-20 11:20:00,1971-05-28 04:06:00,54.02481748537638,0.3719747878019047,1 -9132,690961.0,1973-06-05 17:36:00,1974-03-02 00:24:00,34.57769722404827,1.2982060595721014,0 -1907,1003768.0,1970-03-24 04:56:00,1975-04-05 08:51:00,49.098764064298166,1.2360131418432088,0 -42,604865.0,1973-12-31 21:51:00,1973-06-11 12:53:00,41.35650057918707,0.9704707689026666,0 -9491,381512.0,1970-05-15 18:31:00,1971-07-02 04:34:00,40.91079914785725,1.4403969280030942,0 -368,54478.0,1973-08-02 22:55:00,1973-06-09 21:32:00,48.140790131403406,1.3697842271673744,0 -1151,847602.0,1972-08-31 05:57:00,1973-08-18 06:28:00,50.75710224577869,0.4412441243957149,0 -7752,471134.0,1971-07-05 18:33:00,1972-08-26 11:16:00,45.79341635012221,0.8975227230886383,0 -6358,352855.0,1971-12-27 00:06:00,1971-06-09 07:58:00,51.25740624111638,0.5925045315538553,0 -5912,951811.0,1974-06-29 07:28:00,1974-08-16 17:43:00,52.75334246981115,1.2558049854775968,0 -6507,756922.0,1974-07-10 00:11:00,1973-03-07 09:28:00,,0.5968457051182914,0 -7525,713468.0,1973-04-17 08:24:00,1975-06-15 23:21:00,52.84751749709708,0.85635525283357,0 -4160,561120.0,1970-10-06 17:40:00,1972-12-23 21:39:00,43.647156716453495,0.3463870280126985,0 -4287,1122284.0,1970-08-23 16:38:00,1974-02-04 08:01:00,50.72309648838498,0.9596989574966694,0 -7775,874936.0,1972-11-07 11:55:00,1975-05-12 17:33:00,47.45669815449649,0.0127469242783548,0 -6714,917101.0,1972-12-31 19:16:00,1973-06-03 09:27:00,45.5311810047122,0.6754136988173081,0 -174,1065528.0,1970-04-25 00:09:00,1975-07-18 19:41:00,51.10763681406229,0.2755861267441172,0 -1903,408081.0,1974-07-22 19:42:00,1974-01-16 01:59:00,51.16797236646173,0.9805222328165938,0 -1099,881688.0,1970-06-06 07:28:00,1974-05-09 18:04:00,53.7816186667878,0.0853686780356862,0 -8114,798183.0,1974-03-18 12:56:00,1973-06-14 06:58:00,42.5764229721514,0.9747418194969956,0 -3408,615213.0,1972-09-07 04:04:00,1971-07-04 01:29:00,49.62073573430848,1.3641769957805805,0 -1538,659543.0,1970-07-24 07:08:00,1975-08-19 07:56:00,57.042530006167695,1.2770105979548778,1 -2292,291011.0,1970-04-21 01:45:00,1971-11-05 15:11:00,47.0646142354272,1.9077177583580456,0 -9300,589016.0,1974-10-30 00:33:00,1974-08-15 16:44:00,45.81337776653967,1.171462099269509,0 -1363,302740.0,1973-03-24 17:48:00,1972-06-12 16:17:00,45.81232157393414,0.6707044436318376,0 -7188,870510.0,1971-09-01 03:51:00,1973-05-01 12:36:00,50.1404120541836,1.366704586499415,0 -6627,433273.0,1970-09-30 01:23:00,1975-11-21 11:26:00,48.92847659935159,1.3943325552234878,0 -5260,991048.0,1971-08-06 20:06:00,1973-07-11 18:23:00,54.08989004543254,0.961867078564468,0 -6815,849737.0,1974-03-07 01:36:00,1972-08-08 13:21:00,54.00173737636269,1.427573046137242,0 -9461,713817.0,1973-02-24 19:08:00,1975-10-05 19:24:00,47.96111677365357,0.0,0 -680,439478.0,1974-06-23 09:19:00,1972-01-28 04:21:00,42.72994715677004,1.920758926711905,0 -9315,313995.0,1973-01-20 12:00:00,1971-09-30 02:34:00,54.68053804392338,1.2819374698494812,0 -9298,652062.0,1972-01-02 11:12:00,1975-12-30 06:15:00,44.6839316432654,0.0,0 -3664,428096.0,1973-04-22 01:44:00,1973-09-10 13:18:00,46.665394183979686,1.0844806338618675,0 -1661,49332.0,1974-02-10 22:15:00,1973-01-04 10:22:00,51.65648194997853,1.3699422632425569,0 -508,1032735.0,1971-07-09 21:46:00,1975-01-04 12:49:00,57.24409446498073,0.5921709157862349,0 -166,693206.0,1973-11-12 23:39:00,1972-06-29 07:58:00,53.59471026050573,0.814670401912557,0 -5497,283339.0,1972-02-09 17:33:00,1971-11-24 08:52:00,43.41714011044182,0.8942709078474624,0 -8299,105409.0,1973-08-04 16:04:00,1974-10-23 17:11:00,50.097907717666416,0.8396910418201304,0 -1006,150905.0,1974-11-25 01:52:00,1971-07-28 20:24:00,51.26734318395163,0.5991042821462844,0 -9739,662459.0,1974-04-08 06:31:00,1974-01-20 18:41:00,53.99396648208929,0.7297378094733504,0 -1914,1042441.0,1972-03-15 03:06:00,1971-05-01 02:44:00,44.27358407568426,,0 -3494,998990.0,,1972-12-11 18:06:00,49.39187353570541,0.7495012664398025,0 -9633,839303.0,1970-11-22 13:20:00,1971-08-30 11:49:00,51.48673863046543,0.3559990940846358,0 -9750,129956.0,1970-07-23 13:55:00,1972-04-14 23:27:00,49.00426676056501,0.5355432816548267,0 -6444,393439.0,1970-12-27 11:55:00,1973-01-27 17:31:00,46.10375173411349,1.4489872729864712,0 -4990,181044.0,1972-11-20 23:09:00,1972-12-26 12:28:00,36.56524477486881,0.9166478890503929,0 -2536,605994.0,1974-02-24 16:26:00,1975-10-23 19:55:00,41.86614249866047,0.680873120740898,0 -1104,590692.0,1972-09-14 15:32:00,1971-06-23 01:59:00,56.99047422904896,0.0,0 -3875,92176.0,1970-04-18 08:54:00,1972-06-06 18:36:00,56.29023829919464,0.416978022479707,0 -7523,127354.0,1972-04-09 03:02:00,1974-02-10 04:12:00,54.12921975585539,,0 -1752,1064757.0,1971-09-22 17:01:00,1973-04-22 14:40:00,54.60700225822913,1.1826021616545084,0 -5310,184164.0,1974-09-08 09:23:00,1974-03-20 18:36:00,43.05653403998719,0.3364611717887884,0 -7296,795871.0,1972-05-02 19:57:00,1973-08-21 19:20:00,54.28826156454544,,0 -2916,1177776.0,1973-10-23 11:08:00,1975-01-03 15:01:00,49.95649211208771,0.8833358169923482,0 -8974,1118004.0,1971-07-07 15:50:00,1974-09-12 14:39:00,44.66375564744824,1.2076257634484993,0 -5754,861515.0,1970-01-24 22:46:00,1974-02-12 04:34:00,46.314845341926144,1.3139827290988189,0 -152,838806.0,1973-11-25 12:47:00,1973-12-08 04:58:00,44.47187107793064,0.9290887210937278,0 -7690,636969.0,1971-09-10 20:51:00,1974-11-19 07:03:00,41.86084942491816,0.1313527483727198,0 -5679,528208.0,1971-11-06 00:00:00,1973-12-22 01:18:00,51.0485356176774,,0 -3907,22496.0,1972-11-04 22:38:00,1975-11-04 00:58:00,29.55550705496405,0.7560239804198708,0 -9135,605832.0,,1972-05-01 10:17:00,44.130029496957775,0.7482527889800856,0 -2552,820729.0,1970-01-05 02:14:00,1972-07-12 18:28:00,45.73079654718575,0.9848073275143608,0 -2773,1167280.0,1972-06-12 23:08:00,1972-07-15 06:37:00,54.86199539365496,,0 -6098,829731.0,1970-10-17 15:49:00,1975-01-08 00:08:00,51.57429689950759,0.5853727983322365,0 -3551,1078990.0,1974-11-04 01:06:00,1974-08-27 21:42:00,44.63993416246521,0.709831736661641,0 -3722,1162375.0,1970-10-05 08:57:00,1972-05-22 15:38:00,48.96186474621176,1.9069459167783005,0 -9870,604291.0,1973-10-01 07:17:00,1972-07-08 17:21:00,43.68147115097994,1.5654064374081007,0 -520,822851.0,1974-10-08 02:42:00,1971-02-23 09:33:00,48.06942788221817,0.9434526784015912,0 -8033,382350.0,1973-08-27 10:19:00,1973-11-19 19:17:00,49.41998936769176,1.721316081818297,0 -4538,11229.0,1971-01-25 08:06:00,1973-01-16 11:22:00,47.87894406086037,1.2815854114513834,0 -6778,456065.0,1973-03-29 19:52:00,1973-07-29 07:49:00,42.35994982443335,0.0,0 -1822,748003.0,1973-12-20 09:59:00,1971-07-09 10:10:00,47.27025634905485,1.3234246901135611,0 -4086,192632.0,1971-10-17 20:13:00,1972-05-07 00:33:00,49.806017234999125,0.9674133135242164,0 -6148,653324.0,1970-07-22 04:41:00,1971-12-15 06:42:00,44.64239183287841,1.4016084212777544,0 -8742,789841.0,1970-07-21 15:38:00,1973-06-28 11:21:00,44.644568354510085,1.891613088672472,0 -9472,523152.0,1972-07-21 09:14:00,1972-02-27 19:07:00,53.47222813893912,2.3789898290495213,0 -7741,76522.0,1973-08-04 04:47:00,1975-06-05 11:26:00,34.38405724073359,1.6190284842765337,0 -309,1121228.0,1970-01-02 11:44:00,1974-02-23 12:03:00,53.629220909979125,0.3564160958134492,0 -7720,58759.0,1974-01-22 22:38:00,1975-07-21 09:46:00,43.32729609141275,1.3973056676970683,0 -8222,682193.0,1973-12-12 23:42:00,1971-06-22 23:25:00,44.06207931811383,0.3286507615120756,0 -8656,769817.0,1974-05-15 10:45:00,,48.32902938557164,1.3854774749505303,0 -3599,1108839.0,1970-11-18 11:01:00,1973-10-13 02:18:00,42.91615617134795,0.8171458594763282,0 -3622,212370.0,1971-11-28 17:07:00,1973-03-08 03:39:00,47.82636220976612,0.978412341864182,0 -3811,1119886.0,1971-05-05 21:23:00,1975-11-08 13:20:00,43.65792182857166,1.097202079519077,0 -3450,487062.0,1971-02-02 01:28:00,1971-10-30 00:58:00,42.82950700811859,1.2536131508572417,0 -4591,430048.0,1971-05-21 01:53:00,1974-10-25 20:57:00,48.14512982906335,1.1651300014995831,0 -205,1023725.0,1971-07-26 21:26:00,1972-06-16 21:40:00,46.93986021668316,1.659319789719411,0 -9840,560127.0,1972-01-19 16:45:00,1975-10-26 00:28:00,43.22738130435852,0.0,0 -1135,752798.0,1974-08-05 06:28:00,1975-03-22 09:26:00,44.54324766104071,0.8716362636883934,0 -9384,534551.0,1970-12-26 00:05:00,1973-04-13 12:56:00,42.2718765547111,0.6256630155058989,0 -2749,109942.0,1970-05-15 19:25:00,1971-11-05 06:46:00,53.76179097951261,1.558564089727501,0 -3613,470166.0,1971-09-01 22:03:00,1974-11-20 23:26:00,58.9831502966982,1.5461659769428668,1 -305,862807.0,1970-10-26 20:57:00,1974-07-09 22:39:00,56.78919279302686,1.4963775644708863,0 -1849,711583.0,1974-10-01 21:15:00,1972-09-16 04:59:00,52.59163453180568,0.626493149810291,1 -7669,63148.0,1974-09-14 09:16:00,1971-11-10 20:59:00,51.0213162643722,0.4209877198627255,0 -1988,225333.0,1973-05-05 20:19:00,1971-07-24 22:04:00,47.28212524594446,1.0948019697783609,0 -3240,395864.0,1971-07-25 05:13:00,1972-07-22 17:01:00,47.20885892095004,0.4227070324030525,0 -2798,255326.0,1973-08-10 17:14:00,1971-01-26 21:10:00,48.32650957421872,0.6063623370764253,0 -4515,429826.0,1972-03-04 23:56:00,1974-02-24 16:25:00,48.80894178542663,0.7153209853110497,0 -5630,39779.0,1971-04-21 14:51:00,1975-06-09 11:30:00,52.27514467697908,1.4188282900321134,0 -9372,792379.0,1974-03-06 18:32:00,1972-05-12 00:42:00,53.26996006524988,0.0,0 -3109,996484.0,1972-07-10 12:48:00,1975-07-21 17:22:00,38.691565804386414,,0 -4939,328344.0,1972-03-07 01:19:00,1971-08-12 13:51:00,50.79228003314432,0.951411869286992,0 -4059,3655.0,1970-03-16 17:42:00,1971-05-14 09:33:00,47.93732705436005,1.2687764911073167,0 -1987,323066.0,1974-07-21 07:52:00,1972-08-13 14:30:00,51.79795624117518,1.3260176434226352,0 -7157,1185764.0,1973-10-06 12:23:00,1972-01-25 08:59:00,42.6114407685897,1.0796236178383094,0 -8874,1140679.0,1970-08-26 14:25:00,1972-07-15 03:34:00,45.95804511205026,1.770126227441522,0 -6613,1108517.0,1972-06-08 09:56:00,1972-12-11 18:44:00,53.49738243594233,0.3576974512381186,0 -383,199405.0,1970-01-13 03:46:00,1973-08-31 13:46:00,37.28292220008795,1.1905652069404646,0 -5634,769313.0,1972-03-21 18:29:00,1973-07-05 02:19:00,48.25799797020424,1.009320617656056,0 -4307,635261.0,1971-12-14 11:14:00,1975-03-12 21:04:00,50.80159853138021,1.3605017296291169,0 -3388,706963.0,1972-12-03 09:47:00,1975-11-12 23:54:00,38.79663346485867,1.7356637253143945,0 -3156,574818.0,1972-02-10 09:39:00,1974-05-07 07:19:00,47.07939355192088,0.6610433034786867,0 -9995,359868.0,1971-04-16 13:53:00,1975-12-12 07:01:00,43.89304112183375,1.7998731357508475,0 -2727,29213.0,1973-12-13 18:16:00,1974-12-14 21:12:00,46.81207887398927,0.9923313761975752,0 -6333,363270.0,1974-05-07 02:19:00,1973-11-14 07:23:00,46.83805491511489,0.8393111577999954,0 -9899,53539.0,1973-03-04 00:39:00,1973-01-25 04:57:00,51.82834717336917,0.8134976254137191,0 -8751,916135.0,,1973-09-13 07:35:00,58.5569106831872,0.8704408540759049,1 -8302,116999.0,1974-11-08 14:03:00,1975-07-29 02:15:00,52.84576353512991,0.1037723833082671,0 -6037,60485.0,1973-06-25 22:06:00,1973-10-28 06:48:00,47.0446192715858,0.7499289618453812,0 -3832,25410.0,1971-07-15 00:49:00,1973-11-26 06:29:00,53.05184013931266,1.387009881265543,0 -8917,408989.0,1972-05-15 23:33:00,1974-01-03 01:00:00,52.11464978820322,1.4499549775713856,0 -4776,113354.0,1974-07-26 05:00:00,1975-03-24 11:51:00,41.751561254149735,2.029916867575581,0 -4276,556199.0,1971-08-23 20:15:00,1973-04-20 21:01:00,42.10141049306633,0.4768820261594546,0 -253,182961.0,1974-05-18 22:48:00,1974-04-28 01:19:00,48.02332453136195,0.9411828373502762,0 -7895,969459.0,1971-08-06 19:50:00,1975-10-27 15:31:00,52.89081915140566,1.7553587315938604,1 -9590,41186.0,1972-08-17 08:36:00,1974-08-28 22:51:00,53.885912097146246,0.8694102508551642,1 -7288,173472.0,1972-05-29 00:35:00,1975-07-02 12:43:00,51.477065268922985,1.2112171600551294,0 -278,255937.0,1973-06-05 20:31:00,1973-03-07 08:53:00,40.303619177179485,1.2765387252204274,0 -3252,321091.0,1974-07-30 03:49:00,1975-07-25 08:04:00,41.06856037138334,1.4641674246158338,0 -2480,307809.0,1973-03-31 22:23:00,1974-01-07 08:47:00,47.77844451125194,0.6859423810131687,0 -289,62341.0,1972-01-25 00:02:00,1975-12-07 19:05:00,51.47140121892759,0.6163977671292229,0 -6086,1107754.0,1970-09-10 17:44:00,1973-08-14 19:49:00,53.10861650255627,2.616014601048261,0 -3075,839590.0,1974-11-18 12:26:00,1975-04-30 03:00:00,52.68904442096236,0.6042793131716651,1 -8123,55678.0,1970-07-04 00:20:00,1974-02-09 11:22:00,40.60791050962428,0.8828981846395761,0 -7598,436892.0,1970-03-06 20:02:00,1975-03-04 00:09:00,49.96217245541684,1.4277954505945094,0 -6403,904808.0,1973-01-19 17:23:00,1974-01-07 14:04:00,45.82025084827157,1.7560706445406835,0 -5089,1149891.0,1972-03-04 20:27:00,1973-08-02 18:17:00,50.56074625082075,0.4575485954199453,0 -7283,13465.0,1970-12-19 19:42:00,1971-10-31 19:12:00,50.926799620119866,0.8460397734585945,0 -9717,938835.0,1973-05-22 22:19:00,1972-01-25 11:39:00,45.733621435021874,0.9725801112341684,0 -8402,651536.0,1974-07-22 04:13:00,1972-12-13 04:35:00,47.43555307997602,0.6755894281497076,0 -6121,777385.0,1973-03-12 19:34:00,1975-05-14 16:40:00,51.33248188495404,0.9948024785459778,0 -7754,153604.0,1974-01-15 01:32:00,1975-12-21 22:59:00,51.08286508512012,0.9488491294128912,0 -270,303864.0,1972-08-22 00:50:00,1974-01-26 16:37:00,50.491125883603104,1.069144359757647,0 -6009,529166.0,1974-05-11 05:21:00,1971-12-03 09:30:00,39.35711134970368,1.4338401060514558,0 -4570,407713.0,1970-11-03 18:10:00,1972-07-03 03:54:00,45.95000707741722,1.7549793856384173,0 -9116,923008.0,1972-01-18 08:31:00,1973-02-25 01:10:00,57.60928951664562,0.4488876345683865,0 -9803,96546.0,1971-07-16 10:28:00,1974-07-09 23:54:00,59.91912083707005,1.3877256773957214,1 -2971,390919.0,1973-06-10 07:07:00,1973-03-28 20:24:00,51.53824775139913,0.4337493328358754,0 -6193,692771.0,1971-07-10 10:46:00,1972-08-24 15:37:00,54.71408082579997,1.3971893874930357,1 -8768,963353.0,1974-02-26 06:11:00,1973-06-28 00:00:00,52.4357258234508,1.2143524086150626,0 -4207,661973.0,1974-10-30 06:39:00,1971-12-02 10:14:00,46.47107433341342,0.9187439481891362,0 -3218,242289.0,1972-07-19 03:30:00,1974-07-30 18:39:00,43.620625189787816,1.2884585138572824,0 -1391,861762.0,1971-09-07 23:19:00,1972-06-29 11:44:00,48.61704159776024,0.9891837577256216,0 -3975,175954.0,1972-07-10 03:29:00,1972-05-28 06:17:00,33.99862360583582,0.8890997777583752,0 -4316,444907.0,1971-05-05 05:21:00,1973-09-03 02:35:00,53.01772264073382,0.9266130411969244,0 -7959,154715.0,1974-06-24 21:34:00,1973-06-27 04:44:00,53.34853787252936,0.8957418470244926,0 -7344,754093.0,1974-07-24 18:43:00,1971-11-13 14:40:00,49.04859557133709,0.8400236514773599,0 -7448,870315.0,1974-05-05 03:01:00,1975-11-04 14:41:00,43.7537160027583,0.9654471238267196,0 -83,1182529.0,1971-08-31 17:35:00,1974-12-18 20:14:00,42.85500663829169,1.8356501661032243,0 -873,236352.0,1971-02-09 17:20:00,1975-10-15 08:02:00,52.95730894985936,1.0114157008332,1 -9605,53763.0,1970-11-03 18:31:00,1975-08-11 17:21:00,49.09458449191435,0.4684607428968443,0 -7635,241538.0,1972-08-18 12:10:00,1975-10-11 16:47:00,50.21818739055133,0.9067167254424766,0 -4557,222838.0,1974-01-24 09:11:00,1972-05-26 09:05:00,46.53958452246775,0.5080991017608371,0 -4500,975170.0,1972-12-07 09:37:00,1973-03-28 17:47:00,56.91089219187939,1.1501927255482736,0 -4647,1018674.0,1971-05-30 04:18:00,1972-10-29 12:14:00,43.85665701371492,0.2229583138120537,0 -2038,864783.0,1970-12-09 01:15:00,1974-06-16 19:35:00,54.97811831079324,1.4174600840537912,0 -9694,982848.0,1972-01-25 22:29:00,1972-04-30 00:14:00,40.92696563167558,0.6147735616575376,0 -6909,520927.0,1971-04-30 20:38:00,1972-12-25 08:11:00,43.80375185931888,1.280199265968187,0 -2450,879506.0,1973-10-03 16:35:00,1975-11-17 00:54:00,51.3627294995487,1.1180412095982772,0 -3954,710793.0,1974-10-09 17:56:00,1975-09-10 19:54:00,45.08320419109826,1.0344688601845362,0 -2329,241398.0,1974-02-14 16:39:00,1974-11-22 00:23:00,42.57121589246017,1.1930652883161352,0 -9124,413340.0,1974-09-06 22:22:00,1971-11-12 19:00:00,54.08808722590734,1.3081600071921438,0 -7044,157016.0,1970-06-26 21:18:00,1971-03-27 17:54:00,50.90577758694843,0.688136475876042,0 -5042,690740.0,1973-08-22 19:01:00,1972-07-16 10:53:00,42.760587274750975,0.9293534010608574,0 -9364,399628.0,1972-05-08 13:47:00,1971-11-04 01:56:00,54.93936949095433,0.8166793352912218,0 -4746,480465.0,1973-09-08 21:20:00,1973-06-24 08:25:00,49.542336605128,0.1860133764911292,0 -9367,621085.0,1971-05-11 18:03:00,1975-05-24 22:54:00,47.10123958168847,1.2495433614300044,0 -9402,777450.0,1971-12-21 21:02:00,1973-07-09 07:17:00,45.87817287125333,0.9534696582681232,0 -6491,1169274.0,1972-01-22 21:09:00,1971-12-05 23:57:00,48.27558935010465,0.9361858482271032,0 -6637,1070868.0,1974-04-03 19:45:00,1975-10-26 22:26:00,42.64284645774832,0.982529212948632,0 -7225,788257.0,1970-05-13 17:19:00,1974-05-15 04:40:00,44.82799158261084,0.7859555791708632,0 -2401,264313.0,1972-03-03 16:56:00,1972-07-24 12:54:00,47.92355767097684,1.633888913623369,0 -5520,233312.0,1971-10-20 00:07:00,1972-06-16 19:03:00,58.801779879693214,1.5047582470550815,0 -1216,206143.0,1971-10-11 14:25:00,1971-11-08 04:43:00,42.988641938386536,1.2372101315012884,0 -8695,195325.0,1973-08-29 02:41:00,1971-03-21 13:08:00,50.4387115254581,0.6507591828591341,0 -6020,825417.0,1972-11-25 18:03:00,1974-01-14 03:51:00,52.70716110399489,1.149362226497954,1 -6865,858475.0,1970-10-02 04:56:00,1975-06-20 18:36:00,47.19184859077277,0.5365562630246492,0 -1064,764201.0,1973-11-06 08:37:00,1973-12-05 18:56:00,54.12635532391208,0.1294255482508468,0 -3786,230833.0,1974-06-14 01:01:00,1975-10-21 22:31:00,45.2526259137769,1.1143167162859555,0 -4410,994241.0,1971-05-22 15:10:00,1975-08-07 21:17:00,38.974431534375945,2.044324060663858,0 -6859,151668.0,1973-10-28 16:23:00,1974-11-11 18:29:00,47.563037964083655,1.0253541323418922,0 -6760,942260.0,1974-11-28 21:21:00,1974-03-10 16:52:00,45.58773745830265,1.0059210551434812,0 -5523,875924.0,1972-01-03 03:55:00,1975-01-14 07:37:00,44.507195170501646,1.4039445406287998,0 -5996,326064.0,1973-11-23 17:12:00,1973-06-24 15:25:00,39.92641126366588,0.0,0 -8833,460379.0,1972-03-09 07:49:00,1974-10-03 06:34:00,48.6457418642605,0.6571985849210241,0 -5888,984848.0,1973-04-13 07:24:00,1975-10-14 10:41:00,47.138426277136304,1.026039204893673,0 -2161,994877.0,1972-11-14 21:45:00,1971-10-11 16:14:00,43.78224306790904,0.6167416049121739,0 -3008,800917.0,1971-01-30 15:24:00,1971-03-02 12:18:00,51.127694864780125,0.1633810714206383,0 -1105,801001.0,1970-02-05 21:41:00,1975-03-31 06:38:00,49.69122874609704,0.5071593578581016,0 -6654,1027831.0,1971-12-01 04:10:00,1972-07-09 06:05:00,33.90158260848844,0.9636814894841416,0 -692,1002032.0,1971-03-22 13:11:00,1973-06-21 00:22:00,47.51500194107279,0.7054456478355084,0 -9957,1001094.0,1973-07-04 16:11:00,1975-04-21 11:03:00,52.98537500366866,0.9802326222878216,0 -4956,219020.0,1971-10-04 13:52:00,1972-01-22 16:49:00,40.78344198357684,1.0351431379129528,0 -6597,861985.0,1973-03-01 12:55:00,1972-01-27 13:27:00,52.37456145709321,1.4187047212639938,0 -8480,198338.0,1972-03-17 04:17:00,,49.57303011397509,1.2306696130142385,0 -4369,574746.0,1971-11-13 18:57:00,1971-03-15 07:27:00,45.18107616912631,0.9354680697973088,0 -2765,1013950.0,1970-03-20 06:12:00,1973-09-29 21:08:00,41.700706152371794,0.8362787323507282,0 -3929,927643.0,1971-09-08 09:40:00,1971-10-09 22:40:00,55.06313871946713,1.2362366314732334,0 -7134,1178376.0,1971-11-19 02:30:00,1971-11-25 02:47:00,55.48643991849276,0.3201819440940554,0 -8735,119061.0,1970-11-03 07:43:00,1975-05-18 08:11:00,48.63640054587288,0.8064357740847372,0 -7530,192617.0,1974-03-23 01:09:00,1975-12-11 05:56:00,53.455586719167925,0.8253293636270722,0 -7528,77611.0,1970-03-11 01:52:00,1974-02-07 03:19:00,46.37047742455332,0.0332742309848504,0 -628,156016.0,1971-10-27 13:33:00,1975-07-28 09:28:00,43.50667113763576,0.92957473338876,0 -2451,612818.0,1970-12-10 05:53:00,1972-04-15 17:34:00,46.30892487003843,0.9405752149616092,0 -6239,588628.0,1970-05-02 23:38:00,1975-06-26 15:41:00,52.62203314882608,0.7313381608840996,0 -7012,371535.0,1973-03-28 09:24:00,1974-07-11 15:38:00,47.67076263288133,0.5783026671827707,0 -3824,515163.0,1971-07-21 12:51:00,1973-09-09 08:16:00,44.92953268209884,1.154932376774092,0 -8977,929773.0,1973-12-30 04:10:00,1971-05-07 02:16:00,41.74382762638526,1.5183235551173362,0 -2652,103631.0,1970-04-03 23:14:00,1973-03-30 16:15:00,48.58554523632654,0.491486470380639,0 -9107,42396.0,1970-10-15 19:28:00,1975-04-05 05:29:00,43.1922804516928,2.002771999268947,0 -3743,704805.0,1971-01-20 03:02:00,1973-11-11 01:14:00,48.07421179400683,0.5094770354732023,0 -2176,995806.0,1972-07-24 21:04:00,1974-03-06 04:24:00,45.0764103635334,0.6432656027850239,0 -9906,235927.0,1971-07-28 04:31:00,1972-03-27 09:27:00,46.84263024140736,0.5034412566845325,0 -9263,309443.0,1974-11-01 08:09:00,1973-08-02 13:18:00,50.03645545389391,2.3860085042368047,0 -3318,198393.0,1971-11-03 16:09:00,1971-10-20 03:07:00,51.41737577714834,1.6545796051356063,0 -6343,840094.0,1971-11-11 04:11:00,1973-06-12 13:50:00,52.4678850406066,1.0818556702482809,0 -2787,210161.0,1973-01-19 04:36:00,1975-06-22 18:00:00,38.33637162703325,1.2129250190947691,0 -4105,278604.0,1974-12-10 12:07:00,1975-02-03 17:14:00,41.29801028235802,1.2323563136466424,0 -6355,354839.0,1973-03-31 17:19:00,1973-07-08 14:51:00,46.06918085162584,0.9365909022241689,0 -1676,101837.0,1971-03-05 16:32:00,1975-11-19 04:44:00,39.69418912675229,1.1184783171212949,0 -3947,763330.0,1972-02-15 04:53:00,1975-10-04 19:09:00,46.31609977099448,1.0778005648439342,0 -4444,266616.0,1972-11-14 13:13:00,1973-10-25 06:51:00,48.51097729943768,0.9686632148023352,0 -2936,390485.0,1973-09-28 08:09:00,1974-03-09 13:38:00,49.72210768702011,1.6166497851848294,0 -9005,194060.0,1973-02-15 06:02:00,1972-09-07 14:31:00,47.914768754740194,1.4479435256497135,0 -7766,642860.0,1973-11-03 16:44:00,1973-11-15 14:11:00,44.65867900959541,0.9489325441302884,0 -5722,147273.0,1971-02-27 03:16:00,1974-01-20 23:37:00,43.72515569694806,0.9901976259087388,0 -7441,225711.0,1973-07-03 16:29:00,1975-03-07 21:58:00,48.89888616178021,1.4476888699247734,0 -2503,590109.0,1972-10-17 09:41:00,1972-09-19 10:43:00,57.645893853734826,1.5100816583013512,1 -8482,1148160.0,1972-08-27 19:32:00,1975-01-13 11:39:00,46.259199384616345,0.6509467992675486,0 -2369,447695.0,1973-03-30 12:36:00,1973-11-16 18:17:00,41.04973134678718,1.3104808667417902,0 -4967,784544.0,1973-12-03 22:18:00,1971-05-14 02:46:00,46.43684283102069,,0 -5883,578613.0,1974-02-09 00:52:00,1974-12-14 17:37:00,38.69075764788421,1.0276253701498894,0 -2217,955768.0,1973-07-08 11:07:00,1973-08-11 11:54:00,40.208407837848505,1.0315208086925032,0 -5847,891506.0,1972-10-15 23:29:00,1973-09-07 08:01:00,43.62829915651445,1.2729097688366056,0 -2218,263027.0,1970-11-19 21:36:00,1972-08-01 23:45:00,50.734747455261065,0.4094103264723991,0 -3326,864194.0,1972-06-14 01:16:00,1974-12-11 04:10:00,58.34787906948253,0.2154899247555558,1 -6733,1066037.0,1971-10-27 06:38:00,1973-10-22 09:28:00,45.08038961650832,1.621931309577206,0 -3583,600352.0,1974-06-24 16:05:00,1975-07-21 11:03:00,54.38878785090387,1.371895465483541,1 -9824,277475.0,1974-04-06 04:25:00,1973-03-04 13:56:00,48.3891383514752,0.642260681376311,0 -3619,887704.0,1970-11-19 14:10:00,1974-07-17 02:29:00,41.36241310979277,1.0493918104761406,0 -7707,260954.0,1973-05-03 19:23:00,1972-04-03 22:54:00,55.476497717660855,0.9292818247930344,1 -6432,976587.0,1974-09-01 19:16:00,1975-06-06 08:17:00,54.06329856011007,0.8342951408134276,1 -3115,825309.0,1973-06-20 08:07:00,1972-05-14 16:16:00,47.1374131349529,1.41202851850403,0 -85,130768.0,1974-08-23 22:13:00,1972-09-22 11:08:00,39.165103266735365,0.7906411706125009,0 -5973,865491.0,1971-12-17 11:44:00,1973-06-06 21:37:00,46.58142698978706,1.6091932936168996,0 -2801,873384.0,1970-10-13 05:13:00,1974-05-10 06:33:00,56.12628184235089,1.0596118924899671,0 -3671,273267.0,1971-01-09 16:53:00,1973-09-01 10:00:00,42.91992305972157,1.2945458982415017,0 -3667,205175.0,1974-11-27 23:08:00,1974-09-08 02:25:00,49.62737607717698,0.3821635585133814,0 -9794,876678.0,1971-11-20 01:57:00,1972-11-04 05:58:00,46.80338911790835,1.0660559368256817,0 -5158,756833.0,1974-04-24 03:52:00,1975-07-31 23:12:00,39.351448814038825,1.3441218323244954,0 -5725,521320.0,1974-03-20 01:59:00,1975-02-10 00:44:00,49.55127160775592,1.4028019717886793,0 -4590,977319.0,1973-05-28 14:33:00,1974-05-17 22:55:00,52.88130440491057,0.2662964145037412,0 -2019,444851.0,1973-09-19 12:39:00,1975-04-27 11:16:00,44.55670792649602,0.5546566928449792,0 -7831,6798.0,1972-03-15 04:07:00,1973-01-20 21:29:00,46.1809084178584,0.3791323098061436,0 -2525,435829.0,1973-10-04 21:18:00,1974-08-18 14:40:00,53.35213742977852,1.9741909060709792,0 -8286,1098444.0,1974-04-22 01:05:00,1971-07-19 16:37:00,53.64361200776362,0.8770606304427049,0 -9206,533664.0,1971-07-04 04:42:00,1972-02-12 00:40:00,43.77867478782419,1.902266182623496,0 -3212,446080.0,1972-12-13 03:24:00,1975-07-05 06:53:00,52.347989671370726,0.4201682229300076,0 -519,1109100.0,1973-04-12 07:43:00,1972-01-08 15:07:00,55.18216125320633,0.0,0 -5366,152039.0,1972-10-14 01:42:00,1975-02-04 06:04:00,39.33268098862241,0.6014676251323237,0 -6762,73365.0,1974-09-04 21:46:00,1971-02-23 17:35:00,55.10965530878587,0.9523610492447786,0 -2895,410085.0,1973-05-23 17:07:00,1975-06-26 13:12:00,51.420317826510384,0.9908901468540544,0 -244,942685.0,1971-05-18 03:03:00,,50.42149721791008,1.2326614304659016,0 -5930,388398.0,1972-10-08 22:22:00,1971-03-11 05:47:00,47.29601345702674,1.2915070570316045,0 -4714,943499.0,1970-03-27 09:51:00,1972-12-06 22:23:00,52.74914880604276,1.4281437224292055,0 -9567,309752.0,1971-06-22 06:00:00,1972-06-27 23:14:00,52.609919769341175,1.7033004692696063,0 -3425,1017061.0,1971-04-29 22:48:00,1973-12-01 00:05:00,39.06138723643137,1.0295913383968454,0 -6931,289391.0,1970-02-07 04:09:00,1972-10-22 19:30:00,43.98063713419062,1.291426792110537,0 -6720,1078948.0,1972-02-25 12:22:00,1972-01-27 11:59:00,52.41706420499017,0.615741175004468,0 -7410,101161.0,1970-11-28 07:33:00,1971-02-21 16:19:00,45.88702991403586,0.980383028444501,0 -6177,890624.0,1973-01-21 14:27:00,1971-10-13 11:52:00,50.40412239592754,1.278952457424971,0 -7250,26171.0,1973-05-13 10:35:00,1975-10-03 10:55:00,50.37431017266188,0.8300936751393508,0 -5509,1046432.0,1972-05-11 12:35:00,1973-08-23 21:26:00,41.696027573706814,1.454145876101134,0 -2001,76171.0,1970-10-28 01:20:00,1975-03-05 15:55:00,54.00014111500205,0.5561938399712896,0 -885,152727.0,1974-04-06 15:21:00,1974-12-02 21:02:00,35.64011135696096,0.7547671272623125,0 -869,783134.0,1974-08-06 21:22:00,1972-08-09 14:00:00,54.07660203059465,1.2470837619867248,1 -9688,718256.0,1972-02-24 07:36:00,1971-10-13 12:32:00,44.34976982781072,1.72684387620513,0 -5720,514359.0,1970-01-09 16:33:00,1972-08-04 02:38:00,42.79947031371735,0.3683451976321443,0 -356,1189976.0,1974-09-08 15:46:00,1975-05-09 12:36:00,46.16794139549145,0.7112448922566478,0 -9907,180980.0,1974-09-22 14:39:00,1974-08-25 18:05:00,54.7283304509598,0.8758208446150859,0 -5451,634695.0,1973-12-15 17:11:00,1974-11-22 22:03:00,47.741651369646895,0.709270908059977,0 -8193,1087740.0,1974-03-11 00:29:00,1972-06-24 07:30:00,58.96099732450375,0.1397157115681576,0 -6438,871192.0,1973-07-20 15:15:00,1975-05-30 09:45:00,42.23240653985903,1.6771728863255095,0 -7704,198141.0,1972-12-20 16:38:00,1973-08-23 18:02:00,51.0344100492822,0.7799181716331519,0 -1275,317614.0,1971-09-20 17:40:00,1973-02-11 10:07:00,55.96987550602714,1.7026651590709,0 -1890,298884.0,1971-09-04 04:35:00,1975-12-28 06:26:00,48.49908467750755,1.108904802517213,0 -8686,482156.0,1972-06-05 20:50:00,1975-04-06 02:26:00,49.22327917984759,1.0407434890724672,0 -6568,664354.0,1970-06-15 17:24:00,1972-12-07 05:29:00,50.53942328949809,1.0856295724699885,1 -9623,557184.0,1971-06-06 11:17:00,1971-12-21 16:08:00,46.96284172657253,0.3609941159469426,0 -3563,742903.0,1973-11-06 20:24:00,1974-12-11 10:17:00,50.01996649293699,0.7915013580205877,0 -5787,664058.0,1972-12-23 11:39:00,1972-08-04 04:10:00,41.55172344060957,1.3312244912647704,0 -4958,143136.0,1970-11-10 08:52:00,1973-11-19 12:36:00,56.96135372073824,0.987069003514163,0 -1546,559769.0,1974-10-23 20:45:00,1974-10-14 05:26:00,38.90521295746589,1.5834129550119975,0 -2380,1084985.0,1972-12-15 08:58:00,1975-12-27 20:03:00,47.94250827250589,1.7020837504016366,0 -3823,785713.0,1974-11-24 09:58:00,1974-06-09 22:55:00,42.59903758156292,1.4280257292530254,0 -3232,814970.0,1973-07-18 15:07:00,1971-06-29 03:12:00,46.96185109249007,0.0326219810517738,0 -8399,964634.0,1971-01-26 14:26:00,1971-03-03 14:45:00,47.588004643650805,0.9095622259280224,0 -3306,29111.0,1970-06-09 05:15:00,1975-05-27 08:38:00,44.92744613120876,0.975960984483884,0 -492,262304.0,1973-08-29 03:29:00,1973-04-14 01:25:00,46.898714066524526,1.3435655664462138,0 -3499,638603.0,1971-12-30 10:32:00,1971-03-26 07:29:00,48.38259986629489,1.0185234522113693,0 -6664,548677.0,1973-07-20 00:13:00,1975-08-20 02:50:00,50.289587989672825,1.2146048314082347,0 -1116,910663.0,1974-06-25 12:58:00,1973-04-09 23:45:00,43.04205721158266,1.074978871006063,0 -5637,102931.0,1974-02-27 00:00:00,1972-04-04 06:41:00,49.60312795068183,0.6972677573043364,0 -8774,75478.0,1970-12-16 14:05:00,1974-01-24 11:53:00,46.69156083841184,0.0,0 -6146,1068407.0,1973-12-25 05:19:00,1975-12-24 08:57:00,42.711937307302605,0.1241708127006233,0 -9867,821963.0,1971-11-21 20:52:00,1973-09-15 07:00:00,50.43842930865585,1.863854189005118,0 -8775,226180.0,1970-01-12 07:19:00,1971-07-01 01:53:00,43.38377856099628,0.3560730014979797,0 -6707,1101337.0,1970-03-03 02:43:00,1971-05-26 13:01:00,64.34818173847563,1.4434059252760376,1 -9948,363865.0,1973-09-06 23:13:00,1971-06-10 10:13:00,45.23529469301279,1.1906676710662216,0 -7965,542845.0,1972-09-01 13:11:00,1973-05-26 15:59:00,49.745848495787605,1.8147439401669287,0 -3645,360333.0,1974-12-07 01:24:00,1975-10-26 21:57:00,45.00170164887232,0.5034824510254237,0 -2500,896493.0,1971-04-22 06:44:00,1972-02-03 07:33:00,47.9817935235022,0.7341181908088927,0 -5677,629657.0,1972-05-07 07:16:00,1975-04-28 10:14:00,43.96941319554081,1.316056913558414,0 -5241,655963.0,1973-11-25 19:44:00,1975-08-19 07:36:00,46.56231574727133,0.7526803114939872,0 -6518,66013.0,1971-06-02 19:29:00,1971-05-17 22:36:00,53.73969816086493,0.179229510113125,0 -2783,318924.0,1972-12-01 15:38:00,1975-12-19 00:58:00,56.61646593583292,1.6617035848906188,1 -6158,1035797.0,1970-06-01 03:20:00,1975-08-05 17:02:00,48.43536510955725,0.8367857315623168,0 -3809,811243.0,1972-11-01 01:09:00,1972-02-15 01:39:00,49.82263303249282,0.7147043846365462,0 -9428,327014.0,1971-01-17 04:57:00,1971-02-05 09:14:00,53.192252065404354,1.1370719742044255,0 -9524,1097525.0,1973-05-06 03:58:00,1972-06-12 10:34:00,40.81955419690677,1.0473316167101283,0 -8599,1003318.0,1974-08-17 21:50:00,1973-10-25 11:35:00,42.558462450037496,0.849620127755919,0 -1696,739119.0,1970-03-14 21:01:00,1971-06-04 16:55:00,50.30742403097426,2.090714871966157,0 -5685,1003170.0,1970-06-06 08:43:00,,45.27248770969332,0.820304481194158,0 -8367,358582.0,1973-02-07 10:05:00,1973-05-29 16:37:00,,1.0401046923135562,0 -5939,637890.0,1974-01-19 04:14:00,1972-06-15 13:50:00,52.62827869284395,0.0,0 -2052,867856.0,1971-09-12 15:18:00,1973-06-18 21:16:00,42.55532538345148,0.9971299243158132,0 -1776,562943.0,1971-09-10 01:48:00,1975-01-09 00:29:00,54.335031053544185,1.334189190560934,0 -6560,954005.0,1971-05-29 20:03:00,1974-11-22 09:54:00,47.671150915754815,0.5296537556831,0 -3313,542857.0,1972-09-26 12:56:00,1975-07-01 03:21:00,61.35354335505767,1.0774411613684305,1 -4781,602741.0,1972-01-06 20:53:00,1973-08-17 19:06:00,54.003319042996,0.8829561215938452,0 -8538,330782.0,1971-05-26 12:32:00,1975-01-27 09:36:00,46.79562990908893,1.1652518272967174,0 -6781,4434.0,1972-12-08 02:16:00,1971-06-11 20:14:00,51.46762202824527,1.4181315283301306,0 -1592,1032999.0,1972-10-18 08:46:00,,38.121097110175725,0.910917544016298,0 -1723,699449.0,1973-09-05 10:45:00,1971-09-13 20:37:00,47.63598700701261,0.4426375090934039,0 -215,395681.0,1971-08-03 14:56:00,1972-01-31 23:49:00,49.87101538010794,1.78628620451526,0 -6326,468444.0,1973-06-10 00:47:00,1971-06-18 19:44:00,45.44959294365655,0.3965232032122734,0 -8256,968096.0,1970-04-27 11:23:00,1974-06-19 15:55:00,44.50026618026866,1.297682403274198,0 -490,338798.0,1970-09-24 03:18:00,1973-04-09 11:40:00,52.29477797354353,0.7371748551404003,0 -9133,335970.0,1970-03-16 05:10:00,1971-03-27 21:19:00,43.86453290119327,0.9413568809285529,0 -3483,670882.0,1973-11-14 17:31:00,1972-11-19 15:23:00,43.00979575347889,1.3263834166115265,0 -5102,850470.0,1970-11-03 11:25:00,1975-03-09 08:51:00,48.58915350411552,2.025090190904592,0 -5187,110497.0,1971-12-30 00:22:00,1975-07-10 21:35:00,51.68408963198915,1.09183979662038,0 -3431,1128125.0,1971-04-30 21:59:00,1973-09-09 16:36:00,47.57966282422757,1.5496541085920867,0 -9198,257918.0,1973-08-20 15:36:00,1973-09-18 19:27:00,40.28752643248347,1.0485287909786325,0 -7710,73169.0,1971-12-26 13:34:00,1971-03-29 08:59:00,42.17134962489556,0.3842243592116373,0 -5513,1165565.0,1974-04-27 01:22:00,1973-04-20 12:06:00,45.73892216395825,,0 -25,1033872.0,1973-04-23 07:35:00,1971-06-18 12:45:00,49.56510637586558,1.823286418225464,0 -3512,353694.0,1973-05-14 02:54:00,1971-08-02 07:32:00,51.62509771551964,0.1638382920934474,0 -2409,1091322.0,1970-11-01 05:24:00,1973-04-18 14:05:00,47.37798728277915,0.8342563701159499,0 -3270,228589.0,1974-01-20 04:15:00,1975-05-14 22:03:00,44.54442136313301,1.273142169696556,0 -5209,426396.0,1970-08-25 12:29:00,1974-05-09 16:00:00,43.28328761561361,1.04251578648666,0 -8711,1013595.0,1970-02-06 03:48:00,1975-08-02 18:11:00,53.51523259353839,1.1054287386260906,0 -1552,1024250.0,1973-03-04 17:43:00,1974-12-30 23:43:00,58.714063726658445,0.620018791461421,1 -9197,240107.0,1971-09-12 07:21:00,1972-01-10 19:32:00,44.76147571601387,0.5367715167072982,0 -8621,64895.0,1970-10-17 04:16:00,1975-11-28 21:38:00,40.14688564296716,0.6870248402437762,0 -3871,276127.0,1974-09-28 20:59:00,1975-02-05 00:52:00,53.39261239981136,0.8569956831728945,0 -3402,109947.0,1973-07-13 22:42:00,1973-07-31 18:44:00,49.74978974224323,0.8100779551995423,0 -4529,157438.0,1974-12-16 07:42:00,1975-10-11 07:48:00,48.1779324685228,1.0215373769028144,0 -979,817515.0,1973-07-27 07:57:00,1972-11-16 15:25:00,45.163967475966736,0.4851701939285375,0 -2655,719101.0,1974-01-02 17:16:00,1972-01-10 14:40:00,41.56737299519512,0.325103042424421,0 -1847,706952.0,1972-12-06 22:47:00,1974-12-04 14:16:00,49.18983498825716,1.445629161036258,0 -7964,1022943.0,1970-04-18 09:25:00,1974-12-11 09:42:00,44.98962042384498,0.3644952713705546,0 -8240,199684.0,1973-10-31 17:35:00,1973-05-03 23:06:00,52.525848658747904,1.0781244741096352,0 -7145,435367.0,1972-01-27 04:54:00,1974-04-10 04:37:00,45.6008426715493,0.5650522196396741,0 -7299,330473.0,1970-03-24 13:04:00,1971-06-30 07:19:00,45.260979331878126,0.5307196032899792,0 -5721,718743.0,1974-04-11 19:41:00,1975-11-07 00:34:00,41.95791942853498,1.80721007774321,0 -515,864687.0,1970-10-13 20:18:00,1972-07-29 14:24:00,46.63161619540281,1.012787602531476,0 -8745,383603.0,1974-01-11 04:10:00,1974-08-23 04:38:00,43.49598973363448,1.5911714813989253,0 -8297,636775.0,1972-12-20 10:19:00,1974-03-27 14:02:00,48.76060585253434,1.1066829407431773,0 -1102,190904.0,1971-07-01 09:31:00,1971-11-14 20:46:00,44.28762480692336,1.7664922343578615,0 -3276,471436.0,1974-11-07 15:52:00,1972-05-09 09:52:00,50.18693081205887,1.4024871129293577,0 -7217,1151174.0,1970-12-31 22:05:00,1973-01-04 10:49:00,45.459082671978976,0.4088191716571496,0 -7389,1040288.0,1972-06-30 13:56:00,1971-08-03 01:06:00,47.37393751600297,0.1748988686083536,0 -9077,259060.0,1974-11-08 11:37:00,1973-05-21 10:44:00,51.60780487743127,0.9319169349707356,0 -8337,1063792.0,1971-03-05 03:12:00,1973-02-09 19:08:00,51.36302032831006,1.7722182899617116,0 -3996,57602.0,1970-12-18 16:11:00,1974-09-10 14:24:00,50.73701359853114,0.0180905378333865,0 -194,533311.0,1972-08-31 13:51:00,1971-06-20 23:57:00,51.04944882452613,0.6739833258572291,0 -4711,181853.0,1972-01-24 22:49:00,1971-11-25 20:07:00,46.81080664705721,1.011305396965232,0 -643,,1974-05-31 00:32:00,1975-06-29 09:13:00,46.85730881658589,0.6725287594130975,0 -9089,162826.0,1973-12-25 21:29:00,1972-06-23 10:46:00,43.80879769002447,1.3968492160622792,0 -3285,296137.0,1973-05-13 15:59:00,1971-05-13 16:44:00,51.3858396224786,0.5564680273500475,0 -3116,87843.0,1970-10-31 20:55:00,1971-02-21 10:37:00,43.07520916140575,1.362691850108218,0 -6476,745473.0,1973-07-07 20:24:00,1972-09-15 04:43:00,45.034566886820144,1.2751280425508251,0 -3575,306865.0,1972-03-28 22:30:00,1974-03-01 08:51:00,42.652639997826,0.9971756866217538,0 -9023,870196.0,1971-08-09 05:35:00,1975-10-23 14:28:00,45.04613961216026,2.598153008051913,0 -4320,991831.0,1973-11-21 09:11:00,1971-08-09 12:29:00,37.258723953981445,1.7965773516481227,0 -9992,428419.0,1970-10-15 02:12:00,1973-06-07 10:24:00,52.37563739741079,0.9420327919993002,0 -2207,1090596.0,1971-10-21 19:26:00,1972-03-07 12:30:00,50.56762828267555,0.6278534257982844,0 -4552,591764.0,1970-06-24 09:00:00,1972-11-12 17:06:00,51.58754044782381,0.3562272226756974,0 -7316,58227.0,1974-03-10 08:53:00,1972-08-14 16:28:00,46.75080620080327,0.6459790043385291,0 -3718,903380.0,1974-05-14 01:22:00,1971-06-07 00:24:00,49.64837054521265,0.9165874208039428,0 -972,394465.0,1971-08-15 14:00:00,1975-09-04 16:29:00,40.1145812372676,1.022825802018403,0 -4579,403394.0,1972-08-09 22:22:00,1974-08-20 16:16:00,47.85435508532568,0.7898294550643842,0 -719,349446.0,1972-07-15 21:23:00,1974-07-23 16:22:00,48.610395880182885,1.905091376048138,0 -9017,490636.0,1974-04-28 04:13:00,1975-01-16 08:28:00,37.32620801374261,1.8984831698057192,0 -6155,1053194.0,1974-03-06 14:59:00,1974-03-30 01:10:00,46.80612546277743,1.7476365093684052,0 -9430,987351.0,1970-04-18 08:16:00,1975-02-26 13:19:00,47.5220306550904,1.6478360246884405,0 -3896,707968.0,1970-02-13 13:54:00,1972-03-13 12:26:00,39.668023577761446,0.7340228559582269,0 -2803,1089372.0,1973-04-04 21:05:00,1975-08-16 22:50:00,47.67647453723665,0.8651506093665311,0 -2566,437671.0,1970-02-12 03:25:00,1971-01-02 07:52:00,55.508563543023484,0.7065675938598188,0 -4025,925421.0,1974-09-17 23:39:00,1973-04-18 18:38:00,49.49956901404387,0.9256341301594804,0 -6198,766248.0,1972-04-07 16:42:00,1975-09-21 07:30:00,49.55287614763613,1.320954639963808,0 -32,999397.0,1971-07-18 09:15:00,1974-08-29 00:16:00,43.407374828227965,0.4677506819440988,0 -8307,590883.0,1970-07-03 06:19:00,1975-11-15 22:18:00,39.25787445267638,1.725540674858494,0 -8831,514617.0,1973-10-29 09:27:00,1975-06-08 03:36:00,52.8792441791252,1.149904201503409,1 -9818,317396.0,1974-10-27 15:21:00,1973-11-12 23:20:00,43.9217164934628,0.3582455084193381,0 -4063,1190662.0,1973-04-26 03:49:00,1972-11-25 13:25:00,49.59342905969951,0.5243875944953832,0 -8948,549213.0,1970-07-03 05:20:00,1972-06-13 11:24:00,49.079043105282494,1.4904969518900175,0 -5540,894442.0,1973-09-12 18:54:00,1975-12-25 02:58:00,56.05789945317822,1.2048533975990938,0 -1697,1183996.0,1970-09-03 15:34:00,1975-06-10 00:27:00,47.51622716035031,1.2409107281771017,0 -2792,214304.0,1973-08-03 05:37:00,1974-08-29 13:47:00,41.62043280615951,1.6491509146684469,0 -2222,1126086.0,1970-11-21 08:59:00,1975-08-11 06:45:00,44.45910887930059,0.9021227115673388,0 -5818,60898.0,1970-06-21 08:22:00,1974-01-01 13:37:00,54.12746322973826,1.0891742157339692,0 -9662,265719.0,1971-12-01 04:48:00,1971-05-09 10:09:00,44.405229908608426,2.017356676761003,0 -3764,1043887.0,1973-02-19 23:56:00,1975-03-19 09:23:00,51.76109732020826,1.1840034407943134,0 -3866,80616.0,1974-12-13 00:32:00,1973-10-16 14:50:00,45.09871473846815,1.1553135936935233,0 -6421,884925.0,1971-09-15 06:27:00,1974-06-09 15:14:00,43.17425348707684,1.2293045094878066,0 -9399,346228.0,1971-10-28 19:32:00,1974-07-11 13:48:00,46.9411093012714,1.186698717048262,0 -8938,847646.0,1974-11-29 06:53:00,1973-07-16 02:38:00,38.86009202409192,1.6130390846233595,0 -6671,576241.0,1974-12-27 07:59:00,1973-12-06 07:55:00,53.24875728534887,0.4422615899195209,0 -7978,291443.0,1972-11-27 01:40:00,1974-01-24 23:54:00,41.93829062233219,0.1886215169688568,0 -3758,252622.0,1973-08-04 12:44:00,1975-06-18 07:04:00,44.74664535544432,0.8068319403596613,0 -9774,936682.0,1972-05-01 02:59:00,1973-07-18 03:22:00,44.34616956680889,1.1599691027267158,0 -3227,219031.0,1971-01-30 23:07:00,1974-03-09 02:24:00,42.16684557005129,0.5223981970404291,0 -7802,605938.0,1971-12-16 03:58:00,1975-09-20 00:45:00,52.84906209472781,0.3275295331004823,0 -3923,471794.0,1972-05-28 05:04:00,1974-11-17 14:35:00,49.37401191218446,1.2532781091461984,0 -3904,165305.0,1970-05-24 11:29:00,1972-09-20 04:14:00,43.57237436404885,0.8676689221166689,0 -2277,180304.0,1974-09-05 19:35:00,1971-08-23 09:08:00,56.795296071562944,0.4690669725406031,0 -6810,673938.0,1970-10-01 15:12:00,1971-05-03 10:45:00,41.85429892307364,1.1960616759407363,0 -1401,436324.0,1970-09-28 04:27:00,1975-06-27 08:26:00,47.6211533929288,1.379433957912414,0 -739,492808.0,1970-04-04 15:30:00,1974-08-16 10:31:00,50.32547874081171,1.15969794501729,0 -4266,528924.0,1970-02-04 04:46:00,1975-01-20 20:35:00,51.51927769405314,0.5854921134989497,0 -9861,495767.0,1974-02-08 13:25:00,1973-10-22 17:48:00,48.899592621739295,1.2078217686526016,0 -7352,,1972-06-21 07:08:00,1975-10-08 20:07:00,42.081757904024094,1.335229467812816,0 -7518,1146326.0,1972-05-15 19:51:00,1971-10-03 19:03:00,47.72390786215259,0.9269456954590576,0 -3851,642908.0,1971-01-02 08:40:00,1974-06-15 21:51:00,55.15354078011299,1.2967710558038537,0 -8631,446428.0,1973-02-13 15:41:00,1974-07-22 00:35:00,47.50663643324043,1.3563289928457212,0 -2661,993900.0,1970-07-19 23:28:00,1973-06-15 00:20:00,54.38153508246947,1.0149480135585212,0 -6504,1171078.0,1972-01-21 03:32:00,1972-10-21 11:01:00,43.63747181495911,0.6236579659413453,0 -9799,494736.0,1972-09-20 17:24:00,1971-09-13 06:21:00,47.1480566891063,0.970457448731988,0 -674,680208.0,1972-07-30 19:22:00,1971-11-12 22:34:00,55.59794395173376,0.6492648183542656,0 -7105,380420.0,1973-12-14 18:34:00,1974-03-16 20:39:00,42.3277147853153,0.8999880117709316,0 -6360,433216.0,1974-04-15 23:30:00,1974-08-30 20:15:00,46.0534719835461,2.522005393842761,0 -3841,343295.0,1972-12-04 05:24:00,1973-01-22 17:53:00,46.96326892127164,1.560342733235279,0 -1815,172780.0,,1973-07-21 03:12:00,41.94989898275638,0.6273499414645036,0 -9489,918545.0,1972-09-23 06:04:00,1973-04-27 18:58:00,51.95455722728697,0.5390529578118611,0 -9838,647073.0,1971-03-31 15:12:00,1971-08-29 09:08:00,50.37086436112611,0.7502003929150661,0 -9201,1045395.0,1972-02-25 23:00:00,1971-09-25 03:56:00,43.43770446458277,2.015148710868215,0 -4653,1023334.0,1974-10-08 04:35:00,1972-01-20 02:17:00,50.61128325386433,0.9576430622186498,0 -8692,362332.0,1971-12-07 21:31:00,1973-10-26 09:54:00,40.9620762267142,0.544565152571375,0 -2100,230869.0,1972-10-22 23:15:00,1972-08-25 21:20:00,54.20364937782127,0.8204756563283944,0 -7711,682203.0,1971-09-03 04:30:00,1972-06-21 10:49:00,51.73071955221489,0.8861973162165565,0 -1673,772177.0,1971-06-09 17:51:00,1972-01-08 06:02:00,42.70879920944101,1.169121293854852,0 -2101,19048.0,1972-01-25 09:13:00,1974-01-23 00:01:00,44.93418462754088,0.5622534706196015,0 -4213,974723.0,1970-02-06 21:00:00,1973-03-15 06:41:00,45.30089756295196,0.2677987891148706,0 -6958,175149.0,1972-11-01 18:58:00,1971-12-12 03:07:00,51.17754539096348,0.4361672946005327,0 -1548,284087.0,1971-07-15 02:43:00,1973-06-02 00:38:00,46.82789992479231,1.4824540132238768,0 -9550,492607.0,1971-04-27 10:05:00,1974-08-27 03:39:00,40.08056786815091,0.4302323649818615,0 -3323,625898.0,1973-03-30 17:05:00,1975-11-28 16:12:00,44.06160147350531,0.3766619538079586,0 -9583,77986.0,1973-08-04 11:54:00,1971-10-07 05:07:00,35.26116844453304,0.5881284239043215,0 -355,1003254.0,1971-09-18 11:38:00,1973-05-02 10:14:00,57.53707195956586,0.1794962671748483,0 -5184,1151353.0,1973-06-23 15:07:00,1971-04-11 22:29:00,66.37914636318425,0.6933256204019049,1 -1461,1102866.0,1973-04-08 04:57:00,1975-10-14 14:23:00,,0.4719412037811193,0 -7624,479867.0,1973-12-21 04:28:00,1971-12-31 09:28:00,48.17154394836999,1.4320482958541938,0 -9385,7008.0,1973-03-13 12:07:00,1971-12-30 14:38:00,52.59245165912417,0.8565161974954082,0 -3220,349977.0,1972-02-04 03:37:00,1974-05-01 12:49:00,42.66014089607992,1.2496427824548,0 -939,435199.0,1973-07-23 10:43:00,1973-03-16 06:33:00,46.51694322241551,0.6733818575135082,0 -5147,737537.0,1972-05-24 08:52:00,1975-11-26 10:41:00,47.31264501315306,1.2998716239355836,0 -5923,934523.0,1974-01-11 01:23:00,1971-01-21 16:37:00,41.15779238915862,0.802739538124032,0 -7883,891411.0,1972-09-24 04:10:00,1974-10-01 17:43:00,45.240540336574696,1.2546464265392523,0 -1751,816695.0,1972-08-31 05:46:00,1972-11-30 20:45:00,53.103830978684535,1.032040354522168,1 -9468,737725.0,1973-07-18 21:18:00,1971-10-19 14:19:00,46.49969603953495,0.7230204517633909,0 -7597,103918.0,1974-05-07 03:44:00,1975-09-17 22:13:00,41.86908997437286,1.5790586095021848,0 -1772,982973.0,1973-07-24 19:29:00,1975-10-16 03:42:00,42.36083903649959,1.3822508035011336,0 -1196,532912.0,1970-08-21 01:22:00,1974-09-02 11:51:00,49.93333216838016,1.4469468827147285,0 -1878,1053741.0,1974-08-26 13:55:00,1974-10-30 20:04:00,51.76574963282697,0.4294420533130821,0 -2668,470812.0,1971-03-17 10:42:00,1971-10-25 12:36:00,40.68579144378201,0.2034606741242149,0 -3171,19347.0,1970-12-23 10:39:00,1973-03-03 12:10:00,36.024057127426715,1.2951277438250108,0 -2016,589146.0,1973-08-26 01:40:00,1973-12-08 19:58:00,46.90619782535107,1.1323462234056532,0 -2005,21138.0,1974-06-08 14:13:00,1972-12-09 03:39:00,52.47585849445831,0.9445795074394118,0 -8272,30431.0,1973-08-01 00:07:00,1972-06-23 00:56:00,43.364329399914986,1.0301285011224022,0 -3893,789875.0,1971-10-02 07:18:00,1975-10-21 04:43:00,46.946272610288624,0.2818967297579751,0 -9991,1135178.0,1974-05-05 07:34:00,1973-11-08 06:07:00,46.8443373229617,1.5452806285829856,0 -3237,915203.0,,1973-08-29 20:49:00,39.248073199143285,0.976951419551297,0 -4424,665528.0,1971-11-03 14:07:00,1971-11-07 04:14:00,45.806523154535455,0.906908397157653,0 -4744,20568.0,1973-03-30 06:10:00,1972-07-17 20:21:00,46.75283975737276,0.4457942528348627,0 -2078,34127.0,1974-08-02 21:27:00,1973-05-05 22:22:00,47.05838597151928,0.0,0 -5219,1169288.0,1971-08-30 01:27:00,1974-10-20 22:32:00,,0.8629210060166324,0 -396,583291.0,1974-07-27 10:06:00,1971-02-26 00:23:00,46.30433627172238,1.3222839769527095,0 -2788,770606.0,1972-01-19 11:39:00,1972-11-23 20:35:00,45.08885830214597,0.4155651398384418,0 -8877,10947.0,1972-08-14 19:27:00,1971-04-24 23:43:00,47.30411034454355,1.1230970484857816,0 -8638,238532.0,1971-03-04 01:31:00,1974-12-16 03:17:00,42.29883984798706,1.198202328474011,0 -4072,294862.0,1973-12-04 19:23:00,1974-05-22 11:30:00,57.08127090155078,1.2209983449801696,1 -5574,756168.0,1971-10-30 04:23:00,1973-01-22 10:25:00,39.57081642219666,0.6767056375377651,0 -8369,887012.0,1973-02-01 10:48:00,1975-06-24 01:43:00,47.96787148801359,1.06465367858018,0 -9507,348864.0,1974-11-07 19:53:00,1974-03-23 03:42:00,42.57684692699783,0.1637266677394073,0 -5355,529946.0,1970-08-02 21:13:00,1975-10-06 06:17:00,57.08972288127235,0.5374355780307116,0 -7233,356942.0,1973-04-08 20:58:00,1972-04-08 02:50:00,52.403598285827805,1.226689263854599,0 -9483,627727.0,1971-09-18 05:39:00,1971-10-18 05:14:00,39.407570940278056,0.5045079333587624,0 -6820,579460.0,1973-11-16 15:05:00,1973-07-02 22:45:00,53.75970268907315,1.171328373969024,0 -1519,1171862.0,1974-04-07 17:06:00,1975-02-04 09:36:00,57.56197067138856,1.7166549234732034,0 -8196,691207.0,1971-07-08 17:23:00,1972-07-11 02:35:00,39.44942533680029,1.2539532480813644,0 -1378,579234.0,1973-01-28 15:53:00,1975-02-26 08:46:00,37.24274608364745,0.6603087729684433,0 -5672,1101711.0,1974-01-28 01:20:00,1971-03-21 12:14:00,54.8682314106405,1.1673127417334757,0 -1023,46196.0,1974-11-18 06:00:00,1974-10-14 03:11:00,46.41974232498766,1.3110599060667327,0 -2587,885233.0,1971-07-08 21:45:00,1972-04-12 17:10:00,51.99397044925488,0.9677203357972884,0 -7042,176562.0,1972-11-20 15:27:00,1973-09-11 05:13:00,48.26436488739338,0.0,0 -5621,702107.0,1974-09-12 05:13:00,1971-09-28 14:28:00,43.93173206626997,0.5550620370948318,0 -7637,1032413.0,1973-01-28 05:48:00,1973-12-02 19:20:00,44.921679985715805,0.9417957546024608,0 -5008,754292.0,1973-07-27 18:35:00,1972-01-30 13:48:00,54.38839942791021,1.0407216161021005,0 -2857,275565.0,1971-06-23 22:44:00,1975-09-27 21:30:00,50.58227435275335,0.1596638347136446,0 -8254,356932.0,1972-05-07 11:36:00,1972-05-26 01:05:00,43.45711660026739,1.0753142486404943,0 -5771,686299.0,1973-09-30 15:42:00,1972-01-07 01:16:00,44.88389295927971,0.9927307677994572,0 -5842,498961.0,1970-08-12 22:46:00,1974-08-18 22:39:00,48.02353032518708,0.3608698468654598,0 -8027,943349.0,1974-06-16 06:51:00,1974-07-21 22:36:00,48.3508476533119,1.4922962117356762,0 -5832,1059750.0,1972-06-12 02:14:00,1974-06-15 12:41:00,49.98132138777632,1.3308964946695043,0 -1629,1198493.0,,1974-02-21 23:43:00,44.769454008312266,1.461755219619258,0 -4888,611771.0,1973-11-27 08:37:00,1972-08-04 23:12:00,43.88570351664638,0.3592003931506206,0 -4526,237435.0,1971-10-11 23:44:00,1973-05-29 23:12:00,54.75198868428853,0.4349793857855468,0 -3523,548761.0,1971-07-04 14:46:00,1971-10-01 08:42:00,46.31380982338613,1.153292489263,0 -5904,225622.0,1971-12-19 00:26:00,1971-03-19 05:18:00,49.45082191484868,1.2168928409884454,0 -7781,860249.0,1972-12-25 10:50:00,1972-06-07 07:08:00,41.11762841566856,1.0067916899549985,0 -3607,234286.0,1971-10-16 11:00:00,1972-09-30 15:59:00,43.042091152137786,0.8202542780179468,0 -9418,676332.0,1973-05-14 15:57:00,1973-04-11 20:39:00,42.93351615980015,1.6579421926180498,0 -5220,1112388.0,1974-07-27 16:02:00,1974-09-20 21:08:00,45.9281559535811,0.0954442379848168,0 -234,897695.0,1973-01-02 22:00:00,1975-10-04 07:35:00,44.50655952859436,1.0181542568287778,0 -7755,1187985.0,1970-04-19 18:54:00,1974-09-29 04:14:00,54.45508530830946,0.7382702673469701,0 -3796,737727.0,1973-05-09 18:09:00,1971-01-12 19:39:00,52.46862780491524,0.8141437695004109,0 -4118,323949.0,1971-05-01 14:52:00,1971-01-06 15:21:00,53.15290068484201,0.736926215751694,0 -6318,128462.0,1972-04-19 22:43:00,1975-05-31 00:20:00,41.662957805501904,0.2803324454591787,0 -5001,950552.0,1974-04-28 09:54:00,1974-12-26 17:28:00,45.37077294522714,0.2335836008223178,0 -3800,772284.0,1970-04-18 21:13:00,,49.35659799234576,1.1098306795193134,0 -7809,826369.0,1974-08-24 20:50:00,1974-09-09 01:44:00,54.90695164047957,1.5237835019419252,0 -3899,506363.0,1973-01-04 11:06:00,1973-01-14 15:47:00,54.45520634454988,0.6209122390027572,0 -5024,569932.0,1970-10-17 07:14:00,1975-01-28 17:00:00,42.18351192285663,1.1695126389369563,0 -1948,1019894.0,1974-09-17 07:11:00,1975-02-05 00:02:00,57.668319993273386,0.1847733335961618,1 -6361,25138.0,1972-06-27 05:26:00,1972-06-10 01:35:00,46.4220642415371,1.2210230612031432,0 -470,237362.0,1972-05-30 17:12:00,1972-12-28 07:13:00,41.91273816153711,0.5971196702736228,0 -9944,326347.0,1970-11-02 16:29:00,1972-11-25 09:27:00,48.11065168308345,1.0760735872248453,0 -3492,766203.0,1971-06-27 23:07:00,1975-11-03 16:27:00,50.10405507243498,0.2939657516593147,0 -6091,827302.0,1972-03-31 13:34:00,1975-05-23 05:02:00,54.8159577293249,0.9151831244338402,0 -2671,564028.0,1972-05-12 14:38:00,1974-03-20 13:46:00,51.10258008364005,0.5520403806383449,0 -9800,71383.0,1974-01-23 05:09:00,1973-11-05 19:09:00,42.55174353312684,1.067297483741383,0 -2224,1135449.0,1971-12-04 20:12:00,1971-11-26 18:35:00,40.4011635772947,0.644246847757237,0 -1106,232058.0,1972-03-16 20:55:00,1972-08-31 15:39:00,47.21746702660197,1.3394150424745166,0 -2188,188440.0,1973-02-26 03:22:00,1973-02-26 01:49:00,47.85747148902971,1.3216591598946033,0 -818,371969.0,1970-01-16 18:04:00,1975-08-26 23:17:00,45.08168219349031,0.0222178351926103,0 -5571,822889.0,1970-10-15 11:47:00,1973-07-24 15:41:00,50.020284894955424,1.37601315972831,0 -4523,438699.0,1974-09-21 05:56:00,1974-04-22 02:58:00,49.83214690442732,0.7982671752989213,0 -5793,683648.0,1973-09-29 06:59:00,1971-02-12 17:38:00,49.35002743725774,0.6681608939325873,0 -9381,508099.0,1971-07-13 04:32:00,1971-05-27 08:38:00,50.08440328941631,0.7005442034730838,0 -8780,246293.0,1971-02-19 10:23:00,1971-09-30 18:25:00,48.88262041572173,2.124305133125868,0 -7459,758449.0,1972-11-11 06:18:00,1971-10-12 05:59:00,43.72537948194718,0.7015999035807088,0 -2624,932840.0,1971-09-21 21:58:00,1972-07-21 07:41:00,45.34232383666689,2.103977632565259,0 -7094,470443.0,1974-07-27 23:23:00,1971-04-18 00:24:00,46.75485394968305,1.1834415964918854,0 -9392,125905.0,1974-02-24 01:17:00,1974-06-08 04:30:00,56.56939281268982,1.367683050950564,0 -9916,1863.0,1972-12-12 00:40:00,1971-10-12 17:55:00,50.7856132383371,1.2049832668641198,0 -9119,894993.0,1974-01-28 14:24:00,1975-06-05 13:42:00,60.4893870660669,0.51281130920834,1 -888,673074.0,1970-11-03 15:13:00,1973-07-19 11:26:00,55.30762658510315,1.0591488212550664,0 -2437,1088745.0,1974-03-02 22:10:00,1975-07-19 02:22:00,51.59163827982052,0.6460163167823356,1 -6056,1167914.0,1972-11-13 02:26:00,1972-03-24 03:50:00,38.908831197543925,0.9055459020103678,0 -7064,945373.0,1972-12-30 23:04:00,1972-03-24 00:08:00,47.50644387542224,1.1780145595395748,0 -817,341224.0,1973-02-22 17:14:00,1973-09-06 00:30:00,48.25938848071445,1.2828281793836802,0 -8934,934106.0,1973-08-03 23:04:00,1972-07-16 20:38:00,56.78269762106079,0.1450399393330329,1 -3414,948637.0,1972-02-17 08:14:00,1972-08-02 12:11:00,55.71272751864706,0.7412318271373731,0 -6352,231188.0,1973-02-27 15:59:00,1974-05-03 03:41:00,48.70784399068894,1.1467378811076898,0 -2341,709118.0,1973-04-02 13:38:00,1971-06-27 09:57:00,54.00190896342893,1.2609868600081322,0 -9029,1077440.0,1973-04-13 19:13:00,1975-05-13 08:52:00,50.876127589792816,1.407870903960082,0 -3167,998459.0,1974-11-30 15:10:00,1971-02-14 01:38:00,,1.1458508475401756,0 -1809,430544.0,1971-03-29 04:46:00,1974-10-26 02:27:00,43.690539430125085,1.6282760669489806,0 -8035,295574.0,1972-11-10 00:15:00,1974-07-09 21:50:00,47.960603715736006,2.0413692299278727,0 -1264,606818.0,1972-01-02 17:10:00,1974-06-02 01:45:00,53.12886824639339,1.419958535514091,1 -5086,984164.0,1973-09-03 07:48:00,1974-01-22 07:32:00,46.49268387982834,0.9979094627153622,0 -9675,768143.0,1972-04-26 14:44:00,1974-04-15 09:34:00,49.06547132390867,1.8257473531309656,0 -5835,342797.0,1972-11-11 19:41:00,1973-09-27 07:20:00,52.430602425824524,0.9083878502160792,0 -5194,108895.0,1970-11-17 00:47:00,1975-08-19 03:04:00,43.62001968206405,0.0908811331714002,0 -4449,146704.0,1973-08-13 01:31:00,1972-01-15 10:07:00,42.52386146204693,0.8588598451473356,0 -4945,1028187.0,1973-06-07 20:16:00,1974-08-13 05:10:00,52.81203138000906,1.848549404131686,1 -4045,15524.0,1971-12-18 15:59:00,1974-12-19 17:48:00,45.61378179740388,1.5409023600534828,0 -6503,440697.0,,1974-06-14 18:28:00,50.122964374100185,0.5667716862113203,0 -3702,854777.0,1973-05-17 20:09:00,1975-07-13 23:16:00,50.03108893597097,1.3066920936673472,0 -1035,199105.0,1973-04-08 19:44:00,1971-05-15 14:25:00,48.67120389501511,1.110946949702908,0 -9256,1090129.0,1972-05-12 23:14:00,1972-02-03 14:31:00,37.19342440573153,1.6118125570483497,0 -5590,435582.0,1971-04-24 00:10:00,1971-08-21 11:52:00,44.48670229623438,0.8624093611044001,0 -1228,477057.0,1971-09-24 18:41:00,1974-07-11 04:22:00,47.04462639199108,0.9282108280478564,0 -9999,483752.0,1974-11-27 14:10:00,1973-07-23 07:49:00,47.27611444942614,0.3783924003445873,0 -6811,279833.0,1973-01-23 22:06:00,1971-02-18 10:54:00,44.36050757938485,1.2274378203763532,0 -5141,33667.0,1971-10-23 07:39:00,1973-03-04 12:02:00,51.80402855108402,1.3234599499863882,1 -52,385976.0,1970-01-20 21:43:00,1975-11-09 06:21:00,54.62838468069841,1.5486768223344387,0 -9067,130805.0,1972-05-28 09:40:00,1975-08-06 12:52:00,43.93087037217645,0.863985429592351,0 -8395,824420.0,1973-01-28 03:43:00,1975-04-13 23:02:00,39.83377977786756,1.1408465984108909,0 -159,481955.0,1971-01-09 06:37:00,1973-05-24 21:02:00,43.143022936086695,1.2033771686720016,0 -7552,7163.0,1970-11-15 00:32:00,,53.60369927139098,1.438789115492805,0 -1587,88523.0,1972-02-01 20:11:00,1974-07-26 19:53:00,50.37755033016987,2.163334374725774,0 -1589,959163.0,1972-11-25 13:23:00,1974-03-23 19:42:00,43.795466858959976,0.9263850849498496,0 -9841,532963.0,1972-02-07 00:02:00,1975-05-26 20:06:00,53.76076476943435,0.8007254583356167,1 -9328,986184.0,1972-11-13 01:16:00,1971-06-26 00:42:00,45.616584120993664,1.9831985424435945,0 -6930,815801.0,1970-03-10 14:30:00,1974-10-11 11:52:00,51.33594293910068,1.1385003462615253,0 -6596,902028.0,1973-04-08 23:39:00,1973-06-28 14:06:00,45.018601084658606,0.4584013797036794,0 -6174,1004836.0,1974-10-05 23:55:00,1975-01-26 13:23:00,42.17435748621308,0.4967720373024903,0 -8098,723405.0,1970-12-08 12:13:00,1975-06-22 09:40:00,52.24350607367138,1.5853257276436703,0 -3858,244985.0,1971-02-28 02:40:00,1973-02-22 23:23:00,47.35834565732355,0.531521826668488,0 -9814,601425.0,1970-07-15 23:16:00,1971-03-29 13:24:00,45.8928849746157,0.9708795369416404,0 -6691,949415.0,1971-12-17 15:43:00,1972-08-04 07:34:00,54.60437211773646,1.5178606256169789,0 -2828,757267.0,1974-10-15 07:41:00,1971-04-12 19:26:00,41.78046237619971,1.1295543808351405,0 -436,1197534.0,1974-08-24 15:23:00,1974-10-03 05:33:00,40.76147022715585,0.9015354768429534,0 -8274,911784.0,1972-11-16 04:42:00,1972-08-05 00:22:00,45.589255440283054,1.2915891134872002,0 -8168,542115.0,1972-03-22 19:04:00,1975-01-30 07:16:00,48.791299304054505,1.4786715703432385,0 -3878,433652.0,1973-12-14 18:56:00,1975-11-03 12:36:00,45.78985272231807,0.3428397979065869,0 -1588,190358.0,1970-04-24 17:22:00,1975-08-18 21:10:00,49.52131649027189,0.6809968455788888,0 -2780,692157.0,1972-01-05 08:32:00,1974-10-17 13:36:00,50.50579726914952,1.3657287092321646,0 -8981,164233.0,1972-08-11 02:34:00,1974-03-09 15:10:00,52.189311647510905,1.507555681600827,0 -8561,810664.0,1972-10-25 10:01:00,1974-07-21 10:40:00,48.77380441920756,1.1480249697946308,0 -5686,817960.0,1971-03-08 11:40:00,1973-05-14 05:26:00,49.30066711872472,0.7142753465610228,0 -3965,788750.0,1971-02-22 22:55:00,1973-08-21 21:32:00,42.116729720703866,1.425390329176859,0 -4727,959028.0,1972-12-09 22:57:00,1973-12-27 18:33:00,50.96407270353987,1.5333205911090078,0 -973,68144.0,1973-06-21 03:28:00,1972-06-02 23:35:00,46.00480579669088,1.2679951672648957,0 -1238,1001661.0,1971-08-07 23:15:00,1971-12-19 11:23:00,47.77936164073363,1.1844208795439553,0 -2951,149644.0,1970-10-27 11:28:00,1973-03-09 02:01:00,47.22279392116448,0.8114104542284672,0 -2342,448888.0,1970-03-16 17:01:00,1972-11-22 07:05:00,40.89732555653109,1.7190207357664071,0 -6520,917934.0,1973-10-31 01:49:00,1971-07-24 01:05:00,45.723008259712095,1.2089346433901509,0 -7310,222125.0,1971-11-09 19:05:00,1971-12-20 07:37:00,46.12889757328614,1.3892421609381294,0 -6046,993244.0,1972-02-23 22:46:00,1973-03-13 06:45:00,47.17033978678032,0.9194151717033344,0 -2158,597979.0,1973-11-30 08:39:00,1974-10-03 04:48:00,47.706964996138645,1.264497194857514,0 -9288,1163765.0,1971-04-02 03:06:00,1974-10-19 12:23:00,41.55891835559222,0.8236918591765761,0 -6589,732048.0,1970-08-07 18:10:00,1972-04-08 03:15:00,44.63208772911488,1.1391279982466893,0 -1497,588397.0,1974-01-18 20:26:00,1971-03-19 06:17:00,35.50432690543919,0.0,0 -4545,592713.0,1972-06-29 16:43:00,1972-12-06 11:57:00,48.54725781755063,0.5543711895885977,0 -6465,545764.0,1971-10-14 02:12:00,1971-04-25 20:46:00,49.30055202748142,0.6525227026311009,0 -4257,996600.0,1974-11-30 12:07:00,1975-12-14 10:08:00,54.83453838699938,0.9343168462884331,0 -2422,60724.0,1971-06-18 06:22:00,1974-03-29 07:24:00,46.784640794662,1.138705938419731,0 -8564,942513.0,1971-05-16 19:23:00,1973-01-17 13:39:00,45.882220466499255,1.4433044639579131,0 -5185,746039.0,1971-06-17 12:38:00,1973-02-18 02:27:00,43.45897808854297,1.177850582761218,0 -5647,639600.0,1974-02-24 10:17:00,1972-04-06 06:20:00,50.52387795127128,1.514990224466136,0 -357,227536.0,1973-12-06 05:46:00,1972-06-25 22:58:00,53.81046296527685,1.185786148038018,0 -5242,346988.0,1974-11-18 09:11:00,1972-04-13 22:18:00,52.3936071953777,0.3893294730831896,0 -8011,533501.0,1972-06-26 16:34:00,1971-06-01 07:49:00,50.75881988589164,1.3192368422806986,0 -9240,1175715.0,1972-06-29 20:54:00,1974-10-21 13:54:00,49.93437781289023,0.6498528006062969,0 -2092,688758.0,1971-01-05 09:21:00,1973-05-31 02:56:00,43.27353124280414,1.1589146200493394,0 -5409,937549.0,1974-09-16 21:22:00,1975-05-05 21:35:00,50.20172826112416,0.6842009467897285,0 -2015,249587.0,1974-07-09 07:09:00,1971-05-01 13:29:00,50.3738332921287,1.1762867753976582,0 -9059,355179.0,1972-10-21 21:37:00,1972-11-11 07:36:00,43.33503136778546,0.0,0 -4044,449414.0,1974-12-28 02:57:00,1972-08-27 04:07:00,48.09551308865084,0.7583214776278778,0 -187,298445.0,1972-01-29 15:09:00,1975-03-18 20:19:00,49.882605749352,0.9504173574914512,0 -6858,136982.0,1970-05-02 01:19:00,1974-06-07 10:48:00,45.23427410656221,1.2934452916066133,0 -3655,139722.0,1970-07-14 01:39:00,1974-09-25 03:25:00,56.154612359835326,0.7761069198428939,0 -3426,1017410.0,1970-11-06 18:54:00,1972-06-05 11:30:00,50.91355206810644,1.162070609899941,0 -7194,593432.0,1973-02-06 20:48:00,1972-04-01 10:21:00,37.40748214472579,1.8786401803829331,0 -1381,960464.0,1974-11-07 18:59:00,1974-07-30 22:52:00,44.328693953373374,0.8112579690106538,0 -7468,896728.0,1970-04-27 01:10:00,1975-10-02 21:17:00,50.839397288806445,0.8990149293986003,0 -413,417844.0,1973-07-22 22:08:00,1973-08-01 09:43:00,47.909700718109846,1.0084914190303036,0 -5037,297986.0,1970-05-28 23:49:00,1973-04-06 18:02:00,54.98809548082784,1.0409525667166175,0 -4897,799854.0,1970-02-09 11:39:00,1975-09-14 07:43:00,53.256530865264736,1.4188202187407524,0 -3336,959354.0,1970-10-07 00:34:00,1975-07-22 23:22:00,41.08982972357017,1.1324592584023532,0 -3606,610263.0,1972-11-28 06:49:00,1975-10-05 01:51:00,47.477190624152335,0.5688144140479685,0 -3175,953589.0,1972-10-28 14:10:00,1973-12-27 21:56:00,55.04602402930222,1.5795959752674458,0 -2241,87252.0,1970-07-02 23:15:00,1974-05-04 08:37:00,46.66467534410294,1.4354562639221735,0 -9708,1198449.0,1972-06-27 17:50:00,1972-08-04 02:25:00,48.3767117314873,0.4792424674590737,0 -7796,418139.0,1970-01-16 00:08:00,1973-07-02 23:06:00,39.14400737498594,1.130650736123197,0 -256,252780.0,1972-09-04 20:01:00,1971-09-03 22:22:00,51.776547247073566,1.5265780394923034,0 -8620,1089227.0,1972-06-07 18:49:00,1971-03-08 15:52:00,46.41506439892719,0.6444436052985814,0 -200,6132.0,1973-09-17 02:42:00,1971-09-06 09:08:00,44.34859863819961,1.457544889509963,0 -2235,91448.0,1972-12-26 16:18:00,1972-05-22 00:31:00,48.90030945920426,1.3964583942644353,0 -4743,1195451.0,1973-08-30 09:48:00,1971-06-26 01:11:00,51.36321791320332,1.7906532022256751,0 -1767,210051.0,1970-03-11 12:47:00,1972-10-02 02:31:00,42.95669041695277,1.252702810006479,0 -4236,278580.0,1974-03-21 00:19:00,1973-06-01 20:19:00,47.366553444525614,1.59367734882014,0 -6729,465550.0,1970-04-20 19:06:00,1975-11-07 18:50:00,36.77053238296557,1.282508163517473,0 -8450,276059.0,1974-03-14 13:47:00,1975-09-02 18:30:00,44.40768884270109,1.0431031175494772,0 -7277,1196051.0,1972-05-29 14:36:00,1973-06-05 16:12:00,49.2696968323014,1.1426089751942008,0 -1572,91286.0,1974-03-24 06:31:00,1971-03-15 20:56:00,55.49812829367649,0.449210270567949,1 -24,235238.0,1971-06-15 03:52:00,1974-05-21 01:17:00,46.174886820607725,1.30307970515221,0 -3363,228740.0,1974-05-26 00:06:00,1971-01-25 16:56:00,53.415167485919135,1.7817920527954376,0 -1088,829484.0,1972-04-30 23:15:00,1975-08-29 04:00:00,40.3448592591772,0.626580622864193,0 -4674,961016.0,1971-01-24 01:31:00,1974-11-10 10:46:00,52.779251679195056,1.735926773990174,0 -2694,92836.0,1971-05-28 06:11:00,1973-11-27 12:05:00,46.96963326199919,1.19132461861648,0 -7582,694195.0,1971-08-01 00:14:00,1974-04-13 22:45:00,40.81274170365917,0.7891515921475314,0 -3398,1111385.0,1974-04-23 17:54:00,1971-12-04 18:22:00,56.312323892878375,1.4380552502293011,0 -3559,504404.0,1971-12-14 01:14:00,1971-04-16 15:16:00,44.467333187062415,1.3428324919648054,0 -9156,323340.0,1974-12-24 18:44:00,1973-08-13 02:50:00,44.1144092329826,0.8199333659579646,0 -2841,1118368.0,1970-01-22 23:14:00,1973-08-02 21:15:00,48.69484176445965,0.4814693040721255,0 -2311,334975.0,1972-10-13 20:24:00,1971-06-08 17:49:00,42.02733707492712,0.6202686956917944,0 -8333,482726.0,1971-10-18 21:35:00,1972-11-02 00:05:00,48.83262645232178,0.613490247015789,0 -3234,774154.0,1973-03-25 21:46:00,1975-04-26 07:41:00,44.0033751792693,1.4924385629562682,0 -4152,715774.0,1973-07-04 16:01:00,1973-07-24 21:01:00,37.10803663876538,0.6523024945749156,0 -1309,765132.0,1972-08-08 20:16:00,1973-01-08 06:55:00,49.87677891325645,0.3062472768388441,0 -695,145996.0,1974-07-19 08:56:00,1975-06-15 22:54:00,53.17700665187199,1.6734702820685097,0 -9859,632891.0,1974-08-04 02:30:00,1973-10-18 14:06:00,48.41431603421012,1.956706057107596,0 -3752,118487.0,1972-07-14 16:47:00,1971-09-29 12:54:00,49.9675359535818,1.0462822962812823,0 -6337,1070039.0,1973-05-10 20:07:00,1974-05-17 14:27:00,49.71917991967776,1.0438209508123688,1 -1227,94734.0,1971-06-29 08:12:00,1974-11-30 17:56:00,51.639960230940034,,0 -1999,647671.0,1972-02-03 06:45:00,1972-03-28 20:30:00,42.69233854086156,0.2241688380266454,0 -276,29003.0,1971-11-03 18:14:00,1975-11-11 04:21:00,40.51031810608947,1.0432356025933798,0 -8176,360540.0,1970-06-11 02:50:00,1974-11-01 11:50:00,51.432875946012025,1.619677901108698,0 -7664,665159.0,1970-04-10 23:00:00,1975-03-11 22:38:00,54.32687244169757,1.1266856533134493,0 -5929,94806.0,1971-11-21 05:32:00,1975-12-16 04:42:00,45.426401824581234,1.6832947525670954,0 -2953,1110282.0,1970-06-22 13:06:00,1974-04-09 22:24:00,54.70135670339557,0.8380579134866512,0 -3637,372659.0,1970-02-09 21:02:00,1973-01-03 19:31:00,47.78693644250063,0.960517713919486,0 -3906,627035.0,1970-04-28 09:12:00,1973-10-29 06:51:00,49.30001257584516,0.8310581361232643,0 -4778,15519.0,1972-06-25 07:45:00,1975-05-24 05:16:00,,1.511210860887331,0 -5845,992422.0,1971-07-06 13:15:00,1972-12-17 07:42:00,48.18696459670447,0.9159194614769984,0 -9698,457036.0,1971-10-12 23:00:00,1972-05-13 17:06:00,51.16265094863485,1.0508938457362973,1 -4117,250675.0,1972-10-25 13:46:00,1972-07-19 08:37:00,50.65761863493819,1.103221338683496,0 -7030,232092.0,1974-09-11 02:12:00,1973-08-23 17:53:00,50.36610474750248,1.6282798306334398,0 -1137,,1974-01-24 04:30:00,1971-01-19 11:38:00,52.32549149108218,0.9381755735960648,0 -2767,1029677.0,1971-11-06 10:06:00,1973-04-09 11:07:00,43.396996988645846,1.4707444147874338,0 -2334,800368.0,1974-12-22 17:49:00,1972-12-28 13:21:00,42.52681095129758,0.5035201161682562,0 -7706,554247.0,1972-06-26 06:32:00,1971-07-05 22:58:00,42.46554880701255,2.048530918267322,0 -942,1180978.0,1970-03-17 03:56:00,1975-05-23 19:06:00,51.16604024818624,0.9086038219862076,0 -7662,822047.0,1970-10-06 15:28:00,1974-06-02 00:43:00,61.254864384251945,0.8694715820082464,0 -2490,714580.0,,1973-05-19 06:44:00,53.47464938420623,0.8668387081003331,0 -9679,610519.0,1974-10-18 23:03:00,1972-12-05 21:20:00,44.09553588493354,1.3662329409995675,0 -6290,658410.0,1974-02-06 23:30:00,1971-05-26 10:16:00,45.72755643996172,0.9679857955495912,0 -4935,854891.0,1970-11-25 00:50:00,1972-05-05 12:16:00,53.6506394481664,0.6316049153761125,0 -3935,476037.0,1970-08-24 20:44:00,1972-06-11 20:55:00,50.87108762770756,0.8644274140520496,0 -6956,625503.0,1972-03-18 19:29:00,1973-04-22 01:57:00,52.05822172418347,1.272182825233084,1 -2384,326908.0,1971-05-09 05:40:00,1973-10-02 06:43:00,45.31680304573028,1.0556813741227684,0 -115,765236.0,1971-03-31 01:10:00,1971-07-17 06:55:00,50.53248789585759,1.129648917370861,0 -1863,607483.0,1973-02-21 06:28:00,1974-07-11 22:10:00,50.66763219057032,1.137666005514449,0 -9976,255226.0,1971-01-12 02:05:00,1975-12-10 09:48:00,54.94807434674591,1.6003384041516486,1 -3119,213186.0,1972-03-05 10:49:00,1973-12-27 13:00:00,52.30343230648696,0.9317777593524168,0 -4258,304665.0,1973-06-27 16:01:00,1975-08-21 16:51:00,53.38777308950027,0.6189466737055829,0 -6705,953692.0,1974-06-13 06:54:00,1971-01-30 23:27:00,48.287683796579046,1.2437888672177,0 -902,315883.0,1974-04-20 18:13:00,1971-01-11 19:47:00,53.02903554507141,1.186727461515566,0 -2819,768717.0,1971-08-05 21:39:00,1971-12-14 13:42:00,48.12130078751683,1.5729364220881847,0 -3822,344204.0,1971-08-11 19:09:00,1974-05-18 21:19:00,,1.00236135569785,1 -8161,139084.0,1972-11-29 23:23:00,1972-05-23 23:47:00,45.02882978177485,0.7555163124019036,0 -6890,1103992.0,1971-03-15 12:29:00,1972-09-27 01:43:00,47.352464034956505,0.2120585837999979,0 -9090,1004511.0,1972-07-06 17:05:00,1973-07-17 09:36:00,46.795781046920645,1.5258637770933896,0 -4699,598936.0,1973-08-04 12:14:00,1975-04-20 08:38:00,48.02908199453242,0.8773005269982297,0 -8918,950770.0,1970-11-21 08:16:00,1973-08-07 13:03:00,46.84315183674039,1.267087898204529,0 -3802,1020636.0,1973-11-06 10:39:00,1972-02-10 15:02:00,54.78655843556047,1.102849205042057,0 -6068,715828.0,1974-07-25 23:12:00,1974-03-29 12:09:00,47.97511852585965,0.0,0 -5810,371743.0,1970-07-01 11:11:00,1973-09-16 02:26:00,49.62571134436527,1.459812244427117,0 -3536,620495.0,1971-06-13 14:12:00,1972-06-03 21:06:00,,1.7648804130943467,0 -3825,975420.0,1972-09-14 05:40:00,1972-12-27 12:17:00,44.734805863651005,0.9071555027597158,0 -8642,609995.0,1970-04-10 18:54:00,1974-04-21 21:35:00,62.12471714701335,1.1810662754782242,1 -8608,1150342.0,1971-11-30 21:05:00,1975-01-20 18:46:00,54.12274187149154,1.1993543881210815,0 -4810,12592.0,1972-08-06 14:07:00,1975-12-21 22:10:00,50.91016360135366,1.6836936036468029,0 -1946,521760.0,1973-06-28 13:11:00,1973-09-12 19:18:00,41.19730662018735,1.3438153995596729,0 -8600,274354.0,1974-06-22 16:23:00,1974-10-07 04:29:00,42.03629575419454,0.7142254506545778,0 -7136,403503.0,1973-07-19 15:26:00,1974-06-25 01:11:00,36.098018304420414,1.2164148598007674,0 -5335,378305.0,1973-04-26 19:26:00,1972-03-23 04:22:00,54.6553838132618,0.3012002435675814,0 -3488,996648.0,1971-01-19 18:26:00,1971-03-29 22:10:00,41.48212253991248,0.3066517994449654,0 -1610,713056.0,1970-05-13 03:59:00,1975-02-27 19:20:00,49.0460861181278,1.1699176707586676,0 -7461,91628.0,1971-08-06 06:50:00,1974-07-28 00:35:00,42.75907733914829,0.5836185527445091,0 -8473,443144.0,1970-09-07 21:57:00,1972-08-18 03:42:00,53.231476227858266,1.820072691215636,0 -4677,902267.0,1970-10-14 03:35:00,1972-02-15 01:01:00,43.06167471272586,0.1953477198481555,0 -4959,153675.0,1971-02-19 14:09:00,1973-05-21 21:08:00,48.17013968401746,1.058733852337124,0 -5867,1106196.0,1970-07-26 08:33:00,1975-01-06 11:53:00,50.14857122833486,0.7053584737376855,0 -8763,182219.0,1972-11-29 19:04:00,1975-09-25 16:49:00,44.81788964435884,1.1578765647475884,0 -4761,307162.0,1971-11-06 00:50:00,1974-03-09 09:48:00,47.78270064898484,0.5448384401390665,0 -2194,960943.0,1972-05-17 14:36:00,1974-04-25 06:14:00,54.34893969948031,1.3025772645721936,0 -8003,710034.0,1971-06-11 18:31:00,1974-03-09 15:23:00,51.289394092772,0.999749578782136,0 -5701,2942.0,1972-12-21 20:59:00,1974-05-01 16:43:00,53.48740250539695,0.5073722994697429,0 -5113,542542.0,1971-10-02 05:20:00,1973-06-21 11:20:00,42.30501791987251,1.1154724756213814,0 -557,955973.0,1974-10-30 10:22:00,1974-08-12 21:05:00,43.50023729613151,0.5858547242249492,0 -8065,896075.0,1972-08-30 10:34:00,1972-05-21 06:14:00,55.97317430197972,1.1738741794335736,0 -5139,203129.0,1972-07-02 14:58:00,1973-09-21 00:34:00,48.50044939779345,1.4332547451544633,0 -1207,281128.0,1971-05-10 06:47:00,1975-01-03 22:50:00,48.552352605054,1.2740786438358658,0 -7033,815521.0,1974-05-08 17:36:00,1974-06-14 10:01:00,47.63216794224565,0.434700363806077,0 -7309,304710.0,1972-06-09 20:05:00,1972-07-23 12:55:00,52.71089271077705,0.6199816271156213,0 -1510,305927.0,1972-10-07 05:58:00,1975-09-26 17:42:00,48.443436213499794,1.0798033697739629,0 -6769,1144944.0,1970-09-21 21:57:00,1975-10-05 22:05:00,53.10969819804456,1.1471435597194837,0 -3829,1190902.0,1970-05-21 20:29:00,1974-08-12 17:35:00,44.845649421081,1.746998720483774,0 -3732,696872.0,1972-01-07 00:51:00,1975-11-03 19:37:00,53.58160227167885,1.0660637963317563,0 -7957,148297.0,1970-05-11 18:47:00,1975-01-18 13:51:00,48.91370566631493,1.4035454578246287,0 -3211,571553.0,1972-10-05 01:31:00,1973-01-26 06:27:00,38.53184813279589,0.6282571845845382,0 -3630,1099926.0,1974-02-09 01:19:00,1975-04-29 03:45:00,51.195868194097855,1.0400336029005617,0 -1708,433251.0,1971-08-14 11:06:00,1974-05-27 11:37:00,53.51621714158631,0.7619746612163966,0 -1845,207481.0,1970-04-21 02:38:00,1974-12-26 01:30:00,49.11429974867591,0.8955364636773877,0 -266,781643.0,1972-04-22 11:36:00,1971-06-14 08:44:00,35.61346595103784,1.382601653193424,0 -5985,983106.0,1973-11-25 00:24:00,1975-10-16 16:49:00,52.949789842260486,2.098007727278121,0 -1140,1145904.0,1970-10-13 15:12:00,1971-02-27 16:04:00,48.61171585392523,0.7634014232119715,0 -3162,300226.0,1974-07-21 21:30:00,1973-04-20 03:29:00,46.95906669464725,0.772500297679998,0 -6207,261947.0,1974-11-30 06:19:00,1971-07-24 12:24:00,40.86136308531979,1.1851828630704524,0 -2046,102793.0,1972-01-16 04:42:00,1975-03-02 13:40:00,58.10349236963612,1.2829094169501598,0 -3730,420527.0,1972-07-03 10:57:00,1975-04-19 12:30:00,43.05049754876463,0.6798123039056867,0 -1909,562088.0,1970-10-06 01:21:00,1971-12-08 21:21:00,46.92903548831992,0.7565710407639141,0 -7307,124079.0,1971-10-11 12:42:00,1971-04-26 21:17:00,48.39637502603856,1.1879946487065198,0 -2660,213297.0,,1974-06-05 21:54:00,49.329022094390325,0.8434760419972983,0 -656,1108097.0,1974-12-21 16:44:00,1972-11-18 13:29:00,47.33698182319253,0.3486673861005659,0 -6660,79760.0,1971-04-09 11:21:00,1974-11-24 22:02:00,46.31116190471313,1.2420984633771768,0 -1307,819745.0,1972-02-09 15:22:00,1971-09-16 08:30:00,47.92251522512061,1.0452510869206066,0 -9429,132518.0,1973-12-05 14:47:00,1974-05-18 13:31:00,34.11879390330088,0.4589358306288553,0 -998,392944.0,1971-10-23 09:15:00,1974-08-19 21:23:00,48.07775450905946,0.5934312961061574,0 -7432,192863.0,1972-11-29 00:34:00,1974-07-01 21:26:00,44.041141118848834,1.8024606699840957,0 -2834,675600.0,1972-03-13 08:11:00,1971-04-23 06:14:00,45.44962651896256,1.2233728300022175,0 -9178,582587.0,1973-10-09 01:23:00,1973-05-25 00:27:00,50.142987462944845,1.3117469185672035,0 -5880,1162566.0,1972-07-14 11:39:00,1973-01-06 17:17:00,46.72934453904588,0.3613642517813125,0 -1237,655481.0,1970-12-01 00:03:00,1972-05-10 22:08:00,45.97790840994425,2.11251693897692,0 -2151,526414.0,1974-12-02 23:06:00,1971-12-30 10:48:00,48.63388083948424,1.2848119413383874,0 -7919,607457.0,1971-02-11 14:32:00,1971-04-07 21:51:00,51.97904274955808,0.6083807566170103,0 -9695,761516.0,1970-09-23 21:51:00,1972-06-26 04:55:00,50.0701567852244,0.2657424691112786,0 -7189,211333.0,1974-08-18 02:05:00,1975-01-03 23:39:00,53.78050438027212,1.667983823411061,0 -8303,619100.0,1970-06-27 12:42:00,1973-05-23 03:24:00,51.38538966678548,,0 -6578,907453.0,1974-04-28 23:12:00,1973-03-29 15:46:00,47.18264146090296,1.44166245518892,0 -5091,452237.0,1972-09-17 08:12:00,1972-06-27 22:40:00,52.01822015569094,0.9415008183987312,0 -2186,1141464.0,1972-01-12 22:42:00,1971-01-29 09:22:00,50.44775903350602,0.6127088733294789,0 -1134,641866.0,1972-04-06 04:18:00,1971-03-12 01:11:00,43.53690872503059,0.6677309802329705,0 -5004,195746.0,1973-08-23 20:20:00,1975-01-21 18:46:00,49.90737720890308,1.1745155010384047,0 -7974,650072.0,1973-09-07 19:11:00,1974-05-17 01:07:00,46.41241196651144,1.5529873848208322,0 -1303,548052.0,1971-02-14 09:49:00,1974-12-09 00:59:00,42.053322238913175,0.533854063441486,0 -8468,1151382.0,1974-07-10 03:55:00,1975-08-15 00:37:00,51.99095865446299,1.0840295452411992,0 -1627,999103.0,1973-01-05 08:17:00,1973-08-24 23:09:00,52.21171916970289,0.9640163657659884,0 -9281,947949.0,1973-02-05 00:08:00,1974-04-26 07:12:00,51.26297830493438,1.0398419322076864,0 -1522,164503.0,1971-11-29 19:05:00,1973-07-09 22:44:00,48.749589635375614,1.2103645576154634,0 -9810,615129.0,1970-06-03 15:35:00,1973-03-23 01:39:00,47.2512674166308,0.3129795316688017,0 -358,72710.0,1973-05-06 03:25:00,1971-06-06 15:10:00,43.53334149368668,1.6540068291976449,0 -138,474365.0,1971-12-07 16:57:00,1975-12-04 18:51:00,47.38637875956904,1.6548491144378843,0 -299,41614.0,1973-09-26 03:05:00,1973-12-06 06:54:00,40.16240877356413,0.8703421993244196,0 -1556,1137211.0,1972-09-13 02:53:00,1975-05-13 02:24:00,41.65650825520295,0.5418862019446107,0 -5099,702103.0,1974-12-08 14:50:00,1972-08-07 10:58:00,60.913970538456375,1.0198024794083531,1 -382,919084.0,1974-06-03 00:39:00,1974-04-12 12:53:00,51.232147991155806,0.7309236402842424,0 -8312,358304.0,1974-11-02 02:39:00,1973-04-05 23:22:00,45.38910303187123,0.960357947090658,0 -6948,928146.0,1973-06-02 21:30:00,1972-05-12 16:14:00,52.44270514978684,0.3402393252528476,0 -4857,870565.0,1971-02-03 17:08:00,1975-11-09 03:15:00,44.59320006635126,0.5417279832240898,0 -3180,892162.0,1974-05-25 03:23:00,1973-07-16 10:32:00,38.11677430316091,0.5950668116521007,0 -1439,829798.0,1970-01-20 23:53:00,1975-01-26 15:01:00,53.24758992741405,0.4987063556897066,0 -7269,9234.0,1974-08-09 12:26:00,1975-11-15 19:16:00,45.02882623423858,1.4636462032637394,0 -5673,372015.0,1973-09-08 18:29:00,1971-02-27 13:37:00,52.966095703625705,1.820275326980721,0 -946,492857.0,1970-05-20 13:05:00,1971-05-06 13:31:00,45.20728290154885,1.175916604745312,0 -2390,380659.0,1970-01-05 00:13:00,1975-10-29 18:50:00,54.39462739621659,0.7909183798070315,0 -5498,995659.0,1974-11-05 03:51:00,1971-08-27 21:26:00,46.49767022541892,1.825172487343888,0 -7073,898009.0,1974-11-18 09:58:00,1974-12-13 08:17:00,52.67438508713496,1.8489705891530173,0 -9230,268267.0,1974-07-11 05:57:00,1974-12-27 16:42:00,49.14901797433534,0.1133258243364971,0 -2721,633861.0,1970-12-29 10:11:00,1971-02-22 01:29:00,43.56884340940243,1.2349838849115422,0 -1932,1181283.0,1971-09-02 22:24:00,1971-05-04 17:36:00,48.6319342834936,0.5036689318414377,0 -7423,676645.0,1972-10-22 00:47:00,1973-08-10 18:08:00,57.15963535003449,1.8448806097213435,1 -3236,301723.0,1970-11-05 14:41:00,1971-08-17 08:15:00,49.11850900890338,1.2974717879715525,0 -3140,951309.0,1972-07-02 09:16:00,1975-06-11 03:57:00,39.88823819441389,0.9152191281563208,0 -4163,635.0,1970-07-08 04:19:00,1971-03-30 20:03:00,49.771724964139295,1.2836083149881656,0 -8888,590223.0,1973-07-25 04:00:00,1972-07-04 03:22:00,44.65931175683512,1.009998656667034,0 -3807,1088239.0,1972-06-18 06:25:00,1973-10-25 01:16:00,55.144827632021645,0.0545900353400032,0 -9479,1011140.0,1973-12-27 13:03:00,1975-03-23 20:37:00,50.05916294946251,1.229143830995629,0 -6983,55871.0,1973-07-14 13:18:00,1975-02-08 02:33:00,48.03289246804549,1.5923011367755566,0 -8904,704462.0,1971-09-10 03:07:00,1971-01-01 07:52:00,43.70606343661564,0.682573154987736,0 -9722,748168.0,1974-10-27 19:56:00,1972-03-22 16:18:00,40.50262235951673,1.3953180203836744,0 -4154,163444.0,1973-06-04 19:14:00,1972-10-07 08:14:00,51.707067772019016,0.7602149247003754,0 -4172,883417.0,1970-06-30 22:43:00,1975-07-28 00:35:00,52.86577603000447,0.2664281421584824,0 -796,812458.0,1972-01-14 01:33:00,1975-06-03 13:29:00,52.38199860546385,1.3874158156820064,0 -2416,729786.0,1972-12-01 03:37:00,1971-07-24 11:16:00,44.77051088749192,1.4147119761040496,0 -7170,241544.0,1970-01-26 13:33:00,1972-09-08 05:55:00,48.40004977541769,0.7743960319619594,0 -6139,145210.0,1974-12-22 15:32:00,1972-08-07 03:07:00,53.28375543560255,0.8831127582903504,0 -785,172138.0,1974-05-12 18:35:00,1972-08-07 01:33:00,38.31313815697148,0.4268396921656007,0 -7067,345491.0,1974-11-14 20:36:00,1974-03-02 13:55:00,39.95301710090187,0.407117869190348,0 -3158,864196.0,1970-01-18 17:11:00,1973-03-15 18:11:00,49.13862684288669,0.1497318443042866,0 -123,822334.0,1973-04-26 17:27:00,1974-03-05 13:39:00,54.5206235241171,2.0940182475338944,0 -9457,1002608.0,1972-03-11 10:54:00,1973-02-19 09:51:00,39.85192241106687,0.4956199906592419,0 -9246,452294.0,1971-05-24 02:04:00,1971-03-25 11:06:00,54.88494979208069,,0 -2172,703854.0,1973-09-06 22:49:00,1975-08-16 09:01:00,46.1926934133275,1.024322099437563,0 -2169,38389.0,1971-09-23 09:52:00,1972-05-22 20:38:00,57.25153253010953,0.3271967976735495,0 -6880,441379.0,1974-04-23 04:24:00,1973-06-02 09:41:00,43.06425027752865,0.6524368295188951,0 -4009,173011.0,1971-11-11 23:21:00,1971-05-17 09:03:00,48.059804514515626,1.175682130530857,0 -9296,817109.0,1970-05-31 00:59:00,1973-03-25 22:31:00,49.06232610402605,0.9208980953289038,0 -4340,550552.0,1972-12-19 06:50:00,1975-10-06 04:09:00,42.42394572404773,1.04555493442707,0 -910,971206.0,1974-09-25 20:30:00,1972-09-20 04:43:00,47.92441414600789,1.0877263564366404,0 -6268,819273.0,1972-11-22 16:28:00,1974-08-25 12:43:00,48.78934263204375,0.994992854365261,0 -7771,665190.0,1973-12-06 21:53:00,1973-12-14 16:38:00,46.22666928193302,0.3932771871370324,0 -2309,429931.0,1970-10-07 04:35:00,1973-10-02 13:15:00,52.33265654960173,0.955299478778838,0 -9658,473287.0,1971-10-21 20:08:00,1974-11-19 09:23:00,57.55318088363715,0.98258501664293,0 -3634,184038.0,1972-08-10 05:36:00,1974-01-15 02:15:00,50.79554411940348,0.7824079023500222,0 -1257,590490.0,1972-06-18 05:21:00,1971-10-07 10:56:00,47.80877193817175,1.1362007818343534,0 -6591,648455.0,1971-11-10 18:45:00,1975-12-24 19:46:00,43.71497407673154,0.5242286405901744,0 -4458,935185.0,1970-02-23 03:52:00,1974-10-08 02:50:00,56.3215398870901,1.327984959178437,0 -6133,302469.0,1974-03-06 13:10:00,1972-11-28 13:17:00,45.65504720800209,1.923224364688925,0 -1178,1010097.0,1971-10-15 06:56:00,1974-12-21 07:32:00,47.38408124514152,1.5778123766434091,0 -4652,623942.0,1973-02-17 21:40:00,1974-10-03 16:59:00,42.90157706609276,0.7218883504179621,0 -6218,1072431.0,1973-11-07 00:11:00,1974-05-30 10:56:00,50.0712650628399,1.2084116543372332,0 -3650,809614.0,1970-07-16 21:59:00,1972-09-09 09:19:00,39.25424193297144,1.1480593331514206,0 -442,817752.0,1973-01-15 11:18:00,1973-12-19 06:09:00,48.11129000227068,0.3235818421922737,0 -3415,1161770.0,1971-12-12 18:39:00,1973-09-24 07:43:00,48.72217806914762,1.1062156895203714,0 -1399,1132988.0,1974-05-15 19:17:00,1974-07-04 03:32:00,50.17942434166967,1.1425042536501169,0 -1457,245184.0,1973-09-12 22:10:00,1974-02-21 04:27:00,43.747152192110285,1.139525894773446,0 -7524,716057.0,1973-06-08 02:12:00,1973-10-20 14:48:00,55.64203568818813,0.4575619808175403,1 -5744,1068942.0,1974-06-25 15:57:00,1975-05-18 05:19:00,45.33059842806056,1.227556219610819,0 -1054,777896.0,1971-08-30 18:03:00,1972-07-28 07:18:00,48.7497826021559,0.9717091962163316,0 -8998,349232.0,1973-10-15 14:55:00,1972-03-19 11:27:00,51.30593366429721,0.977936559298856,0 -3275,488276.0,1971-01-09 04:17:00,1975-08-18 00:11:00,49.58050046407659,1.018758305411394,0 -1463,927154.0,1973-02-11 19:15:00,1974-11-05 09:51:00,48.51480830212628,1.017121240820085,0 -3699,435030.0,1974-12-02 14:48:00,1973-07-10 14:23:00,39.43322193153128,1.005516938117691,0 -3759,940380.0,1970-12-12 10:12:00,1974-09-06 08:08:00,46.47554024246665,1.1330778824069614,0 -929,394268.0,1973-12-10 11:53:00,1971-10-21 15:39:00,48.57330992610064,0.7679990489078613,0 -5511,732956.0,1970-04-29 07:41:00,1975-03-25 19:24:00,45.52059443209024,1.7031459673493292,0 -6468,47224.0,1971-08-02 05:00:00,1973-03-28 16:06:00,42.25759893302974,0.0,0 -8412,786470.0,1974-02-22 09:58:00,1972-01-11 12:35:00,47.37777668729006,1.5875685227999323,0 -1829,18918.0,1974-01-22 18:42:00,1972-06-14 07:25:00,51.09101994777913,1.859695889817916,0 -2928,148876.0,1970-10-13 23:29:00,1975-11-01 10:01:00,57.14642205544453,1.7535359690458605,1 -8295,615697.0,1971-03-08 19:15:00,1973-11-05 04:47:00,51.438843837791545,0.8342454857725063,0 -6538,907157.0,1970-10-23 20:31:00,1974-02-13 20:28:00,52.66362124295891,0.49129774594832,0 -4221,585778.0,1973-11-13 19:07:00,1975-01-10 10:30:00,37.102713287344784,1.1125815430643604,0 -3546,712484.0,1970-10-26 11:17:00,1971-12-31 05:13:00,50.96972087666925,1.8649603150527052,0 -5598,913058.0,1971-10-29 00:46:00,1974-06-07 08:57:00,41.31697258277121,0.2786083125345282,0 -8937,200767.0,1973-11-10 06:06:00,1971-08-02 11:07:00,52.40910527513045,0.9566388000528242,0 -7318,657844.0,1970-04-23 16:17:00,1975-02-09 00:04:00,41.09492023826724,1.1895682136995078,0 -8350,432684.0,1972-06-23 01:49:00,1971-12-11 12:37:00,44.34373173851688,0.3398109371342377,0 -2011,473080.0,1970-01-22 08:14:00,1974-05-13 07:59:00,43.06294163823947,0.2586142549555059,0 -913,277965.0,1970-12-25 05:24:00,1975-07-16 12:32:00,44.656130423193,1.2781877970564903,0 -8248,420533.0,1972-10-13 22:59:00,1975-08-01 21:12:00,58.89019976094935,1.0856425042360445,0 -7265,703691.0,1971-11-22 23:23:00,1973-03-09 17:37:00,45.94438801546898,0.9391107879587056,0 -3219,615246.0,1971-06-13 17:21:00,1973-08-31 11:39:00,47.07695779650946,0.3019278551788535,0 -2606,456607.0,1973-09-06 22:03:00,1972-04-06 20:29:00,45.76985322345075,1.0963838534591528,0 -3264,1134623.0,1970-09-21 22:24:00,1975-05-11 09:13:00,52.66720531873538,0.7940056087604572,0 -4928,327587.0,1973-05-18 02:28:00,1975-07-03 00:52:00,43.738253085297934,1.6573563380263456,0 -8661,1025383.0,1971-02-22 22:26:00,1974-03-14 23:39:00,46.44273372214132,0.3830750176808298,0 -6564,930203.0,1970-11-29 19:07:00,1974-08-31 13:56:00,62.717077155656895,1.7179757653322985,0 -8129,234441.0,1973-01-15 23:39:00,1974-05-14 05:15:00,48.87985361704945,1.401564650837018,0 -6,537627.0,1972-06-11 08:30:00,1972-10-05 06:06:00,51.528110996097446,0.9654714363830892,0 -2980,202460.0,1970-07-09 09:49:00,1971-06-11 22:25:00,43.91767016911757,2.000481649000988,0 -6583,1139025.0,1974-06-09 10:11:00,1972-12-14 10:51:00,53.07075375803748,1.5343450885192178,0 -3361,772109.0,1972-05-09 21:04:00,1973-02-19 20:51:00,45.95863362944024,1.3231444902696108,0 -4774,117910.0,1973-09-29 13:36:00,1975-06-07 21:03:00,43.93763725057523,1.505333403592101,0 -1943,877662.0,1971-07-26 09:29:00,1973-02-14 13:19:00,49.71996558857154,1.5061694177813238,0 -7452,608726.0,1972-12-19 02:54:00,1974-03-11 21:42:00,47.10566819970218,1.591512151705032,0 -5499,759768.0,1973-03-17 07:02:00,1975-07-07 00:42:00,49.1822313068967,1.0894943203532312,0 -1635,42661.0,1972-12-31 08:04:00,1972-09-29 21:49:00,51.60338048949684,0.7600298362685413,0 -1141,439882.0,1973-02-11 08:35:00,1974-03-21 22:47:00,45.09917684255771,0.2297222988454077,0 -2041,631687.0,1973-06-27 21:30:00,1972-11-10 00:24:00,45.05449702884494,1.8573653352756976,0 -6703,458205.0,1970-09-26 23:42:00,1972-05-05 09:46:00,51.271496171833085,0.4771044614317633,1 -7818,1160047.0,1974-11-19 12:52:00,1975-07-24 16:38:00,42.62252025248449,0.3038259607566603,0 -2070,249526.0,1972-08-07 08:34:00,1971-03-24 06:48:00,48.59339850556873,1.1890783039938346,0 -3134,458188.0,1973-03-02 05:59:00,1975-05-31 14:07:00,42.9729001864814,0.6946139638845922,0 -5160,1166118.0,1972-09-17 11:56:00,1975-11-25 19:36:00,33.27772892178618,0.2504703819042213,0 -8331,927733.0,1970-08-04 23:55:00,1975-11-01 19:55:00,52.68310496547357,0.8570939034631442,0 -5275,770581.0,1972-07-16 08:43:00,1971-08-25 02:28:00,52.54562606908971,1.201722885965967,0 -2242,56652.0,1970-03-29 01:58:00,1974-02-16 08:34:00,49.62542840038906,0.0,0 -1474,33464.0,1973-10-06 17:33:00,1971-03-08 10:40:00,44.50782832418286,1.890313484650566,0 -8590,814940.0,1974-01-08 17:26:00,1975-12-12 18:07:00,51.287468570737445,0.4644037661189724,0 -1889,105873.0,1974-06-12 04:48:00,1974-07-06 06:59:00,48.36913575019686,1.9690762787104883,0 -3435,576655.0,1970-12-24 12:57:00,1975-05-21 02:34:00,49.71995654625699,0.9153828543848522,0 -7593,750715.0,1974-01-21 01:42:00,1974-04-03 02:23:00,45.92222701837603,0.3182114329938796,0 -7745,381370.0,1972-10-20 08:25:00,1974-12-15 21:18:00,43.70993106642951,2.0516560823539045,0 -3705,303616.0,1973-03-02 16:40:00,1974-11-20 19:05:00,53.706629618120814,0.8932957717667417,0 -2021,922290.0,1974-02-20 06:47:00,1975-11-02 08:05:00,52.89944548756607,0.3734836459477951,0 -4020,51562.0,1972-01-12 13:11:00,1972-03-14 15:07:00,46.827470696346985,1.2908399135040176,0 -8830,666294.0,1970-12-08 15:28:00,1971-12-01 07:18:00,41.9632045199819,0.0,0 -8443,1120363.0,1974-05-05 05:17:00,1975-06-18 13:18:00,45.75529542031687,0.653917259011438,0 -3500,849438.0,1973-01-20 06:46:00,1972-01-31 05:00:00,39.35786313351462,0.8620768931086765,0 -2658,238153.0,1974-04-01 09:18:00,1972-10-11 22:12:00,44.18362412814892,0.8661992868372327,0 -8456,452932.0,1970-09-16 14:45:00,1975-12-15 17:08:00,46.28434396215102,0.9639612839104827,0 -6888,325109.0,1972-08-30 02:40:00,1974-11-16 21:15:00,49.84251002100651,1.1919330104642958,0 -1130,896391.0,1972-11-16 18:33:00,1971-08-10 19:09:00,38.777473118180815,0.2278079331011936,0 -5557,341991.0,1970-05-03 01:34:00,1975-03-01 02:06:00,54.61646529117732,1.6241721219888872,0 -7358,801758.0,1972-06-28 22:15:00,1975-10-19 17:42:00,46.58201549534472,1.2821878385905423,0 -1819,75640.0,1970-10-23 20:22:00,1971-12-22 05:21:00,53.33197931179318,0.7302903228028961,0 -7538,282615.0,1970-09-23 21:22:00,1972-08-05 12:17:00,55.86242424194506,0.6524982692710071,0 -9386,793445.0,1971-10-18 06:03:00,1974-08-25 04:57:00,52.79071572537581,0.7378262038206914,0 -4318,514544.0,1974-06-06 20:22:00,1972-10-31 19:59:00,50.30489473473598,1.571481572646808,0 -9604,651221.0,1974-01-24 15:57:00,1972-08-12 19:57:00,41.68802420725458,1.0640996731480306,0 -4144,380372.0,1974-01-06 01:45:00,1974-05-15 16:11:00,39.990035906076415,0.5876160022240278,0 -4669,199212.0,1973-10-28 09:32:00,1973-09-11 12:42:00,53.09943699600765,1.8680254648458157,0 -1236,139667.0,1971-08-15 11:27:00,1973-05-20 06:15:00,54.83535827368813,0.8932394221038016,0 -5476,587099.0,1970-09-16 08:15:00,1971-02-05 13:06:00,46.02892368340935,,0 -9836,245789.0,1972-12-23 11:59:00,1973-03-05 16:33:00,56.69716612241322,1.1311370284887283,1 -1856,1065363.0,1970-08-12 01:56:00,1971-04-25 07:22:00,52.5242184328453,1.8681498483924184,0 -2282,597048.0,1970-10-20 15:17:00,1973-07-08 23:07:00,53.313770652871305,1.295664704173653,0 -8693,801412.0,1971-11-24 15:23:00,1971-06-05 08:53:00,58.44336802986128,1.240030723176715,1 -9320,849383.0,1973-11-18 03:46:00,,45.70595784841057,1.1650040849652883,0 -4093,303523.0,1972-07-30 01:41:00,1973-05-07 06:02:00,51.57390685190183,1.486858362533026,0 -7061,142235.0,1974-01-08 19:16:00,1973-03-03 17:00:00,39.2674606521029,1.0053016278320084,0 -5200,793639.0,1971-02-11 06:57:00,1971-11-13 01:04:00,55.1563101572055,0.4734765697758655,1 -6401,1090128.0,1973-09-21 07:55:00,1973-05-28 01:28:00,58.13686682583375,0.7339790688640352,0 -9929,472252.0,1970-05-15 10:05:00,1971-11-30 06:39:00,53.40705226262582,0.9854363528314672,1 -3421,756107.0,1970-06-30 17:59:00,1973-06-03 02:05:00,51.31218649638084,0.5426697105305462,1 -9269,979956.0,1971-11-25 22:39:00,1975-12-05 05:44:00,49.36410338328636,1.4128060651876764,0 -386,766179.0,1971-05-15 01:11:00,1974-12-25 21:02:00,38.913590805614106,0.534021867469409,0 -8548,1139197.0,1972-10-07 01:11:00,1971-11-28 12:36:00,45.97144182702277,1.4666930207124418,0 -1628,115712.0,1973-10-13 19:43:00,1971-08-17 13:17:00,42.98714654146911,1.6572682385406876,0 -3585,45624.0,1972-03-23 13:39:00,1975-01-04 02:32:00,42.918551076125496,1.4303970386918865,0 -7412,640500.0,1971-05-16 15:37:00,1972-06-11 08:06:00,42.01065166320196,0.0,0 -2714,739045.0,1974-05-18 03:55:00,1975-07-13 04:16:00,44.42143331090954,1.358854387655798,0 -7171,874832.0,1970-02-07 00:38:00,1972-03-14 13:30:00,43.94052488997448,0.4620612294735028,0 -8435,1049927.0,1973-07-11 17:22:00,1971-09-18 05:08:00,41.07407846659017,0.6955135340142218,0 -9321,296179.0,1971-05-28 04:59:00,1971-03-22 16:45:00,43.319130251227634,1.8277511797971973,0 -5659,398551.0,1971-08-01 23:39:00,1975-08-25 07:16:00,55.89665687080168,0.2814536751338156,0 -3189,780331.0,1974-07-07 19:50:00,1975-05-06 18:18:00,49.823293603427686,0.8852018623826113,0 -9968,1156778.0,1970-12-17 14:03:00,1972-01-13 21:51:00,45.56006274823283,1.708181407326558,0 -4305,285059.0,1974-08-02 14:57:00,1975-11-18 00:47:00,46.7959284462816,0.1741097694877253,0 -909,207616.0,1972-07-19 21:01:00,1973-11-13 01:18:00,50.33446591821525,1.2817127014728045,0 -5385,581099.0,1970-12-24 22:28:00,1973-05-10 18:27:00,51.94720457666887,0.6547645189214544,0 -1996,383361.0,1971-10-31 19:11:00,1972-06-03 11:07:00,45.23456243048748,0.0622321581629488,0 -1866,239250.0,1971-11-28 11:37:00,1973-07-17 12:37:00,47.5991210156631,0.2482565701521841,0 -1842,139652.0,1973-10-19 02:09:00,1974-08-03 16:02:00,50.56716844964236,0.5752873186505425,0 -2497,1122019.0,1974-05-21 20:57:00,1971-09-01 07:52:00,46.17138562771453,0.0061503363704554,0 -201,534009.0,1973-09-13 04:10:00,1973-09-16 23:00:00,49.89120354251269,0.850559885996058,0 -7905,972269.0,1971-09-27 13:22:00,1975-07-14 03:42:00,44.44230585335493,1.0869560864421943,0 -7724,74739.0,1972-04-26 16:43:00,1974-03-16 18:35:00,50.19387817078498,1.735542002342933,0 -5054,635143.0,1970-01-23 17:59:00,1972-02-13 12:45:00,42.05595350772239,0.9830832119209378,0 -5889,884527.0,1974-01-22 09:49:00,1972-03-21 07:53:00,44.10203276475127,0.857257606010812,0 -4006,655715.0,1974-12-20 22:08:00,1972-08-30 20:12:00,36.850526721678,1.1503244195441358,0 -9901,741382.0,1972-04-26 04:59:00,1974-06-04 04:07:00,50.327710748010816,1.9251541685208384,0 -2702,,1974-05-08 14:33:00,1974-02-25 09:25:00,47.21352322455514,1.6056490458369388,0 -3449,765395.0,1970-01-20 02:44:00,1974-09-08 06:42:00,40.24411874785004,0.4899529497829279,0 -331,149938.0,1973-11-17 23:01:00,1975-01-08 12:58:00,46.331876269238045,0.1387563404098795,0 -7139,1102301.0,1971-04-26 22:56:00,1973-08-12 02:54:00,45.40799036203413,0.5001639884358033,0 -8960,528512.0,1970-06-06 19:33:00,1972-02-01 01:50:00,36.00433641396306,0.826652573623374,0 -9819,505305.0,1973-09-20 17:22:00,1971-02-09 22:05:00,46.87658590006476,0.9149814181840512,0 -7176,485392.0,1971-12-11 03:58:00,1974-08-14 23:47:00,48.353218827974295,0.0,0 -2459,785249.0,1970-03-18 08:58:00,1973-12-19 01:52:00,50.05059019982275,1.319386775323976,0 -1774,12179.0,1970-02-20 08:08:00,1971-09-16 01:20:00,35.20088082167045,0.875312126042832,0 -6628,355111.0,1973-06-07 06:26:00,1975-02-22 01:52:00,46.28110545416946,1.8240058621049056,0 -7596,1047088.0,1970-05-01 05:56:00,1973-11-19 00:29:00,39.94323409229654,0.4416504643723283,0 -7986,630829.0,1973-12-15 18:16:00,1971-12-30 10:21:00,51.46345308413859,0.3253360666952601,0 -2686,536243.0,1971-06-24 08:35:00,1974-01-17 11:43:00,53.899868130385066,0.2173705397283802,0 -9147,618239.0,1970-07-06 21:44:00,1972-07-11 05:34:00,47.70433046189229,0.6320447368998472,0 -989,100955.0,1972-09-18 10:58:00,1974-07-22 14:02:00,45.84853351294044,1.2630125434322523,0 -9046,899071.0,1973-10-17 01:24:00,1971-01-31 06:21:00,44.38636410260048,0.3893246662635258,0 -8348,41417.0,1973-05-28 07:39:00,1975-11-11 14:29:00,49.136980002908494,0.7697961732913257,0 -8875,1069180.0,1970-05-31 02:01:00,1971-04-24 11:04:00,46.55898889586372,1.312900958551137,0 -8550,276444.0,1972-01-20 00:51:00,1972-11-26 03:56:00,42.90075144338766,1.05753107188065,0 -5806,471075.0,1971-08-17 04:07:00,1972-10-08 11:08:00,44.28636456162365,0.4632704607376775,0 -8733,1198358.0,1970-05-31 01:09:00,1973-04-19 06:44:00,46.65834295962215,2.340062400257938,0 -8697,186061.0,1972-03-04 04:15:00,1972-12-05 23:10:00,50.53759392102695,1.5093470375033684,0 -6574,800932.0,1972-05-06 08:33:00,1972-02-10 17:53:00,43.17841015682361,1.76468003861154,0 -3052,109759.0,1974-12-15 22:40:00,1972-12-13 16:50:00,44.47703773714862,1.711283610466391,0 -8637,107316.0,1970-08-26 05:39:00,1971-04-08 16:17:00,40.73356501971304,0.2711979245211995,0 -5462,,1971-09-07 18:24:00,1975-04-05 03:55:00,39.28732536708203,1.4064898245743196,0 -173,836652.0,1970-06-11 21:59:00,1972-09-14 12:24:00,49.49309654899917,1.492422253773427,0 -4954,52418.0,1974-02-23 05:30:00,1972-02-01 22:07:00,36.17896840252956,1.6738115421141817,0 -4615,83788.0,1970-08-23 03:06:00,1972-07-14 11:03:00,58.04775763969548,1.336330013249706,1 -3321,29287.0,1974-06-11 21:49:00,1974-09-05 10:06:00,47.28614914205617,0.9507447714098513,0 -7065,581831.0,1972-12-07 23:19:00,1972-06-03 04:51:00,61.58068518500836,0.936297345955545,0 -6246,170761.0,1973-12-11 03:25:00,1971-02-27 12:46:00,52.26973781744897,0.8770613693998384,0 -6745,742914.0,1972-05-08 12:16:00,1973-11-03 02:08:00,50.01455936117931,0.9292464524292192,0 -3372,905121.0,1971-12-24 00:30:00,1973-05-20 12:17:00,48.19128290994456,1.3042907901426355,0 -6048,751972.0,1973-07-11 06:47:00,1974-04-02 23:04:00,47.42509002500742,1.8702637278924263,0 -3311,387514.0,1970-03-19 08:37:00,1972-12-27 08:27:00,41.286421562873386,0.7941805633342711,0 -7416,606185.0,1972-08-09 16:32:00,1973-03-29 21:12:00,38.20103796010117,1.426947657918148,0 -7293,120227.0,1972-03-29 09:41:00,1972-11-09 04:02:00,41.57425448017602,0.0728722517460671,0 -7584,426209.0,1971-12-14 06:31:00,1974-01-07 04:37:00,48.93532601538536,1.3160706034412395,0 -9377,216942.0,1970-07-15 02:53:00,1973-01-29 02:27:00,51.884184068738826,0.4908931091317291,0 -8811,775613.0,1970-11-30 15:50:00,1973-03-18 20:04:00,46.58885241671091,0.4365388250661042,0 -8160,510176.0,1973-05-03 13:05:00,1975-07-14 12:26:00,50.10281894890403,0.3625318789234028,0 -4679,548894.0,1973-11-01 17:26:00,1973-11-07 05:07:00,43.50968195608088,1.1440309893573382,0 -3403,3509.0,1971-09-22 20:10:00,1971-09-06 17:10:00,55.41570609291821,0.0586037594973127,0 -18,536017.0,1970-09-03 13:05:00,1971-12-24 18:52:00,43.16890297636793,0.2163636760669838,0 -3691,214573.0,1970-09-03 07:40:00,1974-12-05 02:56:00,41.42279573904101,0.6877911317925712,0 -8654,37173.0,1971-04-18 03:42:00,1975-09-05 22:03:00,51.85800463452048,1.404241069107385,0 -4096,663755.0,1974-04-03 19:58:00,1975-04-17 19:21:00,48.08484912871898,0.602928502535195,0 -3628,988502.0,1973-04-17 06:16:00,1973-02-07 04:23:00,51.20013104177205,0.9995021403225578,0 -8862,522964.0,1970-01-27 06:57:00,1975-02-20 04:14:00,44.90125452336888,0.9152360436055692,0 -2174,766740.0,1974-08-20 06:37:00,1972-08-16 05:44:00,56.12937828509994,1.7544937198232806,1 -1356,88303.0,1970-08-20 06:51:00,1974-03-13 15:47:00,45.32553218965998,0.5219227148169425,0 -5002,92906.0,1971-08-16 02:26:00,1971-11-12 05:56:00,45.76390132729552,0.1944378030866652,0 -7391,642137.0,1973-06-09 19:37:00,1972-12-15 18:35:00,51.27860707523666,1.115961237631828,0 -6922,1099311.0,1973-05-07 13:13:00,,50.33236524705293,0.5839107434779829,0 -5823,196445.0,1973-04-07 20:35:00,1972-11-02 13:04:00,51.03172336153564,1.665113343112355,0 -9502,254286.0,1970-03-28 12:11:00,1972-07-01 15:28:00,42.596427773521256,1.0342028600815714,0 -5670,601031.0,1972-05-01 10:45:00,1971-01-11 04:49:00,51.17139113185214,1.3418398033065804,0 -3112,1064063.0,1972-05-11 11:54:00,1971-07-25 09:36:00,42.232621159730826,0.4439629689695588,0 -182,669621.0,1971-04-12 02:38:00,1972-09-11 19:17:00,51.18816375875216,1.8889190713610735,0 -3642,206119.0,1974-01-30 16:38:00,1971-09-05 10:31:00,50.23507730214001,0.903663268461205,0 -8857,341312.0,1970-09-09 23:21:00,1971-10-11 15:45:00,49.9975254810124,0.6739358151132286,0 -1812,58877.0,1970-01-16 08:30:00,1972-12-05 08:03:00,56.48602914555725,1.1340677952203844,1 -7875,277256.0,1974-07-11 08:41:00,1975-08-20 22:45:00,60.25699959822858,1.339075213197535,0 -8497,454253.0,1970-02-04 19:19:00,1975-05-26 04:11:00,48.10103479714999,0.9871464592998792,0 -4912,267761.0,1973-08-08 22:36:00,1975-08-20 21:55:00,33.77369968337574,0.0,0 -5668,487575.0,1972-05-24 10:35:00,1972-06-16 14:48:00,54.26406376832496,1.6737804107236682,0 -8542,121795.0,1972-05-21 00:19:00,1974-01-22 20:08:00,69.51251458652496,0.5307020274706997,1 -1800,651456.0,1972-06-26 15:53:00,1973-04-21 06:30:00,42.742782076379015,0.8588962487981219,0 -9251,236408.0,,1975-10-24 00:24:00,41.11959536004347,1.391958868748296,0 -2429,288451.0,1974-05-16 11:50:00,1973-10-09 10:04:00,42.36414113862011,0.9815497606060716,0 -5482,,1973-08-21 11:28:00,1971-06-10 08:30:00,56.14943125879281,2.11785152860244,0 -6761,1060215.0,1973-09-30 09:07:00,1971-05-31 11:18:00,44.80870683346862,1.885837217933922,0 -9839,539929.0,1971-03-01 08:15:00,1975-07-20 08:53:00,52.02189519612631,1.2509712362469465,0 -9635,335357.0,1974-01-22 12:11:00,1971-09-18 23:46:00,46.63868472030882,0.8191714811958168,0 -1968,1161441.0,1974-11-28 06:58:00,1975-07-10 06:47:00,46.22148444613642,0.5867157421387442,0 -8339,65661.0,1970-04-19 15:41:00,1972-05-08 07:42:00,48.14642476960653,1.1046142580060754,0 -8141,294884.0,1971-05-01 12:37:00,1973-09-19 04:44:00,45.67446901876648,,0 -7696,586175.0,1973-10-27 20:28:00,1974-05-23 11:30:00,58.493121519570366,0.9832470522116926,0 -7541,1007872.0,1971-01-31 23:52:00,1975-01-17 23:02:00,46.78293144040968,0.9970319892062712,0 -4987,49424.0,1972-07-16 05:57:00,1972-08-09 20:27:00,55.00531291710038,1.7170639783042403,0 -9756,552688.0,1974-08-19 13:01:00,1971-09-23 10:10:00,40.47344320024219,1.8309141692698216,0 -4650,968637.0,1974-01-31 23:49:00,1975-04-29 18:18:00,42.073321169885496,1.2312790931900273,0 -1159,614940.0,1974-03-13 12:35:00,1972-05-15 02:46:00,44.78590004971975,0.8391941713450538,0 -1213,222470.0,1973-01-10 09:12:00,1972-06-24 17:27:00,41.25583906241256,0.9986691035649504,0 -7336,455582.0,1974-04-16 23:13:00,1972-07-11 02:21:00,50.78803253932661,0.8813175831004654,0 -1325,552489.0,1971-07-13 12:00:00,1975-01-19 23:12:00,46.55894402290241,0.5943125690547044,0 -7512,988381.0,1974-05-30 22:51:00,1972-02-13 21:36:00,50.47546574624123,0.7501917018271061,0 -7580,601145.0,1973-01-24 15:32:00,1972-10-28 13:05:00,45.77242720609288,0.2402496855662087,0 -4796,868973.0,1971-05-27 03:19:00,1973-09-21 12:39:00,50.291086136298205,1.2527317404547291,0 -6796,440404.0,1972-10-26 14:38:00,1975-11-17 13:26:00,43.1406181334742,1.6190150502391771,0 -5808,1100247.0,1973-02-22 15:20:00,1973-12-13 21:39:00,46.39536722502445,1.2395577119817065,0 -5943,571927.0,1971-12-07 22:46:00,1971-08-18 03:24:00,39.85223756559144,0.6392367008361313,0 -9283,510342.0,1971-10-27 23:25:00,1972-11-10 23:19:00,41.69375649328659,0.224163260827458,0 -8144,1057180.0,1972-11-25 17:20:00,1975-08-30 23:18:00,47.44552819073891,0.0,0 -1455,1112209.0,1971-04-03 09:23:00,1971-12-07 03:36:00,49.333932780771086,1.3899104270574731,0 -5410,1011879.0,1974-01-26 22:30:00,1973-08-03 20:39:00,49.70557080445766,0.9399853380340482,0 -7129,979616.0,1970-02-17 16:11:00,1975-07-05 02:56:00,44.41474624614465,0.0,0 -8892,1107413.0,1974-10-28 10:24:00,1972-11-29 06:23:00,42.59766595350373,0.596134144029125,0 -4962,949910.0,1973-10-23 10:45:00,1972-06-25 09:41:00,46.28233925179104,0.9834466081507232,0 -2800,862168.0,1973-11-06 09:08:00,,57.054205514847546,0.3244388649401045,0 -1644,472672.0,1972-08-08 16:43:00,1973-04-25 02:18:00,49.57017374267222,1.263555192702407,0 -2140,285763.0,1973-11-10 11:27:00,1972-01-03 20:07:00,48.09597500830469,0.2694315608453957,0 -4536,43466.0,1971-09-08 08:53:00,1973-04-03 18:47:00,45.62609209611312,0.0,0 -4457,915632.0,1973-05-29 20:20:00,1973-04-26 05:03:00,49.996358188064754,0.4442455702967434,0 -8951,884157.0,1972-02-25 02:39:00,1974-03-19 12:43:00,39.44811723481193,0.376860555761786,0 -5586,841458.0,1973-03-14 10:14:00,1975-08-14 23:21:00,49.81245825601712,1.3275093277182235,0 -4378,1008831.0,1973-07-09 22:01:00,1971-10-24 08:06:00,41.04544731826378,1.0127102382000537,0 -729,400468.0,1971-05-23 15:15:00,1972-12-06 12:54:00,51.67252755067776,1.6873355032000048,0 -4357,902525.0,1971-05-16 23:27:00,1972-02-02 20:03:00,43.33088226676901,1.7676974330117103,0 -7748,287989.0,1970-02-16 14:51:00,1973-08-11 13:56:00,46.0321875829492,1.1223647768518112,0 -6716,1162047.0,1973-06-23 02:43:00,1971-11-05 17:23:00,51.49676437099361,0.2666162975776871,0 -1936,263344.0,1974-05-15 09:51:00,1974-11-06 08:08:00,49.13011881711296,0.0,0 -3793,775483.0,1973-04-13 05:46:00,1972-10-23 15:28:00,57.54670896368789,0.8397258894001162,0 -3736,255015.0,1970-09-18 20:05:00,1971-08-13 10:07:00,44.87348761654852,1.008975385041663,0 -2261,1164740.0,1972-06-17 03:41:00,1975-05-25 12:33:00,48.61833293037425,1.5698628117639208,0 -4005,395831.0,1970-01-18 07:16:00,1972-06-05 15:20:00,51.02636188219531,0.7905230830378265,0 -1110,349911.0,1972-11-08 07:05:00,1974-08-13 22:38:00,48.88590498944792,1.3342623713261543,0 -9028,1113784.0,1971-07-21 01:16:00,1975-09-24 23:15:00,53.6306305430256,1.4180665169823996,0 -5480,847685.0,1972-05-11 04:47:00,1971-08-27 13:39:00,37.08382193827868,1.602240681546363,0 -2998,1008635.0,1971-11-08 13:04:00,1973-10-31 18:45:00,49.81305989469707,1.155182620493431,0 -2394,759201.0,1970-11-05 19:01:00,1973-08-27 12:11:00,41.66801638345234,0.5423831347821005,0 -1185,149861.0,1974-12-14 21:10:00,1973-08-06 01:39:00,44.421690500439325,0.7899106771298013,0 -2007,226649.0,1970-07-30 02:33:00,1972-10-11 07:38:00,47.39550092951738,0.5905019955718109,0 -193,1150770.0,1970-02-11 16:02:00,1973-03-16 06:53:00,48.42295846918632,,0 -5611,864321.0,1970-09-28 10:25:00,1975-07-15 08:55:00,48.30342203629992,0.0110397215524588,0 -2901,645512.0,1970-03-30 10:08:00,1972-01-07 01:16:00,31.525511173335577,0.9068390804279902,0 -578,967717.0,1973-10-11 04:25:00,1974-10-24 14:22:00,43.9838935899546,0.6707754408821411,0 -6219,38923.0,1974-11-10 12:16:00,1974-01-04 11:49:00,51.60508914164016,1.176274097713598,0 -5525,481665.0,1973-02-05 08:30:00,1973-05-17 03:15:00,44.89586289574697,0.9506952433174468,0 -771,499338.0,1970-11-22 17:12:00,1971-08-03 12:25:00,52.730472980733154,1.1488134202068498,0 -7839,517285.0,1973-10-28 10:49:00,1971-08-04 13:02:00,47.98115356096324,1.0618381141900914,0 -2395,361541.0,1974-08-08 12:34:00,1974-03-19 13:38:00,43.51236541098071,0.8634210821175607,0 -1478,301833.0,1970-07-15 18:26:00,1971-09-04 10:48:00,48.91208398235804,0.7748318217057666,0 -1846,189501.0,1971-03-25 13:52:00,1973-09-19 11:05:00,45.30154932498201,0.3655557096920651,0 -9108,413614.0,1971-09-23 12:09:00,1973-05-22 05:26:00,47.21429539839706,0.8830171982815483,0 -4274,853940.0,1972-12-21 20:18:00,1975-06-05 21:18:00,42.08611854258587,1.2773175513896058,0 -3740,708420.0,1971-03-13 20:37:00,1974-08-22 10:13:00,38.04772719732805,0.5988433044244506,0 -4600,556680.0,1970-04-01 20:33:00,1975-09-13 08:40:00,43.51336770496746,0.9291446653400324,0 -8087,1180959.0,1973-11-22 20:27:00,1974-01-28 13:50:00,44.0947388868543,0.2178821240766149,0 -8710,794711.0,1970-10-05 04:33:00,1973-03-08 22:43:00,51.142922828182535,0.7185255359849017,0 -6676,186037.0,1973-07-14 13:17:00,1973-05-10 06:19:00,46.04497302842651,1.4566177166525094,0 -6375,197061.0,1974-02-17 02:56:00,1974-02-11 05:02:00,40.53151247932579,1.0019147607020882,0 -8124,233044.0,1974-06-19 18:30:00,1973-05-04 11:52:00,41.70182230701125,0.9039621289855456,0 -9538,346924.0,1970-11-21 23:08:00,1972-03-29 07:48:00,51.11613107889458,1.6367803535510146,0 -4915,110282.0,1974-08-10 11:51:00,1973-07-22 12:24:00,43.012788271815,1.4103472516349091,0 -2073,952361.0,1971-05-06 01:09:00,1971-10-19 02:16:00,51.968137481502254,0.4958370140663597,0 -4754,592805.0,1971-08-14 07:20:00,1973-09-07 05:29:00,41.083768034676126,0.1699830405421776,0 -1896,1087584.0,1970-10-12 08:55:00,1974-03-17 05:13:00,52.431029113511954,2.192008945275921,1 -8552,817934.0,1974-08-07 18:48:00,1972-04-29 15:57:00,57.80602148331955,1.0671471709358848,0 -6702,1191061.0,1972-02-01 10:01:00,1972-10-15 07:48:00,48.0039750974431,0.5729922713339477,0 -6317,848629.0,1972-03-20 16:32:00,1973-02-13 14:04:00,45.90779250652415,1.2617246520506955,0 -3659,352867.0,1972-11-08 04:12:00,1973-04-07 09:01:00,53.13139812242525,1.3243378551033846,0 -6581,681724.0,1970-02-14 04:11:00,1972-12-24 16:14:00,53.63001455192892,0.0,0 -2379,237266.0,1970-04-17 07:09:00,1974-10-09 08:44:00,41.313235081542345,0.7043897303828266,0 -1447,863028.0,1972-04-26 15:51:00,1975-08-29 17:07:00,45.94191415422219,1.0918159001042411,0 -342,922410.0,1971-06-30 04:18:00,1973-08-25 13:35:00,46.21640725606715,0.3257633661045425,0 -5127,559317.0,1973-05-17 19:30:00,1972-02-02 04:52:00,47.10721052880167,1.7666571664311634,0 -3136,791519.0,1974-12-30 22:14:00,1974-06-23 13:19:00,54.46926596081943,1.640414602278501,0 -2527,5484.0,1970-04-09 09:07:00,1973-06-22 21:55:00,40.65329810854147,0.4147466221484881,0 -727,986060.0,1974-02-10 04:09:00,1972-08-01 13:07:00,49.4583516373108,0.5534138708073021,0 -4577,858725.0,1973-03-02 03:59:00,1971-07-14 21:15:00,53.740343977649765,1.056118833843772,0 -976,727567.0,1972-04-17 23:57:00,1971-08-20 19:53:00,47.32958799420312,1.2839904004494067,0 -8391,996448.0,1974-04-21 17:44:00,1973-11-17 00:11:00,43.92946308504117,1.768678135176363,0 -5443,276137.0,1971-05-14 21:56:00,1973-07-07 21:15:00,41.59207737456904,1.1702857651389336,0 -9034,875599.0,1972-10-07 04:53:00,1974-06-11 14:17:00,46.02284948500999,1.2272127295376665,0 -3516,954278.0,1970-08-04 09:40:00,1974-12-04 04:22:00,55.87031483556285,1.8811918072992844,0 -7975,980640.0,1974-05-22 19:25:00,1975-06-23 21:01:00,39.7442300911904,1.4326336690345889,0 -9787,859057.0,1973-01-13 13:05:00,1973-06-08 10:36:00,47.3243068540888,0.8367614463241073,0 -3940,250130.0,1970-05-06 17:32:00,1975-10-24 07:54:00,47.47865980930088,1.104097042819457,0 -1299,1052247.0,1970-05-16 11:41:00,1974-12-27 04:27:00,46.78511813704784,1.676538869673117,0 -9764,609900.0,1970-01-03 12:13:00,1972-10-23 00:10:00,53.44627497815165,1.1950233887142114,0 -1348,861615.0,1974-11-08 09:46:00,1971-02-11 14:45:00,47.955268282623855,1.7451592844245816,0 -660,850951.0,1971-10-25 14:11:00,1972-02-13 10:34:00,59.468694214993945,1.0239486970176892,1 -5886,769065.0,1974-08-17 20:47:00,1972-07-31 06:50:00,44.28466067044624,0.6043925757796951,0 -1492,1094054.0,1974-10-17 13:23:00,1971-10-09 09:57:00,49.2199915841724,0.6438893542272831,0 -9946,125527.0,1972-10-01 13:59:00,1972-08-13 03:14:00,52.94089162619838,0.0132075667729313,0 -4589,844.0,1970-06-06 10:41:00,1975-07-03 00:39:00,46.0670082118294,1.4916333423925656,0 -8530,229308.0,1974-03-08 00:10:00,1973-04-25 02:46:00,43.66819334443894,1.3695742957695578,0 -5154,364243.0,1970-12-17 14:15:00,,48.4899019594678,0.0364672952592228,0 -2315,624766.0,1972-03-12 02:56:00,1971-06-24 16:47:00,49.23135315698617,0.5596866861053145,0 -9614,368296.0,1972-11-14 16:48:00,1972-08-11 09:18:00,50.7954929620023,1.679381527568283,0 -9577,392132.0,1972-05-30 14:17:00,1974-10-03 23:37:00,45.29077885261716,0.7780963926514256,0 -7024,1032294.0,1972-04-02 00:49:00,1972-04-26 18:25:00,42.241728736066506,0.3391693480960691,0 -1085,1076612.0,1974-10-20 07:53:00,1974-06-23 00:24:00,57.98551033837524,1.4881966780530564,0 -2524,603296.0,1972-02-19 22:25:00,1974-11-09 05:06:00,47.406764624190814,1.3623766104131376,0 -8968,472519.0,1972-02-23 13:50:00,1974-08-05 16:52:00,46.93063093981223,0.7122121113151589,0 -5374,,1970-02-26 20:34:00,1973-04-09 07:38:00,51.80131179903211,1.4639197994742887,0 -3198,1076539.0,1973-03-25 10:20:00,1973-12-19 10:39:00,50.08340421139656,0.3645068827902116,0 -5751,352779.0,1973-09-10 22:58:00,1973-03-30 04:20:00,51.58143406922851,1.5866712070162867,0 -4008,781962.0,1974-12-03 13:34:00,1973-04-28 23:28:00,51.34498841476232,1.1782741285185545,0 -5717,1188323.0,1971-10-31 18:39:00,1973-03-10 10:15:00,48.45512501629101,1.835961835245999,0 -6657,106427.0,1974-04-06 04:33:00,1974-11-18 11:07:00,52.83010772241224,0.3924845288503054,0 -9357,1139007.0,1971-03-31 20:24:00,1975-08-14 10:46:00,46.0683521440166,1.288465714911765,0 -8790,768426.0,1972-03-23 14:28:00,1974-09-29 06:01:00,47.5010211744164,1.732535504616969,0 -67,127130.0,1972-07-22 06:30:00,1974-01-13 12:20:00,49.659354252445176,0.5047671096867059,0 -7923,516017.0,1973-05-16 23:47:00,1972-08-01 08:47:00,46.44564924386644,1.6881061903573105,0 -40,1108481.0,1971-02-16 13:25:00,1971-10-12 22:21:00,53.07150485677986,0.2945817564272303,0 -2269,700374.0,1970-04-11 09:44:00,1972-04-27 07:43:00,43.19851675479366,1.0627857479904377,0 -2381,490578.0,1973-07-18 13:03:00,1971-01-07 22:14:00,46.12784015119423,1.478304109224213,0 -7341,588410.0,1973-02-28 13:01:00,1974-08-14 15:39:00,46.64256452804772,1.1779845572514225,0 -9961,732321.0,1971-09-27 07:05:00,1973-04-18 11:46:00,45.14094163175006,0.800874228705467,0 -4916,1123009.0,1971-01-22 17:37:00,1971-07-20 08:37:00,37.97778440390657,0.7383111291836955,0 -5322,1147916.0,1974-11-02 03:14:00,1974-09-25 12:05:00,39.08070344392259,1.7056750971014707,0 -5773,993174.0,1970-11-04 22:12:00,1974-06-21 19:28:00,46.05715213513251,0.3906746067199858,0 -6232,647600.0,1974-11-29 03:59:00,1971-12-04 10:41:00,48.46628658626116,1.376446853674832,0 -6963,809748.0,1972-06-12 02:56:00,1975-02-15 12:11:00,48.62102166633751,1.8886358994127133,0 -3447,288300.0,1973-02-28 11:52:00,1975-05-16 02:03:00,55.24431267414214,0.7150584820898704,0 -6816,689008.0,1970-03-31 09:31:00,1972-08-08 05:58:00,56.10790961840977,1.0678800951723522,0 -2367,605722.0,1973-12-05 03:15:00,1975-02-09 19:25:00,50.86934335279712,1.2239461608343123,0 -7981,505653.0,1972-06-05 15:21:00,1972-09-08 10:11:00,58.88490810398052,0.7904895092369146,1 -8166,120698.0,1973-07-20 22:31:00,1971-05-23 08:26:00,43.374983010353326,1.510024681844315,0 -2512,465373.0,1973-01-04 05:29:00,1975-07-26 07:30:00,39.21729990018879,1.383443247746701,0 -9619,696156.0,1971-11-03 06:54:00,1975-01-01 23:33:00,44.68347104150168,1.111263160161192,0 -2723,815280.0,1974-06-08 06:09:00,1973-07-04 16:56:00,46.14034674991094,1.1698419321545184,0 -5948,445675.0,1974-10-24 21:51:00,1975-04-11 01:55:00,51.60884494899739,0.9462942345642336,0 -9185,1002455.0,1971-03-21 23:27:00,1973-06-24 11:18:00,46.77721726177497,0.0,0 -9004,1137085.0,1973-02-19 11:27:00,1974-03-30 02:05:00,39.54752566646799,0.5522044944426399,0 -1143,468681.0,1974-12-08 15:37:00,1975-12-13 22:17:00,52.44726459198332,1.988664853228005,0 -9736,962682.0,1970-01-06 10:59:00,1971-11-20 08:30:00,45.887842397064446,0.9618027806435356,0 -7222,324656.0,1973-04-09 01:09:00,1973-08-11 17:46:00,54.96189108741365,0.3072682772510479,0 -8292,1064345.0,1974-08-04 03:16:00,1975-11-09 14:30:00,37.22251644728101,0.9934951875309952,0 -9220,473.0,1974-06-01 12:41:00,1973-11-28 09:59:00,40.16425482381655,0.552707913610904,0 -4728,1145409.0,1973-10-29 00:03:00,1975-02-08 08:04:00,43.21818207749699,1.4396765771926925,0 -5494,126041.0,1972-05-31 18:09:00,1972-03-09 15:06:00,48.08338737497485,1.621007058713171,0 -5755,661232.0,1973-05-31 23:41:00,1973-12-06 14:19:00,50.0484182771936,1.3760926896319106,0 -7562,87268.0,1971-10-08 23:23:00,1974-11-28 11:23:00,50.11416754578563,1.521888085110369,0 -3789,792073.0,1971-03-18 01:26:00,1972-10-11 18:39:00,50.09049925339529,1.5801608211154168,0 -2220,1112672.0,1971-10-31 14:09:00,1971-01-25 19:26:00,48.272500215401735,1.4927867702953432,0 -5075,498033.0,1973-09-06 23:42:00,1974-11-22 23:30:00,44.6777045974944,0.9770589543014376,0 -2331,281136.0,1974-10-25 18:49:00,1974-04-19 00:20:00,44.57494526190184,0.8202031987395454,0 -5394,58734.0,1971-07-15 04:27:00,1974-07-07 17:51:00,45.87104536359107,0.8454496830708904,0 -7439,249246.0,1970-12-18 06:35:00,1972-11-01 17:20:00,49.56760129547327,0.9639901073784524,0 -8067,365538.0,1972-06-02 17:06:00,1974-05-16 06:00:00,39.34688773252097,0.8689839846909806,0 -7090,517152.0,1971-10-25 03:23:00,1973-01-11 10:00:00,48.34770829970057,1.180479036532842,0 -9336,310979.0,1971-02-19 03:20:00,1975-11-04 13:08:00,47.897783861326246,1.587581777332976,0 -4088,662605.0,1971-07-20 12:02:00,1974-12-01 10:01:00,51.876625875338895,1.9111378950213456,0 -1967,1021855.0,1971-04-24 19:44:00,1971-09-05 10:42:00,46.7337722419655,1.1314027535950926,0 -9363,164070.0,1971-07-16 15:02:00,1974-06-22 03:46:00,55.88024063741811,1.392239019543582,0 -9796,841299.0,1973-10-20 16:35:00,1973-02-06 02:00:00,52.36225163610186,0.5469531389523952,0 -6757,418397.0,1973-12-13 03:12:00,1971-07-14 16:09:00,52.31617386086219,0.0,0 -9586,62900.0,1973-07-29 08:14:00,1975-07-31 18:10:00,50.289352749272695,0.8211447202438693,0 -4365,496012.0,1970-12-17 20:57:00,1974-11-22 10:11:00,52.7495030402949,0.2366977745286019,0 -6999,19436.0,1970-05-31 01:03:00,1973-06-01 01:49:00,48.57998880333019,,0 -423,160571.0,1974-10-17 23:58:00,1972-08-24 07:16:00,55.16770896201607,0.3340263115345847,0 -280,822370.0,1974-05-01 13:59:00,1972-06-05 13:49:00,54.523212684889,0.8167012714862623,0 -1904,63466.0,1974-08-26 09:41:00,1972-10-27 20:59:00,48.11360191670138,1.368562408138715,0 -595,1049938.0,1972-07-22 11:37:00,1975-11-12 16:56:00,47.30602837838384,1.437804882177478,0 -8579,1082409.0,1970-04-30 05:32:00,1973-06-06 14:56:00,43.81619675329928,0.9051440323896222,0 -3917,20248.0,1974-04-30 09:59:00,1973-09-22 18:47:00,57.89394945785147,1.2017748476005785,1 -6142,673522.0,1974-08-02 08:33:00,1974-08-15 05:57:00,44.67817509505424,1.2155072240936606,0 -5661,623609.0,1974-08-14 07:50:00,1974-02-23 09:20:00,43.31123905074356,0.5638846576123164,0 -5778,469174.0,1974-08-13 11:18:00,1975-05-20 08:41:00,49.988082713378525,0.7013227060548795,0 -3618,91952.0,1973-12-26 05:06:00,1975-07-21 05:02:00,49.69717825726033,0.4662434913710815,0 -6845,801898.0,1974-08-11 19:07:00,1972-02-03 18:13:00,52.88839670486099,1.623390115447071,1 -839,525127.0,1971-04-09 05:10:00,1972-08-16 19:06:00,40.29373558893393,1.1094410549007616,0 -4596,153145.0,1970-12-29 18:44:00,1971-09-13 00:00:00,46.45330954369164,1.5770059633216102,0 -7496,851933.0,1972-07-01 17:56:00,1974-09-12 22:56:00,42.75882403695064,0.6903478708838391,0 -141,386278.0,1970-07-06 23:10:00,1972-06-16 07:27:00,41.8074334624716,0.1764549985315652,0 -2597,122953.0,1974-09-26 07:38:00,1972-01-09 19:58:00,44.5855478980077,0.6382220929003394,0 -6701,807561.0,1971-06-24 18:48:00,1972-12-11 02:50:00,53.25207579674485,1.0519014378684837,1 -7756,181054.0,1974-03-26 09:35:00,1973-04-24 10:32:00,50.25083123701625,0.8579451492708626,0 -1377,485266.0,1973-12-11 19:39:00,1975-11-17 22:22:00,54.77332318234997,0.4963097045141794,0 -3674,960479.0,1970-03-08 00:28:00,1971-05-14 22:03:00,47.04049340712897,0.7452378191545987,0 -8770,1065509.0,1974-10-23 01:14:00,1975-05-19 08:58:00,47.53930257008464,0.5197332105990493,0 -9895,874975.0,1971-08-01 12:22:00,1974-12-22 12:53:00,50.03323051539255,0.6207957862162243,0 -6362,789018.0,1973-04-01 14:30:00,1974-09-05 05:31:00,39.68212681491336,0.5571887949319466,0 -4741,533696.0,1971-06-01 05:34:00,1975-09-10 01:24:00,55.13991847505061,1.5570800734196872,1 -3808,800147.0,1970-01-14 04:17:00,1972-07-22 21:08:00,52.27771911140708,0.8790104318637174,0 -1138,235817.0,1971-11-12 04:11:00,1971-10-19 20:27:00,53.75981648866156,1.6665732056519929,1 -2257,971883.0,1973-03-05 02:52:00,1971-12-01 23:06:00,58.03531025996792,0.6985278430589167,1 -7865,599844.0,1974-10-23 00:16:00,1972-07-21 11:06:00,44.81733045709192,0.7578934606993966,0 -1787,142178.0,1972-02-09 09:59:00,1974-01-24 14:38:00,40.41078244654626,1.5338511954460534,0 -3938,174789.0,1972-12-07 00:54:00,1975-10-31 08:14:00,40.31036461628224,0.7173858725658555,0 -9316,154514.0,1973-05-25 11:53:00,1975-03-10 02:01:00,48.24997469008158,0.7075836062807856,0 -4646,662130.0,1971-02-01 05:15:00,1972-04-18 06:02:00,52.97690544791372,0.942600859675102,0 -459,650897.0,1971-02-08 08:25:00,1975-06-09 12:17:00,55.9042545625809,1.5102720446077955,0 -6115,636371.0,1973-05-31 09:07:00,1975-07-31 16:37:00,54.78120883344284,2.333677739716961,0 -9542,437517.0,1974-06-28 02:49:00,1974-01-14 21:23:00,53.41191809041143,0.9617666429674114,0 -948,207794.0,1973-05-16 11:49:00,1974-10-21 22:40:00,44.80625843949091,1.6055992157533998,0 -3700,1007277.0,1970-07-13 11:31:00,1974-10-28 00:35:00,46.27685249905592,1.533190731938105,0 -1336,725649.0,1973-10-26 19:24:00,1973-09-21 07:34:00,40.73835540969263,1.00159706081012,0 -6370,232379.0,1973-04-23 15:25:00,1971-11-25 16:34:00,43.149378719926304,2.295150278438212,0 -4628,36564.0,1970-03-24 06:06:00,1971-04-24 00:13:00,60.39850730524142,0.6526392230649799,1 -6286,374771.0,1974-08-21 05:30:00,1972-12-25 18:28:00,46.028102229665215,1.4346654969195205,0 -5925,765383.0,1974-03-30 15:23:00,1975-12-18 07:46:00,51.93357089569975,1.1350195809014276,0 -5934,530591.0,1972-12-31 09:53:00,1971-09-30 06:22:00,46.899529751750514,1.236642755966491,0 -6040,496197.0,1971-07-24 05:43:00,1974-12-10 02:57:00,46.16245967733367,0.8674713058941279,0 -441,713796.0,1972-03-24 23:24:00,1972-08-13 09:45:00,56.34620379758263,0.915692129281914,0 -6659,793745.0,1971-01-13 10:31:00,1973-03-12 18:17:00,43.91530542653648,0.595294586717135,0 -1602,364659.0,1970-06-12 07:15:00,1971-11-24 10:38:00,44.43497536242856,1.4354762265357162,0 -2238,83844.0,1973-11-06 18:44:00,1971-12-02 18:45:00,51.38310099225409,0.9068459438645736,0 -639,845211.0,1970-06-16 16:23:00,1973-06-27 12:36:00,48.868216378662346,1.7323671977568726,0 -9820,919746.0,1970-03-31 23:34:00,1972-02-27 00:14:00,44.26641790174653,1.0125445933004384,0 -3830,108067.0,1971-08-04 13:41:00,1974-07-20 18:54:00,55.75719179169882,1.130548048814746,0 -9395,59428.0,1972-11-18 23:10:00,1971-06-07 17:38:00,53.9103429633882,0.5956520609468372,0 -6144,151314.0,1972-11-26 00:22:00,1973-12-16 19:09:00,51.03671994487578,2.124774416959011,0 -7985,653989.0,1972-08-17 10:24:00,1974-12-01 21:27:00,55.06098435462553,1.3255617948090428,0 -9052,907423.0,1972-10-02 20:11:00,1973-06-17 11:53:00,52.8899637759973,0.2717353983606849,0 -6344,115996.0,1974-02-28 00:37:00,1975-09-03 11:18:00,48.071609733370586,0.6955192895347913,0 -2501,692630.0,1973-08-10 19:55:00,1974-06-30 10:25:00,51.70024307539732,1.0494880457102869,0 -1958,904194.0,1972-04-30 05:52:00,1973-04-04 03:39:00,51.40858633575638,1.051379458999527,0 -1070,530993.0,1970-06-11 07:50:00,1975-04-20 19:10:00,44.68646690637494,0.6162058829734711,0 -155,439603.0,1973-10-02 13:30:00,1975-10-04 23:08:00,48.55478134716862,0.5489969382997602,0 -2295,330612.0,1974-05-30 12:36:00,1974-10-18 19:48:00,48.527189186219246,1.1878139506985272,0 -9801,399840.0,1974-07-27 15:56:00,1971-03-22 08:40:00,47.36444556540744,1.0211280049690947,0 -4578,547983.0,1974-08-08 04:50:00,1972-02-26 12:09:00,49.32682580662082,0.9652892083662166,0 -1089,688127.0,1970-12-28 18:59:00,1974-07-18 23:24:00,48.25394174350863,0.9130796643949308,0 -6049,493730.0,1974-03-10 20:26:00,1973-08-24 02:23:00,51.470081811954536,1.3075723413584917,0 -6415,1183531.0,,1971-02-11 03:39:00,59.6283548554958,0.9757094228402532,0 -2940,64111.0,1972-06-05 14:09:00,1971-01-01 01:56:00,51.51756819391441,0.9903341647484653,0 -723,417270.0,1972-09-20 12:15:00,1973-02-28 08:08:00,48.107605302597705,0.3174546333538894,0 -4384,1156348.0,1974-08-17 05:27:00,1971-09-15 06:21:00,50.513850751280096,1.0458429276858952,0 -930,1043200.0,1972-06-04 01:57:00,1973-10-19 03:19:00,50.317298601426735,0.4463717860768273,0 -2909,670361.0,1972-11-11 11:49:00,1973-08-06 22:31:00,48.45825276333983,1.5445452300747986,0 -7845,292657.0,1974-09-19 05:32:00,1975-02-24 16:51:00,,1.256987897822057,0 -6763,835217.0,1973-04-21 04:06:00,1973-09-04 19:54:00,51.85772098703741,1.3068138440821206,0 -8388,219317.0,1970-07-09 17:06:00,1973-08-18 09:48:00,51.12479279615556,1.6928170164339331,0 -6416,293498.0,1970-09-25 06:31:00,1974-08-15 07:56:00,41.5788603960675,0.2875400490316717,0 -895,66041.0,1973-12-25 00:30:00,1973-10-13 07:58:00,50.02773856164778,1.883212558615616,0 -3247,799918.0,1972-01-28 12:26:00,1971-04-07 04:05:00,45.39656399005392,1.529881390560999,0 -2326,284167.0,1971-05-05 12:35:00,1975-08-06 17:46:00,54.4087360089892,0.1361976914501199,0 -7096,443822.0,1973-08-24 07:14:00,1973-08-31 01:38:00,49.7693337586764,1.6022260186777877,0 -9505,1105237.0,1972-07-04 18:14:00,1972-12-01 18:57:00,45.856604518010144,1.1777449146443928,0 -7581,630600.0,1970-03-02 00:59:00,1974-12-29 01:37:00,47.43378354798515,0.7110566653271185,0 -9742,319032.0,1971-08-29 01:00:00,1973-10-07 08:06:00,45.97560666099494,1.0166445195185487,0 -5038,805069.0,1974-09-23 15:54:00,1973-02-20 16:06:00,43.9791620876263,1.1562727265587904,0 -6450,566835.0,1972-04-20 17:18:00,1975-09-16 20:32:00,41.15922698161585,0.2942575831789314,0 -4136,131667.0,1973-12-29 15:49:00,1974-05-04 07:20:00,56.66906826905719,1.551068369428743,0 -9248,467854.0,1974-04-16 20:38:00,1971-05-30 23:15:00,55.49999386364187,1.3304346472780215,0 -1715,1019414.0,1970-10-18 04:53:00,1971-12-10 12:37:00,55.09851144757285,0.4213372739794049,1 -1698,448091.0,1974-09-09 19:05:00,1973-05-04 15:39:00,49.53036510816723,0.712974156483626,0 -9690,1188735.0,1970-01-16 13:57:00,1971-10-13 13:52:00,40.4454962786015,0.4860357244546106,0 -9549,276313.0,1972-09-14 18:34:00,1974-09-07 17:46:00,48.30448312292311,1.0326921487301035,0 -9971,356620.0,1970-05-18 08:50:00,1975-01-16 18:15:00,40.14469754678457,0.5291236002044666,0 -8224,588781.0,1971-12-02 07:19:00,1975-02-20 14:12:00,48.43236083606336,1.1769712910293617,0 -3831,57132.0,1974-11-03 15:16:00,1973-07-02 04:14:00,44.02250428402326,0.1159855140282455,0 -6299,477367.0,1970-06-14 09:59:00,1975-12-17 06:25:00,47.85547851599636,0.6957590124455051,0 -3348,1189415.0,1974-03-11 15:00:00,1972-02-07 00:41:00,50.66020277708804,0.2578498193338,0 -9518,565626.0,1970-07-12 02:11:00,1971-06-27 22:57:00,58.66368511426133,0.9828967707386076,0 -985,386162.0,1973-09-05 13:50:00,1971-05-10 14:38:00,54.66542486778602,1.2518773997546453,1 -1821,869428.0,1972-02-19 18:55:00,1972-09-25 10:12:00,52.445188870933045,0.8566955780858194,0 -4571,839500.0,1972-09-21 15:32:00,1973-09-04 00:14:00,45.24335556011572,0.7193037303027758,0 -587,796227.0,1972-08-20 14:29:00,1973-08-09 10:35:00,46.82827311196581,0.1714878635585643,0 -9757,73939.0,1972-05-13 13:59:00,1971-05-24 15:20:00,37.93588942412062,0.0,0 -5077,975052.0,1972-03-03 08:05:00,1975-12-30 20:45:00,48.10866301411816,0.8688795194960461,0 -7782,,1973-10-22 07:46:00,1975-04-06 00:37:00,48.23213778021996,1.0441527076601145,0 -8323,1179321.0,1970-07-21 16:26:00,1971-10-27 02:55:00,43.57858964782196,1.0372047461627552,0 -9522,272115.0,1971-02-15 04:58:00,1975-03-18 23:54:00,49.64458653152428,0.3717205905119864,0 -9967,133032.0,1973-10-27 20:18:00,1974-12-23 10:53:00,46.559111632046665,0.9125918609360788,0 -5483,581567.0,1971-07-10 02:50:00,1973-11-15 09:47:00,44.80629949963648,0.2970466080153428,0 -7746,574644.0,1971-11-26 16:59:00,1971-05-01 20:19:00,48.34815715379446,1.1433719936933269,0 -9280,222223.0,1970-08-09 17:06:00,1974-03-08 08:01:00,46.742045316620064,1.1159644250182486,0 -5514,595099.0,1973-08-29 12:24:00,1972-03-10 18:51:00,42.824409467286365,0.9108296266587068,0 -9527,941869.0,1973-08-17 16:51:00,1974-05-24 14:38:00,55.14907657407424,0.7884717666519402,0 -8871,1037478.0,1970-04-26 05:15:00,1971-05-09 03:40:00,44.54761701524854,1.403624595716451,0 -5553,144811.0,1971-03-21 10:18:00,1972-01-18 07:36:00,42.85733251475699,0.7997991472251742,0 -3557,435107.0,1973-12-08 05:02:00,1971-07-29 13:42:00,52.71430966303837,1.521745289264975,0 -1395,1097669.0,1974-03-12 16:44:00,1975-04-13 23:25:00,45.38228071938318,1.6295936748848767,0 -264,76061.0,1974-04-17 20:47:00,1975-10-31 09:48:00,47.133443796651456,1.0712132279516102,0 -3547,140370.0,1970-12-31 12:05:00,1975-06-17 19:22:00,48.561165872569866,1.0843005453168255,0 -6844,997948.0,1970-02-06 21:48:00,1975-02-09 11:23:00,44.844214696075376,1.561174936763131,0 -7628,914894.0,1974-06-18 00:26:00,1975-08-02 02:43:00,48.66017200240744,0.6296214628536327,0 -6788,495554.0,1972-01-06 10:45:00,1971-11-13 02:20:00,45.21263480413936,,0 -3069,569140.0,1973-05-20 11:07:00,1972-08-27 01:07:00,47.82439381165248,0.8757916147058104,0 -5025,1036596.0,1973-12-12 20:45:00,1974-12-16 22:03:00,52.20173727915501,1.6333725607515892,0 -8396,440074.0,1973-03-16 01:05:00,1975-01-14 14:31:00,49.71586836095793,1.2694519788494891,0 -3864,114697.0,1970-09-24 19:12:00,1973-12-28 21:05:00,40.89875093095931,0.6158618438787021,0 -9072,543345.0,1971-08-24 11:49:00,1972-04-11 18:28:00,50.31002164355307,0.2560401258955538,0 -2400,877949.0,1971-04-20 08:48:00,1973-09-09 21:42:00,46.79971841497004,1.3064708852734994,0 -6274,547540.0,1973-12-26 07:49:00,1974-07-08 00:55:00,63.71729655762008,0.4022580599962724,1 -8484,719030.0,1970-09-14 06:00:00,1972-07-09 07:56:00,52.94008916857329,0.6115681495464252,0 -3711,210137.0,1973-12-12 13:42:00,1974-11-06 04:37:00,50.14041781491545,0.999560196473566,0 -246,189543.0,1971-03-07 02:55:00,1971-05-08 22:49:00,43.29951327125639,0.7903084625098722,0 -1594,382561.0,1974-10-03 06:29:00,1973-11-23 04:10:00,50.37501752982688,0.9510914131360564,1 -9682,1045878.0,,1973-04-25 20:17:00,46.88287030536069,0.3587230865596901,0 -1529,1006655.0,1971-06-10 18:09:00,1973-01-02 00:37:00,50.81896063541971,1.1522093865723335,0 -8223,934702.0,1973-12-15 03:11:00,1974-12-02 20:39:00,44.38896375435421,0.8758831112228054,0 -923,24426.0,1971-02-19 23:52:00,1973-11-08 07:32:00,54.351985436360245,1.0088321272965457,0 -7553,1049020.0,1974-04-19 10:06:00,1972-07-21 02:09:00,44.57539596696842,1.3756114123311474,0 -4364,539541.0,1971-09-30 14:06:00,1972-08-12 10:10:00,51.15767145318887,0.7897664177978526,0 -669,535769.0,1973-02-03 12:59:00,1972-11-22 21:28:00,44.51175871104103,1.586076009390235,0 -3604,1159905.0,1974-12-18 17:08:00,1973-11-28 14:28:00,47.49531270554986,1.3156163306804105,0 -5108,112075.0,1971-08-25 18:18:00,1972-12-20 06:26:00,58.94717528747718,1.2436657302640677,0 -1910,79258.0,1974-01-13 19:01:00,1975-05-04 07:25:00,45.30001914352034,,0 -8344,,1974-08-17 16:13:00,1974-06-30 11:07:00,33.77900810721717,1.085542645135452,0 -5248,898047.0,1972-06-26 08:37:00,1974-12-23 22:18:00,51.309882814270175,1.2290189822206723,0 -7183,1071557.0,1973-06-06 08:22:00,1974-04-27 21:49:00,54.22193116224166,0.7036466529776197,1 -3958,647311.0,1973-05-27 08:42:00,1972-03-02 14:27:00,49.51037590708989,1.428058110443606,0 -6957,503405.0,1974-09-23 14:45:00,1971-02-19 13:44:00,40.98882748867119,0.0699842451777934,0 -6026,160527.0,1970-05-10 22:02:00,1973-08-27 02:28:00,48.35638933509448,0.2783087434894084,0 -5643,961915.0,1971-04-28 23:53:00,1974-10-16 17:22:00,48.19555512902672,1.9423347877923656,0 -2696,60089.0,1970-12-27 17:19:00,1974-11-12 19:30:00,48.95704959090865,0.9578796681691562,0 -2591,626463.0,1970-04-12 22:56:00,1972-01-04 17:38:00,47.64390063914535,1.5549268145468464,0 -5906,982685.0,1972-02-20 18:24:00,1972-01-06 04:01:00,47.22778470155847,1.2001155389468376,0 -1781,836598.0,1973-02-08 12:05:00,1971-03-15 20:54:00,46.696733269280976,0.8053041257554695,0 -6509,1038638.0,1974-04-03 13:43:00,1972-12-14 03:14:00,47.306366404706935,0.5309244506025159,0 -3013,204773.0,1973-03-10 14:42:00,1971-12-12 07:57:00,42.772618236561,1.4076696129974962,0 -7133,1046967.0,1971-12-28 22:08:00,1971-02-06 05:59:00,52.518529031347576,1.2523015088454597,0 -2307,468770.0,1973-09-16 20:34:00,1974-11-17 22:53:00,52.730385150142645,0.4988096121153395,0 -7276,1144105.0,1971-09-07 18:29:00,1972-06-29 08:20:00,40.58338784875161,1.4212970676189527,0 -3690,311843.0,1972-10-15 12:28:00,1974-08-31 11:11:00,48.52446873003776,0.7667584371289143,0 -687,368392.0,1974-11-13 08:13:00,1972-06-30 09:21:00,42.40573534122899,1.5461963387672468,0 -6011,977403.0,1974-11-22 09:03:00,1974-04-27 01:04:00,54.83840391260493,0.0,0 -7071,711100.0,1973-10-21 00:19:00,1971-09-26 23:52:00,46.86746235390151,1.0484839130843433,0 -612,1133060.0,1971-06-22 14:08:00,1975-04-03 16:05:00,50.35384136024179,1.4939056245643891,0 -7167,1037403.0,1973-06-17 04:51:00,1975-02-08 11:09:00,46.48278257407109,1.5673603121781094,0 -9205,751487.0,1970-11-02 07:05:00,1975-03-30 21:19:00,49.78805795185828,0.3227153200428505,0 -3200,280255.0,1973-05-30 23:42:00,1974-06-04 20:53:00,51.95571257166247,0.4441719641614728,0 -2267,414832.0,1974-11-23 07:14:00,1973-09-24 00:37:00,56.04263353405955,0.4718767579215482,1 -9781,694094.0,1973-07-12 00:02:00,1974-11-18 17:21:00,45.15380122004981,1.198004894325294,0 -6629,537378.0,1970-02-18 19:09:00,1973-03-01 06:29:00,47.03803536416967,0.7849780041384458,0 -4135,158898.0,1973-11-13 19:16:00,1975-10-30 09:00:00,49.88970927004538,0.0338347123902454,0 -1898,1076002.0,1971-03-27 20:29:00,1975-08-06 14:26:00,50.5248284454986,0.5544246421413163,0 -9530,281924.0,1974-03-03 17:27:00,1971-09-19 07:39:00,49.897398908692175,1.4572769796046254,0 -8153,1142209.0,1972-02-04 11:10:00,1971-07-17 03:34:00,49.346290127387775,0.9695037893658688,0 -258,1043709.0,1972-06-25 01:00:00,1973-03-30 03:29:00,49.48491009734246,0.9237172118579058,0 -2924,307408.0,1971-05-30 08:51:00,1972-09-06 11:38:00,43.10133147035469,0.6683186268548016,0 -9424,348102.0,1974-12-27 18:41:00,1971-03-08 19:18:00,50.45353022636141,0.4851557931236996,0 -4943,911948.0,1973-12-24 02:00:00,1972-06-29 17:53:00,46.676100463936,0.8879239806596733,0 -2822,199891.0,1972-08-02 10:40:00,1973-07-19 18:41:00,46.678463750794464,1.8785023566071373,0 -6529,1054415.0,,1973-10-05 12:17:00,38.07256057103473,1.454934093597073,0 -3339,,1974-01-28 19:12:00,1975-07-02 14:56:00,45.74896453200266,0.7036054472883561,0 -3525,978623.0,1970-07-10 15:24:00,1974-08-03 22:22:00,51.347242569170135,0.0,0 -4563,350012.0,1973-12-05 11:17:00,1974-10-31 11:42:00,46.86784112304472,0.8824011064625763,0 -9656,802326.0,1971-04-17 02:21:00,1973-08-26 10:13:00,53.36212183301134,2.124150938359996,0 -7908,728108.0,1972-02-27 05:56:00,1972-02-06 12:20:00,49.070563268788185,1.5024298255871713,0 -5329,477382.0,1970-10-26 00:55:00,1973-11-08 17:35:00,59.87634059160631,0.3011049685553695,1 -5223,193741.0,1973-05-23 03:28:00,1974-09-08 15:30:00,49.57477719882461,1.0162262059280376,0 -2285,606597.0,1972-12-15 19:17:00,1973-12-28 02:05:00,44.399430893627006,0.8198861126899119,0 -6063,981957.0,1972-07-05 21:49:00,1974-10-08 15:56:00,48.44649538646579,1.2190873421924695,0 -4654,62176.0,1970-07-01 17:57:00,1974-05-12 14:54:00,49.2724906818457,1.2876526091829406,0 -5000,909708.0,1972-06-25 22:39:00,1973-09-19 21:55:00,37.3553629799695,0.9070352039472472,0 -6710,534082.0,1970-01-16 12:25:00,1973-08-28 23:38:00,44.76918415482458,0.8513116181907933,0 -9324,924676.0,1973-11-21 17:30:00,1972-05-22 07:40:00,51.09954852832232,0.3826911616561981,0 -484,430349.0,1971-05-07 11:51:00,1973-10-18 21:38:00,48.78529537263553,0.1824910413219547,0 -2211,1179769.0,1970-05-13 18:09:00,1972-04-08 00:50:00,37.26880621254305,0.7731767600639924,0 -5416,1011610.0,1970-09-19 01:21:00,1975-05-27 09:05:00,52.47304411693841,0.408667060932669,0 -7563,1099860.0,1970-10-28 12:51:00,1974-08-23 06:00:00,44.4961693730456,1.9038638757356157,0 -2555,289334.0,1973-09-06 00:50:00,1973-05-28 17:26:00,47.702365204161325,0.5891132904638181,0 -7,241108.0,1973-04-26 13:47:00,1975-03-24 00:35:00,52.36098804676997,0.69658517268429,0 -3657,1137898.0,1973-11-10 23:34:00,1974-01-18 16:55:00,54.06545537742193,0.8702382308858215,1 -6411,188095.0,1970-09-21 20:58:00,1974-12-31 03:10:00,53.3746983126156,0.8966771790445389,0 -9164,422179.0,1970-02-04 22:20:00,1973-04-26 13:32:00,43.06648787168312,0.7784917372626543,0 -4874,154315.0,1970-07-15 07:35:00,1971-04-17 23:27:00,44.48927640719469,0.7006383353510761,0 -4402,575833.0,1971-09-11 17:31:00,1973-01-11 10:07:00,,1.4552115394721732,0 -8916,532645.0,1970-11-14 16:48:00,1975-08-25 04:16:00,49.257348647219885,0.8304903363055347,0 -5546,669893.0,1972-09-18 05:45:00,1974-11-06 07:21:00,51.55804622552022,1.1141847656630774,0 -5297,291491.0,1972-11-20 16:23:00,1973-09-14 17:30:00,42.02645531395199,0.4680532432698028,0 -2426,131258.0,1972-01-12 16:50:00,1973-05-26 02:28:00,43.16760279213369,1.4186792333720506,0 -6744,1050374.0,1972-10-29 15:06:00,1974-11-22 19:06:00,38.8554086123274,0.7183417455930426,0 -1814,340490.0,1974-06-30 01:47:00,1972-12-05 08:29:00,52.4497926684248,1.11517196700368,0 -6822,63575.0,1972-01-01 15:56:00,1972-12-25 22:00:00,56.58299604252737,1.0294502323056822,1 -9625,1036117.0,1972-11-08 12:11:00,1972-10-04 04:18:00,46.62411460904808,1.2767898828566393,0 -2274,783497.0,1972-01-12 03:49:00,1975-04-11 02:49:00,45.93507618794361,0.3150929778898359,0 -1011,439657.0,1972-05-09 23:04:00,1971-09-05 01:44:00,53.07394482167578,1.3107696032457188,0 -1577,663425.0,1972-09-07 15:43:00,,50.7556605319419,0.2016139444510618,0 -7264,653545.0,1970-02-10 04:21:00,1974-11-12 16:08:00,49.892732140177856,0.3357134426968512,0 -1067,761953.0,1970-06-30 19:36:00,1974-10-09 17:06:00,36.712256695927024,1.5947113814844651,0 -1991,1097789.0,1974-02-19 21:06:00,1975-12-13 14:13:00,45.33557712472461,0.8515412463906834,0 -3970,488768.0,1970-10-07 10:38:00,1973-03-18 23:52:00,40.2267666841681,1.6484300632349096,0 -9073,390001.0,1974-08-15 18:38:00,1971-03-18 19:41:00,55.24018377417256,1.605343864372081,1 -5879,488668.0,1974-08-08 09:59:00,1975-12-23 22:59:00,45.08523584150276,1.4660640007225143,0 -8430,43148.0,1971-01-13 00:02:00,1973-06-06 18:26:00,44.26150217172218,1.063777106010379,0 -4542,383249.0,1972-03-21 19:29:00,1974-01-08 19:46:00,51.42851758820439,0.592197913759998,0 -9326,190128.0,1970-09-22 20:46:00,1974-03-02 19:31:00,52.04875018877737,1.2286270446150322,0 -7193,444184.0,1973-11-16 13:02:00,1975-12-19 23:52:00,48.22138617235341,1.484878051434783,0 -3867,442952.0,1974-01-06 20:38:00,1975-07-25 03:27:00,40.06586063931582,0.6562606905421999,0 -9415,329481.0,1972-01-03 03:49:00,1975-05-28 17:57:00,42.4932335979497,1.6309011271629887,0 -6823,689959.0,1970-03-30 04:01:00,1974-01-11 14:15:00,49.12940878188232,0.7300518458594915,0 -3048,1080598.0,1974-12-01 20:58:00,1971-12-21 13:44:00,52.76891792352998,1.1335746158917,0 -781,316672.0,1971-09-09 08:19:00,1973-02-23 21:12:00,47.75207116909983,1.6897709158364522,0 -6747,853023.0,1972-09-17 03:36:00,1973-12-22 02:27:00,39.39354429769962,1.978739743213228,0 -2675,412841.0,1970-09-10 04:26:00,1973-02-17 12:28:00,43.410535022810805,0.5601628297143426,0 -1749,294288.0,1971-11-04 15:58:00,1974-03-05 07:09:00,50.44859840682992,1.3881874179121152,0 -6222,376567.0,1970-01-04 22:37:00,1974-07-02 12:10:00,46.74309286848776,0.0552422220627576,0 -7946,72336.0,1973-07-18 06:01:00,1972-08-14 20:13:00,48.84773405905441,1.1074224080662316,0 -2791,996565.0,1972-11-03 18:03:00,1972-01-14 00:58:00,53.06586524889156,0.9101768929221816,0 -6519,48428.0,1971-12-09 11:38:00,1974-01-20 13:06:00,41.17791350442366,0.9288048744521304,0 -5774,1159811.0,1970-10-13 09:55:00,1974-11-04 07:08:00,55.24987130975072,1.9028508693664008,1 -6357,437096.0,1974-10-14 18:03:00,1972-05-27 19:33:00,45.18089984067189,0.8976190242066447,0 -4979,762592.0,1972-10-31 21:33:00,1975-10-16 19:49:00,51.49306879186168,1.7721749951431138,0 -7588,396112.0,1973-09-08 06:49:00,1972-04-16 18:18:00,62.008306141611484,0.5011120602548274,1 -1091,1176719.0,1970-04-18 11:34:00,1973-02-17 01:28:00,39.168572411830894,0.728385237728005,0 -6526,836329.0,1970-03-05 03:42:00,1973-01-18 06:41:00,47.48965974658922,1.0680063046365469,0 -9607,374136.0,1973-06-30 04:37:00,1972-12-30 09:30:00,40.25778829167767,1.37267152272676,0 -4627,711166.0,1974-05-30 00:17:00,1971-09-03 19:28:00,40.4843728734428,1.0205806149917125,0 -2324,125810.0,1971-02-24 07:11:00,1975-09-09 04:06:00,44.24366602998487,0.3841856757390187,0 -6534,347462.0,1974-05-15 02:41:00,1975-10-02 10:55:00,44.68613456192081,2.1035134845612795,0 -8971,329300.0,1971-07-18 06:37:00,1975-08-29 22:19:00,53.42751921335858,0.3173661631359222,0 -5055,104032.0,1970-05-05 23:38:00,1975-09-05 18:01:00,47.18522975026891,0.907560904548998,0 -2608,555712.0,1972-08-31 22:54:00,1971-06-07 16:43:00,51.49447802712794,1.4680681243727367,0 -9020,395182.0,1973-12-14 00:02:00,1972-08-10 16:00:00,50.684582743242544,1.822809068882656,0 -2290,981775.0,1974-05-25 03:37:00,1971-05-29 06:00:00,36.35721341315907,0.9730295694901644,0 -1727,929889.0,1973-03-26 21:48:00,1972-08-18 05:46:00,50.743503227417776,0.5644479861787954,0 -610,617472.0,1971-06-22 07:14:00,1975-10-13 14:01:00,44.381988663043415,1.0078501780848317,0 -4666,335687.0,1973-09-24 04:02:00,1973-07-30 22:16:00,,0.8052042054674624,0 -8051,908677.0,1973-11-20 10:51:00,1974-09-11 03:36:00,41.47175558777951,1.7876487165204362,0 -5413,1042353.0,1973-08-03 02:37:00,1971-06-21 11:40:00,42.41066888165263,0.7184681424522597,0 -343,366298.0,1972-09-27 08:11:00,1972-08-02 22:39:00,44.38291001387552,1.9760629834002728,0 -4683,809099.0,1974-03-12 07:41:00,1972-01-04 16:58:00,53.37005304818468,0.8849306451849314,1 -8784,591979.0,1974-04-08 19:11:00,1975-12-28 06:33:00,44.142058340658096,0.6117929003473241,0 -3750,493212.0,1971-06-01 10:34:00,1972-02-19 16:22:00,51.02439390955387,1.1013905858121409,0 -8453,974363.0,1971-10-08 21:52:00,1973-11-02 23:55:00,51.16548762447732,0.0321857284602332,0 -9307,17529.0,1970-06-30 07:37:00,1973-06-04 19:26:00,46.058306971877705,1.5076168849874392,0 -5999,661093.0,1972-10-26 02:59:00,1974-10-15 13:23:00,49.267138338120894,1.8944226921417104,0 -3215,841604.0,1971-12-26 12:55:00,1972-02-19 01:09:00,49.878800266975176,0.206284563251382,0 -97,609782.0,1970-01-23 18:37:00,1971-07-19 10:15:00,49.72141019249908,0.8217407942358053,0 -7387,166477.0,1974-02-27 14:56:00,1975-01-31 09:58:00,46.57398947947936,0.6171873938302954,0 -7665,331125.0,1970-02-10 03:23:00,1972-08-21 09:06:00,49.528547112299954,1.497072080764775,1 -5176,122045.0,1971-05-28 18:34:00,1972-07-01 21:53:00,49.51293246737612,1.7004620303143456,0 -7279,951018.0,1970-08-25 18:05:00,1973-08-20 12:02:00,45.8578493079081,1.037178728742198,0 -6165,632518.0,1973-09-06 08:02:00,1974-01-21 00:44:00,42.80374430684548,0.6989629727679434,0 -1537,319747.0,1972-03-03 20:42:00,1971-12-12 10:19:00,52.20122574141266,0.6752760997518974,0 -3588,200671.0,1974-03-14 16:12:00,1974-06-14 16:35:00,43.9145818089366,0.3878461035178906,0 -9442,733613.0,1972-01-21 07:07:00,1973-06-22 23:46:00,50.5723438273217,1.8218553775445268,0 -6985,111615.0,1972-07-23 04:02:00,1973-03-09 14:47:00,41.266867148738434,1.0619265150702255,0 -3648,621719.0,1970-02-05 00:11:00,1975-01-15 21:05:00,40.38551123117877,0.651140219064276,0 -2657,1030087.0,1972-02-18 04:02:00,1973-01-25 21:21:00,52.39760299716978,1.695692410712038,0 -9826,146622.0,1972-10-13 22:41:00,1971-06-18 09:27:00,52.686639521303725,1.1518195128443158,0 -1517,50235.0,1970-01-27 18:14:00,1975-09-24 10:53:00,46.26680202297163,0.435480884199514,0 -5061,661696.0,1973-06-28 15:46:00,1973-08-12 09:09:00,54.86606761036349,1.8531251788084857,0 -9349,961145.0,1971-02-01 14:06:00,1974-03-02 03:51:00,41.87534179362906,0.7429431795656358,0 -4624,150608.0,1971-01-20 11:15:00,1973-12-01 08:36:00,53.155022395212505,1.2336343677552717,0 -4272,880242.0,1973-08-15 19:54:00,1974-03-04 03:48:00,42.59590533506005,0.8305289519544274,0 -3669,1120644.0,1972-12-06 05:55:00,1971-06-15 20:01:00,53.5222875443385,0.0,0 -6566,375583.0,1970-06-24 22:03:00,1974-10-03 21:36:00,56.93932515480953,1.7654011151550326,1 -5800,1088539.0,1972-01-27 00:02:00,1973-06-10 21:59:00,48.07357136203296,0.2371087093395899,0 -2090,477486.0,1973-04-01 17:22:00,1974-10-25 19:27:00,54.03410873526758,1.941657540254321,0 -7097,434860.0,1971-02-26 00:00:00,1971-10-23 18:16:00,52.28398875853461,0.5107056263858175,1 -6171,555590.0,1971-07-13 04:17:00,1975-10-22 13:40:00,46.98521025135659,1.3410912409318576,0 -572,1143806.0,1972-08-27 13:45:00,1971-02-06 18:38:00,53.79125435311534,2.063800521854768,0 -9558,189375.0,1973-09-10 20:53:00,1973-06-19 10:13:00,47.94740297705504,1.1035197195060458,0 -4688,63271.0,1974-05-10 17:52:00,1972-05-30 04:30:00,43.18591673305954,1.183947159964953,0 -9074,220501.0,1974-04-21 15:27:00,1972-11-10 18:25:00,48.48911012789477,0.4324864447454676,0 -3062,13463.0,1972-03-07 10:20:00,1973-10-24 18:10:00,49.77658643348085,0.8470060334939109,0 -9293,1158611.0,1973-04-12 08:40:00,1972-07-09 09:35:00,40.2396939403786,0.6994967455446854,0 -6470,774527.0,1970-04-03 02:43:00,1974-12-23 07:56:00,45.52175008936874,1.3211914151432906,0 -7160,631860.0,1972-07-14 03:30:00,1974-02-19 01:24:00,54.898793074839794,1.5780703492995842,0 -6633,578225.0,1973-09-06 18:43:00,1972-08-15 23:44:00,32.694032122744005,0.3586040755620784,0 -8491,977258.0,1973-02-23 00:02:00,1971-11-18 09:56:00,52.50219536717059,0.8350823587911651,0 -7925,1166835.0,1973-02-08 03:35:00,1975-06-19 20:08:00,38.808349918725405,0.5849627555273409,0 -7345,107488.0,,1972-12-01 14:40:00,48.99714513639852,1.2792996150405442,0 -6304,698275.0,1972-08-21 11:11:00,1975-06-08 16:10:00,53.35230480816932,0.1962582153978,0 -7900,26994.0,1972-06-06 09:26:00,,44.1699751564306,0.9099671147392951,0 -9439,79060.0,1970-06-30 20:23:00,1972-11-28 22:22:00,50.14045113348695,0.5416748091452248,0 -8185,117592.0,1971-03-04 11:55:00,1971-12-08 17:13:00,47.50739459293729,0.9104336750138182,0 -4479,119527.0,1974-05-28 21:43:00,1973-01-01 09:31:00,43.79017966768432,0.5637890582734884,0 -4948,,1973-06-29 10:10:00,1971-01-25 20:13:00,39.80274005649014,1.3602648178136514,0 -5976,619921.0,1971-04-24 09:08:00,1975-11-30 14:49:00,38.33555132335745,1.0667855149109453,0 -370,1025529.0,1974-03-21 14:30:00,1971-04-29 12:42:00,51.60620851500048,0.3046799945023417,0 -1938,588256.0,1971-05-25 05:17:00,1974-03-14 19:08:00,47.99694278859959,0.9734129291637836,0 -2352,94859.0,1970-05-21 05:18:00,1973-02-09 18:58:00,53.81183328544423,1.4079293987034598,0 -7127,532619.0,1971-06-23 14:23:00,1974-01-11 01:25:00,46.415613024206046,0.4660071902741617,0 -1753,602767.0,1973-01-06 04:57:00,1974-11-24 09:23:00,45.176207354313846,0.657862671609625,0 -3670,1142742.0,1973-04-15 16:58:00,1975-05-13 04:11:00,45.571428982567646,0.7941707592352405,0 -7298,328831.0,1972-10-26 00:31:00,1974-04-28 22:29:00,47.48444997160214,0.8113968314097794,0 -3652,1030614.0,1974-04-29 11:03:00,1975-02-16 15:56:00,47.268382768979926,2.138742298595429,0 -5201,326034.0,1972-03-10 16:01:00,1974-12-19 12:01:00,41.92637471092904,0.6813804523116586,0 -7909,1079191.0,1971-06-10 16:11:00,1974-08-28 20:34:00,47.43862843669826,1.269734641131572,0 -2361,391444.0,1970-09-28 21:10:00,1971-05-25 12:05:00,51.81897465103449,0.8721814673128154,0 -4260,97632.0,1970-07-08 20:34:00,1973-01-17 17:15:00,53.45933758017188,1.6302747201637358,1 -5432,229659.0,1973-06-14 11:46:00,1974-11-16 14:58:00,49.1756758492605,1.0861341190312273,0 -6285,87583.0,1970-11-23 04:55:00,1972-04-08 04:09:00,43.95947041355954,1.4618404012035078,0 -4991,148031.0,1974-04-03 02:34:00,1974-10-28 13:07:00,52.08997434157893,1.2492102598414252,0 -7600,286044.0,1974-06-15 23:26:00,1974-04-29 22:42:00,53.21706130494485,1.2002792517564511,1 -9462,574637.0,1974-01-27 19:58:00,1972-09-19 16:52:00,46.670741017524726,0.9730582422176834,0 -3737,494177.0,1970-11-24 07:41:00,1975-06-07 20:30:00,61.27686494731174,1.0489043576962862,1 -7520,491615.0,1974-09-20 08:17:00,1973-05-23 23:39:00,44.83702442992602,1.023510832527491,0 -8559,703357.0,1972-06-12 14:13:00,1972-07-18 19:36:00,49.31321196328524,0.2993169662671492,0 -8926,745744.0,1974-05-29 02:51:00,1975-02-26 14:49:00,45.3250841852878,2.189713642015084,0 -9990,361923.0,1972-09-21 03:56:00,1971-02-16 16:38:00,47.90287736725124,0.2706606530891287,0 -5591,555960.0,1974-12-24 11:32:00,1971-03-01 08:11:00,47.88455048997191,0.741764420649494,0 -1171,1154481.0,1973-01-30 02:21:00,1973-01-24 14:24:00,47.87386442484527,0.8718665910225145,0 -7370,1009701.0,1972-03-29 23:45:00,1972-04-09 10:29:00,44.14148766758501,0.5777698358393538,0 -7937,351210.0,1973-05-01 02:51:00,1975-02-01 09:21:00,45.16165296976631,1.0645483833875136,0 -8086,761299.0,1972-05-14 12:27:00,1972-03-24 21:02:00,56.58497233046298,0.2022228781293807,1 -1422,457168.0,1970-06-05 16:31:00,1975-11-25 16:34:00,42.220271205842366,0.837052254213794,0 -6782,759434.0,1974-11-21 17:41:00,1971-11-27 04:06:00,46.14777927902036,0.5511917934823285,0 -9443,115865.0,1972-10-07 04:07:00,1972-01-04 01:37:00,,0.4352105398709335,1 -8139,331771.0,1970-01-10 03:48:00,1975-06-22 16:40:00,47.5890490832096,1.8541775762331425,0 -9350,462203.0,1974-08-30 02:00:00,1975-07-08 14:58:00,40.15580147391252,1.0271818905295262,0 -8018,912378.0,1973-09-11 13:06:00,1971-10-16 20:21:00,53.10319992058107,0.7973686747423787,0 -6339,160041.0,1971-10-07 02:22:00,1971-05-09 09:46:00,53.71935516761538,0.7546446719213529,0 -9647,788346.0,1974-04-23 05:37:00,1971-08-23 14:05:00,44.71859444869469,2.00123105082307,0 -874,147470.0,1971-12-05 02:32:00,1971-07-16 02:21:00,43.35667282349732,1.5781761142706816,0 -2297,574599.0,1970-12-15 22:21:00,1971-05-16 23:14:00,48.161595532799474,0.5349503429930483,0 -2643,10222.0,1974-12-29 01:53:00,1971-03-11 06:23:00,51.05941277420978,0.4460396696030574,0 -7531,517654.0,1974-08-28 19:48:00,1971-07-07 01:39:00,50.15253038116079,1.6712099835675986,0 -1719,1005643.0,1974-05-17 10:55:00,1972-10-02 19:25:00,46.46108171067889,1.0324073910290703,0 -5347,141126.0,1972-10-20 22:14:00,1974-07-11 13:51:00,55.89316451675269,0.9396551906099893,0 -5932,837266.0,1970-07-03 16:14:00,1975-04-20 11:41:00,46.7811540620858,1.2820551097866433,0 -840,287038.0,1972-02-15 22:17:00,1975-01-27 11:56:00,53.17288407359302,0.8228704964982975,0 -9937,597610.0,1972-01-21 11:14:00,1971-04-12 10:34:00,45.60917950318223,0.2977629677581404,0 -581,311972.0,1973-03-26 16:39:00,1972-02-05 03:53:00,54.24062137109843,0.3984364885203457,0 -204,114669.0,1970-06-30 08:56:00,1971-02-15 07:11:00,43.99315226682562,1.0566840920128628,0 -1641,966073.0,1972-03-25 18:15:00,1972-04-14 20:10:00,46.913097264607934,0.8076543027864761,0 -2014,1154306.0,1971-03-17 13:22:00,1974-08-28 20:37:00,44.957280964921495,0.9609801708475764,0 -3253,444266.0,1974-01-11 00:46:00,1973-04-14 00:39:00,46.18035383751002,1.3941122537268913,0 -7540,451769.0,1971-03-08 21:30:00,1972-01-01 22:31:00,53.1748287157195,0.5874079990811516,0 -905,707033.0,1973-03-28 17:03:00,1971-10-20 02:36:00,51.01757646236744,0.7987409813890369,0 -631,252786.0,1974-12-17 05:08:00,1972-11-30 21:09:00,44.39665704397269,1.7054844871718458,0 -8420,505582.0,1970-02-11 11:58:00,1971-10-19 11:20:00,52.855886950776416,,0 -7823,415518.0,1974-12-15 12:16:00,1975-09-14 12:52:00,,1.2776202628134368,0 -1974,168141.0,1972-09-09 23:02:00,1973-10-25 01:53:00,48.82702596146729,0.8219554801929576,0 -162,784113.0,1973-10-28 05:02:00,1972-08-17 02:55:00,45.32452738156161,0.9236958278770888,0 -4998,573321.0,1973-05-17 00:39:00,1971-05-01 00:15:00,45.75589311527946,0.98618281582396,0 -1243,1184232.0,1971-03-19 08:48:00,1974-08-26 00:16:00,45.14430109114539,1.211698367995201,0 -9450,1086057.0,1970-06-26 17:01:00,1972-10-07 00:20:00,52.96773879498825,1.0616452126745946,0 -7764,1163062.0,1971-10-22 05:00:00,1974-09-20 21:44:00,44.10244027766448,0.9116295839491276,0 -4713,436980.0,1970-12-17 04:28:00,1971-04-16 09:18:00,51.32369551740859,0.9271821657716351,0 -875,1110616.0,1970-03-30 14:51:00,1975-02-25 06:59:00,49.4471068194954,0.9155901561021522,0 -1431,666051.0,1971-02-10 16:46:00,1971-05-14 05:23:00,45.402748822486686,1.1116995839425623,0 -8738,461082.0,1971-08-10 00:23:00,1973-10-12 04:47:00,44.38148485296866,0.8207220858215112,0 -6868,1177985.0,1971-04-10 04:03:00,1973-10-30 22:08:00,45.46734921378981,1.4174700747204592,0 -4643,119490.0,1970-09-02 07:20:00,1973-12-11 08:44:00,52.03132040040495,0.775163630153294,0 -5080,240897.0,1974-08-19 23:02:00,1975-09-27 02:46:00,46.74808237823835,0.9194524665132416,0 -5783,1121298.0,1972-09-12 04:30:00,1972-07-11 02:23:00,44.07008269938347,0.4790701284100899,0 -9138,326983.0,1974-07-06 18:16:00,1974-03-31 17:57:00,47.98086923853887,1.1904605199685183,0 -7616,952074.0,1974-01-27 02:58:00,1971-09-10 01:50:00,66.49154522354398,0.6334378695172305,1 -8039,946372.0,1971-11-07 13:57:00,1975-03-29 06:14:00,,1.3639337598075338,0 -7955,550060.0,1974-09-15 04:36:00,1974-01-19 17:54:00,57.44190333996613,0.2933564802695751,0 -9437,866489.0,1973-07-21 01:39:00,1972-01-17 21:11:00,45.31842387094688,1.4642303950107431,0 -2856,1044568.0,1972-09-20 08:45:00,1973-03-05 20:17:00,51.39761481922989,0.718837122401874,0 -1861,21300.0,1970-10-19 15:23:00,1972-12-11 07:25:00,47.79161940082504,0.9734982301920438,0 -2659,796079.0,1971-06-03 15:32:00,1972-06-01 19:54:00,41.14843217404295,0.2018509060245308,0 -3384,1133997.0,1974-10-12 15:17:00,1973-12-23 17:19:00,51.28897171362558,1.2846104621939614,0 -9564,1115023.0,1972-12-17 15:08:00,1973-09-08 18:24:00,44.71098966978035,0.7667807514539877,0 -9776,690046.0,1970-01-28 12:38:00,1971-01-17 10:43:00,51.18384667345034,1.177470779076803,0 -8090,658881.0,1970-06-06 03:27:00,1975-09-02 18:59:00,48.45862220065957,0.6935398026919142,0 -8347,865520.0,1972-11-07 19:43:00,1972-03-28 05:31:00,45.28520416936384,1.4167306626530882,0 -7462,715956.0,1970-09-21 18:28:00,1973-10-12 10:23:00,44.05186977985384,0.4607086287959846,0 -6886,1162538.0,1971-11-29 07:32:00,1971-01-31 01:07:00,44.980815397931295,0.8231511436864399,0 -4733,566131.0,1973-04-10 12:45:00,1973-06-18 14:15:00,51.8569323560117,0.604477951665966,0 -3331,527247.0,1974-04-23 20:12:00,1975-02-26 20:18:00,50.7487343809412,1.5944206502157818,0 -9006,1045283.0,1974-07-18 01:55:00,1972-03-11 00:03:00,43.2566525724241,0.6788534030829716,0 -8635,1059763.0,1971-04-06 06:00:00,1973-11-19 22:14:00,38.16015359641884,0.8328921561277672,0 -6404,478128.0,1972-04-02 12:22:00,1971-12-10 11:57:00,50.53609000060072,1.0022900584765353,0 -8346,1004108.0,1973-02-16 20:28:00,1971-08-11 11:32:00,45.88288448181765,0.6879142107476888,0 -9464,675175.0,1973-03-10 00:31:00,1971-02-23 00:14:00,46.29197718359325,1.0711798005684583,0 -7060,19450.0,1972-02-14 04:59:00,1975-09-29 11:34:00,48.600940908162826,1.7947450314055566,0 -2096,222000.0,1974-11-06 16:12:00,1972-05-09 09:22:00,47.67284131493492,1.8594839761316675,0 -2003,261265.0,1973-04-21 21:56:00,1974-12-02 22:37:00,46.92963015104973,2.087928339214626,0 -8804,1150867.0,1972-04-16 16:44:00,1972-09-14 18:12:00,41.288453308500905,1.6931000391906936,0 -9732,650274.0,1971-04-05 23:39:00,1975-02-23 11:23:00,47.75740996258961,0.4100098161116901,0 -4676,899132.0,1972-04-05 13:16:00,1973-04-20 18:27:00,47.764898314360174,1.495254420416475,0 -5017,223222.0,1972-07-17 22:08:00,1971-06-05 03:09:00,47.6339311482389,0.7207917487729201,0 -7469,156151.0,1974-06-10 12:14:00,1971-06-19 15:27:00,46.683121699123845,1.198074697047731,0 -546,732748.0,1973-05-29 13:06:00,1975-08-09 03:47:00,47.83217887050697,1.1730848593842271,0 -1449,368721.0,1972-01-07 07:40:00,1971-08-01 12:44:00,44.13217825637192,0.5141536764701657,0 -3986,1034489.0,1970-07-14 21:10:00,1973-10-29 01:08:00,51.80785096491258,0.6834652854253126,0 -6900,807633.0,1971-09-25 05:54:00,1971-04-27 13:42:00,46.92948999405013,0.8354939721465151,0 -2610,752640.0,1970-01-21 12:16:00,1974-11-09 07:38:00,55.99685600772623,0.8781785873918815,0 -1900,67306.0,1974-04-21 04:21:00,1974-02-13 22:52:00,42.00600531224463,0.7913824858988163,0 -3920,735651.0,1973-10-30 19:36:00,1973-11-19 13:38:00,43.14556488333883,0.792787435995198,0 -2757,981441.0,1973-04-13 18:27:00,1971-11-24 23:30:00,49.4751732338192,1.3535154739986348,0 -6124,477346.0,1972-05-12 18:24:00,1975-01-12 10:12:00,40.29034806361637,0.8890264361912541,0 -6397,1103043.0,1974-11-27 01:23:00,1973-07-01 22:19:00,49.05391394477684,0.5564774446689267,0 -1885,925449.0,1971-12-27 11:30:00,1974-11-17 00:54:00,58.95501875171239,0.7460757834692942,0 -9823,428670.0,1973-12-31 13:20:00,1973-08-19 07:25:00,41.05819419672289,1.177258089796077,0 -5738,912223.0,1974-11-10 06:57:00,1972-12-13 19:05:00,45.80583124805332,0.8333344830679259,0 -8667,272015.0,1972-09-20 09:45:00,1973-11-24 17:31:00,52.98104925040968,0.7545275322445244,0 -5890,134209.0,1971-08-24 22:16:00,1973-09-12 08:42:00,50.97976294812084,0.5950626117765534,0 -2097,253378.0,1972-01-14 23:53:00,1971-08-09 04:08:00,49.02138077144445,1.949918762197553,0 -9289,521909.0,1972-11-10 00:31:00,1974-04-30 21:22:00,51.50344487911482,2.186353568613401,0 -5692,642913.0,1970-01-19 14:28:00,1974-02-28 12:00:00,52.268391958510975,1.3287921872382418,0 -499,89977.0,1970-02-28 06:12:00,1971-08-04 18:39:00,43.97570523013549,1.0558404306572349,0 -5624,1003897.0,1973-05-24 03:11:00,1972-02-03 05:29:00,52.674655421126886,0.4207770091898904,0 -836,563789.0,1974-01-14 03:12:00,1972-01-06 05:01:00,44.28803898955055,0.3875917174881412,0 -3471,801017.0,1972-05-27 09:15:00,1972-09-16 17:01:00,50.88996597156216,1.0422946296511029,0 -4697,920165.0,1972-11-13 07:12:00,1974-04-26 09:27:00,50.30978807501316,1.3077862324289484,0 -6280,804125.0,1972-11-18 17:18:00,1972-06-24 09:21:00,60.70206477928863,0.8415003358774396,0 -8883,965474.0,1972-08-08 12:44:00,1974-12-04 01:39:00,50.50231686815985,0.8667236964790611,0 -2171,731836.0,1974-06-15 02:12:00,1972-12-07 11:12:00,49.96521005581932,0.3407581448151909,0 -9231,213490.0,1972-08-05 17:18:00,1974-05-15 18:50:00,41.20359789295267,0.1634107583622863,0 -5678,168645.0,1974-05-19 12:35:00,1975-11-01 13:18:00,45.37223552897116,1.3764088540236603,0 -9184,459072.0,1972-12-30 00:50:00,1973-06-03 17:59:00,52.48504232111775,0.6196722115167101,0 -398,380790.0,1972-02-13 16:17:00,1974-08-15 14:50:00,49.97279656395379,1.0735979673675635,0 -2010,1047681.0,1973-10-15 00:06:00,1974-08-08 10:41:00,56.680736543471646,1.223611230935843,1 -5166,104829.0,1974-02-05 02:15:00,1971-08-21 13:15:00,41.29283477731956,1.3843912630503177,0 -5871,631090.0,1974-03-16 05:41:00,1971-09-15 07:05:00,45.50383490923792,1.2249264260457953,0 -9792,862302.0,1972-04-20 21:15:00,1972-05-05 13:25:00,43.91997747475115,1.1103147509211089,0 -1283,176726.0,1971-01-19 08:31:00,1971-10-16 16:40:00,43.19318339718815,0.8174336524568055,0 -8390,752086.0,1970-07-20 10:21:00,1973-06-17 02:32:00,41.9554233963386,1.3423950930849444,0 -2448,831665.0,1971-04-29 18:07:00,1974-04-03 16:34:00,61.51925978765711,0.6977498050004867,0 -4256,1170906.0,1971-02-17 06:44:00,1975-07-09 16:31:00,,1.0584298777830152,0 -1836,378949.0,1972-11-14 08:25:00,1975-07-27 08:42:00,44.038810270260825,0.8925734364929248,0 -9596,355507.0,1973-09-12 02:23:00,1973-12-13 10:16:00,48.51715549367191,2.000369942349656,0 -1019,30325.0,1973-01-19 00:59:00,1974-10-20 08:15:00,47.48676331944402,1.052573924421142,0 -5066,797017.0,1970-04-13 05:18:00,1974-11-25 15:37:00,44.377243708225386,1.018622968670856,0 -1326,491371.0,1971-04-15 15:36:00,1971-01-02 14:13:00,41.071484704818864,1.271994535950652,0 -8752,4623.0,1972-03-24 23:38:00,1973-11-01 12:10:00,47.95220033396331,0.496561318021283,0 -475,786549.0,1970-03-18 08:29:00,1972-07-29 21:06:00,49.69137644201709,1.2160494539468063,0 -2810,212964.0,1974-04-25 07:54:00,1975-01-25 10:56:00,52.7535361963748,1.3624262349666365,0 -8632,778605.0,1971-09-27 02:39:00,1971-07-11 14:37:00,49.16723088890824,1.70146470233654,1 -1651,281196.0,1973-02-22 02:13:00,1971-12-07 22:36:00,44.97042344245265,0.9377375202884763,0 -9611,157607.0,1972-05-04 11:58:00,1972-11-07 23:07:00,46.10537642502035,1.641550012048934,0 -1169,274169.0,1971-01-05 21:53:00,1974-12-20 15:19:00,48.39337861205005,2.144826179368306,0 -2528,829151.0,1974-12-25 23:02:00,1973-06-08 06:25:00,52.77928412624995,0.987610712582617,0 -1206,200046.0,1974-04-18 04:18:00,1973-08-09 12:13:00,43.90771978829482,0.6705198703540729,0 -6256,445141.0,1971-12-19 12:43:00,1975-10-01 15:39:00,45.02375882173929,0.5289666946124048,0 -7926,295835.0,1970-09-01 14:18:00,1973-10-15 12:47:00,42.17419111456218,0.3531894793471385,0 -5469,1101876.0,1974-03-26 15:16:00,1971-07-23 16:30:00,42.12244087745145,0.4743831271947858,0 -9383,360150.0,1973-08-23 04:46:00,1974-07-28 01:22:00,50.38591064769645,0.7209902701308502,0 -431,1034597.0,1973-05-16 03:46:00,1973-12-22 18:14:00,43.855650931263405,1.0432917433896856,0 -7700,255901.0,1971-12-02 03:28:00,1971-12-21 00:19:00,50.02697171634296,1.5114385555087515,0 -867,466665.0,1973-02-17 12:32:00,1971-02-14 02:07:00,57.69608817311692,1.6168142605637044,0 -2974,762753.0,1974-07-12 23:53:00,1975-07-20 18:38:00,44.46807491567196,1.1041555237865044,0 -5236,635532.0,1973-03-04 15:01:00,1974-01-14 12:16:00,52.55105579038389,1.667521052203289,0 -5093,34689.0,1974-10-05 10:19:00,1974-11-23 21:43:00,50.13313296979798,1.0144586986229414,0 -5433,409072.0,1972-07-02 00:27:00,1973-05-10 14:26:00,54.26926078641129,0.0,0 -541,810004.0,1972-07-22 02:34:00,1971-04-06 02:52:00,42.85127995138746,0.2173084854641001,0 -5195,899528.0,1972-02-02 14:14:00,1974-01-05 11:39:00,53.6150779216344,0.8651972482483627,0 -1132,1074893.0,1974-12-06 04:54:00,1973-11-15 05:17:00,43.59468028276806,0.1385073555765569,0 -9837,1014138.0,1970-06-17 13:21:00,1974-02-22 07:57:00,43.17510921104365,0.7395733320111908,0 -4501,243971.0,1974-10-27 09:19:00,1973-03-10 18:59:00,49.898744976541785,1.127551731482937,0 -6354,643113.0,1971-08-23 01:29:00,1972-07-28 19:29:00,50.01382674714945,0.6419720719821795,0 -9333,717201.0,1973-08-09 07:38:00,1971-10-13 19:03:00,50.235539258037385,1.135224636950788,0 -3390,470541.0,1972-12-31 10:17:00,1972-12-06 13:20:00,45.96874408581483,1.382045187019577,0 -3888,,1974-01-09 00:40:00,1975-05-18 05:39:00,47.75644872081436,1.2692814702326332,0 -2962,750706.0,1971-07-02 00:52:00,1973-09-14 05:54:00,40.00285360241074,0.7996889431667027,0 -4155,208950.0,1971-05-20 22:17:00,1973-12-05 17:25:00,48.85773814374439,1.128432574577393,0 -3259,533662.0,1970-09-03 11:16:00,1972-06-11 22:50:00,53.711501995352165,,0 -6302,108290.0,1972-03-12 17:34:00,1973-08-27 21:16:00,52.10328846424316,1.3409277752512536,0 -6034,1059083.0,1972-03-24 19:56:00,1972-11-04 20:06:00,44.72622377286543,0.5379667520014302,0 -7918,1092444.0,1972-10-20 01:51:00,1972-09-15 10:05:00,37.21244129200048,1.329618736275468,0 -9936,728601.0,1972-02-12 00:51:00,1972-09-28 01:30:00,54.25670246183978,1.0178003995015643,0 -2583,612309.0,1973-06-22 02:27:00,1973-01-08 12:09:00,56.704923209079205,1.2867981227564855,0 -2813,1054773.0,1971-08-24 22:13:00,1975-11-22 18:13:00,50.29972935587928,0.8154501544522748,0 -3959,26334.0,1971-06-30 03:42:00,1974-05-26 18:40:00,43.90378771765506,1.3305896933360284,0 -2947,356421.0,1974-04-03 09:00:00,1973-12-26 21:45:00,46.14927803468184,1.1268724697066017,0 -6643,1007629.0,1971-10-23 11:45:00,1973-06-03 10:28:00,56.53575372525255,0.4279523188028958,0 -5174,804909.0,1971-12-01 19:31:00,1975-03-21 19:51:00,52.25171235344591,1.1168740741223913,0 -6841,1139171.0,1972-11-13 10:25:00,1971-09-02 09:59:00,42.39779070227454,1.4783129853609112,0 -8298,583152.0,1974-11-04 18:09:00,1973-09-02 12:23:00,54.29436016410821,1.733624682429293,0 -3586,945893.0,1970-10-14 16:47:00,1973-12-08 17:14:00,50.695080028712674,1.149248954145872,0 -9228,949068.0,1972-01-05 20:50:00,1972-05-08 15:23:00,43.06561526073578,1.1439915058112435,0 -7988,812215.0,1970-11-14 05:47:00,1975-07-11 11:00:00,44.210386147297584,0.1592660088999311,0 -2563,1191893.0,1974-02-01 23:33:00,1972-03-12 17:04:00,46.82952844109066,1.4890142785116025,0 -2630,881260.0,1974-08-20 00:07:00,1975-02-14 15:20:00,47.87596826853176,1.6976953009369704,0 -3190,300736.0,1970-06-30 15:35:00,1975-03-14 13:05:00,47.32989505341183,0.4420923682359429,0 -7778,954008.0,1970-05-17 16:45:00,1974-02-17 22:19:00,56.10331819150412,1.6364184118316898,1 -7645,19235.0,1970-02-11 10:00:00,1973-12-09 14:18:00,45.97502577163759,0.7689154186893516,0 -5036,413016.0,1971-05-06 10:16:00,1972-12-23 08:16:00,51.95870106509058,1.0630403067669263,0 -1080,,1972-01-31 09:45:00,1971-05-15 03:43:00,46.93843392501736,0.5278376375547364,0 -4283,1131098.0,1974-04-20 03:24:00,1973-07-29 09:00:00,51.14833213708728,1.2469592114840722,0 -9711,20738.0,1970-11-25 18:01:00,1971-06-29 01:42:00,49.257453949036254,0.3631341738823397,0 -7085,575156.0,1973-07-04 10:44:00,1975-10-04 11:11:00,50.67342457058808,0.2254621344324898,0 -2085,234138.0,1974-08-05 03:44:00,1973-03-04 19:19:00,43.60685304100807,1.3515222703698486,0 -6345,279631.0,1974-09-12 18:29:00,1972-12-26 17:49:00,52.96201268591013,1.319105590202251,0 -2452,81359.0,1972-12-24 11:23:00,1975-02-04 07:20:00,52.70442501110751,1.2339440636696095,1 -4966,850570.0,1971-11-10 05:45:00,1975-09-23 05:03:00,53.868436909005545,1.42076940836268,0 -2023,570018.0,1973-06-18 06:51:00,1975-08-04 08:38:00,44.4626158514008,0.555932083981768,0 -8071,265596.0,1972-06-18 14:30:00,1972-09-04 07:08:00,38.63472751653477,1.2293509863831091,0 -8987,519053.0,1970-02-02 00:21:00,1971-03-30 21:52:00,50.00140019683083,0.8158287326489491,0 -8718,683025.0,1974-05-22 21:01:00,1974-08-26 23:43:00,45.89633292880633,0.3745736755410735,0 -7321,489818.0,1974-06-10 10:24:00,1972-11-28 23:34:00,46.9048018404963,0.7322312388740106,0 -226,839773.0,1970-02-19 04:43:00,1974-04-16 15:00:00,44.35924463058063,0.1848151771269197,0 -1013,549698.0,1972-04-05 08:34:00,1972-08-03 00:55:00,47.95856524627133,1.1663068271691654,0 -6679,715555.0,1973-03-13 14:54:00,1971-01-19 19:03:00,45.36149587899938,1.145550289529495,0 -1929,1059668.0,1970-11-08 14:27:00,1973-04-26 14:53:00,41.0692185796722,0.8174308936572167,0 -1043,1090988.0,1974-05-31 10:12:00,1973-01-10 10:16:00,44.16111804541307,1.538712020531908,0 -5251,1089144.0,1972-09-29 03:55:00,1971-01-19 07:18:00,40.712680254778135,0.8208683832630616,0 -1404,617534.0,1972-07-07 04:50:00,1972-01-17 14:22:00,44.651374073181465,0.899263339474739,0 -2179,510480.0,1972-12-06 21:15:00,1975-07-16 05:04:00,47.59228056800459,1.355214386685084,0 -697,73024.0,1973-02-27 00:30:00,1975-08-15 13:22:00,48.93951020406056,1.711983820378508,0 -1124,639108.0,1972-12-13 22:06:00,1974-10-08 02:44:00,56.551429659880846,0.8943963846021596,1 -7378,809219.0,1972-10-27 13:55:00,1973-01-12 17:44:00,53.87025302108294,1.1539886954320275,0 -3895,1126837.0,1974-11-07 10:44:00,1975-02-14 16:58:00,49.19513058848058,0.0,0 -8217,687311.0,1970-12-24 21:36:00,1975-06-01 13:13:00,45.72884684282713,1.4560973059142226,0 -5110,483379.0,1973-05-29 01:30:00,1974-05-17 09:38:00,55.316495824812,1.5752750174533792,0 -1778,764514.0,1970-11-27 23:16:00,1973-02-03 05:16:00,47.2052969258353,0.8753933955358042,0 -7786,418420.0,1972-06-11 13:17:00,1974-02-03 19:28:00,40.91591816381006,0.8094989690962866,0 -2634,263044.0,1971-09-22 16:24:00,1974-11-06 17:15:00,45.57609752702019,1.5610748022023675,0 -7187,514364.0,1974-01-28 17:05:00,1975-01-14 18:11:00,46.68490692160508,1.283952910238582,0 -7544,80024.0,1970-10-26 16:16:00,1974-11-25 06:47:00,51.240397792939646,1.1518165235020614,0 -7604,1118276.0,1974-05-22 09:52:00,1975-07-13 11:28:00,46.02725385539478,0.5769223121728788,0 -3489,518929.0,1971-05-24 12:24:00,1974-07-27 01:19:00,44.58871650217394,1.862334295625728,0 -8259,188566.0,1970-04-16 01:17:00,1971-05-24 09:13:00,43.93341800058279,0.7161729006625761,0 -1037,21795.0,1974-08-15 03:35:00,1973-12-20 17:43:00,53.853953637161744,0.6485495719933068,0 -6093,20346.0,1973-06-14 01:11:00,1974-08-31 01:40:00,47.833366896507634,0.8681103181916975,0 -2256,633152.0,1971-11-25 02:01:00,1973-12-24 11:28:00,42.67857619242052,1.835242273506393,0 -8188,124108.0,1972-03-27 20:28:00,1972-04-04 12:11:00,42.1413502316279,1.0139823527914624,0 -2613,482122.0,1970-07-03 01:57:00,1975-12-07 14:18:00,41.46332833051842,0.362047376056068,0 -313,1124073.0,1971-09-13 05:50:00,1971-06-18 04:02:00,56.23039733838026,0.9548958054222788,0 -2649,509666.0,1973-10-14 01:27:00,1975-05-09 06:44:00,49.56743743764427,1.2692868968976487,0 -2281,464470.0,1971-08-10 17:51:00,1972-07-07 00:59:00,43.33769959202819,1.3338162981802255,0 -6741,113747.0,1971-09-26 06:58:00,1975-06-19 08:44:00,51.70756581862332,1.202189985472975,0 -2979,1016735.0,1971-07-26 07:54:00,1973-03-22 12:54:00,51.8175044875993,0.5801222442726754,1 -2547,198328.0,1971-08-23 23:01:00,1972-08-04 23:24:00,61.40271024837912,0.307334079446262,0 -5512,1022484.0,1970-11-04 23:52:00,1975-12-24 19:27:00,51.74824031013679,0.9536340134403776,0 -5132,895411.0,1970-10-11 13:42:00,1972-03-12 02:18:00,47.69354661357725,1.5328869415568074,0 -2159,1122415.0,1970-07-09 19:48:00,1973-05-28 15:42:00,58.44375788839068,2.1422582486995103,0 -7080,1036376.0,1972-09-16 22:48:00,1971-01-02 00:49:00,47.94971751747757,1.1272922203334872,0 -3137,686112.0,1974-09-18 03:42:00,1971-10-02 02:45:00,48.363780961785,0.0,0 -9079,654599.0,1972-07-15 19:13:00,,47.802475650357415,1.075867945072709,0 -5850,186296.0,1974-04-16 18:50:00,1971-07-16 07:00:00,41.03892623158907,0.7925050058129347,0 -9865,1013534.0,1970-02-08 01:51:00,,48.9942236562944,1.5733682994397713,0 -6445,687667.0,1973-04-05 20:58:00,1971-03-20 01:44:00,54.40584235050216,1.7580828029164866,0 -3967,897908.0,1970-11-16 22:36:00,1973-12-08 14:26:00,44.64830040110484,0.7703342783641605,0 -1428,288775.0,1971-05-20 09:58:00,1973-05-19 01:33:00,47.22056423467051,1.0328766345821665,0 -8422,608866.0,1971-11-12 20:35:00,1975-11-30 12:13:00,41.669469930759455,1.3347050050243947,0 -2520,899249.0,1971-08-19 12:05:00,1973-12-11 15:39:00,41.56812506680737,0.7249442804598787,0 -7837,787584.0,1974-11-13 17:33:00,1972-09-30 04:41:00,51.26699999267064,1.2953773951474177,0 -4969,839827.0,1973-11-15 00:45:00,1971-09-01 02:37:00,42.15051828840031,1.4135443720841794,0 -1855,692176.0,1974-06-09 04:27:00,1974-01-16 10:26:00,50.07813572344085,0.8755598034140119,0 -8884,939293.0,1970-12-07 14:05:00,1974-05-16 18:32:00,46.85575030740197,0.572020763049869,0 -5602,376677.0,1972-06-29 09:49:00,1974-02-09 04:47:00,45.14943055282773,0.8417033644205647,0 -9344,613148.0,1972-06-11 20:49:00,1973-11-29 04:36:00,53.7094529068492,0.486670038602775,0 -9868,318422.0,1974-02-07 17:25:00,1971-12-17 23:10:00,56.273850180995154,0.7825634422776374,1 -448,655485.0,1971-08-08 05:00:00,1975-07-09 12:37:00,48.712792883197885,0.9340369090538696,0 -7703,716819.0,1974-05-03 05:26:00,1972-01-01 18:10:00,41.840103123063216,0.8939633236532087,0 -1284,1150192.0,1971-07-25 14:01:00,1974-01-09 01:20:00,54.12583000372498,1.3610339359182286,0 -5995,1159281.0,1972-02-21 05:30:00,1972-04-02 07:04:00,55.71962095846882,1.3512660142457469,1 -7899,895956.0,1972-11-16 19:35:00,1975-07-28 22:00:00,49.56620844972996,0.4133962567799826,0 -3727,80097.0,1972-12-05 01:49:00,1975-02-21 06:37:00,48.12069023402489,0.8587225527713443,0 -7353,868591.0,1971-01-03 03:58:00,1971-02-04 20:54:00,47.48288635556887,1.4450931788332442,0 -361,557174.0,1970-09-01 21:29:00,1974-11-17 04:27:00,45.664135741671295,0.3871885594522014,0 -6279,870900.0,1974-11-04 16:16:00,1972-12-18 09:30:00,42.89488072568791,0.8301304864261954,0 -5230,309505.0,1972-12-16 00:27:00,1973-10-13 08:47:00,44.474988057051135,1.9508778669470608,0 -8942,923139.0,1973-03-29 12:47:00,1974-12-19 14:25:00,45.758610604281344,1.216298924012318,0 -7295,519406.0,1973-04-29 23:13:00,1971-09-07 18:24:00,48.05158951063638,0.5614047063190656,0 -8891,393744.0,1970-06-28 07:29:00,1971-04-06 08:08:00,42.79031071758721,1.0740711810837458,0 -7534,106165.0,1970-12-04 06:42:00,1975-05-08 00:34:00,47.16572208660012,0.9023123908665386,0 -6251,1011557.0,1973-04-11 06:53:00,1971-10-23 08:47:00,49.03729581666616,0.6452796098023483,0 -5926,595202.0,1971-01-08 14:59:00,1975-04-19 07:09:00,49.04276436267202,0.6644945075821271,0 -5149,1134316.0,1971-12-01 22:33:00,1973-07-14 16:31:00,51.40815364304943,1.4906014916286388,0 -2460,962293.0,1972-11-30 07:29:00,1974-10-18 14:00:00,46.6792275185628,1.0732244722416546,0 -22,764022.0,1971-08-21 17:37:00,1975-08-15 10:34:00,56.47446082423572,0.7892610410612263,0 -2066,943462.0,1970-11-27 03:15:00,1971-12-14 11:52:00,48.94133699962964,1.5346821158540849,0 -1653,136001.0,1972-05-06 19:03:00,1973-12-01 21:49:00,48.84036742984817,0.2930348778528584,0 -702,864761.0,1972-02-25 20:46:00,1971-11-06 13:10:00,47.00335105013936,1.2684672021122627,0 -8490,1079112.0,1972-01-19 10:19:00,1975-05-01 04:39:00,53.76450652891437,0.6707219307763734,0 -2743,11452.0,1971-02-19 10:07:00,1972-08-08 06:37:00,43.69609581242593,0.6494767764741811,0 -1376,1170309.0,1974-07-03 06:24:00,1973-08-31 19:00:00,51.42797966258357,0.2862167673773255,0 -1724,139132.0,1972-06-26 09:24:00,1972-08-23 16:40:00,45.89947883669358,1.6214598637918956,0 -2468,1118643.0,1974-10-03 16:13:00,1974-12-29 05:44:00,40.87706627554627,0.412427660337867,0 -3754,260719.0,1972-09-06 18:10:00,1971-03-13 12:03:00,47.11968545674794,1.0175692438687003,0 -2325,51974.0,1973-01-30 08:02:00,1974-09-25 00:41:00,45.59077607891833,1.468476763623215,0 -460,19100.0,1971-07-10 11:11:00,1972-09-03 21:45:00,49.10285825667306,1.547788674092183,0 -5163,229327.0,1974-10-17 15:18:00,1971-07-25 07:08:00,53.40495911327948,0.7671936515666188,0 -4183,1118334.0,1972-02-10 20:23:00,1972-06-09 15:12:00,55.22595987088344,2.2181171776481987,0 -5526,413708.0,1970-03-07 04:04:00,1973-01-19 05:38:00,43.3667454564829,0.7609704644667916,0 -4082,70829.0,1972-03-14 19:03:00,1973-04-25 00:19:00,46.57748289485996,1.0715220821790743,0 -1486,362146.0,1973-09-03 21:09:00,1971-07-05 13:31:00,46.237922504589214,1.5603082567131503,0 -3678,285268.0,1972-09-04 12:33:00,1975-07-26 01:25:00,50.26898597508947,0.5534315984691026,0 -282,1031825.0,1972-08-22 18:13:00,1973-09-02 16:27:00,52.500068237941406,0.4981049377000959,0 -6579,1052496.0,1973-11-20 16:55:00,1971-12-29 07:01:00,44.596480093486846,0.6376057322004032,0 -4558,1183803.0,1974-09-29 01:44:00,1972-02-05 01:28:00,58.99886447021349,1.6751446609801843,1 -4308,646035.0,1970-01-04 01:56:00,1975-03-17 09:34:00,46.48212387300576,1.109312982148721,0 -6684,985778.0,1972-11-15 18:57:00,1971-04-06 16:58:00,42.90864689033384,1.2968981778887954,0 -4865,123775.0,1974-11-19 21:26:00,1972-09-24 01:43:00,51.58787608764625,1.117875261441635,0 -3537,676486.0,1971-01-20 19:47:00,1973-08-14 10:10:00,44.21031117996519,1.347149543323528,0 -3868,995778.0,1970-12-28 17:34:00,1974-01-07 01:31:00,39.12220428175733,0.823197229952762,0 -7003,166876.0,1974-11-09 15:52:00,1973-11-16 15:05:00,54.958760368835925,0.53958188397111,1 -2581,738100.0,1973-11-21 09:43:00,1972-08-17 17:52:00,49.87121439097058,1.2810356924348816,0 -1368,698238.0,1972-07-20 21:58:00,1972-12-16 11:44:00,50.93524406980974,2.3371655955428263,0 -9469,829324.0,1973-04-17 01:44:00,1974-01-11 06:00:00,50.67758360507709,0.6451155729472089,0 -8197,245531.0,1970-09-01 12:49:00,1971-02-16 23:57:00,46.73007948195358,0.841208950461487,0 -597,882728.0,1973-08-21 22:31:00,1975-04-23 02:33:00,40.19719742549985,0.7334798765607606,0 -4351,234368.0,1970-04-15 01:51:00,1972-01-16 13:39:00,51.10271487945522,0.0,0 -6346,932162.0,1970-08-21 22:38:00,1973-03-20 16:00:00,49.2010500924572,0.7596726036220296,0 -8976,749300.0,1971-11-01 09:02:00,1974-10-11 09:24:00,53.84464351702137,1.2481033598992366,1 -6379,692267.0,1971-11-10 06:33:00,1974-08-22 08:34:00,48.84961324897105,0.0432889651836325,0 -4758,265212.0,1972-08-12 04:56:00,1973-12-10 21:43:00,45.02401522044824,1.3544198707313888,0 -646,622617.0,1973-08-26 20:17:00,1974-04-14 19:13:00,51.3677482909516,0.9748716449323171,0 -6381,724306.0,1973-01-27 03:14:00,1971-09-18 00:31:00,55.747557984711925,2.137736865022675,0 -7527,78030.0,1973-03-12 03:00:00,1973-11-15 11:21:00,52.507537502255694,1.116758198964435,0 -9697,919233.0,1970-08-12 02:13:00,1973-10-17 09:17:00,48.215480615524605,0.3619740884189346,0 -6023,355213.0,1974-06-21 12:06:00,1975-11-08 00:36:00,52.17224283893911,1.0975502931470569,0 -7954,458675.0,1970-08-22 08:43:00,1973-01-03 07:01:00,54.08293560339135,1.3659723104698152,1 -7165,738355.0,1974-07-21 13:30:00,1975-05-14 02:10:00,47.25338381077078,1.5484227565319424,0 -3468,292373.0,1973-04-06 05:40:00,1972-06-08 01:29:00,45.04113369453852,1.5492025803584828,0 -7797,620226.0,1972-12-02 07:12:00,1971-04-22 03:52:00,41.22398735534191,1.219456191006612,0 -7697,1145103.0,1972-04-13 19:11:00,1973-10-28 10:44:00,39.17613863674276,0.8010722189008809,0 -2990,841596.0,1972-12-18 08:54:00,1975-05-26 03:13:00,54.82422403894428,0.5160182140070753,0 -9407,1123181.0,1972-11-19 03:32:00,1972-05-26 15:13:00,46.12082581694966,1.0523060305429972,0 -4875,498618.0,1970-10-25 00:36:00,1975-04-14 21:30:00,36.21668362148417,0.5742679210520152,0 -2544,523721.0,1973-10-02 06:23:00,1972-04-23 06:43:00,50.60093100844017,0.9629368484822898,0 -8595,459759.0,1974-04-29 12:10:00,1974-08-29 19:06:00,42.88596896931304,2.0306171139838987,0 -5341,1006519.0,1970-02-23 11:36:00,1972-06-17 04:49:00,48.742386605723,1.812317277420412,0 -1567,1021377.0,1970-11-09 00:04:00,1975-03-26 12:51:00,42.49417893797008,1.9846489440227324,0 -9994,638660.0,1971-12-17 15:26:00,1971-11-21 11:26:00,63.50171081462642,0.784517872071798,1 -4066,98105.0,1974-12-29 05:36:00,1974-05-17 19:37:00,50.48739611216155,1.3859921604841312,0 -3988,1191754.0,1970-03-26 11:41:00,1973-09-08 20:27:00,45.27939422828734,0.6996188069911284,0 -7031,795138.0,1971-01-21 06:17:00,1972-07-11 09:31:00,44.52212396130175,0.6584489297467304,0 -2160,525378.0,1970-05-10 22:58:00,1973-02-20 23:18:00,51.64714022353335,1.4609851245401215,0 -685,983081.0,1973-10-10 15:35:00,1973-07-26 01:32:00,52.552537885881584,0.91188009054934,0 -7602,546791.0,1974-12-29 05:15:00,1972-04-06 19:00:00,43.70607958772816,0.5605589215178421,0 -7784,111560.0,1974-10-11 05:51:00,1971-02-28 00:57:00,57.75160953009453,0.9356783829858714,0 -3243,1006051.0,1973-06-22 20:30:00,1975-01-05 01:56:00,48.52310818329963,0.3519755333082118,0 -5844,298541.0,1972-11-17 10:11:00,1974-02-06 03:10:00,45.87897388582989,0.9630694264173364,0 -9219,370746.0,1970-09-10 17:24:00,1974-02-04 15:59:00,42.08469726062216,0.2949096951167818,0 -2461,322486.0,1971-10-13 15:50:00,1975-01-30 03:39:00,46.85343836345739,0.1861221053935042,0 -4083,643744.0,1970-07-02 00:01:00,1975-08-28 17:32:00,46.5953242823801,0.1627607747545892,0 -2837,1105029.0,1970-03-01 02:46:00,1972-07-11 03:29:00,43.89831645254147,1.8637489002060263,0 -3697,946887.0,1973-04-28 06:46:00,1971-01-16 09:59:00,48.47391864250055,0.7828941035688415,0 -7128,840122.0,1972-08-01 03:02:00,1975-09-16 01:58:00,45.938239192700486,0.9988363134410478,0 -6267,370629.0,1973-09-04 14:27:00,1972-06-24 17:14:00,52.642793491971744,0.5941453770483646,0 -4941,738462.0,1974-06-05 07:46:00,1975-03-02 04:15:00,48.24035766656843,0.9784136942503702,0 -5946,687193.0,1971-03-13 16:49:00,1972-02-24 09:29:00,46.32540976872131,0.680926691646887,0 -4583,7650.0,1971-03-23 04:07:00,1972-08-16 19:39:00,43.26689757391374,1.4194088527117188,0 -5784,1006832.0,1974-01-31 00:37:00,1972-09-14 15:26:00,41.33349547437877,0.3432644557033131,0 -4040,906311.0,1971-11-02 05:45:00,1972-09-04 17:42:00,50.33566581661667,0.9172219240467004,0 -2230,342468.0,1972-03-08 16:52:00,1971-08-26 13:04:00,48.77964038520874,0.3724615092461726,0 -7569,176765.0,1970-06-02 11:29:00,1971-10-28 18:58:00,55.06088597621572,0.9837257878860628,0 -935,317348.0,1974-10-29 05:17:00,1973-05-21 08:18:00,41.66674853462164,0.0799511799661687,0 -2320,1194457.0,1970-11-16 10:34:00,1974-10-31 09:15:00,45.09745372266538,1.7669564086386145,0 -4878,1117258.0,1972-08-20 14:14:00,1971-12-04 01:24:00,45.39381262267551,0.83665534945388,0 -521,700489.0,1971-05-01 18:50:00,1971-01-03 21:10:00,44.71788607043625,0.8494046773886825,0 -522,758362.0,1973-02-11 11:28:00,1975-09-07 22:31:00,51.00270288791296,0.3597633438317594,0 -5345,82332.0,1974-04-28 13:27:00,1975-05-04 10:45:00,37.67575020898767,1.9660835931823804,0 -9876,883836.0,1970-06-05 06:41:00,1971-02-06 15:22:00,41.53261954986113,0.3023018719175532,0 -3359,989884.0,1974-12-24 00:17:00,1975-02-18 21:35:00,45.80830370587496,1.774307924825716,0 -1311,995018.0,1973-06-04 00:35:00,1973-10-24 19:16:00,46.67081492974764,1.1327322984942751,0 -3983,505228.0,1974-09-08 16:24:00,1974-12-06 14:59:00,45.306453825269,,0 -6494,1054038.0,1972-04-13 13:27:00,1973-05-08 10:23:00,53.725149727827485,0.5001486720777506,0 -9560,229003.0,1973-02-18 19:47:00,1972-12-10 11:09:00,42.094923678711496,0.3055593953882596,0 -1716,144921.0,1970-11-18 07:54:00,1972-03-13 09:06:00,54.529220227968615,0.2910092066837844,0 -780,526851.0,1972-11-22 13:19:00,1971-02-08 23:39:00,45.39895958918572,1.2738534011857878,0 -8798,873665.0,1971-10-05 14:48:00,1972-02-16 17:50:00,45.43690562036211,0.3329243349189812,0 -8231,285599.0,1973-09-15 01:21:00,1972-09-30 20:12:00,53.67023764201725,1.5575818464032312,0 -5607,842043.0,1972-08-31 11:11:00,1975-12-15 22:57:00,49.23367438916059,1.309239976648493,0 -5978,238805.0,1974-12-25 09:53:00,1971-09-08 23:58:00,46.19424526332302,,0 -651,347017.0,1973-10-30 04:48:00,1972-05-06 17:33:00,52.06667409772422,1.2640397143943063,0 -3747,275913.0,1972-09-20 07:56:00,1973-08-14 04:20:00,49.01319260117058,0.840108112966594,0 -2196,1113059.0,1970-04-08 01:33:00,1971-09-30 16:56:00,48.14353334719117,0.3515705293953922,0 -8418,787860.0,1972-06-30 21:52:00,1972-01-19 11:14:00,34.497115907837255,0.6845662964625343,0 -369,545615.0,1974-05-13 16:31:00,1975-01-24 12:39:00,,1.0989293607659671,0 -9884,950088.0,1974-11-17 12:16:00,1975-10-09 11:26:00,50.96151841154949,0.7610466238061435,0 -8005,788782.0,1973-08-22 13:33:00,1975-04-01 05:16:00,55.381394475261246,0.4396298987998136,0 -4214,96357.0,1972-05-22 07:00:00,1974-09-11 00:08:00,44.58917665440706,1.07891000813252,0 -377,535132.0,1972-01-01 09:58:00,1971-03-06 23:53:00,52.365511422432384,2.208225099883653,0 -9446,559787.0,1973-11-08 21:05:00,1974-05-03 21:51:00,38.646859750072096,1.2417068408150322,0 -2216,894140.0,1974-04-25 17:46:00,1971-05-07 02:53:00,50.43960923570412,1.2564697420356925,0 -8682,759684.0,1970-06-22 08:26:00,1975-04-20 15:18:00,59.358435941383554,0.5495258034973675,1 -1613,338584.0,1972-06-28 03:35:00,1973-01-16 02:46:00,44.244492981202974,1.3093409860632896,0 -6979,55387.0,1970-04-04 02:24:00,1971-07-12 23:15:00,51.70309687724253,0.37247779486723,0 -7549,816284.0,1970-04-27 14:47:00,1974-06-30 01:22:00,53.58253643511989,0.3327764721896025,0 -1827,913707.0,1971-04-07 06:35:00,1975-02-11 17:32:00,51.33556828592961,1.7634334527604003,1 -3632,268960.0,1974-11-03 02:45:00,1975-12-27 21:59:00,44.54432910693663,0.4756175836213226,0 -962,883012.0,1970-08-08 23:15:00,1975-02-27 21:00:00,56.03656818053703,0.0,0 -2993,665254.0,1974-08-24 01:05:00,1973-11-29 08:09:00,44.25988150849191,1.0170973092967688,0 -6606,1176914.0,1972-10-02 02:31:00,1975-07-01 06:28:00,48.289757984827766,0.0776635032539163,0 -9672,760509.0,1972-05-31 15:44:00,1974-01-17 23:36:00,41.88314103321835,0.8888475719367546,0 -2376,99293.0,1974-02-08 12:59:00,1972-11-25 21:22:00,45.83594096141255,0.4177037137317403,0 -8880,140045.0,1970-09-30 06:26:00,1973-02-16 11:46:00,48.04569766714109,0.7861481177638836,0 -359,31364.0,1973-10-30 20:35:00,1972-04-03 04:03:00,43.414290753793736,1.272327844570945,0 -3839,687657.0,1970-05-25 01:00:00,1972-09-14 20:02:00,47.98461061754836,0.4889850454284579,0 -8184,915233.0,1973-01-23 14:13:00,1973-01-09 02:07:00,49.87702823116454,0.5980290777643043,0 -1246,193247.0,1973-02-05 16:34:00,1973-01-24 22:40:00,44.519322233157766,0.0,0 -7504,919743.0,1974-09-25 17:31:00,1971-01-21 11:47:00,53.56166238539284,2.476430211097124,0 -8349,216272.0,1970-05-24 08:27:00,1974-03-04 00:18:00,47.25191101107191,0.5239645630426877,0 -6511,40277.0,1971-01-16 10:03:00,1971-07-14 13:39:00,47.84859243059043,1.867544300906092,0 -5087,163000.0,1971-02-19 06:16:00,1972-04-07 01:57:00,50.10118308041085,1.5817094273207966,0 -3694,99918.0,1972-06-24 19:20:00,1975-12-16 10:32:00,38.74733509341829,1.219028810768236,0 -1573,219105.0,1973-05-20 00:49:00,1971-06-27 00:49:00,48.25963813650845,1.561976287468778,0 -6281,919573.0,1973-11-13 08:55:00,1972-04-24 03:32:00,51.68139741806062,1.439277177951667,0 -5439,882567.0,1970-01-17 13:46:00,1971-05-03 20:21:00,45.16908975543121,0.6870415138905112,0 -2567,806786.0,1972-10-04 03:50:00,1974-03-09 14:15:00,56.19288754809979,1.2130299361184411,0 -3423,292411.0,1971-06-08 19:17:00,1971-05-25 19:34:00,36.109153494295086,1.4451085992072223,0 -2037,37583.0,1970-10-22 20:56:00,1971-08-09 15:56:00,55.79169100323041,,0 -9243,620980.0,1973-12-19 15:59:00,1975-07-12 21:48:00,50.05807606923048,0.0904551520241874,0 -772,347550.0,1972-01-19 06:40:00,1971-10-13 03:42:00,42.73854011898155,0.7142902994696507,0 -5380,922820.0,1972-11-11 12:20:00,1974-05-30 15:03:00,51.96911185758951,0.8220568010022041,0 -9568,1146539.0,1972-04-06 19:56:00,1974-03-31 05:38:00,50.48074243410704,1.6678938705075992,0 -3562,310664.0,1974-10-17 05:01:00,1973-03-19 16:34:00,56.27881797454242,0.9375084616830563,0 -562,39226.0,1970-03-30 07:03:00,1974-05-08 08:45:00,46.343925090816576,1.3311262716321406,0 -6683,645582.0,1974-02-14 22:27:00,1973-11-17 09:42:00,51.03045157654004,1.097511832599043,1 -2546,184876.0,1970-05-28 04:49:00,1973-05-16 05:43:00,46.30624242076727,1.1935797878014816,0 -5510,926698.0,1972-10-16 13:02:00,1974-07-21 17:34:00,57.76375217088968,1.2980510947231914,1 -5330,1058854.0,1974-09-24 12:49:00,1974-03-01 19:37:00,45.697984814048645,0.5067343786734733,0 -9667,943615.0,1972-11-10 13:43:00,1975-11-03 17:20:00,39.95647734925211,1.0960452300764167,0 -4531,1051853.0,,1973-03-04 11:17:00,53.75205023709397,1.3901694043446715,1 -1674,121192.0,1970-12-25 06:16:00,,44.734794966024175,0.3923255668477481,0 -7395,153430.0,1973-05-11 04:51:00,1974-02-01 04:51:00,54.667425170533726,1.281843427036864,0 -365,419847.0,1970-11-03 09:06:00,1974-12-26 16:58:00,54.76907970505553,1.1007406004443456,1 -8016,608587.0,1971-07-28 01:54:00,1973-09-22 16:44:00,56.12288053390081,0.2002569110821775,0 -9376,805862.0,1972-10-11 08:11:00,1971-11-23 12:41:00,45.091280041971245,0.285939953906731,0 -4327,434581.0,1970-03-03 03:22:00,1975-08-24 01:21:00,41.338935550308754,0.2055555134800309,0 -9983,626305.0,1974-06-22 17:07:00,1975-11-29 04:11:00,42.49334677122558,0.2189931549136141,0 -147,204571.0,1971-08-25 07:27:00,1971-05-23 18:58:00,53.679043284957054,0.3783291849929869,0 -1668,263031.0,1971-06-07 18:12:00,1971-12-11 18:02:00,54.06237743800555,1.4017158690113654,0 -3088,528075.0,1973-11-05 14:23:00,1971-01-29 15:52:00,44.16362502424249,0.9113245559346056,0 -8844,231871.0,1971-03-29 15:43:00,1971-04-07 10:29:00,49.09106186352776,1.147886990967951,0 -7650,989799.0,1970-02-08 20:03:00,1972-06-02 22:02:00,47.99321765674367,1.2000149605523762,0 -407,1150953.0,1972-12-02 09:41:00,1971-05-15 19:22:00,44.474170105189145,0.3296863266459006,0 -9584,525284.0,1970-07-09 22:34:00,1974-01-11 11:05:00,47.5098168598948,0.4801394577897511,0 -7788,535015.0,1972-07-13 01:44:00,1971-10-20 11:07:00,46.52014205847951,0.3478364083913774,0 -3456,158426.0,1970-12-16 20:46:00,1972-03-12 18:09:00,53.66586575870225,2.7404379671532286,0 -6186,247979.0,1973-11-24 05:27:00,1974-07-18 20:29:00,44.4095665847592,0.3317588018496663,0 -4182,790122.0,1971-01-20 11:34:00,1971-12-31 14:43:00,43.013761868963726,0.5094956049437556,0 -3576,414399.0,1970-12-26 06:30:00,1975-08-13 21:54:00,52.49857750883764,0.811323257344983,0 -3271,855417.0,1972-12-26 23:30:00,1972-03-28 00:44:00,51.63613651768934,1.4820705690277327,0 -4940,1011877.0,1973-02-23 16:21:00,1972-11-16 02:47:00,45.63056049482998,1.7773575572867208,0 -1031,926448.0,,1974-07-08 19:18:00,49.73473287470941,1.1682890872559362,0 -8872,833108.0,1971-07-27 02:38:00,1973-03-19 04:18:00,48.85930419854892,1.7034476205927551,0 -6230,1192242.0,1971-12-31 15:42:00,1973-09-28 13:34:00,44.99505296224436,0.2682221886694446,0 -6592,159853.0,1972-07-05 02:44:00,1971-09-20 10:58:00,48.834629649507335,1.567341323264321,1 -8906,362875.0,1971-11-19 10:46:00,1975-09-12 00:16:00,43.461282606446936,1.1176636201867691,0 -9811,482354.0,1970-10-20 04:54:00,1973-07-12 04:25:00,48.15482232964349,0.9105656862871694,0 -6724,87749.0,1973-01-11 20:58:00,1972-04-07 08:19:00,51.282364998218405,1.0519796115775453,0 -8029,2292.0,1973-06-22 21:48:00,1974-02-14 08:58:00,48.90172123593886,0.6848397367662922,0 -8052,820817.0,1973-10-19 07:23:00,1973-01-21 03:55:00,48.24297525417027,0.9829037763250514,0 -855,455711.0,1974-02-05 05:16:00,1974-01-19 13:28:00,48.76730889919371,1.2690637101532445,0 -3926,644264.0,1973-02-18 20:13:00,1973-11-16 01:13:00,50.35026359228852,1.019248255999084,0 -8547,1167010.0,1973-12-11 11:31:00,1975-09-28 15:22:00,54.03023380382379,0.4813795009559309,0 -78,32656.0,1971-02-03 08:33:00,1974-01-07 20:39:00,50.80851985020138,1.6368145030761854,0 -7088,345806.0,1972-09-20 04:16:00,1971-03-04 01:23:00,45.5391513199416,0.2817289124720842,0 -2247,761351.0,1972-06-13 06:28:00,1971-06-24 08:23:00,43.21874385044072,0.504378343828658,0 -8263,1121412.0,1972-06-07 07:13:00,1972-02-06 03:02:00,52.00557204012344,1.1361933448909285,0 -4026,1195210.0,1973-01-19 10:29:00,1972-02-05 03:23:00,50.6308723549974,0.4373804751813674,0 -9949,975159.0,1971-12-07 07:00:00,1975-11-16 23:40:00,50.41347675173696,1.905107499357648,0 -9571,890777.0,1971-02-26 07:39:00,1974-07-08 10:12:00,45.69162587055673,1.6129682743067928,0 -9295,125669.0,1972-03-23 15:30:00,1972-04-09 00:55:00,37.36489152637856,0.6269221170047166,0 -714,,1974-02-01 16:50:00,1975-02-17 02:42:00,39.97252422004106,0.8519049791612807,0 -7451,1121728.0,1972-01-10 15:50:00,1974-06-25 04:55:00,49.39329794780272,0.9425312168858444,0 -788,144307.0,1974-04-27 20:45:00,1972-12-03 08:40:00,49.07678950643974,1.851276241916627,0 -2279,437592.0,1970-01-10 04:48:00,1975-05-11 15:23:00,41.61924044403123,0.1616056744139199,0 -4095,884516.0,1971-09-19 22:10:00,1974-02-10 15:42:00,45.853174971928645,0.5289721746196665,0 -3897,346789.0,1971-05-18 18:50:00,1971-04-01 19:42:00,45.67672735764636,0.9029311397976992,0 -7944,445730.0,1971-01-18 20:11:00,1973-02-06 15:22:00,45.91093062163128,1.4781773936978717,0 -7177,563164.0,1972-03-14 04:33:00,1975-05-03 13:32:00,43.09594946989623,1.0485630379950774,0 -9076,631171.0,1973-09-21 19:46:00,1974-09-05 04:29:00,39.15128034080715,1.0978467357960042,0 -9452,340411.0,1971-04-27 23:08:00,1975-11-01 20:44:00,44.86159895057931,0.2182934828097783,0 -3631,668811.0,1970-05-09 07:36:00,1974-11-26 04:30:00,40.65544394541504,0.2584335862041003,0 -8624,405510.0,1971-12-23 16:06:00,1974-12-29 21:41:00,45.365055488490185,1.0914528545771502,0 -7297,1137458.0,1973-11-21 23:31:00,1975-07-27 12:58:00,45.66009869977674,0.5731948907643489,0 -6272,709386.0,1974-02-03 07:15:00,1971-10-28 11:52:00,47.81533769479206,,0 -424,644857.0,1973-10-16 09:59:00,1974-08-28 22:49:00,54.07028549096685,0.9652541517855356,0 -392,351278.0,1971-06-19 10:15:00,1974-08-25 21:21:00,40.868988418888456,1.5123406362446787,0 -3191,984771.0,1974-12-25 09:14:00,1975-04-14 20:46:00,55.69728496400465,0.681022272491127,1 -16,676041.0,1973-06-20 12:29:00,,48.548257958587286,0.6859944978939692,0 -6335,1070691.0,1970-07-26 13:54:00,1974-07-14 23:30:00,50.43018451953652,0.4329097523416243,0 -4200,781589.0,1970-12-15 22:25:00,1972-11-28 09:02:00,52.03016737693949,1.3409194519172027,0 -2672,881052.0,,1974-09-14 17:22:00,46.73051756674924,2.07215220807319,0 -2444,651779.0,1970-11-20 19:14:00,1971-09-15 19:49:00,52.07686933630186,0.7429299552006265,0 -6697,1188446.0,1972-07-25 21:55:00,1973-09-06 23:33:00,35.444747006761524,,0 -6164,1070311.0,1974-03-20 20:43:00,1975-04-05 06:03:00,40.59935862433927,1.1210058043307052,0 -2601,329488.0,1973-08-09 20:43:00,1975-01-01 19:39:00,51.64607574502061,1.2469813483680516,0 -3493,276116.0,1972-02-09 16:59:00,1973-09-12 01:16:00,44.04915998107784,0.5444605682500758,0 -6044,1012593.0,1970-12-08 15:28:00,1972-02-07 09:34:00,42.23581570697867,0.5294771908290545,0 -1459,852253.0,1973-02-16 10:37:00,1974-07-30 09:19:00,48.06618630024233,1.213604478746631,0 -3804,904575.0,1971-01-11 02:23:00,1973-09-11 16:04:00,36.90360887947995,0.7985666876652013,0 -9845,1104146.0,1974-07-08 11:55:00,1973-01-26 10:10:00,51.2355858635746,1.1774589420973274,0 -7394,1069625.0,1973-08-29 10:30:00,1972-09-29 00:32:00,48.27617576095545,0.6295180633252354,0 -4839,283276.0,1974-04-29 14:48:00,1973-05-19 05:43:00,,1.098643342335604,0 -8111,158219.0,1973-10-24 03:15:00,1971-03-02 23:52:00,41.21326479582884,1.3423162217491078,0 -3835,484490.0,1971-06-10 14:48:00,1973-08-19 15:28:00,50.71362188936708,0.1750136769903872,0 -9313,232028.0,1973-12-05 11:10:00,1975-01-12 05:11:00,53.7173164804729,0.0,0 -5683,1036727.0,1973-06-12 16:40:00,1971-01-08 20:21:00,54.596230858314,1.225529645843849,0 -8748,267250.0,1974-11-05 14:33:00,1973-11-29 18:41:00,40.012871477408446,1.390172990400445,0 -5827,544095.0,1974-07-05 13:21:00,1975-12-05 09:04:00,47.77788602791212,0.0,0 -9748,289063.0,1970-06-22 22:31:00,1972-06-26 21:07:00,47.21238446823203,1.2483628675046543,0 -4724,1057723.0,1974-06-21 00:24:00,1971-03-29 18:35:00,57.01916607086538,0.7881715173161388,0 -8759,144069.0,1970-11-03 13:22:00,,51.20039515711353,1.277317781919361,0 -5887,1074894.0,1971-03-25 07:35:00,1974-01-17 08:06:00,50.861983382366674,1.7904224575674617,0 -2355,1113906.0,1970-10-29 16:26:00,1971-04-07 05:41:00,53.93089173017401,0.8777709796898504,1 -6036,145523.0,1971-04-03 11:37:00,1975-05-02 13:35:00,56.63725631065334,1.0135708034784463,1 -4798,161892.0,1970-10-31 03:44:00,1971-02-25 17:50:00,46.45776514498961,1.1016318332119646,0 -2442,968946.0,1973-03-16 01:32:00,1972-10-05 10:18:00,36.47921866042275,0.5800077026112098,0 -8645,735279.0,1973-02-25 17:42:00,1972-01-06 06:37:00,42.4104115158189,0.6501700598069062,0 -4592,1181896.0,1973-12-02 11:23:00,1971-06-25 05:01:00,48.3963225143011,0.1779440203031559,0 -8772,1071349.0,1972-01-20 09:38:00,1972-05-12 22:06:00,40.74806284176111,0.96341088313607,0 -464,341033.0,1973-01-24 11:39:00,1975-08-05 14:05:00,51.18977331533975,0.2228547934580108,0 -163,366284.0,1972-04-23 14:28:00,1974-04-12 10:25:00,49.19556369732318,1.5062232993853657,0 -9261,160529.0,1971-06-11 02:54:00,1973-11-07 21:20:00,46.07252191002385,0.794889324721819,0 -9433,330191.0,1972-02-13 05:52:00,1973-04-19 07:24:00,45.458743033846496,1.2828274762940377,0 -8405,831076.0,1974-03-24 16:48:00,1974-06-29 18:49:00,49.918642330049,1.027606644367036,0 -9777,561007.0,1971-09-03 21:51:00,1974-03-17 01:18:00,43.051900960376855,1.566764249559011,0 -9478,289047.0,1974-06-11 22:46:00,1974-03-10 21:01:00,44.85435204007016,1.1399233389026824,0 -7380,412153.0,1970-11-03 07:52:00,1972-04-08 02:01:00,43.22166787453365,0.528173552135913,0 -6636,728713.0,1973-09-01 08:19:00,1972-03-03 00:52:00,42.60283375788336,0.6221849804485144,0 -241,489929.0,1970-03-13 23:00:00,1975-10-10 06:09:00,46.981157906174666,0.7427592632903761,0 -2009,405214.0,1973-01-09 07:24:00,,51.438820561768765,1.3459003078021423,0 -6356,505020.0,1970-12-15 05:11:00,1975-12-12 16:21:00,38.284917234358645,1.5568332411141048,0 -3084,359596.0,1971-11-28 02:39:00,1973-01-11 20:35:00,44.79380012062804,0.9668069059743865,0 -6208,1043610.0,1973-11-24 22:44:00,1975-04-12 04:40:00,53.34225154905312,1.5825136750022937,1 -900,943345.0,1971-11-17 18:17:00,1971-08-09 07:22:00,50.17838783211448,0.7203392824562167,0 -5542,594489.0,1970-04-20 20:12:00,1972-08-23 06:02:00,41.92680611135248,1.2892363828837516,0 -6007,79472.0,1972-09-17 18:21:00,1974-12-12 14:54:00,47.28374360340963,0.3573364828681307,0 -7638,345420.0,1970-05-02 05:58:00,1972-06-11 21:53:00,51.64602921001718,0.774351127087738,0 -6793,298641.0,1971-12-11 11:09:00,1974-09-24 12:51:00,46.72453842022545,0.5059159132934575,0 -8869,216084.0,1974-06-03 07:21:00,1973-09-01 21:46:00,47.48034461962861,2.010732837626695,0 -7758,39388.0,1973-10-18 10:04:00,1975-04-03 19:43:00,51.5570205244202,0.804479325580921,0 -4837,72388.0,1972-04-12 17:52:00,1974-11-15 01:50:00,45.692301157113775,1.0567263103583282,0 -2293,1197044.0,1971-07-23 08:17:00,1973-01-14 20:01:00,46.27893040037654,1.1136991083750216,0 -6548,496884.0,1971-06-19 19:54:00,1971-05-10 15:42:00,45.16333829156437,1.3970274025794844,0 -7898,458271.0,1970-12-17 05:52:00,,44.11215569589768,0.2875204237653602,0 -7977,1066332.0,1974-02-16 00:16:00,1973-08-20 23:33:00,55.11013516327878,1.307672026937825,0 -4481,594941.0,1971-01-30 20:26:00,1973-01-11 00:11:00,50.79824471188152,0.6738666242293282,0 -5302,395093.0,1970-01-08 20:00:00,1971-07-18 03:22:00,52.09803788377639,1.4094715425983066,1 -4605,560615.0,1974-10-19 11:07:00,1974-10-30 21:31:00,48.29428004635206,0.7160974622495495,0 -3716,195415.0,1973-08-13 09:42:00,1972-11-07 06:50:00,46.864585010598326,0.5530558671789907,0 -9071,899431.0,1974-11-26 01:12:00,1972-06-15 16:48:00,48.171077567307,1.0623269467438816,0 -6140,939171.0,1971-03-03 02:56:00,1973-10-27 18:40:00,52.588175564155776,1.244704262063267,0 -1764,1074759.0,1972-03-18 12:11:00,1975-09-11 00:36:00,46.56474617432063,1.311026523206181,0 -6598,1123244.0,1970-12-19 14:10:00,1971-10-24 23:48:00,42.48356019377234,0.3627176154962591,0 -1549,894452.0,1973-02-05 00:35:00,1973-08-03 15:37:00,44.64719024314088,1.2085387500470206,0 -3029,121771.0,1973-09-10 10:35:00,1973-01-24 16:49:00,54.49142451212052,1.2287739930869317,1 -8653,1003302.0,,1971-08-29 13:52:00,47.29427006470636,1.560514788807121,0 -6298,560639.0,1970-02-18 08:49:00,1972-07-18 09:08:00,,0.3930415305055407,0 -6662,751639.0,1972-12-02 05:57:00,1974-08-15 23:00:00,50.75599250682088,1.0833575758198442,0 -6626,1149632.0,1973-10-25 04:32:00,1972-09-03 23:52:00,50.36092582500524,0.5371372529375112,0 -2044,746037.0,1974-11-12 04:41:00,1974-01-08 19:39:00,47.41377956371698,1.7604907037803137,0 -767,1164546.0,1971-11-04 15:29:00,1973-04-01 23:12:00,52.336516817004686,2.1994097180487167,0 -5693,1140633.0,1973-03-27 20:27:00,1972-06-05 15:24:00,48.43171271114645,1.0651157036984904,0 -7870,678129.0,1973-12-17 03:08:00,1974-11-29 00:05:00,40.86142230516437,0.250552752680144,0 -7795,261913.0,1974-09-11 22:14:00,1973-03-10 16:38:00,51.95425335039167,1.014829562747669,0 -1508,286557.0,1971-06-11 15:12:00,1972-12-19 19:00:00,49.14669957523807,0.7297521930532065,0 -7230,114956.0,1974-07-20 17:31:00,1973-12-25 02:50:00,44.921891463139445,0.9273554838755128,0 -7857,676131.0,1974-10-14 19:00:00,1975-12-26 17:39:00,43.24322994634572,1.7691267797761911,0 -3302,771196.0,1970-03-21 19:03:00,1975-08-22 04:29:00,48.05104753390884,1.0967994715412188,0 -4517,756856.0,1972-09-19 18:53:00,1974-03-02 10:56:00,43.65253760439504,0.8588008636412748,0 -4219,357372.0,1973-03-24 19:39:00,1974-08-22 19:34:00,39.23607416272632,1.5079912369616637,0 -9078,695071.0,1973-12-06 15:55:00,1974-08-28 22:55:00,42.29607913464688,1.0778634386375388,0 -9940,359143.0,1974-03-14 06:44:00,1973-07-28 00:42:00,42.81331321898735,0.9886948923473284,0 -3292,873392.0,1972-05-02 03:41:00,1972-08-06 08:45:00,46.28342326582376,1.5238927843292125,0 -819,294078.0,1970-01-28 04:59:00,1974-07-01 05:59:00,47.5047760448218,1.1605187661842358,0 -1403,633104.0,1971-08-22 08:53:00,1974-07-30 08:23:00,51.02335387198701,1.6973005823799792,0 -1382,642121.0,1972-02-14 02:31:00,1971-12-05 02:47:00,46.743950511164144,1.3716780611068573,0 -2148,822604.0,1974-07-25 00:43:00,1974-01-18 12:14:00,61.576955018321854,1.0608767795337557,1 -6928,1062918.0,1973-12-22 20:18:00,1972-10-24 02:48:00,46.64003561430184,1.160120232531141,0 -5671,1153790.0,1974-06-15 08:34:00,1975-04-01 23:45:00,50.48246057799139,1.346506315979213,0 -1638,1105961.0,1972-04-23 03:13:00,1972-10-08 08:06:00,42.13567502712955,1.1199115244162363,0 -5891,254664.0,1971-04-08 14:35:00,1974-02-11 00:52:00,54.41582213658099,0.8034609520200151,0 -7427,932972.0,1973-02-06 19:11:00,1973-10-27 02:53:00,49.79674351416848,1.3145909858447271,0 -608,755704.0,1970-04-25 14:26:00,1974-02-11 20:24:00,37.5177485966958,1.4273480345536405,0 -6907,1010072.0,1971-06-19 20:11:00,1972-06-24 05:02:00,61.747423823296174,1.2729557472699613,1 -399,692819.0,1974-12-17 08:06:00,1972-09-01 21:14:00,48.668521220602976,1.1134196798023814,0 -7247,492146.0,1974-04-27 23:04:00,1974-04-08 08:46:00,47.33072442537177,0.3912488485330868,0 -6406,104467.0,1972-09-17 16:38:00,1974-08-31 17:09:00,50.105975065864826,0.3660075030242494,0 -882,813379.0,1973-08-11 07:58:00,1974-03-30 15:16:00,40.61109275998557,1.2287995958603706,0 -3565,237084.0,1970-05-13 22:42:00,1974-12-02 07:31:00,42.10806270396222,0.9212955652437174,0 -4285,1094887.0,1973-11-17 22:34:00,1972-02-17 20:20:00,47.51348612109649,1.7138968819441789,0 -1179,505398.0,1973-05-05 13:40:00,1974-08-03 10:08:00,48.38036347135738,1.3208506804145363,0 -5448,259055.0,1971-11-29 15:29:00,1973-06-21 07:57:00,47.79302085967883,1.2301374285521056,0 -4244,899091.0,1973-08-26 10:51:00,1975-10-05 02:43:00,41.55652393092665,0.9121291024841554,0 -5218,714410.0,,1971-07-27 03:23:00,48.71230679167939,0.6969460696316305,0 -3976,356030.0,1974-11-02 08:51:00,1973-01-03 06:26:00,47.573176811413305,0.2704750829360364,0 -2130,1094466.0,1970-04-24 03:55:00,1975-07-03 01:28:00,41.481790176815366,0.7938065370170453,0 -5078,718862.0,1970-01-16 02:18:00,1974-11-26 23:07:00,48.88434089800767,1.2823852635810868,0 -456,769832.0,1972-10-05 11:18:00,1972-03-06 03:21:00,48.26859621695733,0.9039382033534338,0 -5582,600804.0,1973-06-22 02:51:00,1972-01-11 10:21:00,57.22786647750617,1.3435748442291346,0 -5175,488145.0,1971-02-08 08:04:00,1971-10-28 17:55:00,50.599095426974415,1.4027699670760707,0 -1950,774270.0,1971-08-09 00:38:00,1972-02-17 11:22:00,46.03800762282172,0.5689433286492438,0 -5372,65993.0,1974-04-08 15:55:00,1975-09-02 04:35:00,50.28658894239253,1.4103129098497322,0 -689,1111605.0,1970-12-03 21:22:00,1974-04-19 04:22:00,42.76881810647609,1.068337499486212,0 -8852,672889.0,1972-02-26 21:09:00,1974-12-17 06:43:00,46.23960713112471,0.8554586413282028,0 -6525,488398.0,1973-11-23 00:24:00,1971-06-16 18:13:00,60.35922360883371,0.9453209943243942,1 -9821,61718.0,1972-11-22 15:45:00,1974-10-11 09:58:00,37.33670291571153,1.2772176834372235,0 -6488,922854.0,1972-08-25 11:51:00,1973-02-24 08:41:00,50.74799948637635,0.1423852068245911,0 -6921,14519.0,1972-04-22 07:17:00,1975-11-12 01:59:00,50.49227539398532,0.9165174682787128,0 -1953,120855.0,1971-08-27 01:50:00,1972-09-07 18:31:00,47.66412717895599,1.0229062728427605,0 -7634,379571.0,1970-07-21 07:52:00,1971-01-07 17:39:00,41.95109738824191,0.87420318068634,0 -5636,47806.0,1971-09-29 19:55:00,1971-02-19 14:30:00,51.850353327464056,1.343573600146439,1 -7154,905189.0,1973-10-01 18:13:00,1971-03-24 00:31:00,46.565378227767006,1.0502855319385005,0 -8424,827944.0,1973-06-21 10:55:00,1974-01-23 09:16:00,41.91491889328232,0.7360241773252552,0 -6610,235416.0,1971-10-11 12:27:00,1973-01-21 12:08:00,56.31398789186907,1.3217566036432449,0 -2710,142788.0,1974-11-12 12:08:00,1971-01-27 12:28:00,51.15545186698159,1.9932126485497317,0 -8730,298031.0,1974-06-23 07:42:00,1971-09-16 07:24:00,52.3597048249435,1.618570051510582,0 -3201,41462.0,1973-09-07 12:08:00,1975-05-17 04:06:00,45.66619625727289,0.949426927815968,0 -4349,184003.0,1970-03-27 04:57:00,1973-01-12 17:18:00,53.62067777404568,0.7103635240566321,0 -4138,931543.0,1971-12-07 21:19:00,1975-07-12 11:32:00,51.395917963003896,0.9365559213369248,0 -1884,1188272.0,1974-08-27 12:30:00,1972-01-17 08:12:00,48.42014673193865,1.45217161971055,0 -8639,444884.0,,1973-08-26 16:43:00,53.43092541827471,0.8116088096810191,0 -4485,620013.0,1971-11-23 08:36:00,1975-11-01 21:07:00,49.11894429704533,1.269667630326568,0 -2494,360410.0,1974-11-08 20:09:00,1972-02-15 08:46:00,43.32735517918154,1.9220647543727605,0 -5947,145688.0,1970-11-26 15:41:00,1973-12-25 13:56:00,55.59414369525574,0.6639442485950757,0 -3036,,1971-09-19 20:56:00,1975-05-02 14:25:00,51.81399009489657,1.144085940970087,0 -5777,747027.0,1974-04-09 07:19:00,1975-09-15 12:09:00,48.05072586588573,0.9591810136032,0 -3603,1109043.0,1970-03-03 04:51:00,1972-06-19 17:24:00,49.02622786017533,0.5535221279524545,0 -845,84822.0,1973-01-20 17:06:00,1973-08-22 18:26:00,45.04066304305058,0.9234164686044652,0 -542,977447.0,1974-04-26 14:28:00,1975-12-29 18:09:00,47.9745858814936,1.1806102398391718,0 -3724,683315.0,1972-05-16 05:18:00,1971-07-25 20:15:00,52.82801942459064,0.4337243621601113,0 -4187,1099734.0,1974-02-08 00:42:00,1971-07-05 15:33:00,49.13349124313463,0.0,0 -3679,1125186.0,1974-02-09 21:24:00,1971-10-22 23:00:00,50.15677251553614,1.446122284174708,0 -8899,223910.0,1973-11-16 07:26:00,1973-09-08 21:19:00,52.36504370305893,0.68974658046828,0 -7967,838553.0,1971-06-08 18:03:00,1973-09-05 16:39:00,53.88440414824086,1.1445139401634914,1 -8485,646540.0,1971-05-28 04:19:00,1975-01-23 05:03:00,45.7305394780743,1.1178106899252842,0 -6075,736516.0,1972-02-24 12:53:00,1974-02-09 13:10:00,49.1212571979405,1.461335784093248,0 -7340,446958.0,1971-04-17 11:30:00,1975-03-09 18:04:00,42.53287353085834,0.8878840609022733,0 -8225,794837.0,1972-05-27 19:06:00,1971-01-06 03:13:00,37.93615827398454,1.2829956227563408,0 -7246,25194.0,1970-12-20 13:05:00,1972-12-22 22:46:00,39.02642484695849,0.9658967414151988,0 -9710,652889.0,1974-07-10 07:59:00,1972-12-06 18:21:00,46.45409437221041,1.3958528004626984,0 -8290,905221.0,1973-04-28 22:32:00,1971-06-16 05:22:00,48.9896219187375,1.1639780906025403,0 -7137,815251.0,,1974-03-30 10:04:00,48.42679867185072,0.2824564283439963,0 -2964,107062.0,1974-08-02 13:39:00,,46.38535715658392,1.4492020217798474,0 -7559,156788.0,1970-04-23 19:19:00,1974-10-31 03:40:00,51.12684842556407,0.8511384083205792,0 -2529,85321.0,1970-10-01 09:43:00,1972-11-17 02:08:00,49.587348981373175,0.4203769422765178,0 -7284,583705.0,1970-03-13 01:16:00,1974-06-03 05:51:00,47.5033564256734,1.314500549863303,0 -5772,829927.0,1971-09-08 04:32:00,1972-04-24 02:10:00,49.6472332706151,0.968204354772602,0 -1048,82102.0,1974-08-09 03:25:00,1971-02-09 00:00:00,44.374752099645306,1.2365006296436891,0 -7045,94427.0,1974-06-14 22:05:00,1973-02-18 10:40:00,45.30135538399954,0.8482384391568694,0 -1960,244937.0,1971-04-20 01:01:00,1973-01-06 04:47:00,50.442869122647394,0.4135698717332022,0 -2530,598077.0,1973-06-07 10:23:00,1972-01-09 18:32:00,50.38164410336476,0.4606996289896738,0 -9048,613203.0,1972-06-14 21:12:00,1975-10-09 07:21:00,50.79851622828641,0.3380833018801542,0 -7603,217658.0,1973-02-15 09:13:00,1972-06-03 09:58:00,49.89583662158716,1.351433925066647,0 -6524,925585.0,1970-05-31 20:04:00,1972-06-14 23:58:00,47.34731438254983,1.074210586138255,0 -237,582912.0,1974-11-11 12:36:00,1973-05-23 10:35:00,42.72187725504565,1.7892534287206137,0 -4917,274888.0,1973-05-30 19:17:00,1975-03-11 20:36:00,47.5704841627612,0.8588566880436405,0 -6479,967320.0,1971-02-27 12:18:00,1972-07-31 00:05:00,48.89966597328186,0.7866569367430296,0 -1133,304339.0,1973-11-09 11:30:00,1974-08-06 19:40:00,53.63550390943709,0.5255475326537138,0 -6976,240612.0,1973-04-11 10:54:00,1974-11-10 02:24:00,55.61912451476067,0.8800831080428428,1 -5901,780653.0,1972-12-10 06:44:00,1972-12-22 09:29:00,43.83750399464572,1.6078058780699265,0 -9057,654699.0,1972-04-19 04:21:00,1972-09-18 04:11:00,53.7291114396518,0.4808913851662965,0 -4259,239703.0,1970-07-23 00:30:00,1971-11-19 20:37:00,41.93880908999799,0.8800464569130737,0 -8840,1074654.0,1971-07-23 03:16:00,1975-01-12 02:14:00,41.78136752272852,0.4314980717257903,0 -6965,472576.0,1971-01-24 09:05:00,1975-12-05 03:00:00,40.41890259056987,1.5213586343202836,0 -9979,1179793.0,1972-02-10 02:53:00,1972-05-20 10:29:00,52.23380770821477,0.4290554068637083,0 -792,135033.0,1971-08-07 18:17:00,1972-02-03 06:44:00,47.99625125915607,1.1511984090959786,0 -1985,638660.0,1973-04-07 09:13:00,1974-11-17 20:59:00,46.3330631884432,0.3888584246564444,0 -5656,271534.0,1973-02-07 09:35:00,1974-09-05 00:21:00,52.09426538223519,1.3394153092410663,0 -8739,199848.0,1972-07-29 10:41:00,1975-09-27 07:36:00,54.302836226794575,1.29560845418391,0 -7935,811881.0,1974-09-12 15:57:00,1973-12-25 13:22:00,42.88354235427079,0.206637604975658,0 -6097,728228.0,1974-07-11 09:15:00,1971-05-06 22:39:00,48.5521596286678,,0 -5907,536550.0,1971-06-07 18:13:00,1971-12-07 03:20:00,43.70166325627096,0.3273920329697375,0 -7373,949338.0,1972-12-03 11:25:00,1971-01-07 13:51:00,45.226230054099766,0.2332889286362605,0 -8128,874192.0,1973-07-10 12:48:00,1973-12-17 05:17:00,45.80788764180159,1.3768516162217908,0 -2978,782582.0,1971-01-14 03:32:00,1974-11-11 02:28:00,47.53279705779509,1.7496397931590877,0 -8861,307518.0,1970-09-12 03:52:00,1974-03-06 17:35:00,46.60208225789959,1.1544123243469673,0 -9301,331305.0,1971-11-01 15:57:00,1975-08-08 01:06:00,52.47770642557832,2.29509590052207,0 -6721,1182805.0,1971-01-31 11:20:00,1971-06-06 19:33:00,44.52503955340467,0.3791135306574242,0 -7842,343430.0,1973-06-02 11:53:00,1973-10-26 12:29:00,55.53712268783544,1.2579133022334157,0 -5524,342908.0,1971-06-18 03:27:00,1972-01-22 07:47:00,50.08648701787952,0.4531817646486801,0 -8721,308192.0,1972-08-07 05:47:00,1973-09-30 17:49:00,58.59363172908025,0.0958572845234947,0 -8431,940756.0,1974-08-07 19:04:00,1973-01-25 15:00:00,48.46765026326653,0.9458112526847005,0 -9008,700894.0,1970-04-18 19:54:00,1974-06-15 01:54:00,52.98065256717145,1.1730326237874,0 -8603,756862.0,1971-02-24 01:47:00,1973-01-20 00:19:00,45.32047401641437,0.2684134488074409,0 -7174,655663.0,1974-12-09 18:34:00,1972-12-09 19:42:00,47.981937953247474,0.4323619174648981,0 -3919,941579.0,1972-09-18 10:54:00,1974-10-09 17:14:00,48.93263709720884,0.7942570422405233,0 -3138,248994.0,,,39.330948492614354,0.8789621960455248,0 -9416,444820.0,1970-08-28 02:59:00,1971-12-26 22:43:00,51.77802761434101,0.9756820071546468,0 -9933,241114.0,1974-02-22 10:02:00,1975-11-24 06:58:00,43.910333056531215,0.8855431988492515,0 -5789,914070.0,1970-04-18 02:33:00,1972-12-17 02:24:00,51.09414149851066,0.2736661357400789,0 -4073,356413.0,1972-02-12 21:06:00,1971-11-05 06:42:00,34.49882320773068,1.280308602066187,0 -3287,80497.0,1974-11-21 05:12:00,1975-06-17 12:55:00,49.68646747791499,1.6020559086447343,0 -3229,237574.0,1971-03-20 08:00:00,1974-12-28 17:10:00,42.3454742351328,1.5783433201646884,0 -1826,604457.0,1970-03-06 06:19:00,1975-05-23 14:09:00,47.32981778164197,0.2189741981706687,0 -5548,478125.0,,1975-06-14 22:18:00,51.907064801686055,0.8819906667230759,0 -593,364363.0,1970-07-27 09:39:00,1972-02-19 22:33:00,45.71245326293814,1.1671794833570035,0 -2725,129779.0,1972-10-28 10:25:00,1974-06-04 15:28:00,44.38509534802822,1.0018500344398718,0 -4137,661736.0,1974-01-31 15:25:00,1974-02-27 13:53:00,46.76505363304072,0.3367421075832644,0 -560,43325.0,1973-11-29 00:46:00,1974-04-14 20:01:00,46.761483513527935,1.3032191015162993,0 -7406,116344.0,1972-05-12 01:12:00,1974-08-16 05:07:00,44.07067818128879,1.3450830935763218,0 -8806,185044.0,1971-06-13 23:13:00,1971-10-02 19:35:00,46.70110589255771,0.6339384844354876,0 -8386,1192157.0,1971-11-30 07:37:00,1975-07-05 11:10:00,40.82908746789895,0.5375147907561657,0 -243,1000438.0,1972-01-05 04:59:00,1971-08-09 21:17:00,50.55168190522383,0.4363442646140794,0 -7268,141324.0,1974-01-03 20:29:00,1974-06-19 05:06:00,43.75270486131939,0.6636070521231505,0 -5435,1064276.0,1970-07-12 18:05:00,1973-07-03 07:50:00,51.58123220517457,0.8746806287515406,1 -4437,20021.0,1970-07-29 10:04:00,1974-06-03 09:26:00,51.55522363873172,0.6679325309319325,0 -9684,643507.0,1974-06-05 12:43:00,1971-08-01 07:09:00,54.80470256202055,0.6533334507322284,0 -8106,850369.0,1974-08-09 05:13:00,1974-08-16 19:01:00,46.99389445994876,0.7951281910918828,0 -405,950495.0,1974-10-16 07:09:00,1973-06-16 22:06:00,41.20866136557902,0.9458937534210964,0 -1442,340769.0,1973-04-01 07:40:00,1974-07-08 17:59:00,57.66087007278527,1.683685496401239,0 -261,213397.0,1971-10-11 10:41:00,1974-02-19 03:53:00,41.624611684569686,0.0646706800220221,0 -4406,41271.0,1972-02-21 00:40:00,1975-06-01 10:26:00,54.1193592037134,1.433645544368435,0 -7633,907886.0,1971-10-16 14:04:00,1972-04-16 03:07:00,49.77863981388871,1.826524668900688,0 -9533,933800.0,1974-10-04 20:13:00,1974-08-22 18:36:00,52.28926562152265,1.0821838127927934,0 -1689,246693.0,1971-11-19 19:46:00,1975-01-24 14:29:00,43.56378180246808,1.1953900218750126,0 -9866,772333.0,1970-10-01 04:40:00,1973-12-13 18:09:00,52.17144124171014,1.267629101315782,0 -1725,623056.0,1970-02-19 12:55:00,1974-02-11 23:13:00,53.96495335833871,0.2289024847850773,0 -8994,173051.0,1971-06-04 13:16:00,1974-10-22 10:18:00,50.98807122804362,1.1106626463360112,0 -4930,144556.0,1970-09-10 10:43:00,1972-08-11 00:55:00,47.07691915087682,,0 -5962,829031.0,,1975-12-12 02:45:00,45.46468643284096,0.9092353178764264,0 -2496,292881.0,1971-08-22 20:38:00,1975-05-30 17:06:00,42.41690428726224,1.8185662663755693,0 -9014,24867.0,1972-02-11 17:39:00,1973-06-23 19:25:00,49.00638983799655,0.4647235751205398,0 -6904,455963.0,1972-07-13 20:04:00,1974-04-12 00:48:00,48.96170285715404,0.7773587149375032,0 -6106,613954.0,1974-05-26 00:19:00,1974-06-18 05:08:00,45.3801225563583,0.4029506844832579,0 -8200,526575.0,1972-11-02 15:22:00,1975-12-01 20:40:00,46.896842346542606,1.339185955579456,0 -340,893126.0,1973-04-09 19:48:00,1975-10-18 22:14:00,50.37015715848143,1.683553556519063,0 -2408,837790.0,1971-05-15 08:49:00,1973-04-27 08:46:00,39.71783208139156,1.464349022310156,0 -1601,1166056.0,1970-03-23 18:09:00,1971-05-22 15:31:00,44.57308533281192,1.1474236470898067,0 -9864,1010993.0,1972-04-16 10:56:00,1973-06-03 04:17:00,55.75720281927667,0.169512185833644,0 -8359,1037175.0,1974-08-31 11:57:00,1973-07-26 10:39:00,54.362212882851416,1.1337621862697256,0 -5782,68221.0,1974-11-19 22:27:00,1971-05-12 03:15:00,50.05968573873968,0.9074380214928618,0 -4576,102484.0,1971-07-01 12:26:00,1973-06-29 17:09:00,50.62194148447664,1.5308404469218335,1 -7971,392307.0,1973-09-20 11:57:00,1972-04-21 06:19:00,50.22903797785993,0.7312786760558504,0 -3725,605908.0,1970-03-19 12:20:00,1975-10-06 14:08:00,43.10972123887692,0.6715840989545204,0 -2556,624622.0,1974-03-05 09:30:00,1974-02-16 23:45:00,50.958114268648586,1.3840781754032745,0 -2785,725479.0,1973-10-17 15:13:00,1973-12-07 18:35:00,45.679463678030906,1.868010138746564,0 -1523,272810.0,1972-09-23 19:16:00,1973-02-05 00:50:00,49.858214237723146,1.2431428510708993,0 -7717,28130.0,1972-10-12 17:22:00,1973-07-21 12:47:00,42.58693397587329,1.3307435601692932,0 -2507,545986.0,1974-10-27 05:12:00,1973-09-22 07:56:00,45.65445729678693,0.5201629841383738,0 -2831,778168.0,1974-12-18 08:07:00,1974-06-15 15:15:00,44.87732724193625,1.0736487493456686,0 -1012,624987.0,1972-01-04 21:09:00,1975-01-03 22:11:00,49.15610221517479,1.8073410188999373,0 -5280,989397.0,1974-04-02 15:01:00,1971-11-14 20:51:00,45.67255930380937,1.0177130314083174,0 -4895,1011619.0,1970-08-17 01:43:00,1972-07-13 16:47:00,49.06239809175637,0.0136179416393992,0 -1766,548269.0,1972-09-18 13:53:00,1971-02-13 08:34:00,52.91420952030332,0.6528981594470682,0 -4551,1193955.0,1971-03-31 18:03:00,1972-12-01 10:24:00,46.79737815821822,0.6666168357343039,0 -7121,1163976.0,1972-08-04 22:44:00,1975-12-09 15:48:00,,0.385361619131252,0 -6549,703849.0,1972-03-23 02:18:00,1974-12-01 03:52:00,50.33052192888859,1.4344522313680703,0 -4037,752945.0,1971-12-28 03:50:00,1973-03-17 03:01:00,53.37642692901672,1.2757654697419532,0 -8270,932189.0,1971-08-03 13:01:00,1972-10-04 17:52:00,47.19577230250192,0.7221584858079679,0 -148,606357.0,1970-07-21 06:03:00,1972-01-25 07:56:00,51.36801071656093,1.5032219020655893,0 -285,1063391.0,1973-08-24 02:29:00,1971-08-10 15:12:00,50.01696911504588,1.3017349377633547,0 -7800,1092938.0,1974-01-12 20:55:00,1971-05-04 15:07:00,44.21413921200584,0.560734592916601,0 -9651,930862.0,1970-04-27 13:57:00,1975-01-14 00:28:00,52.89476811170499,0.9270139566577082,0 -363,102892.0,1973-10-14 04:13:00,1975-08-07 17:24:00,43.133491576474405,1.6311531409754547,0 -5367,393604.0,1972-04-06 00:36:00,1975-06-07 00:19:00,52.23041373074183,1.306801925068168,0 -9945,84020.0,1972-02-07 02:52:00,1975-09-10 07:00:00,51.434590964970766,1.8888850762111076,0 -8410,626418.0,1973-03-23 07:01:00,1973-05-26 14:28:00,51.82252049164464,,0 -9453,1197998.0,1971-04-19 05:36:00,1972-09-22 05:19:00,46.46216403105051,1.0752202761732497,0 -4725,68535.0,1974-03-01 00:16:00,1974-12-25 16:21:00,43.40566227221111,0.422164168912161,0 -7271,,1972-02-13 20:03:00,1973-10-15 00:09:00,44.30532860449122,1.7434849595546995,0 -6770,682560.0,1972-11-27 18:49:00,1972-08-07 11:13:00,48.56430990347048,0.1517804814777371,0 -4443,477368.0,1970-04-18 11:01:00,1971-03-17 20:31:00,40.19265683845392,1.3780621364330607,0 -7446,1091925.0,1974-08-15 10:50:00,1973-02-10 10:18:00,44.88631166996354,0.7821951164174088,0 -236,312376.0,1971-01-06 03:13:00,1975-08-28 18:08:00,58.47389236196719,1.0726466136306236,0 -7709,544001.0,1973-04-01 06:34:00,1974-04-21 20:37:00,41.56658219926964,0.1098480169073251,0 -9585,57277.0,1971-09-12 03:15:00,1975-05-22 19:04:00,44.11144718143456,1.022379839035516,0 -2562,392751.0,1971-08-15 04:24:00,1975-11-15 07:47:00,42.68546411600866,1.4815413336802896,0 -7123,65513.0,1971-07-31 04:11:00,1972-05-24 08:13:00,42.16439695508387,0.6487565428123292,0 -8536,1128062.0,1971-02-10 06:37:00,1972-11-14 14:43:00,51.009486974031816,1.8585387796053907,0 -9602,857816.0,1973-11-14 23:33:00,1974-07-03 00:40:00,47.74883778361188,1.3047072811625655,0 -5519,291103.0,1971-02-20 03:19:00,1971-05-27 03:19:00,41.86334479629517,1.1532633234217673,0 -9613,856501.0,1970-05-14 21:41:00,1974-05-04 18:13:00,44.02517363652513,0.9033075611336504,0 -3083,1142355.0,1974-06-13 12:17:00,1974-01-18 12:09:00,49.39204198418149,0.7749127484742755,0 -2959,562069.0,1973-10-24 15:11:00,1973-10-09 04:47:00,44.69862907702532,0.9698751173415416,0 -2102,1013991.0,1974-07-15 17:38:00,1973-05-28 18:40:00,48.27903339551991,0.9143859956056156,0 -632,345823.0,1972-12-26 04:56:00,1973-06-18 21:01:00,46.372426442288734,1.207031795621331,0 -6813,987315.0,1970-05-14 08:27:00,1973-12-30 06:44:00,54.44750469580807,0.0,0 -2493,106639.0,1970-09-04 16:37:00,1975-04-30 14:03:00,50.94355310552711,0.3290622836506796,0 -2665,309297.0,1971-06-10 08:48:00,1971-03-31 07:50:00,51.62024888937007,1.238105886990616,0 -8494,211692.0,1970-07-08 07:35:00,1972-04-12 06:42:00,46.56583905460298,1.1671674411320447,0 -8425,524097.0,1974-10-22 17:13:00,1972-03-26 23:02:00,,,0 -9266,218686.0,1971-12-04 17:06:00,1971-06-21 09:52:00,56.513746083752594,0.712020349325349,0 -4211,764175.0,1971-03-15 06:36:00,1974-07-08 23:22:00,48.511998421660685,0.5835813263989373,0 -3874,1081375.0,1974-02-25 13:28:00,1971-03-13 06:11:00,42.22197769046051,1.424759038520195,0 -2817,417856.0,1971-04-18 16:09:00,1973-09-30 16:29:00,57.91109450235032,0.5655129654997677,0 -8268,203999.0,1971-01-02 22:06:00,1971-08-31 13:32:00,46.62374108917217,1.266768217252174,0 -9815,965249.0,1973-08-06 16:05:00,1972-12-17 14:31:00,55.62025458734245,2.263796720231218,0 -7426,7108.0,1974-02-07 03:19:00,1972-03-31 12:41:00,40.82463134932952,0.5852419193030047,0 -8602,1111345.0,1974-02-04 08:03:00,1974-09-30 04:32:00,50.12427387881917,1.0186310946407389,0 -8475,333670.0,1971-07-25 18:46:00,1971-04-29 16:02:00,44.287014791389616,0.2598995818587403,0 -1735,943211.0,1972-12-31 20:33:00,1975-08-07 16:32:00,46.06888425694108,0.6338282869754561,0 -7397,94003.0,1970-03-04 15:44:00,1972-05-29 20:24:00,50.37631736981641,,0 -4255,430345.0,1970-03-25 20:31:00,1971-09-16 03:41:00,51.52155899941432,0.8045671991769987,0 -8288,827852.0,1971-04-29 12:32:00,1972-10-26 10:13:00,46.68492160196583,1.314510430184359,0 -2475,1187595.0,1970-07-09 13:37:00,1973-06-22 16:08:00,57.42831371792361,0.3510449823222504,0 -9984,1198626.0,1974-02-06 12:15:00,1972-02-01 21:21:00,44.48302104258806,1.0988628352671983,0 -3713,1098037.0,1971-02-11 10:48:00,1975-08-25 06:26:00,35.10552479617174,0.9273391254008964,0 -8978,1003584.0,1973-01-18 21:26:00,1974-10-27 16:15:00,55.43355219096243,0.7026388783870547,1 -1804,837122.0,1973-03-04 22:59:00,1973-04-06 01:08:00,45.56267239131254,0.5294377524754746,0 -707,573399.0,1970-11-05 13:13:00,1973-07-29 23:55:00,41.643276626879725,1.7814102467112145,0 -9191,1185278.0,1971-01-15 07:14:00,1973-02-23 00:08:00,47.00148175020151,1.2468962235178611,0 -5189,,1973-01-14 22:38:00,1975-04-11 03:58:00,47.42561338854117,1.5898870637229434,0 -5472,489004.0,1973-05-23 10:17:00,1975-05-18 11:09:00,46.71834253062764,0.6089899486770578,0 -72,542206.0,1974-02-10 21:37:00,1974-10-18 18:26:00,46.33076786567513,0.9513947288887888,0 -7843,1005281.0,1973-05-07 23:59:00,1973-12-01 04:51:00,50.96238848568323,0.7308152133771106,0 -5101,20120.0,1972-09-22 19:40:00,1974-09-05 14:22:00,49.69167395284796,0.705633696928325,0 -6764,665478.0,1970-05-27 05:09:00,1971-02-08 10:23:00,44.61687512896467,1.7113097970546995,0 -1125,979148.0,1971-04-25 05:06:00,1973-04-08 05:37:00,44.15754751631075,1.258519760214714,0 -1241,43499.0,,1975-12-17 08:59:00,52.12671702878065,0.3572660136161874,0 -8253,962561.0,1973-04-02 21:34:00,1971-12-24 17:36:00,45.311032204753886,0.3219356701159259,0 -2349,259289.0,1971-03-15 17:34:00,1975-10-01 02:46:00,51.2684264275456,0.560036310520645,0 -6602,913399.0,1972-07-12 16:33:00,1973-02-05 04:09:00,45.4197763473796,0.6417341870846696,0 -6780,577570.0,1974-07-13 04:04:00,1973-10-25 03:10:00,47.79759953296088,2.151956880101906,0 -4358,704701.0,1972-02-21 05:19:00,1975-01-27 08:39:00,51.34748592551699,1.0095389079555224,0 -1343,1079033.0,1974-06-17 22:26:00,1971-12-08 20:44:00,46.87950962289505,0.0,0 -9988,1171707.0,1970-01-15 23:41:00,1975-02-09 11:21:00,57.47583244970324,1.0313318028617204,0 -8679,559282.0,1971-04-14 05:41:00,1975-08-11 18:43:00,45.21699664988363,1.0529651613678803,0 -9575,725990.0,1974-05-16 08:10:00,1971-02-21 22:38:00,48.65773330673215,0.7905168591584378,0 -6652,202799.0,1974-03-13 01:56:00,1972-12-08 15:00:00,49.09165498983191,0.3109509824067445,0 -1100,506310.0,1971-12-25 04:23:00,1972-02-23 01:01:00,44.51017349986808,1.3501678771415588,0 -7327,1009618.0,1971-12-14 01:51:00,1971-03-31 23:07:00,45.18418022436024,0.8368431614471767,0 -7622,1008380.0,1974-11-14 18:28:00,1973-11-15 15:52:00,47.68181771338895,0.9402898537412276,0 -987,1005048.0,1971-03-10 19:17:00,1971-10-21 20:04:00,51.75731407706765,0.7880993540848344,0 -2852,500521.0,1971-02-13 19:44:00,1974-10-11 21:45:00,46.46209489558675,1.7262965689083831,0 -630,493402.0,1973-08-21 04:08:00,1973-12-31 20:16:00,47.92073550139416,1.1140564650035183,0 -1249,273954.0,1973-10-02 03:06:00,1975-10-06 21:37:00,46.61786720488772,1.461580226441654,0 -3179,669543.0,,1974-12-25 23:22:00,43.375463854113136,1.639263760696365,0 -482,1007537.0,1973-03-29 10:08:00,,46.56138335272741,0.0,0 -3040,645412.0,1974-02-05 05:03:00,1972-05-14 03:10:00,49.27619758636085,,0 -5010,227521.0,1973-03-04 05:51:00,1973-07-25 07:11:00,38.03513851102321,0.8181853789798978,0 -8727,1036198.0,1970-06-20 07:59:00,1974-07-03 06:18:00,41.72689470573198,0.4164161464119106,0 -7000,377276.0,1971-09-06 23:11:00,1971-05-14 16:18:00,53.4632915031809,0.298082426068041,0 -3273,761144.0,1970-11-15 23:29:00,1973-07-14 23:51:00,44.76497668036024,0.534671265303034,0 -7227,795271.0,1974-01-15 16:36:00,1972-01-10 07:42:00,45.97093821836905,1.7524862246585962,0 -3683,263757.0,1974-05-30 23:45:00,1972-06-15 05:31:00,58.01252291938189,1.1549169794241223,0 -6674,334055.0,1974-02-21 12:01:00,1972-02-27 16:51:00,42.31790141544458,1.2052905075402056,0 -6807,392553.0,1971-07-12 02:22:00,1971-06-18 00:39:00,52.57934245546341,0.7889018288675874,0 -9738,233131.0,,1973-01-29 23:34:00,47.54944340258825,0.3364299668444175,0 -1316,1063416.0,1974-04-29 10:27:00,1973-08-20 16:03:00,41.705092022054615,0.1487081747922951,0 -3225,1088788.0,1970-01-07 22:26:00,1974-02-03 09:03:00,51.82148516345072,0.3640771960960864,0 -1072,1108857.0,1970-12-08 15:26:00,1975-10-13 11:34:00,61.64905337313368,0.8339877188594037,1 -4815,372848.0,1972-10-08 10:52:00,1974-06-07 11:07:00,40.22760909379546,0.8309833705733226,0 -8459,885364.0,1973-08-21 06:41:00,1973-04-26 04:37:00,50.29523829860089,1.4943521820781562,0 -5752,1067085.0,1973-11-26 15:30:00,1973-11-01 13:09:00,47.4029931627634,0.8274772893939792,0 -9145,437067.0,1974-01-03 09:26:00,1972-11-07 21:48:00,50.49766603665743,0.7211295520976039,0 -4616,221761.0,1970-08-12 17:08:00,1972-02-09 22:20:00,46.67994644647936,1.2863853237978713,0 -3097,1123743.0,1973-12-14 07:45:00,1975-05-06 04:02:00,50.60493652722218,0.6032628495538289,0 -6869,66661.0,1970-07-21 23:19:00,1971-03-21 08:51:00,43.77645608743261,1.678947302188389,0 -1300,,1974-03-26 03:46:00,1975-03-04 11:38:00,60.73442772637296,0.7278373435134637,1 -7285,985053.0,1971-08-21 10:03:00,1972-09-29 08:20:00,52.14177489991988,1.7615556720702292,0 -6284,889722.0,1971-02-04 19:33:00,1974-11-19 21:03:00,43.07519949038277,0.6988044498533001,0 -5495,786116.0,1974-10-11 09:20:00,1972-09-21 04:11:00,47.900138722710295,1.9763450808832024,0 -5291,633857.0,1971-08-25 02:53:00,1974-11-16 05:19:00,51.47101068814656,0.8284062922268175,1 -1798,263652.0,1971-02-07 15:18:00,1974-08-22 16:28:00,51.81648774797228,1.856951519758228,0 -5203,247429.0,1973-08-02 16:03:00,1972-10-03 11:54:00,42.85796962130067,0.5184832458905202,0 -8227,1126325.0,1971-11-07 20:34:00,1974-11-30 01:19:00,54.54479427869733,1.1352503674586716,1 -5047,305536.0,1971-03-20 15:20:00,1973-12-17 16:08:00,49.113737709625205,0.0,0 -6441,912432.0,1971-05-24 06:05:00,1971-06-30 16:18:00,40.23757981977754,0.4966744557801286,0 -8105,254612.0,1972-01-11 04:16:00,1975-11-21 01:41:00,47.83243600313363,1.0648100022803502,0 -2359,1086664.0,1974-08-18 20:23:00,1972-08-18 15:44:00,42.12474486661693,0.7947230167761287,0 -9380,890764.0,1970-12-16 17:38:00,1973-10-28 00:12:00,47.58882571012471,0.657730791931898,0 -3654,597525.0,1971-01-03 11:46:00,1973-06-19 08:52:00,49.66051614033904,1.17741878128148,0 -7052,197811.0,1970-06-02 22:23:00,1974-08-15 13:43:00,46.566432192544006,0.9250466148031656,0 -1286,991571.0,1974-11-08 22:03:00,1972-10-30 11:37:00,44.899651900914265,0.783910260834376,0 -9126,334356.0,1971-01-16 08:46:00,1975-10-09 13:31:00,49.25383659215544,0.1398201358523167,0 -4445,339133.0,1974-09-07 06:15:00,1971-10-31 01:30:00,45.72747154407974,1.2484583377494003,0 -2137,797455.0,1972-02-06 20:19:00,1975-10-14 17:37:00,49.9441561889817,0.6752978177672053,0 -6787,9888.0,1973-02-25 09:16:00,1974-11-04 17:36:00,47.54282248420842,1.2833930315584758,0 -9752,392180.0,1973-08-04 01:19:00,1975-07-20 20:53:00,50.274764274042354,0.9131455103191825,0 -8510,836638.0,1970-10-10 21:58:00,1971-03-24 08:45:00,50.38443647232353,0.248180710986519,0 -9539,711861.0,1974-11-27 23:18:00,1974-04-04 04:56:00,43.22906101540235,,0 -6894,438467.0,1973-01-21 00:24:00,1973-11-12 03:34:00,53.08217506153873,0.6109461447977056,0 -8569,205093.0,1974-03-25 20:40:00,1975-12-12 06:33:00,44.29054053530806,1.6464196485568736,0 -7151,391707.0,1974-05-06 12:34:00,1975-08-24 05:05:00,50.73355967313648,1.183501929312681,0 -963,530945.0,1972-04-05 14:09:00,1973-05-19 00:28:00,53.48957234835779,0.8247113133818335,0 -6012,643715.0,1973-05-17 14:15:00,1973-10-28 18:57:00,47.746501645763615,0.2516988827943236,0 -4882,313163.0,1970-06-10 07:18:00,1975-11-26 11:50:00,49.96565747666753,1.4590732818670635,0 -140,216975.0,1972-08-12 23:09:00,1973-01-03 18:50:00,44.11403110271304,1.9986441535059616,0 -9032,597978.0,1972-12-01 12:48:00,1972-03-06 16:53:00,44.26255857797336,1.0445988224431682,0 -6936,405099.0,1973-01-04 06:28:00,1975-04-01 16:00:00,52.8028305113535,0.542082222004407,0 -6542,1089763.0,1970-10-07 07:44:00,1975-09-30 21:34:00,41.075368005170944,0.7522221779098228,0 -5243,1080168.0,1972-12-14 13:25:00,1973-10-08 07:52:00,47.83268315268718,0.6953138051303797,0 -4431,825055.0,1974-05-21 17:51:00,1973-04-02 22:31:00,46.840822504850806,1.1400891776330664,0 -406,972037.0,1974-05-03 14:55:00,1974-12-22 08:37:00,47.465324805016,0.9672020191505056,0 -8212,1069179.0,1970-12-11 18:35:00,1972-11-18 22:24:00,51.38965472728008,1.0167700032304536,0 -8376,334773.0,1972-09-10 02:36:00,1973-12-01 09:53:00,43.42035286887692,1.0858902883268868,0 -8627,755445.0,,1972-03-28 19:32:00,58.7317021685259,1.1819912598257902,0 -8234,87566.0,1971-10-09 21:01:00,1975-10-03 10:31:00,58.22020378677499,0.8226023136206564,0 -4399,989538.0,1970-02-07 21:37:00,1972-11-07 10:00:00,50.62441923838367,0.641907200991617,0 -5252,388400.0,1973-03-31 04:24:00,1971-02-06 07:34:00,39.098685926364205,1.851332873440528,0 -11,14946.0,1974-10-22 16:06:00,1972-08-30 23:10:00,54.74016030873351,0.6041274524775846,0 -4760,136851.0,1974-03-04 18:43:00,1971-10-11 06:24:00,55.04217143279255,0.6059129952817401,0 -1177,905075.0,1970-04-02 13:32:00,1971-04-22 19:45:00,47.43081358638489,1.1249042404315606,0 -2863,1065278.0,1971-08-14 15:44:00,1971-05-09 20:09:00,53.01970718387568,1.0510677848485994,0 -6471,935269.0,1974-09-20 19:13:00,1974-05-04 07:19:00,52.58840201597737,1.280662970404305,0 -6228,51435.0,1970-08-12 03:48:00,1973-11-28 01:22:00,47.89714018789706,0.8743959337788709,0 -2989,755262.0,1972-08-06 03:40:00,1972-10-04 02:25:00,49.93577603313579,1.1074724488627476,0 -7117,167115.0,1971-09-30 21:17:00,1974-03-11 13:19:00,41.00657482162911,1.43278398828234,0 -7010,162451.0,1970-01-01 08:08:00,1972-03-19 14:56:00,53.3871585664302,1.2817923383969674,1 -8557,702699.0,1973-08-27 21:37:00,1975-10-28 23:21:00,48.168735338487714,0.5134899605826719,0 -1440,331701.0,1974-01-17 02:23:00,1971-08-12 11:43:00,49.157305503769614,1.7384368429877384,0 -9747,1173115.0,1971-04-16 09:48:00,1974-08-10 04:16:00,50.388107808038825,1.9910908336379696,0 -2875,988843.0,1971-03-29 12:03:00,1971-03-17 03:37:00,52.48770245046927,0.4539064914720294,0 -9098,877852.0,1973-03-25 20:44:00,1974-04-06 03:06:00,46.18772286779588,1.1452382915999046,0 -8788,770940.0,1970-03-19 07:31:00,1974-03-24 16:24:00,41.617564801301214,0.8587548434851492,0 -7232,1140170.0,1974-09-04 11:08:00,1975-08-08 04:01:00,49.18344496799527,0.6923414901733281,0 -3726,15419.0,1970-10-07 03:27:00,1975-02-08 22:05:00,44.18920312496203,1.5008696363570029,0 -2772,925752.0,1972-03-08 13:04:00,1971-05-27 23:46:00,44.7315606208358,0.0,0 -454,529020.0,1971-09-05 19:22:00,1972-10-25 15:00:00,48.87955124604804,1.3397779658293578,0 -8189,100944.0,1972-09-17 03:53:00,1975-10-23 11:13:00,51.73013193779357,0.9976480571224454,1 -1367,602257.0,1974-08-23 22:41:00,1973-10-10 05:29:00,47.09736803710965,1.526330964175341,0 -3712,1027920.0,1971-03-16 08:15:00,1971-11-23 00:50:00,39.820868468910064,1.3803292752169325,0 -9852,101669.0,1971-04-26 12:34:00,1973-06-22 02:22:00,52.18598755038384,0.6528229426270231,0 -1388,1027463.0,1971-02-06 04:09:00,1973-01-24 02:49:00,46.92806299141248,0.5899368816495907,0 -1000,713271.0,1974-08-20 14:44:00,1971-11-20 22:29:00,48.2931294201213,1.2382317506875404,0 -7761,1046912.0,1971-06-24 02:43:00,1972-04-19 00:22:00,41.71041947591806,1.1840126777047548,0 -3553,556286.0,1974-09-29 14:59:00,1971-07-12 19:31:00,56.09504375121023,0.517644744448432,0 -4114,38040.0,1971-08-13 14:01:00,1971-10-31 00:06:00,41.56644447944743,0.62818067965615,0 -1667,804399.0,1972-09-23 15:28:00,1975-11-21 12:11:00,60.69905235759278,0.3901065664781041,0 -3173,565513.0,1973-01-14 17:10:00,1973-09-10 11:43:00,46.76085454389775,1.1495735547706472,0 -9397,889213.0,1974-07-21 17:59:00,1973-07-06 04:00:00,45.48074156055079,0.819661236862244,0 -488,161352.0,1970-10-13 23:44:00,1975-02-10 15:33:00,46.90737355528431,1.1531517989445272,0 -3230,593335.0,1971-04-01 22:44:00,1973-07-02 10:52:00,55.65122661003402,0.9788260029518732,0 -3828,316314.0,1974-06-21 15:10:00,1972-11-20 02:27:00,45.84181288202005,0.711876887915751,0 -8651,294277.0,1974-07-05 07:15:00,1975-06-24 01:14:00,47.034951461863095,1.2869631623222932,0 -5208,1060850.0,,1971-01-25 04:06:00,48.97052805810827,0.7435332712284752,0 -7848,1105904.0,1972-09-20 12:21:00,1974-03-29 23:56:00,47.4106479291255,1.3351084489448812,0 -5704,804116.0,1974-04-11 21:53:00,1972-05-21 20:34:00,44.269752875529306,0.552150639028707,0 -9639,1082316.0,1971-09-23 01:06:00,1972-08-10 17:15:00,48.86955267930214,1.3439197224017791,0 -8133,829596.0,1971-05-24 07:56:00,1971-12-20 05:29:00,51.00753556953623,0.2907247651049433,0 -703,207374.0,1972-09-21 12:57:00,1974-10-27 23:15:00,48.30161094440764,0.927576645542738,0 -5105,1148363.0,1972-12-21 19:04:00,1973-02-25 06:19:00,41.95245095255029,0.8587132255997946,0 -8893,159046.0,1974-06-12 06:24:00,1971-02-28 21:20:00,54.564543660669926,1.3204269742728458,0 -3291,1185568.0,1971-05-17 17:08:00,1972-12-06 09:07:00,55.10383174563424,1.352667371739948,1 -8125,124403.0,1970-09-24 02:33:00,1973-03-18 05:32:00,52.08686650736162,1.06879480341928,0 -9631,886367.0,1973-04-09 13:36:00,1972-11-06 09:30:00,43.8123562228317,1.265294679162324,0 -9021,182376.0,1973-10-04 00:16:00,1972-08-18 04:28:00,49.72080764496348,1.2326440537668355,0 -4909,750466.0,1974-05-06 10:15:00,1975-10-31 20:18:00,47.35025001107901,1.1051128129635135,0 -4440,973403.0,1974-04-23 13:45:00,1972-06-22 10:13:00,44.41251772840622,1.0625539092672125,0 -986,988168.0,1970-04-14 13:55:00,1971-07-22 15:17:00,43.72969369522316,1.446376562637233,0 -9236,938762.0,1970-06-12 00:54:00,1975-12-11 08:43:00,46.45807950133869,1.2483739732533072,0 -9883,1079644.0,1974-11-15 01:43:00,1975-02-04 19:22:00,57.3651651353452,1.6236916107948465,0 -7705,144125.0,1971-02-28 05:46:00,1975-11-14 21:27:00,50.94969285416671,1.2890498790472305,0 -6257,809228.0,1973-11-02 17:59:00,,52.52752182948733,1.1863764354411184,0 -6089,902041.0,1971-03-12 14:14:00,1974-11-21 03:53:00,43.49293314098726,1.3083503457244712,0 -5238,853031.0,1973-08-09 22:18:00,1972-03-17 03:44:00,48.79695451976468,0.9239985983744444,0 -1198,559531.0,1974-11-13 08:48:00,1971-04-26 06:42:00,,1.0196543268471032,0 -9070,166018.0,1974-03-22 23:05:00,1973-10-19 17:35:00,47.84246240647131,1.011546795573644,0 -7519,918840.0,1973-10-05 17:00:00,1971-05-07 03:02:00,48.00206058942188,1.5456776475488252,0 -6812,1168748.0,1972-06-24 15:12:00,1974-01-07 03:06:00,49.14020028404963,2.064582417106684,0 -8320,132816.0,1974-06-03 01:32:00,1971-04-19 19:17:00,45.69266927428096,1.0240966357273946,0 -7175,818247.0,1970-05-11 17:58:00,1974-12-10 11:09:00,54.06647161683255,2.0138390794738483,0 -4470,587322.0,1973-10-25 22:10:00,1975-08-29 11:41:00,50.97744248437437,0.8327000272754351,0 -891,196624.0,1973-11-13 03:20:00,1973-04-15 09:06:00,49.08594965794316,1.4480557218695624,0 -1969,853823.0,1974-08-06 00:00:00,1974-03-22 07:39:00,50.588971787674446,0.8445576238327677,0 -5757,1175315.0,1970-04-06 22:43:00,1973-05-18 20:28:00,57.53446493321916,0.1856148864384901,1 -6527,889203.0,1971-03-21 22:15:00,1972-07-26 11:13:00,45.81759959385714,1.138453407024345,0 -6294,1162512.0,1972-09-23 15:01:00,1971-05-18 08:16:00,49.25987817535827,0.2964482914590557,0 -7595,738377.0,1974-05-07 12:25:00,1974-02-23 12:42:00,49.3254659765166,1.9372752715291035,0 -3249,579880.0,1974-03-30 04:21:00,1971-03-21 14:50:00,48.24813692080494,0.7851811218893888,0 -6570,451855.0,1973-08-31 06:46:00,1972-04-07 00:33:00,44.46820832944246,0.9817728518855344,0 -6638,919376.0,1970-02-14 23:53:00,1972-01-06 16:55:00,49.28373723794813,0.4217316106503579,0 -7351,980963.0,1970-02-12 00:41:00,1974-05-18 00:06:00,49.15198569699372,1.2290180416043004,0 -9172,172741.0,1970-09-22 17:16:00,1973-10-26 08:54:00,43.48405772283184,0.3405862160345517,0 -7473,833621.0,1970-07-29 01:47:00,1972-11-02 02:24:00,46.18017208632332,0.6977747589425713,0 -9601,765011.0,1973-12-24 03:03:00,1975-07-23 20:43:00,53.34316788007547,1.8367486791605463,0 -8673,925745.0,1972-12-17 22:46:00,1974-02-14 17:20:00,41.74286585770817,1.0271585755472568,0 -1239,462128.0,1972-10-08 04:40:00,1973-11-26 04:44:00,52.66719203959306,0.035329307793725,0 -2289,1100691.0,1974-10-16 15:18:00,1971-06-15 15:49:00,38.36030655776751,0.2641464600867953,0 -2740,442387.0,1972-11-21 04:39:00,1973-11-22 03:06:00,46.98370932573484,0.8255360606182442,0 -4585,481650.0,1971-05-25 16:22:00,1973-01-29 07:27:00,57.483521031457016,1.7717306080745154,1 -1229,669680.0,1972-10-13 11:56:00,1971-04-01 21:02:00,46.75090116668367,0.7752943716617041,0 -6980,162912.0,1971-10-16 05:54:00,1973-07-29 17:04:00,39.64040725402014,1.0295204839190095,0 -5178,451053.0,1971-04-23 16:38:00,1973-03-26 10:40:00,55.33229622422701,0.8945332984104807,0 -4293,971320.0,1971-06-11 11:15:00,1974-05-26 13:58:00,44.92296646837188,1.7592858146204504,0 -1058,490700.0,1971-03-28 10:25:00,1973-12-26 05:27:00,48.888550013115406,0.3894079187267548,0 -6262,686035.0,1970-04-10 21:46:00,1972-12-29 00:54:00,47.06930884470646,1.1700652095894457,0 -281,633648.0,1970-10-27 20:37:00,1974-06-14 12:07:00,51.0732179534762,0.7579909018889206,0 -968,1191781.0,1972-01-02 07:40:00,1972-06-03 04:03:00,51.42947765927041,0.6060329660142215,0 -3953,1188458.0,1973-05-17 09:13:00,1974-08-28 22:45:00,47.72689150447363,1.072402537911679,0 -1939,1007534.0,1972-09-19 14:31:00,1975-04-18 16:05:00,49.03632762276139,0.5451836245760081,0 -8464,393325.0,1970-06-20 09:59:00,1973-05-15 03:47:00,40.25564873334656,1.0009548395513432,0 -1274,220597.0,1973-04-07 15:58:00,1971-08-10 20:43:00,42.880713772450335,0.6753315174204475,0 -619,1184361.0,1971-06-19 16:05:00,1974-07-27 18:42:00,51.70753193373504,1.2306471040508324,0 -8505,432629.0,1971-09-21 20:13:00,1975-06-12 16:37:00,57.07255258968991,1.1684565617661642,1 -1742,1056067.0,1972-10-06 22:33:00,1973-10-23 10:05:00,41.9879884879631,0.6438122755089747,0 -1390,509118.0,1970-02-23 16:48:00,1974-10-02 04:36:00,50.34968827611039,1.3457083789766746,0 -2203,760572.0,1973-01-09 21:30:00,1971-03-30 03:01:00,41.61297813367362,1.1130979423757228,0 -3568,1105385.0,1973-04-29 14:15:00,1973-10-26 04:27:00,54.13511079613709,0.5183838718516629,0 -6116,267456.0,1973-02-23 03:31:00,1972-01-22 21:26:00,51.67078499645476,0.3460429128714316,0 -9970,75461.0,1973-08-23 05:34:00,1974-05-13 12:52:00,48.30426731910883,2.06981227034034,0 -6052,484700.0,1974-07-28 01:13:00,1971-04-20 23:32:00,51.51175966726409,0.1818062871482169,0 -3178,1047597.0,1974-02-06 04:10:00,1975-08-18 14:12:00,48.40948532019839,1.3607798905454331,0 -3192,448655.0,1971-03-27 03:33:00,1973-07-17 02:16:00,41.09316909372824,1.0453793004700889,0 -6099,803347.0,1972-01-03 04:10:00,1971-06-04 02:12:00,51.576317559931965,0.4284499768264771,0 -7029,470902.0,1974-03-29 11:49:00,1971-11-02 02:21:00,49.8135493970924,1.7120493095367326,0 -575,1155038.0,1972-11-06 14:31:00,1971-02-19 07:56:00,48.8660612616377,0.6181750601765397,0 -6656,468979.0,1973-12-12 23:19:00,1974-05-04 14:11:00,44.57209828459212,0.0,0 -7115,975289.0,1972-08-08 18:24:00,1974-12-17 18:22:00,45.873856770495216,0.9927743745401276,0 -8802,350146.0,1972-01-20 15:51:00,1974-05-09 20:27:00,44.28363583540458,0.1419081130787599,0 -6276,1198251.0,1970-12-26 17:19:00,1972-05-08 17:44:00,47.63652295777657,0.6202456705256111,0 -8984,770770.0,1972-07-03 03:36:00,1973-12-07 11:19:00,43.98156601901317,0.7987295285456869,0 -5897,292043.0,1971-09-04 19:37:00,1972-08-17 17:53:00,41.06041617435243,2.605546978009654,0 -5724,428445.0,1972-08-04 16:45:00,1973-12-07 13:08:00,46.44986823478528,0.2670893200964274,0 -269,1187285.0,1973-07-17 07:17:00,1973-03-21 23:07:00,42.10494686970848,1.3952014653089149,0 -629,707748.0,1971-01-13 14:42:00,1971-09-30 10:22:00,52.52726758489318,0.0,0 -3081,170686.0,1972-08-15 19:36:00,1972-11-08 14:49:00,55.29924597095584,1.1227733946714635,0 -3466,292146.0,1973-04-03 23:48:00,1972-12-06 15:19:00,51.30858605442013,1.7982213799948314,0 -6430,557504.0,1973-09-06 14:58:00,1973-06-03 08:49:00,45.42432829104735,0.7308920930834795,0 -9311,954955.0,1973-07-19 11:59:00,1973-08-18 14:46:00,48.933702737919205,1.572661692607922,0 -7062,210273.0,1971-04-24 00:27:00,1975-07-13 18:30:00,47.99171798289306,1.228320416169136,0 -9727,885680.0,1974-10-09 07:34:00,1973-12-25 20:46:00,45.05988238133256,0.5441248502667604,0 -5543,1126293.0,1973-07-04 19:58:00,1975-10-10 21:07:00,43.90444536765386,0.7355943622308496,0 -4356,1062725.0,1973-12-12 14:55:00,1975-02-03 15:40:00,50.08196914845858,1.1462198837304427,0 -2113,341851.0,1972-01-09 10:58:00,1971-03-29 10:04:00,48.2136703173505,1.7156050022507157,0 -8219,42101.0,1971-02-07 23:13:00,1974-01-12 06:03:00,45.96124123375477,0.8931579340622008,0 -3216,67773.0,1972-03-31 22:49:00,1971-09-26 06:38:00,49.4191894945602,0.7091043241539361,0 -3814,69519.0,1972-12-27 06:07:00,1972-01-19 23:47:00,52.851774896430136,1.6785746225620028,0 -8321,78908.0,1970-09-10 15:45:00,1973-02-02 14:43:00,45.80287659640653,0.8412034010191836,0 -8589,1017177.0,1970-04-28 03:11:00,1971-03-24 21:42:00,52.42106137139102,1.0849471673755255,0 -2278,373905.0,1973-02-23 01:06:00,1974-08-18 13:02:00,51.39558514085276,0.5089253966922394,0 -4599,874848.0,1972-04-28 02:48:00,1975-06-04 15:21:00,46.73416707637448,0.2057153468973406,0 -13,1003435.0,1970-01-10 18:55:00,1971-03-31 18:41:00,48.2590895464248,1.3370373744072357,0 -9225,604900.0,1973-02-17 18:19:00,1974-06-04 06:09:00,47.54272280304193,1.384112380279831,0 -1525,1198985.0,1970-09-20 07:31:00,1971-06-06 23:48:00,48.361396726322845,0.8978412581764738,0 -2365,444720.0,1973-09-14 04:20:00,1975-09-10 19:46:00,54.32132012880327,0.958274564518264,0 -4648,470643.0,1970-07-03 21:39:00,1975-04-06 19:06:00,48.45437161083297,1.4313021688528815,0 -374,1126340.0,1972-06-16 23:02:00,1973-01-15 05:49:00,39.440521995618695,0.925815957086883,0 -8521,,,1971-03-13 06:05:00,37.60318549102855,0.6654776057329093,0 -6477,619224.0,1971-12-28 20:18:00,1974-11-10 19:46:00,48.13912194406744,0.7934374820194092,0 -525,764820.0,1974-06-10 05:28:00,1973-05-05 14:34:00,41.39784061636018,1.5638154027595876,0 -6895,554013.0,1972-09-17 03:20:00,1975-01-06 07:08:00,42.30863972204261,1.025870077610207,0 -3591,800841.0,1971-10-23 10:21:00,1974-10-18 07:16:00,50.155203096089934,1.2561828566386195,0 -7904,1104455.0,1974-07-03 04:13:00,1973-05-24 05:06:00,49.335598159954806,0.6068377019563436,0 -2958,317214.0,1973-03-16 15:12:00,1975-09-06 20:32:00,53.77175925594629,1.0485403491466427,0 -529,21078.0,1972-10-28 10:09:00,1972-07-21 22:30:00,49.4471338350854,0.5193833226649698,0 -3714,854491.0,1972-12-06 12:52:00,1971-01-20 17:28:00,50.057991714207816,1.0874863554437468,1 -4732,531108.0,1974-04-24 00:28:00,1974-06-18 23:11:00,50.18846988488744,0.9733144625971042,0 -1394,543144.0,1974-03-26 08:03:00,1974-11-22 06:03:00,39.6265611156207,1.3215984467515396,0 -5631,352952.0,1973-02-19 13:14:00,1973-05-19 06:59:00,,1.3792090218277988,0 -6563,1172012.0,1974-11-19 11:28:00,1974-03-24 00:08:00,45.10799734835056,0.9933808042824304,0 -4703,624596.0,1970-12-24 07:59:00,1973-06-05 03:25:00,46.88165934056385,1.2183609492457312,0 -1712,468807.0,1971-06-15 02:28:00,1974-01-23 10:32:00,50.56447972129816,0.99487594907435,0 -9755,464625.0,1971-12-28 08:01:00,1972-11-12 17:15:00,45.91404478081477,0.9589164406458504,0 -955,615517.0,1971-03-18 15:38:00,1974-12-09 17:35:00,53.436438331143655,0.8188739780545805,0 -6675,422332.0,1972-09-16 00:17:00,1972-08-19 03:26:00,52.96157782342016,0.5489247321463964,0 -3453,360583.0,1971-09-26 05:38:00,1973-09-06 15:49:00,50.31493032294103,1.135472807624951,0 -2071,495156.0,1971-11-17 10:56:00,1974-10-22 18:19:00,53.45415570530651,1.6745675453536455,0 -9740,370265.0,1974-04-08 13:32:00,1971-03-07 01:01:00,48.99676029330504,1.0907087092003032,0 -158,1097950.0,1974-02-06 09:22:00,1972-01-17 06:49:00,54.406802757264686,0.9520694287877888,0 -7005,840541.0,1971-07-17 10:02:00,1972-07-01 04:53:00,50.35890376557987,1.1039503143360176,0 -352,946498.0,1973-09-24 13:05:00,1971-08-24 03:44:00,52.793667276583164,1.032572795941639,1 -6078,1121084.0,1973-03-26 08:46:00,1974-11-12 08:33:00,46.41581047900096,0.6532833958680637,0 -6236,871930.0,1972-03-03 08:34:00,1971-11-24 19:02:00,44.75871195196545,0.8289716838079675,0 -2920,756558.0,1972-02-22 06:46:00,1972-12-24 22:08:00,37.63970164712449,0.8852637719960905,0 -4644,548618.0,1973-03-25 04:14:00,1974-02-12 12:28:00,,1.3446354435563068,0 -661,490401.0,1973-08-21 19:44:00,1973-11-04 07:05:00,43.63802153430007,1.3481941028600384,0 -7057,556570.0,1971-09-01 06:16:00,1971-03-09 07:19:00,46.639821319378505,0.7571924518208587,0 -3665,1119099.0,1970-11-08 06:20:00,1974-10-19 22:28:00,39.502112936329,2.2530794691720137,0 -7979,657057.0,1970-01-06 01:56:00,1973-02-15 17:54:00,42.06737260325248,1.7363058058201144,0 -306,335493.0,1972-04-29 13:37:00,1973-05-10 23:15:00,53.020224784608565,1.2133698759584792,0 -4790,1086825.0,1973-09-27 21:05:00,1974-02-08 18:34:00,44.28416096166018,1.5058800456681152,0 -2356,90502.0,1973-02-26 14:46:00,1973-05-14 03:29:00,46.95629057245742,0.0403821584018331,0 -1927,361126.0,1970-09-23 17:53:00,1972-02-09 16:45:00,42.44156696159768,1.1767483085637882,0 -9939,234402.0,1970-02-03 16:58:00,1974-12-21 19:45:00,49.979371424329344,0.2445002957314954,0 -3427,762211.0,1970-11-10 01:55:00,1975-04-30 06:22:00,51.49868707414854,1.3827095979862631,0 -3638,287983.0,1973-05-11 09:08:00,1974-02-03 23:33:00,50.946741031889374,0.843529674370681,0 -1266,1036543.0,1971-09-28 19:33:00,1972-12-10 17:31:00,49.780887130247535,0.9822277508748456,0 -1560,713423.0,1971-10-09 10:13:00,1974-02-12 13:33:00,51.425074896431845,1.2648647434856122,0 -7179,38116.0,1974-11-22 04:45:00,1974-11-04 19:22:00,47.48725723422987,2.126929095322401,0 -4109,77621.0,1973-10-13 00:25:00,1974-11-09 02:27:00,54.22963733311416,1.4454082291828505,0 -7867,849972.0,1973-11-28 06:20:00,1973-07-23 11:23:00,50.29257114262383,1.070398375705818,0 -4904,567128.0,1972-10-20 07:41:00,1971-02-21 07:19:00,55.82979920674583,1.1698008679681118,1 -7294,996152.0,1970-09-24 12:18:00,1972-03-14 17:12:00,49.02362851509223,0.3651362121696854,0 -514,788366.0,1974-07-13 04:04:00,1975-09-01 09:44:00,52.09347935809552,1.2671030859714012,0 -894,267150.0,1970-08-14 11:12:00,1972-07-06 21:28:00,52.409144516139214,0.6617063902678647,0 -21,6275.0,1971-03-29 16:37:00,1975-04-30 17:25:00,47.54603252405442,1.1717087754137592,0 -899,404424.0,1974-08-03 00:49:00,1971-05-18 19:51:00,39.7929942514745,2.177053142884599,0 -207,955425.0,1973-10-25 06:28:00,1975-05-17 20:31:00,48.05730823927029,0.5835928779969894,0 -458,736962.0,1973-12-08 10:18:00,1971-12-28 10:53:00,35.84188168214368,1.01036918910117,0 -2430,469423.0,1973-07-08 23:07:00,1973-07-23 09:15:00,47.82845486589432,1.5564425291779385,0 -8442,173674.0,1971-07-19 06:44:00,1972-02-06 21:53:00,50.06760823629453,1.4105349162063077,0 -3389,775485.0,1972-02-15 10:47:00,1974-05-08 17:24:00,38.53728849258943,0.9742856152412076,0 -3911,965467.0,1970-09-01 14:02:00,1971-08-08 02:27:00,47.93885364560842,2.139198078126636,0 -5383,28242.0,1973-11-14 11:05:00,1974-10-09 19:45:00,51.47273649585589,0.5009120910059928,0 -552,925701.0,1970-02-12 04:55:00,1972-07-10 22:12:00,52.42469581118249,1.2209384156374707,0 -3144,463182.0,1970-10-28 07:41:00,1974-01-30 06:01:00,49.12651202088874,0.0,0 -6917,812368.0,1970-06-17 19:44:00,1975-07-18 19:05:00,51.88979297406528,0.6365411026966888,0 -2056,84551.0,1970-02-19 01:47:00,1975-06-26 14:27:00,52.68590758423788,0.9995590907856866,0 -1925,1047087.0,1971-04-23 11:21:00,1974-06-16 02:08:00,50.83430778197538,1.2953392336672993,0 -634,324391.0,1970-07-29 08:37:00,1971-03-28 21:31:00,51.05788100639232,0.7309146504922899,0 -6082,927072.0,1974-12-19 08:01:00,1972-06-20 06:47:00,42.52180667520041,0.2376814347629885,0 -9270,692262.0,1974-03-01 11:37:00,1975-11-25 14:42:00,44.172755933957305,1.5245927357401483,0 -9678,414354.0,1972-08-21 20:07:00,1975-03-23 17:07:00,53.51027250710898,0.8343349959565651,1 -105,406568.0,1972-09-12 09:34:00,1973-04-19 08:38:00,50.67364556927739,1.4831058444037006,0 -3041,515115.0,1970-08-07 21:26:00,1974-03-28 07:42:00,49.33008518165989,0.733693437352788,0 -1709,35007.0,1970-04-02 14:43:00,1975-05-22 05:39:00,49.9953278454316,1.2727466874696574,0 -89,724091.0,1972-01-12 03:27:00,1972-04-07 03:50:00,52.82065491958356,0.9697378281161916,0 -7014,1001608.0,1974-08-28 18:18:00,1974-02-24 02:18:00,47.58141701982974,0.8090211496849173,0 -3174,441993.0,1970-08-26 08:58:00,1971-07-31 05:50:00,46.05453783798975,1.3369580775470298,0 -917,1082147.0,1973-06-18 15:23:00,1971-05-12 21:37:00,40.43790727386629,1.7777434546885882,0 -7833,270049.0,1972-09-26 02:50:00,1972-02-26 22:41:00,49.4525296174423,1.0108131316721147,0 -6732,297151.0,1972-06-22 07:48:00,1973-06-12 21:35:00,54.72476575862697,1.1718491976064742,0 -1949,998197.0,1971-11-02 13:09:00,1973-03-21 20:10:00,44.26931870215969,0.4806821098392639,0 -6368,427197.0,1973-12-11 00:47:00,1973-12-05 11:48:00,45.034251121758544,1.4372820108052229,0 -1,928778.0,1973-03-30 11:56:00,1975-03-13 18:46:00,47.13288659045243,0.8820532012162922,0 -8032,990512.0,1972-01-10 02:21:00,1971-10-03 12:30:00,43.44120667211753,0.6336320409277396,0 -6047,201811.0,1973-11-22 03:32:00,1975-09-19 22:15:00,45.948768496811454,1.3347066973623227,0 -2720,236299.0,1973-12-16 00:30:00,1974-12-10 23:47:00,52.14357179950306,1.010305335314581,0 -9812,319252.0,1971-08-30 22:41:00,1972-10-03 23:11:00,49.76583118586553,0.4386354154726553,0 -3117,878806.0,1970-11-14 04:19:00,1971-11-29 00:47:00,46.16009705776376,0.475282040602253,0 -9465,100690.0,1973-01-02 20:02:00,1974-08-26 21:42:00,51.21236454325764,1.10742545344428,0 -3762,244338.0,1970-02-26 12:00:00,1973-10-31 23:10:00,48.31838695146767,1.1267575950838151,0 -213,1033774.0,1971-04-05 12:23:00,1974-03-05 13:20:00,53.414994239485125,1.580711206623788,0 -778,684258.0,1971-09-11 13:00:00,1975-09-17 15:28:00,46.65165160140364,0.740454015278609,0 -3496,1099417.0,1971-01-21 07:33:00,1971-09-22 11:58:00,44.0673756613742,0.4122556115672714,0 -8817,775511.0,1973-04-04 17:44:00,1975-04-15 01:37:00,48.073107707690646,0.2198531832441205,0 -2043,371615.0,1971-03-07 05:48:00,1975-10-25 17:49:00,44.14074859730429,0.3243046958215414,0 -5420,1121141.0,1972-03-30 01:22:00,1971-12-21 09:03:00,36.58119250904672,1.1603186061862956,0 -6154,897769.0,1970-06-18 04:40:00,1973-10-25 16:01:00,,0.6253500414709838,0 -8357,606563.0,1970-05-26 00:06:00,1972-03-09 08:21:00,39.10478711987523,0.9422098802091288,0 -8707,,1973-05-26 22:10:00,1975-09-27 08:04:00,44.942973163198,0.3986278427215843,0 -8465,740928.0,1970-10-23 18:06:00,1973-02-25 01:49:00,55.54393560593228,1.5299485861078417,0 -4167,211423.0,1974-02-09 20:16:00,1972-12-18 17:54:00,46.35872849602385,1.3927036463512552,0 -3788,158707.0,1970-04-25 07:13:00,1973-12-18 05:02:00,50.12312592672858,0.9595653029384084,0 -583,483283.0,1971-01-05 10:22:00,1975-08-27 09:40:00,48.81382326281518,0.7418519678924864,0 -9911,1000040.0,1970-09-03 21:36:00,1971-02-26 15:24:00,54.688159759355976,0.8697436971507221,0 -9986,305491.0,1972-12-17 19:57:00,1971-11-22 04:47:00,50.049396673756526,1.502634789542451,0 -116,299383.0,1972-12-19 11:56:00,1975-02-13 03:10:00,60.56835888362079,0.5847633913973739,0 -6644,434908.0,1971-09-15 00:22:00,1972-01-04 15:29:00,50.14187482405799,1.1726699565260128,0 -9033,1086136.0,1973-06-13 16:13:00,1974-12-18 11:59:00,47.729313891380095,0.3678869251880888,0 -9951,762772.0,1970-10-29 15:08:00,1975-08-05 02:40:00,47.98954997896411,0.3944311771440359,0 -8959,465226.0,1972-02-04 06:09:00,1975-07-07 04:46:00,45.6040806960724,0.736063407281906,0 -1763,184219.0,1972-12-03 00:28:00,1974-12-21 10:22:00,44.71199784344552,1.1397187195971068,0 -1875,770725.0,1970-07-10 06:19:00,1974-08-01 17:11:00,47.9654187528632,1.7266187519236538,0 -3224,1127085.0,1974-05-12 01:52:00,1974-12-27 22:44:00,46.94461355535623,1.0097362362515303,0 -526,913711.0,1970-12-07 16:33:00,1971-07-31 04:25:00,47.10217385542886,1.205127308022882,0 -7725,205529.0,1971-10-31 20:53:00,1972-06-24 20:41:00,43.02247296894859,1.2515091297279013,0 -2946,425098.0,1974-05-06 17:48:00,1971-04-02 17:09:00,49.63604006989695,0.6409288796944808,0 -4473,38055.0,1974-02-13 19:07:00,1972-05-09 15:07:00,49.84904770796281,1.0985727053082892,0 -5655,1004088.0,1973-08-29 04:35:00,1975-01-02 21:50:00,50.77620600964903,0.2375138883961561,0 -6059,39285.0,1970-10-25 14:55:00,1973-08-02 16:02:00,52.62230665239981,0.9417046566147892,0 -959,827412.0,1973-05-08 04:25:00,1972-03-02 10:43:00,50.36271660263305,0.8779571347954485,0 -6342,630368.0,1972-05-27 12:58:00,1971-05-04 17:12:00,46.612549206090414,1.0018103276085557,0 -3633,304148.0,1972-01-20 13:50:00,1973-06-19 15:36:00,40.3654425545588,1.2800430964079526,0 -1050,735981.0,1970-02-19 12:15:00,1972-08-20 14:11:00,48.534829137305245,0.9734714648150004,0 -3380,280965.0,1973-06-07 20:10:00,1971-08-18 18:38:00,53.850563398173854,0.8060674629753798,0 -3676,411210.0,1972-07-12 23:32:00,1972-11-23 23:15:00,51.231721203556816,1.218675364115551,0 -5776,1021462.0,1974-07-19 04:05:00,1975-10-08 07:53:00,39.0643469753536,1.3850046582980355,0 -9045,585776.0,1974-08-20 05:27:00,1975-05-02 16:43:00,53.256340892643706,0.786172333304394,0 -6573,422553.0,1973-03-21 20:23:00,1971-05-10 20:13:00,41.26989434180533,0.7606974538023045,0 -5179,681776.0,1972-03-02 16:15:00,1974-11-07 08:40:00,45.7835815751913,1.5337486309025152,0 -1607,334404.0,1971-04-25 04:01:00,1973-06-19 15:59:00,53.97710232555097,1.3698614868991217,0 -3610,747258.0,1972-09-03 03:28:00,1972-08-29 02:43:00,36.40237973267598,0.7635698326058116,0 -9758,203277.0,1970-05-15 08:06:00,1972-07-14 12:08:00,51.99874362397247,0.6323306185873439,0 -6635,566896.0,1972-03-07 19:28:00,1974-02-17 20:08:00,37.53567855773856,0.6362576855770607,0 -9997,401113.0,1974-07-04 22:17:00,1975-05-20 21:33:00,50.9287033035279,0.3999950934303171,0 -791,537111.0,1972-10-25 21:53:00,1974-06-29 17:52:00,52.87015751676819,1.3663448008668984,0 -3056,570269.0,1974-04-12 13:58:00,1972-12-12 00:03:00,44.7425803824607,1.541685434102002,0 -1980,1078131.0,1974-10-08 16:40:00,1973-05-08 19:54:00,50.69844806660154,0.0642898992730284,0 -3598,262252.0,1971-12-28 06:47:00,1974-09-05 22:35:00,45.87940316343067,0.3218143792518438,0 -933,382613.0,1973-04-04 02:46:00,1974-11-22 07:47:00,41.81640141546983,1.4064333263634028,0 -7424,903445.0,1974-11-19 09:37:00,1972-12-25 06:23:00,49.91138917822696,2.163617365329627,0 -5626,699761.0,1974-12-12 00:03:00,1973-11-14 16:20:00,39.21895844945682,0.0,0 -1682,1067596.0,1974-08-13 06:19:00,1971-09-17 18:08:00,48.84559774252488,1.734759703739456,0 -4179,1127663.0,1971-03-13 07:08:00,1975-11-12 06:52:00,41.372995824755925,0.7077945334767598,0 -6446,976254.0,1973-02-01 18:37:00,1972-07-21 15:13:00,52.394443760926414,0.7519801555982334,0 -4116,1161823.0,1971-03-22 07:04:00,1975-02-28 07:52:00,46.02987138434084,1.491400141176107,0 -988,802537.0,1971-06-09 10:45:00,1972-08-24 09:25:00,55.71512192730731,1.237265142992881,0 -2896,1057679.0,1974-02-09 17:17:00,1971-04-03 13:31:00,55.657938662578566,1.2710727828937634,1 -3778,931476.0,1971-07-21 20:45:00,1972-01-09 06:55:00,49.725952231858265,1.6942245240724718,0 -5658,430667.0,1970-08-17 07:26:00,1972-04-25 00:08:00,39.22550931176171,0.6856275742947534,0 -3093,875128.0,1970-12-08 11:30:00,1974-12-14 23:45:00,38.9692297190046,1.1125096792362963,0 -3155,7201.0,1974-02-03 22:26:00,1971-08-11 15:20:00,43.2754688086501,1.201779996471377,0 -1823,457844.0,1972-03-17 08:05:00,1972-07-12 01:23:00,50.41905899778276,1.7209031852505745,0 -9622,45779.0,1972-11-05 00:09:00,1974-04-12 13:49:00,59.43857911970015,0.8665356001898848,1 -1098,404411.0,1970-10-29 06:41:00,1975-05-20 05:08:00,50.18108955552581,1.1895835156180177,0 -2844,731850.0,1970-04-02 05:49:00,1974-12-12 21:57:00,50.21717409913339,0.2017029307466513,0 -3342,635595.0,1974-03-22 19:31:00,1975-05-03 09:33:00,58.00155854589447,0.6067603562581598,1 -38,191780.0,1974-06-22 05:51:00,1975-09-17 12:06:00,39.91049246752156,1.7345940605100494,0 -6540,139345.0,1974-01-15 05:58:00,1971-05-01 23:25:00,47.45931765950337,1.0296446931564367,0 -9473,472742.0,1973-05-22 00:25:00,1971-08-20 11:17:00,52.51533980003745,,0 -3356,213332.0,1971-02-28 01:13:00,1972-04-23 16:09:00,43.530104462166,0.3273552653268253,0 -7813,8885.0,1971-01-30 07:45:00,1971-11-12 11:52:00,56.94182400135632,0.5619140664323805,0 -8220,1143981.0,1970-09-15 07:29:00,1974-04-23 20:33:00,54.11741656518872,1.7269234469337578,0 -9227,812036.0,1973-11-29 22:32:00,1972-06-10 15:34:00,49.92210601809052,0.7262994010580426,0 -2428,413047.0,1973-02-10 15:24:00,1971-01-21 22:31:00,48.11074184026902,0.6666753460153084,0 -5043,555891.0,1974-08-31 09:20:00,1972-07-16 09:46:00,38.918314868088295,0.7323163298561622,0 -5346,52829.0,1970-07-17 02:34:00,1973-10-29 11:47:00,46.08343051221083,0.5137914340819557,0 -4811,1154283.0,1973-10-25 00:29:00,1971-02-05 10:42:00,49.7532668144989,0.1526033685470138,0 -8476,1169931.0,1972-09-20 09:48:00,1971-08-04 01:01:00,47.97117138872679,0.9359518786031628,0 -686,335344.0,1974-07-13 00:28:00,1973-07-01 12:15:00,45.51549889201036,1.1181062339044088,0 -4799,1050358.0,1971-08-15 01:51:00,1974-04-29 21:14:00,44.63485374334188,1.3245405509522268,0 -7437,234479.0,1972-04-19 20:08:00,1973-09-05 10:51:00,59.84429779111649,1.382410633656627,1 -2353,450695.0,1974-01-19 11:01:00,1974-08-27 22:53:00,40.07295922361909,1.3098613738059468,0 -6353,1076370.0,1971-06-03 21:19:00,1971-03-29 13:20:00,50.7046737644532,1.2656077753726194,0 -4569,123419.0,1972-10-11 22:50:00,1973-12-29 03:31:00,45.98778337398921,0.3393865622016045,0 -8213,847421.0,1973-04-27 01:22:00,1975-07-22 04:41:00,46.94252587521558,1.8091259300814315,0 -2752,1045042.0,1974-10-30 01:50:00,1973-12-01 03:47:00,56.87869776529135,0.6774659617800538,0 -8073,1125049.0,1971-01-27 06:54:00,1973-01-20 07:16:00,43.224951689698486,1.6034355641793372,0 -1040,822277.0,1973-09-22 04:33:00,1973-08-23 18:17:00,53.65361268248492,1.353265239039402,0 -7491,355841.0,1970-05-02 08:23:00,1971-10-06 03:49:00,55.498494551835705,0.8473944184657509,1 -1265,249299.0,1972-09-09 07:33:00,1971-07-07 09:50:00,38.39682272286747,1.3405347021616638,0 -9265,77982.0,1974-10-19 13:27:00,1973-06-13 22:46:00,40.796082120697136,1.0307426755992928,0 -7059,191748.0,1973-11-05 07:09:00,1972-05-25 16:29:00,45.27459464313252,2.009139839393047,0 -277,1158404.0,1971-03-22 20:10:00,1972-05-29 06:00:00,50.28330782612976,1.394837029594324,0 -5084,154531.0,1971-05-25 16:29:00,1973-12-24 10:18:00,41.049033030967166,1.4113591513902637,0 -2382,1036600.0,1970-11-14 02:11:00,1971-07-18 18:28:00,55.29340986497257,0.8158313956470538,0 -571,117498.0,1971-10-23 07:57:00,1972-07-04 15:20:00,40.12191438205655,1.2492188830799733,0 -1435,743213.0,1974-01-26 04:26:00,1975-05-18 09:10:00,55.26337534493314,2.0481017225226283,0 -5352,101332.0,1972-05-18 11:05:00,1971-06-11 01:47:00,40.9153658841571,1.6747482294698497,0 -5445,604656.0,1971-09-28 23:06:00,1971-08-06 14:14:00,50.89975406104759,1.3439098403016214,0 -1007,555568.0,1970-08-08 16:25:00,1974-09-07 07:19:00,47.86577526006523,1.2684458268611325,0 -4543,488239.0,1971-05-12 13:44:00,1973-02-16 04:13:00,44.74894704342397,0.2325196898518823,0 -8816,60117.0,1971-04-04 07:13:00,1973-07-17 07:11:00,44.92640006401969,1.120527649040395,0 -2064,419375.0,1974-04-05 17:21:00,1975-01-27 18:08:00,58.58179382451184,0.5844295316369641,0 -1136,959817.0,1971-08-16 02:50:00,1971-06-19 14:07:00,42.62059467417221,1.2177952643494334,0 -5343,222774.0,1974-05-24 11:31:00,1971-06-29 09:10:00,51.24614087535436,0.2853634120102076,0 -294,968495.0,1973-07-31 03:58:00,1973-05-28 01:06:00,54.79650840649428,0.6993472384384986,0 -2403,134586.0,1973-03-01 19:05:00,1975-10-20 13:51:00,46.180021717125605,1.185651770005523,0 -3998,882740.0,1970-08-27 06:53:00,1973-02-11 19:35:00,52.44738670042932,1.4587569913164529,0 -3741,506074.0,1970-08-08 03:29:00,1971-12-02 02:14:00,54.66805104759126,1.021215287195908,0 -9222,363908.0,1973-12-13 20:45:00,1974-09-14 15:29:00,54.07196181618416,0.0,0 -2719,827653.0,1974-09-10 01:08:00,1972-03-21 05:26:00,54.585282726386936,1.2501478869685914,1 -9199,143660.0,1970-12-04 13:35:00,1975-08-04 20:10:00,45.93245002104036,0.8090611216375952,0 -5150,492737.0,1971-02-25 08:11:00,1975-06-29 02:10:00,49.96413096096248,1.444406369479395,0 -2808,26393.0,1973-02-18 20:06:00,1972-09-10 23:25:00,48.64329842147184,0.8296916168803793,0 -556,695641.0,1970-06-14 19:53:00,1972-05-16 21:18:00,47.0304866055839,0.9536559995090226,0 -8925,256012.0,1970-03-11 05:12:00,1973-03-09 06:57:00,48.92263705790546,0.8462482445668471,0 -4795,989646.0,1973-07-30 02:53:00,1971-04-15 09:05:00,41.985116679502745,0.583405836362175,0 -2469,679330.0,1970-09-06 07:20:00,1971-04-18 01:46:00,43.83903729153002,1.2063941847984774,0 -3738,1028047.0,1972-05-06 15:14:00,1974-12-19 09:53:00,42.96889741493731,1.366303180233287,0 -4286,181071.0,1974-06-03 06:49:00,1971-11-19 20:38:00,39.81006884551773,0.992990257206555,0 -2604,1147947.0,1971-10-13 14:58:00,1971-11-13 09:13:00,53.36489202986092,1.03956224326914,0 -362,979858.0,1970-08-15 05:12:00,1972-01-08 09:53:00,48.36748741093054,1.4437720081919707,0 -6924,742739.0,1970-06-03 23:14:00,1972-09-03 20:21:00,45.98284717045392,1.2358252535735208,0 -1704,1171146.0,,1975-01-08 09:59:00,40.66524796091437,0.4901814246421252,0 -2139,942853.0,1971-10-19 22:20:00,1973-05-14 14:21:00,47.93188823914728,0.4702650573805834,0 -3239,894725.0,1972-02-20 11:51:00,1973-10-05 08:30:00,51.36339474079477,0.2005834333387882,0 -2383,661478.0,1972-01-28 12:35:00,1971-11-07 13:45:00,48.43472887847238,0.9019279729004146,0 -7314,256767.0,1970-03-28 12:02:00,1971-05-08 22:33:00,49.47732380550282,0.3788407432996182,0 -4311,886291.0,1971-06-16 04:04:00,1972-02-18 18:59:00,43.22716982552395,1.1743147777116094,0 -1312,795752.0,1971-05-04 18:30:00,1971-11-22 14:49:00,54.91325665931582,1.3312554397223362,0 -3930,1034884.0,1970-12-01 08:53:00,1974-02-26 22:08:00,50.35086674734768,0.8105547575634598,0 -6183,361281.0,1974-12-02 06:02:00,1971-04-16 15:47:00,55.64880555968883,0.4198826933735329,0 -1591,1079867.0,1974-07-27 07:35:00,1973-08-30 20:47:00,49.397219312257405,1.6887942501463742,0 -9387,359650.0,1973-10-18 01:14:00,1972-06-17 13:26:00,47.68765928538648,0.2469332117171413,0 -2162,991066.0,,1971-03-15 15:04:00,53.19845658567582,0.847214278408019,1 -2396,763894.0,1970-07-06 23:33:00,1974-10-17 10:10:00,41.010133299371326,1.220779697940117,0 -317,129352.0,1971-08-14 17:58:00,1972-10-11 23:30:00,45.43012995141058,1.5461387752082385,0 -5233,832472.0,1973-12-28 21:14:00,1975-04-10 17:09:00,38.438899994192575,0.135712350396097,0 -5068,223160.0,1974-04-08 02:14:00,1973-06-09 16:32:00,41.02385404438098,1.5397885148969632,0 -4036,786389.0,,1973-02-21 20:01:00,43.42401290975749,1.1279019545573692,0 -3020,443128.0,1970-09-17 04:54:00,1974-11-25 04:49:00,44.8623560029885,1.299087272346799,0 -8228,42282.0,1972-02-03 05:36:00,1971-08-30 03:55:00,45.34539036437852,1.2120898247936498,0 -5295,408822.0,1970-07-10 23:57:00,1972-05-15 18:03:00,54.55912609388432,0.7715114447998225,0 -3972,253302.0,1974-08-23 06:56:00,1972-06-05 10:40:00,53.2901680673958,1.4969750142279348,0 -5370,713350.0,1971-07-13 11:51:00,1972-01-28 12:32:00,50.77283278431917,0.8708400717398557,0 -4133,107281.0,1973-04-30 20:39:00,1971-10-31 23:14:00,49.46360277717899,0.9119955482021516,0 -974,624138.0,1972-05-22 16:13:00,1974-04-15 07:40:00,53.21759929128673,0.9927805553801128,0 -7291,983994.0,1972-08-24 08:44:00,1975-07-29 14:09:00,44.95341737302885,1.4287998091724767,0 -954,1082079.0,1971-06-10 06:47:00,1971-05-09 08:50:00,52.85975000007539,1.1197659576357406,0 -9306,866179.0,1971-01-28 03:53:00,1971-09-15 00:48:00,46.16604039676286,1.0971808333249944,0 -5016,902875.0,1974-02-09 17:27:00,1971-10-05 15:38:00,52.0825557281265,1.0480523192600288,0 -9730,822619.0,,1975-03-15 13:43:00,34.88795004766966,1.3602063819931842,0 -7490,1013976.0,1974-12-26 16:16:00,1973-04-09 20:54:00,47.45226157739977,0.9214476279650844,0 -1640,1045818.0,1970-06-28 19:08:00,1973-07-14 08:44:00,49.74849141147414,1.0569297017432937,0 -1290,618082.0,1974-10-23 11:43:00,1975-10-03 17:12:00,46.47081757839656,0.7247446040885313,0 -1380,693279.0,1972-04-05 03:16:00,1974-10-21 01:42:00,45.22402346670678,1.6106149254764188,0 -1933,898984.0,1973-10-09 00:21:00,1972-07-27 18:49:00,40.27575260010419,0.6795745226333623,0 -4675,652559.0,1973-06-28 19:28:00,1975-03-21 11:39:00,56.522756740066114,1.0203931481488713,1 -892,551140.0,1971-07-26 00:51:00,,45.37791719843395,0.9736415840175968,0 -7287,1074296.0,1972-09-06 09:59:00,1971-02-19 16:50:00,56.6212303930652,1.295797095989937,1 -4876,424910.0,1971-08-04 03:20:00,1972-09-10 21:11:00,53.35905518318015,1.0129565929808435,0 -7906,97181.0,1973-02-28 18:21:00,1974-10-06 17:28:00,52.61174931245379,1.6182818274636572,1 -8194,392555.0,1973-09-25 12:38:00,1972-12-29 11:01:00,47.36064730698661,0.6523668821671192,0 -9379,739541.0,1970-06-19 16:03:00,1975-01-21 20:29:00,58.764336364140746,1.4042334127073972,0 -2466,639333.0,1973-12-13 02:15:00,1975-05-14 16:37:00,49.77897110563745,0.5904728474685955,0 -7657,291157.0,1972-01-14 18:11:00,1972-02-20 05:14:00,40.91211836964696,0.6329357553714735,0 -1913,778535.0,1971-12-26 10:48:00,1972-10-17 13:30:00,57.05004208738697,1.0650370683327974,1 -2736,299777.0,1972-10-06 15:47:00,1974-12-16 22:55:00,46.6865479823756,0.9434921882686096,0 -726,894165.0,1972-03-21 10:10:00,1973-04-28 12:40:00,49.71637075460948,0.1034567631910811,0 -7214,308174.0,1971-03-19 09:06:00,1974-01-06 14:23:00,51.72981564751935,1.027442978533761,0 -8245,537898.0,1972-01-11 22:45:00,1971-03-20 10:05:00,47.950311008243446,1.065526961445877,0 -1796,765446.0,1974-09-14 06:55:00,1974-02-04 04:34:00,50.99212074331192,1.1724074116523395,0 -3845,1185073.0,1971-02-27 12:54:00,1973-08-18 14:03:00,38.09518714601782,1.3792202780700555,0 -6402,67245.0,1973-05-05 20:54:00,1974-02-20 09:00:00,42.03374597675596,0.5117130050491256,0 -936,520444.0,1970-05-14 15:48:00,1972-11-19 08:57:00,53.51640223850714,1.562592174506035,0 -2265,1116951.0,1974-06-28 18:14:00,1972-10-06 00:00:00,54.7395836526048,0.4952596805920359,0 -824,1195364.0,1974-12-14 16:37:00,1971-08-31 06:30:00,48.6425096903842,1.0248730303670184,0 -7274,461503.0,1971-10-27 21:52:00,1973-07-17 10:07:00,51.34297210056652,0.2989651731207905,0 -1389,811860.0,1973-01-20 15:51:00,1974-07-05 06:51:00,47.59175349784692,0.6781094985386678,0 -3564,907975.0,1970-11-18 15:19:00,1972-06-30 07:38:00,42.26231572592185,1.4383706104075966,0 -5429,1020161.0,1972-05-05 14:01:00,1974-04-10 18:45:00,50.321443472278894,0.8547675731272086,0 -7827,956419.0,1974-09-08 12:08:00,1974-08-07 12:04:00,35.70536914079687,1.5984970491514807,0 -5690,113794.0,1970-01-30 05:12:00,1972-11-02 08:29:00,46.48830543067259,1.3755521751496338,0 -7878,862739.0,1972-10-12 02:14:00,1974-07-16 16:55:00,43.84803555489642,1.4049756312330997,0 -1868,667072.0,1973-07-26 18:14:00,1974-08-09 02:15:00,46.04860562549794,0.7827579265346655,0 -8202,1170701.0,1970-07-05 21:16:00,1972-08-13 00:03:00,42.77099519304195,1.7122546317739735,0 -7486,1146059.0,1974-05-14 15:04:00,1971-04-07 06:29:00,48.835324376309785,1.8195165556360344,0 -806,1107946.0,1974-08-03 16:11:00,1975-12-21 05:18:00,51.94181035258019,1.0050347257088386,0 -4805,660609.0,1970-04-03 16:24:00,1972-11-29 00:24:00,44.07158625649389,1.0200098292844997,0 -9152,838403.0,1974-10-10 09:29:00,1974-07-07 14:04:00,,0.5780298235531358,0 -7511,1094003.0,1973-09-24 04:01:00,1974-08-22 08:16:00,59.13219893435025,0.6228306550861077,0 -8056,1154392.0,1974-04-06 04:41:00,1974-04-14 05:13:00,54.336755100094976,0.1484751408611064,0 -4494,794789.0,1970-07-10 07:54:00,1971-02-27 07:08:00,42.55415189162201,1.1839843235882583,0 -2632,529145.0,1973-12-27 15:44:00,1971-06-20 14:47:00,45.608480299591605,0.9762260955916172,0 -8900,24439.0,1972-09-25 04:57:00,1974-04-11 19:34:00,44.39200597565883,1.1679571225505574,0 -8623,913768.0,1970-05-03 19:09:00,1971-05-25 03:45:00,46.42924525432572,0.1247099802545754,0 -7832,842786.0,1971-09-16 18:49:00,1971-07-21 19:19:00,42.47061375063885,1.042963758106116,0 -4388,365216.0,1970-11-24 07:05:00,1971-02-12 00:37:00,55.006314879795816,1.248879434711508,1 -145,1129440.0,1970-06-07 16:16:00,1971-03-12 13:22:00,48.85011371042258,1.667847596173438,0 -6467,1196384.0,1972-11-23 22:01:00,1975-06-03 22:07:00,51.36166439670053,1.525506675704472,0 -2033,218184.0,1973-05-20 14:59:00,1972-09-13 08:27:00,58.87961155355578,0.5167332487586701,1 -9127,733857.0,1971-02-18 18:14:00,1973-11-08 17:59:00,49.89418572711168,0.9379046746969556,0 -1165,982174.0,1971-07-22 20:26:00,1975-01-16 08:07:00,49.45662692636975,0.9753646839947372,0 -2050,418776.0,1971-02-27 10:45:00,1974-03-17 02:37:00,48.86191034297411,0.3683537755768512,0 -3760,134223.0,1973-03-02 01:45:00,1972-12-25 14:58:00,56.635446521167566,1.286146318201687,1 -4435,239765.0,1972-07-18 03:19:00,1972-09-04 17:14:00,41.58763403496563,0.5292671312017088,0 -3430,545979.0,1972-05-03 11:48:00,1971-02-13 05:01:00,43.85045933618198,1.0734769448710202,0 -8190,810980.0,1973-05-02 05:50:00,1974-02-14 07:39:00,43.54695073254295,1.621915247469054,0 -8753,957076.0,1972-02-28 23:16:00,1972-12-25 03:40:00,44.39223378467784,0.0,0 -7069,824420.0,1970-03-07 20:00:00,1975-05-14 20:46:00,52.69404772125036,1.2725190616683142,0 -4361,561953.0,1974-03-26 02:55:00,1975-09-08 07:55:00,50.29171449279049,0.966905349104667,0 -1771,73999.0,1972-08-06 06:13:00,1975-04-17 04:47:00,43.93099898464007,1.4927645540645706,0 -3511,711016.0,1970-05-20 10:19:00,1974-08-05 17:07:00,45.55890201403005,1.2706875368570405,0 -271,1154225.0,1974-10-28 05:48:00,1974-03-23 17:47:00,45.36126979353712,1.7583103289366822,0 -8436,274980.0,1970-01-02 18:34:00,1973-01-30 04:01:00,45.718534903428456,0.2350615302769757,0 -2032,411805.0,1972-04-18 20:17:00,1971-03-12 20:41:00,46.06382312784664,0.1093259259521074,0 -9664,145938.0,1970-07-01 05:38:00,1974-10-12 18:49:00,54.01282643775329,0.6625206197556982,0 -3810,416496.0,1972-05-18 16:54:00,1972-07-26 14:20:00,39.7215867853908,1.003223914830195,0 -4346,459027.0,1971-09-08 05:19:00,1975-04-03 15:24:00,48.72981857382221,1.344311759917129,0 -545,510603.0,1970-02-06 16:58:00,1975-05-12 14:53:00,51.15422067981071,1.0146591485608134,0 -3241,413312.0,1974-11-16 02:21:00,1974-04-28 04:46:00,47.82284510578457,1.4866845369277222,0 -8502,262900.0,1973-11-08 22:24:00,1971-12-25 17:56:00,52.70339261540766,1.2419796813248118,1 -9918,805080.0,1974-05-16 11:45:00,1975-12-05 12:22:00,51.692560564981015,,0 -7564,595348.0,1970-08-09 02:36:00,1974-01-19 18:31:00,43.42536141181568,0.9060160318478534,0 -920,50008.0,1973-04-03 12:03:00,1972-03-08 17:57:00,49.83061016116757,0.23484165212263,0 -9118,824404.0,1970-08-21 09:46:00,1975-07-02 16:59:00,43.174905706369046,1.1156724729212049,0 -6640,435970.0,1970-08-04 03:50:00,1971-11-24 17:44:00,48.88146850425358,0.9059633055129732,0 -7694,41109.0,1973-11-26 11:55:00,1973-11-24 16:33:00,52.5630650144436,0.3772305720570355,0 -8230,774867.0,,1974-10-04 16:21:00,48.534554416898864,1.5311900779505083,0 -7126,889153.0,1974-05-26 03:27:00,1972-04-21 08:10:00,40.46737366303944,0.0,0 -4278,259635.0,1973-03-01 02:07:00,1974-02-05 05:25:00,48.5258691328499,0.5103959537508993,0 -2983,1175548.0,1973-04-26 06:45:00,1973-01-01 11:47:00,57.03970981586963,,0 -130,888769.0,1974-02-06 15:56:00,1973-03-22 20:21:00,53.56812411708962,1.221491278896268,0 -7980,467570.0,1972-08-12 07:02:00,1972-03-26 19:37:00,45.0325604152923,0.8121852354554162,0 -2667,117848.0,1973-05-15 10:08:00,1975-12-13 19:44:00,50.462776205063896,1.3908700534536798,0 -7138,761586.0,1972-01-15 09:41:00,1973-12-24 23:00:00,60.96652776664613,0.9526550316627972,1 -3223,116783.0,1972-03-18 00:37:00,1971-10-27 17:51:00,,1.2491551997612076,0 -7693,380583.0,1974-08-19 09:32:00,1974-11-01 02:42:00,48.32220519646282,1.6513993758612031,0 -5392,187035.0,1973-12-29 03:13:00,1974-08-21 17:40:00,54.39604880229873,0.8873663484851749,0 -614,961878.0,1971-11-09 17:51:00,1972-08-04 17:33:00,45.22354571325105,1.5636156792806872,0 -9902,476651.0,1973-11-18 23:01:00,1974-10-20 08:28:00,52.54599541577428,1.02976873622939,0 -1466,1185707.0,1970-12-02 12:57:00,1972-07-10 15:36:00,56.89617472804116,1.618411685924507,1 -4497,904415.0,1974-08-04 20:38:00,1973-09-14 04:30:00,46.92633054434734,1.32562342527276,0 -3042,274733.0,1972-08-04 01:51:00,1975-10-16 06:28:00,57.048363999192944,1.5651812180712108,1 -2419,263817.0,1972-03-31 02:15:00,1972-08-10 08:01:00,47.212344402158266,1.4969676514207149,0 -5085,387073.0,1971-05-12 07:07:00,1974-04-21 09:35:00,46.7674485979101,0.5509903655819368,0 -3294,1168382.0,1972-11-20 09:58:00,1975-02-11 10:50:00,47.26357454898062,1.2395860924628082,0 -6737,33957.0,1970-02-10 12:05:00,1971-10-21 11:26:00,43.29029331004416,0.6198798025669133,0 -1500,495091.0,,1973-12-18 13:11:00,51.30303171359935,1.5435797977221513,0 -1521,67949.0,1971-09-29 07:42:00,1973-02-05 00:51:00,54.54119612952545,1.1713343039873505,0 -9117,435845.0,1970-05-19 07:42:00,1972-08-03 08:49:00,38.93599995789974,0.7333411274168473,0 -4232,844589.0,1972-11-26 23:22:00,1973-10-10 08:45:00,43.64766245273604,0.9280548558260248,0 -7686,1161843.0,1972-01-31 18:15:00,1973-10-30 16:05:00,50.14229431429904,1.3113962276319393,0 -4430,851603.0,1973-10-20 07:12:00,1971-09-10 05:28:00,53.18159978392408,0.4624021400263891,0 -390,535961.0,1972-07-26 09:21:00,1971-01-04 15:07:00,48.4478746374322,0.5696894980076235,0 -9858,349812.0,1971-04-20 02:57:00,1972-02-18 18:31:00,37.67851562520933,0.5840917127278668,0 -7124,674809.0,1970-03-16 10:01:00,1975-12-05 22:20:00,57.606593460020896,0.9551425123734812,0 -5913,154091.0,1971-11-12 07:12:00,1974-10-09 18:15:00,52.07711351994099,1.3554657854907777,1 -8592,901795.0,1971-10-04 19:54:00,1972-08-20 15:49:00,52.466571655969936,1.3970211541654085,0 -4806,799996.0,1974-11-14 22:10:00,1972-05-29 20:21:00,46.68363139245668,0.9090730778078192,0 -8954,644022.0,1973-10-13 12:37:00,1975-09-03 02:18:00,41.741151901754975,1.6496472863188671,0 -8238,285564.0,1974-06-15 17:29:00,1971-02-12 18:28:00,50.31502994086924,0.8172147948911344,0 -8044,645117.0,1970-02-11 18:25:00,1971-12-08 17:52:00,44.02982106322409,1.4266265505402247,0 -9782,288957.0,1971-07-11 00:44:00,1975-05-10 05:35:00,46.273649064596505,1.6413154078238463,0 -3993,497145.0,1973-04-30 08:16:00,1974-06-08 12:23:00,41.23444628658608,0.0892489935142499,0 -9551,691684.0,1971-07-13 21:01:00,1973-07-26 02:41:00,41.19378791411889,0.904357439572601,0 -6609,580081.0,1970-01-18 00:07:00,1971-05-28 05:07:00,51.25905218497997,0.0235086755155038,0 -5319,754796.0,1970-11-13 02:32:00,1975-03-30 03:34:00,49.992266678534826,1.0859573032325949,0 -7119,443137.0,1973-10-06 03:23:00,1971-04-29 20:24:00,52.93898141940346,0.646562037424069,0 -2421,328135.0,1974-11-28 09:51:00,1973-02-27 05:22:00,,0.7783322581991783,0 -5604,736395.0,1972-01-01 18:31:00,1972-06-16 12:44:00,43.88665328922523,0.2048156283639872,0 -1750,801274.0,1974-07-14 00:58:00,1975-05-08 22:40:00,53.69371697533538,0.3252284106352384,0 -9015,175081.0,1974-04-20 17:14:00,1971-09-08 11:50:00,45.7162142289272,1.1991938572627103,0 -9718,313813.0,1970-06-12 00:28:00,1973-12-05 01:10:00,42.29356830953191,0.9855163253901694,0 -338,847986.0,1972-04-15 06:12:00,1973-03-09 12:03:00,45.44054922518603,1.507900831993601,0 -8407,654682.0,1970-05-05 03:52:00,1975-05-12 19:03:00,47.54186315948051,0.9647827747964643,0 -1341,961539.0,1973-09-21 07:38:00,1972-06-05 00:48:00,42.54061432338667,0.0,0 -9544,482323.0,1973-05-15 06:39:00,1973-11-01 01:45:00,52.97206529178084,1.4941858703750013,0 -7982,142762.0,1970-05-12 12:59:00,1974-01-16 17:58:00,51.482775731945054,0.0,0 -3640,1063244.0,1971-12-19 10:18:00,1974-02-12 07:16:00,46.09761511343276,0.4721942020901062,0 -329,363048.0,1973-09-21 03:30:00,1975-09-08 03:38:00,46.15439814233966,0.7618300929006699,0 -8828,69105.0,1970-07-22 09:25:00,1972-02-17 16:25:00,54.06649372916663,1.4498380311928696,0 -3004,1126917.0,1971-11-28 12:18:00,1972-11-12 04:28:00,49.66013007745962,0.9894511493106436,0 -6960,419934.0,1971-02-12 18:58:00,1975-05-29 19:26:00,49.19689591817159,0.5594138127766053,0 -4090,847134.0,1971-08-10 18:56:00,1974-01-02 12:28:00,49.223264821092464,1.019297344496624,0 -2322,728859.0,1973-08-11 20:42:00,1975-06-02 19:10:00,59.81086802563628,1.2573369895644484,1 -6667,19061.0,1971-06-09 08:12:00,1974-10-06 03:13:00,51.43078624594226,0.3526225907372738,0 -7009,850620.0,1974-01-08 19:32:00,1972-10-06 01:20:00,50.28555447563604,1.0139264738736735,0 -4197,693035.0,1972-07-02 13:07:00,1973-02-15 02:05:00,44.50155612590208,1.2024485571194623,0 -3549,666693.0,1972-12-15 12:41:00,1971-10-28 11:20:00,39.00491740571109,,0 -8363,970949.0,1971-04-15 05:22:00,1972-06-22 20:14:00,53.70513741774074,0.5292295451227798,0 -4203,784340.0,1971-07-19 01:39:00,1973-09-23 20:38:00,47.429721520143545,0.9890179740380908,0 -9310,925458.0,1973-11-07 07:54:00,1973-01-22 23:28:00,,1.3202302885160264,0 -8936,921594.0,1973-03-23 23:26:00,1971-09-17 11:36:00,52.25905819792418,0.98842761622635,0 -6185,550.0,1970-12-20 16:17:00,1971-10-21 20:27:00,41.57411213435128,0.9631545043606248,0 -1639,1028503.0,1974-07-21 14:26:00,1973-05-08 21:33:00,56.8141374301948,1.4034479683858307,1 -60,270902.0,1971-06-17 08:26:00,1973-04-14 08:53:00,45.0734123357739,0.9834659111530364,0 -1240,35842.0,1972-08-27 05:36:00,1974-05-10 20:25:00,40.81699304529679,1.1389026265428526,0 -5760,305221.0,1974-11-27 03:22:00,1971-12-07 10:15:00,48.37589985625843,1.7680706132817083,0 -5136,1175951.0,1973-11-14 09:59:00,1975-07-11 16:21:00,46.50356293196501,1.0884945542679902,0 -2343,80274.0,1970-04-18 16:46:00,1974-05-14 23:09:00,54.712634130414855,1.2660361541018286,0 -2120,271963.0,1974-02-28 12:18:00,1971-06-13 02:39:00,44.107959585980645,1.4582344862541698,0 -1524,623997.0,1971-11-24 05:05:00,1972-09-22 20:01:00,46.46686770258128,0.1060506430642256,0 -7617,848725.0,1970-05-22 17:40:00,1973-05-05 22:31:00,56.23093863354602,1.7952961950751862,1 -153,489879.0,1972-09-01 19:05:00,1974-10-18 08:46:00,49.64094521913266,0.1766086268105354,0 -481,700562.0,1970-10-23 13:59:00,1973-01-13 01:09:00,48.19911531444651,0.5694192634236697,0 -6122,614014.0,1970-03-31 19:21:00,1971-06-24 05:10:00,42.8974346199479,1.598996817896708,0 -7674,155673.0,1972-08-20 18:49:00,1974-07-24 16:59:00,45.91013423049799,1.3256087514317287,0 -7101,998867.0,1972-09-18 21:59:00,1972-10-27 01:35:00,51.24154710822668,1.5201699784103853,0 -1762,372874.0,1971-09-14 10:57:00,1973-04-29 02:48:00,49.34737230294183,0.7730656669668784,0 -7715,662877.0,1973-01-29 06:58:00,1971-06-24 13:36:00,47.20913859958576,0.8702139171556549,0 -9081,935205.0,1971-10-04 20:50:00,1973-08-25 01:54:00,51.442050606832936,1.091832575029933,0 -7479,632837.0,1973-09-13 21:58:00,1973-11-22 13:20:00,49.81167872246464,1.1583361349194985,0 -6212,1180434.0,1972-04-11 17:20:00,1975-01-30 16:45:00,51.53282471951072,1.2547452895190148,1 -4853,256546.0,1971-09-19 08:22:00,1972-06-07 13:37:00,50.29532766943336,1.3260624026906815,0 -2711,1001302.0,1973-06-19 01:47:00,1975-06-12 01:49:00,52.84243865849831,1.4012525575115502,0 -6766,1188691.0,1973-05-28 15:08:00,1975-05-13 01:52:00,36.54281673544166,1.0533918576078614,0 -4150,633533.0,1972-04-19 19:20:00,1975-04-19 11:16:00,50.464526750116505,1.9567495937315087,0 -1333,650812.0,1974-02-07 15:43:00,1975-11-25 16:32:00,65.23913742779654,0.9503595864529812,1 -8378,1081008.0,1973-04-03 18:01:00,1975-05-18 19:23:00,41.12357362542871,1.0635386832415807,0 -9389,1170227.0,1973-10-22 04:46:00,1971-11-25 21:44:00,34.68648736023707,1.3856833865090508,0 -9707,38812.0,1973-04-22 18:54:00,1975-04-11 00:17:00,43.355278096766064,0.6661404515274841,0 -9121,1026721.0,1972-08-06 00:58:00,1974-06-28 20:33:00,54.43519126691661,0.9966255990781352,0 -3850,842580.0,1973-01-15 18:21:00,1975-08-15 18:04:00,53.19761409734436,0.7097305492736704,0 -8340,413049.0,1973-02-08 21:25:00,1973-06-30 15:38:00,53.98734501788498,0.5653135714625459,0 -4124,1164497.0,1971-01-31 19:35:00,1974-01-20 10:07:00,50.236719975812576,0.9565033749748564,0 -8963,816708.0,1970-07-09 14:52:00,1971-03-31 14:34:00,50.912049345202185,1.007407391644804,0 -4788,967287.0,1972-10-17 09:06:00,1974-02-28 08:57:00,49.12205213327814,1.5274128767686932,0 -2866,364832.0,1974-01-06 19:47:00,1971-11-02 13:51:00,45.637046751319104,1.0002954375415305,0 -1386,95039.0,1970-10-28 22:40:00,1971-08-23 06:07:00,40.6051081837485,1.1481525660965872,0 -5941,1000496.0,1973-03-20 20:51:00,1971-08-10 17:46:00,51.13698461444862,,0 -3067,857460.0,1970-08-17 21:07:00,1972-01-21 10:09:00,50.56873490768267,0.9784675887528856,0 -9058,798465.0,1971-05-09 14:53:00,1975-04-27 22:58:00,52.21868009212772,0.4454810950522931,0 -3629,1053953.0,1971-01-16 07:38:00,1972-07-18 07:17:00,45.81961105915813,0.7939646813984985,0 -9455,114487.0,1974-05-20 19:30:00,1974-02-19 10:19:00,53.27767282597869,1.0915761178547856,0 -8949,81110.0,1974-04-15 03:28:00,1971-05-08 08:15:00,52.43893521735692,1.6174687931997056,0 -3028,786711.0,1972-08-04 22:25:00,1972-03-13 11:18:00,42.77148664492629,0.8561381629951329,0 -2969,912939.0,1974-03-08 12:23:00,1975-04-28 19:12:00,48.88800763591746,0.7904052156609828,0 -8646,1094811.0,1970-09-25 09:07:00,1975-03-11 12:31:00,58.60917200780521,1.2673637828674922,1 -6136,599324.0,1973-03-16 19:59:00,1973-06-05 19:32:00,50.61838479676046,0.0,0 -8801,1025403.0,1970-08-08 09:03:00,1975-08-25 19:39:00,,0.4427383595917971,0 -4263,2190.0,1970-03-06 05:52:00,1974-12-13 02:02:00,50.03043410228104,0.9642648452364576,0 -645,494417.0,1970-08-04 10:28:00,1971-04-06 14:08:00,41.1942198062626,0.8863337442308123,0 -9653,1073284.0,1972-08-04 17:03:00,1973-07-10 02:35:00,52.18453479365851,0.8133079112396726,0 -2074,909909.0,1971-07-17 14:11:00,1975-11-30 08:56:00,48.73607288783546,0.1729179543422121,0 -341,1076205.0,1971-01-20 20:25:00,1974-11-29 17:18:00,44.88357649514308,0.8111577289056833,0 -8041,63831.0,1970-02-04 16:11:00,1975-11-15 12:46:00,51.707770245564205,0.7621751877080092,0 -1622,966831.0,1970-07-21 20:03:00,1972-06-23 15:23:00,44.94617714574456,0.8596409893513826,0 -7141,640913.0,1972-04-11 14:52:00,1972-07-26 17:13:00,59.07031179668362,0.3714561450819473,0 -5796,483497.0,1970-08-27 04:38:00,1972-02-23 22:54:00,48.0504481307272,0.4291717866662816,0 -7184,406327.0,1974-08-23 14:32:00,1975-02-11 09:33:00,43.78064394681361,1.2112898169886972,0 -8232,300302.0,1972-10-19 12:38:00,1972-02-08 23:11:00,53.71366794167052,1.4289652122455734,1 -5475,735497.0,1974-02-24 02:23:00,1975-03-06 11:51:00,37.68989541457516,1.6143199545895384,0 -9252,337461.0,1971-05-26 06:12:00,1972-08-18 11:59:00,48.89452982138733,0.0922898902933815,0 -74,724052.0,1974-04-10 03:26:00,1971-06-29 22:31:00,45.8107962220501,1.1658680926607334,0 -8633,690573.0,1972-11-09 15:09:00,1973-03-24 17:30:00,51.111715091324456,1.206184285074208,0 -9229,733341.0,1973-06-14 13:05:00,1974-03-06 17:04:00,46.83987307793846,1.6614743287143885,0 -2051,,1974-01-25 10:17:00,1971-10-16 22:55:00,47.91643493475179,1.1525196780730649,0 -2541,476551.0,1973-12-18 00:52:00,1973-11-28 10:08:00,51.15324129250894,0.3539694582425513,0 -1301,251805.0,1974-11-25 16:58:00,1972-11-14 18:26:00,41.74363139210501,1.6043788644902397,0 -5877,992151.0,1971-09-21 09:48:00,1975-04-21 04:08:00,52.60727274126407,0.9256607978742866,0 -7368,143370.0,1972-02-03 03:34:00,1972-12-14 11:53:00,45.13132031985519,1.480788890120737,0 -1304,385412.0,1974-09-14 06:33:00,1972-01-30 13:42:00,52.77756543711172,1.4498440319240085,0 -8428,513663.0,1970-05-27 10:41:00,1971-07-21 02:02:00,48.14297123559592,1.1060929012355614,0 -9094,522646.0,1973-06-19 12:15:00,1973-02-19 20:47:00,37.76855308867759,2.013326580746317,0 -2599,737681.0,1973-03-28 23:53:00,1973-02-15 16:03:00,43.4903139493387,0.8780392437300639,0 -2573,427366.0,1973-01-27 18:31:00,1971-06-19 05:06:00,44.50980804846119,1.0935349993803951,0 -3186,570392.0,1972-05-14 14:23:00,1975-05-19 07:14:00,49.22732055206455,2.043705638755277,0 -2768,581430.0,1973-04-28 11:02:00,1975-11-29 06:11:00,48.26390177739263,0.9142996632956488,0 -4831,1022541.0,1971-11-28 01:59:00,1975-02-12 18:40:00,40.1531938290914,1.3420384056766252,0 -4223,915698.0,1970-11-30 17:48:00,1972-03-19 22:44:00,49.20479965944632,0.8838520490066292,0 -9649,390271.0,1972-04-21 14:11:00,1974-05-01 02:41:00,41.956192332729714,1.4267332885684088,0 -2106,308356.0,1974-11-10 00:31:00,1972-07-26 10:45:00,45.20583779408654,,0 -2679,152561.0,1974-09-17 08:17:00,1971-07-25 23:37:00,39.70888183161321,0.6294330298530723,0 -1387,546998.0,1970-08-07 08:39:00,1971-01-20 06:35:00,51.66850922629227,1.7189448044077915,0 -8931,763705.0,1972-05-17 13:01:00,1974-11-17 14:57:00,38.99155506444323,0.665798519725119,0 -9659,841794.0,1974-11-06 09:25:00,1971-11-29 18:08:00,46.61680315940114,0.1916009373451823,0 -7083,619059.0,1972-11-11 10:00:00,1973-03-08 20:01:00,52.0808311627614,0.7045709197900343,0 -1279,1100583.0,1974-06-16 01:39:00,1974-01-29 02:33:00,42.34752601339797,1.1019390188001634,0 -804,15708.0,1973-05-25 17:55:00,1975-08-04 06:00:00,45.50983872472144,0.8097114721349766,0 -1555,841560.0,1970-05-07 14:06:00,1974-12-17 04:45:00,41.37540376527232,0.6582084201454879,0 -9486,97872.0,1973-10-01 04:39:00,1972-08-17 10:57:00,48.23691083174394,1.3158236968389003,0 -4566,18131.0,1972-09-16 21:10:00,1971-02-23 01:30:00,47.92933322729223,0.5189685472199108,0 -9669,1132309.0,1973-02-04 15:26:00,1974-10-19 22:04:00,45.36375121416293,0.0441597115446127,0 -4841,233372.0,1971-07-31 13:15:00,1975-05-11 16:28:00,48.18965327788139,1.2216361062663794,0 -3594,151026.0,1971-01-30 10:53:00,1972-09-07 03:35:00,59.29988775604849,1.072888484964268,1 -6035,1159423.0,1972-07-24 12:06:00,1973-02-12 01:12:00,52.1946406380072,2.5479432127475,0 -6852,803919.0,1974-10-12 00:14:00,1974-05-03 06:31:00,51.94217684972524,1.42128197594476,0 -8705,1004198.0,1970-12-17 17:22:00,1975-10-06 16:35:00,46.34789412399416,1.2260089608090246,0 -4177,561095.0,1971-09-16 16:29:00,1973-06-04 18:17:00,46.64336962491478,0.2101147375549347,0 -1308,251767.0,1972-12-04 08:29:00,1971-12-11 21:35:00,39.91843385711299,0.7468116093080824,0 -3452,916341.0,1972-01-25 14:19:00,1971-03-05 07:06:00,43.63197190350164,1.4052220104882611,0 -3695,786721.0,1970-01-09 20:04:00,1972-01-22 11:14:00,51.73965732948605,0.6965026365426281,0 -4242,49782.0,1973-06-28 04:01:00,1972-10-16 15:56:00,52.73001738262381,1.0937757247101956,1 -2198,1007836.0,1973-04-23 17:41:00,1973-10-08 13:07:00,44.36978689958604,1.3131031978871373,0 -4425,746845.0,1974-01-25 14:11:00,1972-06-23 04:22:00,53.51239744322915,2.3638315127968674,1 -6150,597927.0,1970-09-01 10:54:00,1971-10-02 13:18:00,51.99981357186069,1.7851393237698372,0 -943,422661.0,1972-12-13 14:09:00,1974-09-30 14:59:00,46.570876928884616,1.3128230822191893,0 -822,881597.0,1974-06-05 01:53:00,1972-02-12 18:54:00,58.69245449928784,1.3381305231250151,0 -5005,726823.0,1970-11-07 22:15:00,1973-01-30 02:15:00,49.41727429449005,1.0260470647747493,0 -6612,863009.0,1972-01-04 02:41:00,1972-06-04 22:26:00,49.10799812908464,1.6314213310805965,0 -8356,787475.0,1974-08-28 11:13:00,1973-07-11 01:33:00,50.08634838869005,1.8647797324782824,0 -5619,151971.0,1972-02-06 18:40:00,1974-06-03 00:42:00,48.414860963390815,0.8001057911472116,0 -4547,743579.0,1970-09-13 07:46:00,1974-05-01 11:59:00,47.42363049411878,1.4996714216709597,0 -2538,1134143.0,1972-06-25 07:48:00,1974-03-23 20:29:00,45.51573660565242,1.922641495900866,0 -5207,990335.0,1971-01-24 20:18:00,1972-11-03 17:51:00,46.17169994675028,0.4644010591007166,0 -9514,1010027.0,1972-02-07 01:08:00,1971-05-07 19:29:00,48.52657376598123,0.609345645155593,0 -9009,500825.0,1973-07-16 08:08:00,1971-06-23 16:02:00,50.49053904271511,1.0137610784105404,0 -3054,547791.0,1973-12-04 11:46:00,1972-04-14 21:34:00,47.73366913129944,0.6996284498421872,0 -3675,518893.0,1971-04-27 01:53:00,1972-10-18 13:46:00,39.58469851922651,0.0,0 -7776,115969.0,,1974-11-16 00:39:00,45.8945219965479,1.269804500184024,0 -7218,36957.0,1971-11-22 02:46:00,1971-06-05 18:13:00,47.41771286507833,0.2848027063624112,0 -6722,990918.0,1974-06-21 04:35:00,1973-04-26 20:03:00,50.85579150687413,0.7377599712238794,0 -3300,740215.0,1972-12-16 09:42:00,1975-01-04 14:18:00,44.28033082538668,0.0,0 -3310,985307.0,1973-10-15 02:07:00,1973-01-05 11:48:00,48.48144324658376,0.5074796667977646,0 -7221,983613.0,1974-03-31 07:23:00,1975-05-27 19:20:00,52.736813451671146,0.205678339682258,0 -8519,690886.0,1971-03-31 06:03:00,1975-04-30 21:45:00,44.6699604052957,1.4233077615501075,0 -5954,1143199.0,1970-02-05 06:00:00,1975-09-02 14:33:00,58.60414717031654,1.7475063416528902,1 -832,1102822.0,1973-02-10 23:16:00,1974-01-09 05:32:00,49.2376404342663,,0 -3462,998918.0,1970-12-29 08:13:00,1974-12-27 14:04:00,51.69188564483369,0.6407941955341903,0 -7643,312980.0,1970-09-29 20:42:00,1972-09-15 00:22:00,44.84930878085849,1.5037406768657895,0 -54,594208.0,1970-02-07 06:07:00,1972-01-19 04:04:00,52.0069261997805,1.7411964163258846,0 -3451,611522.0,1974-06-12 04:43:00,1975-09-01 06:41:00,54.13022688722518,0.5767780852594004,0 -6305,771649.0,1974-06-03 23:23:00,1975-04-03 01:48:00,52.3287171241701,0.7012291438691269,0 -1481,1104996.0,1974-06-03 21:01:00,1974-12-06 12:45:00,,0.455739764808005,0 -4873,895740.0,1970-03-21 15:59:00,1972-04-10 07:48:00,45.21928019957021,1.2150835667898765,0 -8038,607515.0,1974-09-29 09:10:00,1972-01-18 15:22:00,46.35411352514513,2.285745660387401,0 -3335,766529.0,1974-01-24 14:53:00,1974-04-25 20:45:00,44.95817195564023,1.336500893608625,0 -6016,670500.0,1972-05-10 13:47:00,1974-10-02 02:18:00,43.26498541522476,1.0080036932973655,0 -4926,346317.0,1971-12-18 08:12:00,1971-05-15 11:11:00,55.2120978118776,0.8101146015818563,0 -5797,367804.0,1973-12-29 10:05:00,1971-07-01 16:58:00,54.79860376273738,1.025525170497092,0 -9831,642086.0,1970-11-29 23:45:00,1974-02-03 06:45:00,48.87472041849253,1.4455795487154737,0 -5083,835695.0,1972-05-25 10:39:00,1975-11-22 08:56:00,36.80025528253432,0.6957807677810035,0 -6645,327991.0,1971-11-05 22:13:00,1975-10-17 08:31:00,42.94967127395656,0.8519597697520336,0 -5490,1000906.0,1970-07-03 11:30:00,1973-10-04 10:09:00,53.37924520672816,0.8668179149729216,0 -768,6657.0,1974-12-15 18:22:00,1973-04-10 22:33:00,43.49551246982438,0.065873491954851,0 -2065,906946.0,1972-03-22 13:33:00,1975-06-27 13:18:00,54.48438133928559,1.475773816051342,0 -9500,504465.0,1972-11-18 15:25:00,1971-10-01 18:50:00,48.70180877199451,1.3628516693866126,0 -7311,622220.0,1970-02-06 06:49:00,1973-07-26 22:40:00,53.67812263586333,0.2920923618544397,0 -8477,811811.0,1972-08-16 01:05:00,1971-06-13 00:58:00,44.57020258554003,1.315463791097084,0 -4524,4641.0,1970-05-03 16:09:00,1973-08-29 15:00:00,,0.114278684100368,0 -2717,655552.0,1973-09-26 22:30:00,1971-04-12 04:52:00,46.510372565902415,1.5159305377954793,0 -2079,63140.0,1970-05-19 10:35:00,1974-07-21 00:44:00,41.66287538848144,1.2223414746599175,0 -8914,350355.0,1970-03-20 11:04:00,1975-09-15 19:09:00,53.36118173080733,1.0482287588544146,0 -951,422629.0,1971-09-08 16:58:00,1975-04-13 11:20:00,49.00841652810921,0.9337423330089352,0 -8058,818410.0,1974-07-30 10:55:00,1971-10-30 21:40:00,46.074996795576574,0.9726137816002026,0 -2482,793695.0,1973-01-12 09:27:00,1974-04-02 21:13:00,46.42630936895849,1.2703443359845328,0 -1759,781977.0,1970-07-07 01:39:00,1971-02-15 08:15:00,44.40246764331991,0.7370708121432809,0 -4422,924041.0,1970-09-15 02:38:00,1971-03-22 11:39:00,49.638571613087294,0.6628748178561006,0 -6704,665798.0,1974-01-05 03:39:00,1973-05-15 17:05:00,44.97004868660163,1.3072876602699195,0 -5182,217952.0,1974-01-15 04:35:00,1972-02-09 07:34:00,44.49636833624144,0.8044038338813467,0 -8533,949604.0,1973-07-10 09:42:00,1975-10-11 23:26:00,47.28370613209809,1.0416589487911432,0 -3701,872456.0,1971-05-17 02:47:00,,46.72668235836904,0.4136976717945365,0 -4243,792235.0,1970-04-01 15:52:00,1974-04-20 21:44:00,51.23640808056346,0.4182910467413927,0 -688,1062794.0,1971-03-27 07:37:00,1973-12-22 18:53:00,38.68913502143054,1.0709958886103927,0 -3432,653285.0,1970-02-26 21:59:00,1974-08-03 01:40:00,48.42305080242345,1.5117315520918213,0 -4944,276592.0,1974-06-09 10:43:00,1974-02-19 18:22:00,41.56043853223697,0.2588973628887313,0 -966,948564.0,,1973-10-21 22:44:00,48.42535971086268,1.4123837017806014,0 -9484,823016.0,1973-09-11 14:13:00,1972-01-18 06:46:00,47.86741310848567,0.2928729606375474,0 -2713,349451.0,1973-01-21 15:08:00,1972-12-16 05:58:00,45.0830272398713,1.4506326755421215,0 -4757,370550.0,1974-04-23 02:31:00,1975-04-12 17:21:00,43.26066316764963,0.5941348383385894,0 -9545,574253.0,1972-08-22 11:16:00,1974-07-20 00:41:00,46.47721696220304,1.0955410824491936,0 -6320,98099.0,1971-11-03 09:07:00,1974-10-24 06:18:00,43.040766922707405,1.525697612343009,0 -5975,963966.0,1973-04-07 15:13:00,1973-05-07 20:51:00,55.61490586823276,0.665481428430196,0 -3572,595658.0,1970-07-20 05:26:00,1975-05-31 08:50:00,41.37081595316899,1.3483938409484986,0 -5299,231919.0,1970-11-03 19:02:00,1974-08-24 18:19:00,48.08996758500199,1.1820793306514676,0 -1990,377789.0,1973-01-09 03:28:00,1975-06-22 15:09:00,54.781223426018855,1.0009462292679507,0 -1205,135685.0,1971-02-14 22:11:00,1972-12-01 09:55:00,44.18329802571375,0.7523004493281645,0 -4971,1141004.0,1970-10-23 16:55:00,1973-06-14 16:56:00,35.81888866509252,0.7555412729334084,0 -6783,12713.0,1972-11-22 16:36:00,1972-04-11 08:27:00,53.22106246037809,0.6939216751689365,0 -3600,1122752.0,1973-02-23 21:50:00,1973-07-24 06:32:00,45.54170726723401,0.5173307901430715,0 -6490,613861.0,1972-01-30 08:17:00,1974-12-24 07:00:00,36.70080313060625,0.3962306619573545,0 -8609,285493.0,1973-07-05 06:18:00,1974-12-11 21:10:00,50.220567369723305,2.088167809203588,0 -9978,682843.0,1973-03-10 20:48:00,1971-02-10 16:32:00,47.05091831303447,1.445105268429644,0 -8070,325377.0,1971-02-24 10:09:00,1971-02-06 00:23:00,47.10741783003805,0.8000219665653154,0 -8577,766187.0,1970-07-18 05:50:00,1974-02-19 05:54:00,44.63136488765925,0.3891849172564746,0 -7973,565499.0,1970-03-01 10:05:00,1974-02-16 23:01:00,41.34565969796857,0.936151386694958,0 -1625,4224.0,1972-01-17 10:46:00,1971-04-30 02:56:00,51.37197227209819,1.8589083664780248,0 -536,89189.0,1973-12-18 00:06:00,1972-06-13 03:53:00,38.52693108504333,1.8688948527221905,0 -8766,991597.0,1972-05-03 15:45:00,1972-12-15 14:16:00,43.487432315933575,0.8521623534436847,0 -7970,867407.0,1970-09-28 09:45:00,1975-12-18 05:25:00,48.96992816193576,1.4424558195544988,0 -4212,726574.0,1974-06-12 00:10:00,1971-06-14 15:09:00,45.2116080089614,0.7490912133079966,0 -6456,946605.0,1970-02-11 15:53:00,1971-03-29 22:34:00,42.06421265385232,1.321468030465283,0 -3507,657472.0,1970-04-07 10:41:00,1973-10-20 14:21:00,50.52686965156897,1.291751703089724,0 -8393,550511.0,1970-03-18 00:31:00,1975-05-13 05:25:00,48.64377489026273,1.23269463720052,0 -7112,30701.0,1970-09-30 07:06:00,1973-07-01 17:31:00,53.18212852352031,1.4021432648899683,0 -2708,825901.0,1972-03-25 22:30:00,1971-07-10 02:41:00,51.846776662137614,0.5830173319337524,0 -5031,1035768.0,1972-06-25 18:20:00,1972-06-07 03:36:00,36.54462110498842,1.2294813048200752,0 -6514,887893.0,1973-03-11 21:13:00,1972-01-09 17:11:00,49.52344011296296,1.2167433648687669,0 -4662,660165.0,1970-07-02 11:57:00,1973-02-24 13:34:00,45.42776022729562,1.252687642550617,0 -4021,494569.0,1973-12-24 12:24:00,1973-06-28 11:21:00,45.9061156970486,1.1907017939349598,0 -1854,689651.0,1972-08-02 16:39:00,1972-01-05 15:11:00,41.93881439507345,,0 -9425,567267.0,1970-03-07 09:51:00,1972-04-29 03:52:00,45.32112216386005,0.7892749880992697,0 -2872,761438.0,1970-08-27 10:25:00,1975-04-28 00:20:00,47.35756924941693,0.8603442993987126,0 -3030,1090890.0,1970-06-20 02:50:00,1972-05-31 12:01:00,55.00730112208336,0.4514824810411463,0 -1645,720661.0,1973-10-14 19:26:00,1973-05-08 13:28:00,46.57291375559752,0.9294917558733023,0 -3417,654782.0,1973-06-24 02:51:00,1975-01-23 15:36:00,45.365041448298,0.5867164146278583,0 -3476,625464.0,1974-10-12 14:18:00,1973-11-25 07:01:00,53.02042469533588,1.5778772670297594,0 -9552,428827.0,1970-01-13 20:18:00,1974-06-21 03:53:00,44.80443361946005,0.9868585741855964,0 -1792,1086269.0,1972-03-30 02:04:00,1975-07-31 02:38:00,46.785802572965984,0.4534157146010894,0 -3797,798732.0,1974-06-11 17:41:00,1971-05-17 07:51:00,49.94471146796645,0.5499750035406168,0 -3368,603918.0,1972-08-30 21:50:00,1974-03-20 02:34:00,53.34122808901111,0.1871541635099893,0 -7196,978552.0,1974-05-26 22:39:00,1971-10-29 02:07:00,39.90357346933973,1.8771161442181896,0 -9641,981905.0,1971-07-09 18:00:00,1972-11-09 13:36:00,40.63434400312835,0.3255601985052384,0 -5109,612308.0,1974-10-26 20:08:00,1972-05-04 01:25:00,31.530069452361044,1.8283749715743216,0 -6024,357884.0,1971-10-10 06:54:00,1975-06-26 21:48:00,46.87999437350064,1.242037860091826,0 -8795,695716.0,1974-11-24 09:26:00,1973-02-14 20:48:00,45.88002287632857,0.9469027037569764,0 -9294,312109.0,1971-11-27 18:10:00,1973-08-11 04:44:00,52.21552880897883,0.2722071156308832,0 -126,371052.0,1972-11-17 13:09:00,1971-06-04 16:33:00,41.63168281439094,0.7696511988801673,0 -5959,120699.0,1973-02-10 17:53:00,1971-08-07 05:50:00,51.00758880476974,1.2076436370076933,0 -3876,1062483.0,1971-05-07 13:20:00,1975-06-04 02:45:00,44.84609720732658,0.618624187848243,0 -4451,570157.0,1970-03-20 04:37:00,1974-01-30 17:55:00,45.82735979760612,,0 -7147,17930.0,1972-09-18 07:46:00,1974-07-17 15:10:00,42.11819919734857,0.0236619470266967,0 -3531,522135.0,1971-05-31 07:07:00,1975-04-17 12:26:00,48.55658365878438,1.2757527608053396,0 -827,916133.0,1972-08-21 10:39:00,1971-11-23 18:03:00,45.84275085070601,0.9894218213957844,0 -7790,202589.0,1971-12-31 22:19:00,1975-05-25 00:11:00,42.807287662484114,0.7263528358138285,0 -984,563910.0,1972-08-15 23:31:00,1975-12-29 22:51:00,41.87477515420188,1.2551286084037387,0 -7783,896836.0,1972-09-10 05:41:00,1974-02-14 09:04:00,49.63924160973275,0.990282976588038,0 -2443,180364.0,1974-04-27 23:40:00,1971-03-31 19:53:00,48.83567528943072,1.1828664960435924,0 -8554,201039.0,1974-02-25 15:52:00,1975-06-09 10:08:00,49.35125746017028,,0 -345,1198227.0,1970-01-20 19:37:00,1973-07-15 13:41:00,48.40472656139991,1.3872917167848002,0 -814,312463.0,1973-06-04 00:32:00,1973-01-05 20:43:00,37.08173070425107,0.8875003471955855,0 -6166,722623.0,1971-05-01 13:45:00,1971-04-13 21:51:00,54.24119504656967,1.133331352311779,0 -5779,787154.0,1972-05-18 20:35:00,1971-09-04 05:03:00,47.91082055774713,1.705391163167198,0 -2116,894029.0,1970-04-27 06:02:00,1975-09-09 17:45:00,46.17821289670574,1.5185527265207148,0 -793,1046183.0,1972-06-18 06:37:00,1973-03-10 12:50:00,43.150806774264495,1.4390747249781948,0 -6898,595301.0,1971-04-12 05:50:00,1972-02-11 06:33:00,45.11328463841588,1.912805183576907,0 -2674,1019694.0,1973-08-18 17:22:00,1974-12-07 12:59:00,50.79203336618331,1.1282978499622964,0 -94,,1973-04-05 09:06:00,1974-09-25 11:12:00,50.04675797734879,1.969179002746927,0 -4225,67107.0,1973-10-23 20:38:00,1973-04-03 11:10:00,46.99648510026484,0.7381981141569796,0 -3756,,1973-05-06 10:01:00,1975-02-22 16:19:00,45.433500769574245,0.1419658274924261,0 -2891,565005.0,1972-07-07 19:53:00,1971-03-20 21:03:00,47.87182777529664,0.4798570417832891,0 -2371,770942.0,1974-06-16 00:30:00,1973-07-15 04:38:00,47.36104788000404,0.8462990041137546,0 -9388,1182401.0,1973-09-13 00:46:00,1974-02-16 21:14:00,48.24675369740103,0.1530967144029295,0 -3228,225306.0,1970-07-03 21:42:00,1974-12-18 10:37:00,39.28206152783734,1.924073833609353,0 -7863,27810.0,1972-05-05 05:45:00,1975-04-20 20:36:00,39.88120015233219,0.5742984932315514,0 -6359,821850.0,1972-09-23 11:36:00,1971-07-27 17:41:00,44.271693734920525,0.8429284297178888,0 -9196,823419.0,,1971-01-01 15:11:00,48.47983997652633,0.457307564357661,0 -7326,81894.0,1974-05-09 02:31:00,1972-03-31 11:27:00,35.61299019446886,1.2233091410144203,0 -6028,879585.0,1974-10-09 10:13:00,1975-06-15 18:28:00,,0.3168621889934088,0 -1865,1043018.0,1970-07-20 12:52:00,1975-04-03 04:58:00,49.721513235024105,1.1965116695567175,0 -4612,653909.0,1970-12-16 01:05:00,1973-06-29 08:04:00,,0.8878201688809777,0 -2645,507396.0,1972-10-26 23:07:00,1974-10-30 09:58:00,48.61806931156151,0.3097219211890276,0 -2243,550864.0,1973-04-02 02:28:00,1975-08-14 08:46:00,38.16561262625427,0.7124370771883127,0 -5373,128180.0,1973-07-31 23:56:00,1975-04-06 14:00:00,40.96414492578405,1.3449839214845305,0 -2336,998572.0,1972-07-31 03:20:00,1972-02-14 13:31:00,45.68373926286879,1.1310202791357964,0 -950,304635.0,1974-03-24 06:48:00,1971-12-23 10:46:00,43.227856219361605,2.3855088222257064,0 -1120,844947.0,1970-01-30 03:48:00,1974-11-11 23:00:00,42.45942112761928,0.672526381407901,0 -2204,698207.0,1971-11-18 18:02:00,1975-04-11 10:29:00,47.0187057931591,0.955327459549736,0 -419,789694.0,1974-12-26 23:48:00,1973-10-21 12:39:00,52.74184313797626,1.7868290340382051,0 -922,514894.0,1971-08-31 20:58:00,1975-07-08 22:58:00,43.57346091160736,1.3471316096864367,0 -8669,260357.0,1970-05-08 17:54:00,1971-07-20 05:18:00,56.74218849595359,1.4230575189895358,1 -5408,789603.0,1973-07-26 11:35:00,1974-02-02 06:57:00,45.69284564474798,0.6994812514571472,0 -5788,121028.0,1974-11-29 17:54:00,1972-11-30 15:58:00,49.76200401958128,1.771198367905624,0 -5742,573885.0,1972-04-02 11:30:00,1971-10-15 05:14:00,46.8009307249759,0.8924365253047327,0 -7667,977877.0,1974-09-19 12:15:00,1972-05-29 03:38:00,51.701929659406936,1.5483079594210625,0 -5567,829733.0,1973-05-16 14:27:00,1971-03-25 13:08:00,50.25597708380235,1.039289815291552,0 -8135,302897.0,1973-04-15 19:52:00,1974-03-13 07:53:00,48.32508512100416,1.4762787164444713,0 -1202,232675.0,1971-01-09 00:40:00,1975-05-31 19:43:00,49.74515157667905,0.9526725242791332,0 -5765,194506.0,1973-09-25 06:03:00,1971-05-31 23:49:00,53.73678289848691,0.9680081348434976,0 -8389,146865.0,1974-10-05 09:42:00,1975-11-03 07:57:00,50.17383288526743,1.161170319122386,0 -1970,209572.0,1972-10-15 10:17:00,1975-04-17 23:14:00,52.052797725805455,1.5065125607395704,0 -4018,658131.0,1970-09-14 17:04:00,1972-10-19 01:26:00,40.977012032856095,0.6467053816279944,0 -3687,1181112.0,1972-09-22 03:13:00,1974-03-21 11:04:00,48.3194873406722,0.4693467136395395,0 -1997,739892.0,1972-07-31 08:35:00,1971-06-17 06:52:00,44.87089677606766,0.2850956545732473,0 -4033,1189708.0,1972-10-07 08:27:00,1971-05-29 22:14:00,52.33647693985915,1.1786043713353698,0 -1248,819137.0,1974-12-17 20:49:00,1974-09-15 10:28:00,50.5546960767694,1.6967071989960494,0 -2192,1154638.0,1971-01-18 22:36:00,1974-06-08 06:12:00,53.786856188180295,0.2576407580004322,0 -2712,287379.0,1970-12-03 01:46:00,1973-09-29 02:01:00,52.68117768460524,1.0094697283788228,1 -2190,1016062.0,1973-07-20 07:49:00,1973-08-18 18:36:00,45.29062816248487,0.8593491664567413,0 -4670,406352.0,1972-01-02 23:13:00,1974-02-13 18:09:00,48.15395966417334,0.8410126928615488,0 -5142,181604.0,1971-08-04 01:29:00,1975-12-12 02:31:00,39.632254023704334,1.008766822755132,0 -5984,171929.0,1970-06-25 14:52:00,1974-12-06 10:46:00,52.61669607195731,1.183122134559888,0 -6565,1126857.0,1974-12-27 18:33:00,1971-03-13 11:53:00,41.5858874524368,0.8984629639291899,0 -7804,83353.0,1971-05-30 06:43:00,1974-11-03 06:07:00,46.09005653029074,0.487675152723,0 -6943,217526.0,1973-08-08 01:19:00,1972-10-11 16:27:00,43.45405207944557,1.2175055692120496,0 -2136,242541.0,1971-12-08 20:35:00,1973-09-09 14:27:00,43.81096591827784,1.5926564574004844,0 -1065,115917.0,1972-02-22 11:55:00,1973-09-30 18:54:00,44.53363017046716,1.1399773917628544,0 -600,302309.0,1971-01-27 15:09:00,1971-10-10 18:30:00,,1.0536509403669747,0 -4227,366218.0,1974-11-12 20:04:00,1975-04-01 05:41:00,46.835411054806,1.0497919405832703,0 -7577,603436.0,1970-07-02 20:22:00,1971-02-15 07:41:00,46.99405287816639,1.2668096161413307,0 -77,486804.0,1972-05-31 00:12:00,1973-06-25 14:15:00,38.99901810884668,0.8620517440641616,0 -7546,477076.0,1970-01-12 02:13:00,1971-11-02 01:59:00,50.402349568160005,0.8830541404534648,0 -2898,307111.0,1972-03-23 16:34:00,1972-01-28 00:08:00,45.59480226365853,1.155770250044868,0 -4820,384091.0,1973-10-17 17:40:00,1972-12-23 17:09:00,45.61074530656395,0.8575342120911691,0 -9302,338979.0,1974-09-20 17:28:00,1971-08-29 18:53:00,47.4045991286304,0.6196044982960475,0 -6413,951332.0,1971-04-19 23:21:00,1973-01-10 21:01:00,44.95177479771622,1.2689954145719893,0 -9064,615068.0,1974-08-31 14:00:00,1973-08-03 18:06:00,54.16421030277933,0.676027999503408,0 -8007,1020162.0,1970-08-14 09:24:00,1971-05-10 23:35:00,49.62278234848343,0.6021814076855334,0 -5468,506265.0,1973-04-19 20:13:00,1974-02-19 04:09:00,46.95828094338445,1.7723571657497732,0 -5951,1028467.0,1971-12-25 03:11:00,1971-01-20 00:35:00,51.25363595643043,1.7430752028722032,0 -3391,338377.0,1970-06-14 08:55:00,1973-12-24 14:05:00,49.0295437803,0.5527710060380935,0 -5415,1044328.0,1970-12-29 05:49:00,1973-07-07 06:33:00,48.81337595820387,1.1063231790817785,0 -2560,1006002.0,1973-10-16 15:58:00,1975-12-15 06:58:00,42.13269138592865,1.8127565951812612,0 -8162,627947.0,1973-12-07 17:35:00,1972-01-25 10:31:00,47.39935681241085,1.588467608752715,0 -2635,694918.0,1972-03-09 12:53:00,,53.30570097681415,1.2599683496717082,0 -5256,594303.0,1970-03-10 10:39:00,1972-10-06 10:26:00,58.89362572977412,1.3999541249016647,1 -3530,678044.0,1970-09-16 15:55:00,1971-05-04 21:00:00,38.62303297236864,0.9634874322850404,0 -8567,923638.0,1970-06-12 03:52:00,1973-04-05 13:49:00,44.489938026700194,0.3251690568165972,0 -1908,988450.0,1971-10-22 11:16:00,1971-06-19 09:38:00,53.20744558793167,0.6864960462614945,1 -235,843647.0,1974-05-05 19:59:00,1972-01-03 03:03:00,47.8498965514565,1.1803914877458248,0 -1604,23187.0,1973-06-23 04:19:00,1975-02-02 14:25:00,44.22930879179899,0.828868276200456,0 -7984,261106.0,1974-10-03 19:32:00,1975-03-13 20:44:00,55.56440770637668,0.5721282545024282,0 -3490,795630.0,1974-05-11 11:30:00,1974-11-07 14:17:00,41.97409864853278,1.6999973872748524,0 -1994,399363.0,1974-03-16 15:47:00,1973-08-05 10:08:00,46.33803284422591,2.315744178622801,0 -2824,977806.0,1973-03-03 09:50:00,1972-05-09 15:09:00,54.73734504285693,0.7670018841980546,0 -9285,1034804.0,1970-07-25 16:26:00,1973-05-13 01:18:00,43.18665290258113,1.36917030712562,0 -1342,1197764.0,1974-01-03 19:12:00,1972-03-25 02:37:00,46.15074411599536,0.2918640667030985,0 -8512,423440.0,1971-04-11 11:34:00,1975-11-13 07:55:00,51.126749648360985,1.025384790159761,0 -1619,821575.0,1970-12-25 06:45:00,1975-09-03 06:41:00,48.48778059126008,2.223657710481881,0 -5287,583454.0,1973-07-05 07:38:00,1972-08-14 21:09:00,50.03654677382579,1.354871317745601,0 -2060,495115.0,,1973-12-23 22:27:00,50.02298763307544,2.179480884576696,1 -9955,685771.0,1974-06-05 00:56:00,1974-02-07 13:29:00,46.71555513709824,0.9741016251072538,0 -2219,138089.0,1974-12-26 03:39:00,1974-08-20 06:03:00,48.43157495524297,1.2206689028242397,0 -6038,97134.0,1970-06-13 00:32:00,1972-12-13 17:12:00,43.50777557749085,1.108487686969156,0 -260,1190937.0,1970-06-29 22:37:00,,50.467887992692,0.5144649338431024,0 -9365,1036684.0,1973-06-18 16:59:00,1974-06-08 12:52:00,46.935890153994585,1.8185084147517891,0 -9093,246328.0,1974-03-22 19:35:00,1974-12-09 02:06:00,39.49415108811983,1.2478997965042686,0 -3744,612418.0,1972-07-04 23:04:00,1973-02-01 09:19:00,50.219942453333054,0.999884005907381,0 -2026,85920.0,1972-11-03 15:09:00,1971-05-06 11:11:00,53.01641688990024,1.0339989980193618,0 -6988,665421.0,1971-03-06 05:42:00,1973-03-20 05:00:00,45.36871515176309,0.2927485105049603,0 -4234,870600.0,1970-08-17 18:58:00,1974-08-15 06:24:00,48.704328913104646,1.6264845794661045,0 -1917,1018634.0,1970-11-28 22:42:00,1973-06-10 09:09:00,45.198002398450846,0.8771810925614978,0 -1828,723123.0,1972-03-18 21:10:00,1974-07-19 19:59:00,47.62713150927795,1.16975005676419,0 -6233,935929.0,1972-07-21 18:44:00,1974-11-12 22:43:00,57.89850493793713,1.4928115769256651,1 -9332,579126.0,1973-06-20 04:27:00,1974-01-24 17:45:00,51.525005768774406,0.3636296490001426,0 -6283,70040.0,1971-01-11 03:55:00,1973-02-05 08:43:00,55.206953197179146,2.485629242639668,0 -4208,369751.0,1974-09-23 03:45:00,1974-12-28 02:16:00,49.66157795882608,1.153008744511424,0 -224,1120382.0,1972-08-25 12:23:00,1971-04-17 15:57:00,51.44718618593567,0.8539414702922326,0 -8915,236196.0,1974-12-26 03:18:00,1971-12-28 01:43:00,42.1066034456231,1.7400431427921523,0 -6469,320073.0,1970-11-16 16:31:00,1974-07-13 20:20:00,49.63215319194018,0.2616848327242218,0 -9413,102083.0,1971-12-31 21:53:00,1972-03-24 21:04:00,47.06077067673211,0.9833755437044264,0 -846,668138.0,1973-11-26 02:56:00,1974-12-10 18:54:00,46.78402947331356,0.91713561650231,0 -4289,651870.0,1973-05-15 06:02:00,1975-09-20 21:21:00,44.65652697431994,0.5710012083243917,0 -5560,573065.0,1970-12-30 16:34:00,,48.205762652623925,1.1750516331448413,0 -2551,277942.0,1974-09-14 19:40:00,1973-10-27 11:41:00,38.26127872384372,1.4916132335211745,0 -117,127675.0,1973-10-01 09:29:00,1975-06-11 02:15:00,46.15030193452002,1.8585444357616236,0 -8837,414636.0,1973-04-23 15:10:00,1971-12-12 07:25:00,48.86975509187523,2.458398570009772,0 -5966,1193403.0,1973-10-24 09:23:00,,44.166393772155175,1.8696475252002,0 -8195,1065048.0,1970-06-12 05:41:00,1973-02-27 09:31:00,51.16092516037798,0.9307518520613184,0 -8659,693567.0,1972-10-05 16:30:00,1975-09-08 09:53:00,42.93636481852739,1.2850174135992385,0 -7489,902882.0,1972-03-17 12:15:00,1972-05-22 05:52:00,44.20681690328581,1.5963075988795987,0 -5,465246.0,1971-01-23 08:28:00,1972-07-11 18:52:00,39.3234871302079,0.4788355036119829,0 -5342,322908.0,1972-10-15 01:22:00,1972-07-25 11:03:00,48.911318997483605,1.7679740777283055,0 -9111,443219.0,1971-12-22 18:03:00,1975-03-10 13:47:00,54.19273394133584,1.2461872358702677,1 -4324,97124.0,1973-03-02 07:46:00,1973-01-15 02:38:00,37.09676549186386,0.7977949888935981,0 -1063,431456.0,1970-02-19 13:52:00,1972-01-13 23:22:00,43.4214616845957,0.4413811712165265,0 -2590,150683.0,1971-09-16 17:28:00,1973-06-15 10:25:00,43.1250076390826,0.994910077827964,0 -8434,660628.0,1971-07-02 14:32:00,1973-12-14 15:40:00,48.5896895579196,0.7360779771665557,0 -3735,651806.0,1970-03-24 19:16:00,1975-08-16 15:12:00,42.5277937482,1.2936320039165097,0 -3517,30200.0,1971-02-05 03:03:00,1975-08-31 20:31:00,48.4086825107934,1.7283396604145356,0 -6986,364539.0,1974-04-01 06:58:00,1973-10-05 00:45:00,49.93672274032145,0.9375527646976292,0 -6767,1127524.0,1972-11-06 00:26:00,1975-12-14 10:14:00,51.87130672873678,,0 -5622,642861.0,1972-06-25 05:22:00,1974-03-27 10:20:00,48.78200443802135,0.856641126371618,0 -1605,692805.0,1973-02-21 19:07:00,1975-09-24 10:47:00,47.69440691322466,1.3548132813613876,0 -1733,717097.0,1970-03-07 22:18:00,1973-10-09 00:51:00,57.93690065749279,1.6003593972998862,1 -9341,128706.0,1974-02-24 00:54:00,1974-06-02 05:00:00,45.61480437905444,0.8171309959103445,0 -3812,518410.0,1974-06-28 16:01:00,1971-06-11 23:08:00,51.172869138901845,0.5035042982566049,0 -9624,466111.0,1973-03-24 01:47:00,1975-03-10 18:26:00,48.15814953743602,0.5971412949583903,0 -1761,895116.0,1971-12-20 23:04:00,1974-09-25 16:08:00,46.208907555290025,2.0689217590597924,0 -5401,682158.0,1972-01-25 21:31:00,1973-12-18 21:59:00,57.312355262216094,1.3344780458993668,1 -2739,172865.0,1973-05-12 21:27:00,1972-12-20 03:12:00,37.51199341917139,0.0,0 -2472,419720.0,1972-04-28 01:56:00,1975-06-07 01:48:00,53.20099042110715,0.1880830536993373,0 -6738,688884.0,1972-04-29 07:24:00,1972-08-29 21:06:00,44.41022991215517,1.1235859396745926,0 -6891,378267.0,1973-12-12 13:47:00,1973-07-04 16:40:00,50.04797597891174,0.8986445650872176,0 -7943,1103610.0,1971-10-25 06:52:00,1975-06-04 05:41:00,48.98839323495419,1.174118762875736,0 -4206,152802.0,1974-08-02 19:32:00,1975-08-15 08:30:00,50.23015740186787,1.3516012950699643,0 -6371,391779.0,1972-05-02 20:33:00,1973-10-12 17:49:00,46.900029865464695,0.8448235973387939,0 -232,366696.0,,1975-12-12 08:44:00,49.79698240001869,0.527346198952878,0 -8258,566790.0,1974-09-13 20:18:00,1971-01-18 21:47:00,49.57518418771731,1.2945979793091087,0 -7561,1128063.0,1970-04-26 08:27:00,1975-06-21 07:52:00,47.97941150303748,1.3373559701172033,0 -6168,599021.0,1970-10-29 05:58:00,1974-03-07 02:05:00,44.70107695332271,1.6645968638683395,0 -3596,1192622.0,1970-10-11 01:44:00,1975-08-20 13:10:00,,0.5302399476112388,0 -6288,311500.0,1970-11-13 23:31:00,1971-01-23 17:51:00,45.83802650060694,1.226061639100076,0 -4632,1064388.0,1972-09-23 20:55:00,1975-01-18 00:53:00,51.42581952078415,0.1309502016212982,0 -125,768396.0,1974-06-30 21:16:00,1971-09-18 20:36:00,45.9392846293743,0.9069158337128987,0 -7641,546768.0,1974-11-09 07:30:00,1971-03-20 10:37:00,58.76915425211857,1.3160175902969549,1 -6229,95561.0,1971-07-09 10:49:00,1975-05-08 02:04:00,40.278307487886806,0.675660878385224,0 -1296,205320.0,1974-04-27 09:28:00,1974-09-22 15:12:00,47.79424119728254,1.8338383898292947,0 -1976,584864.0,1971-01-29 03:00:00,1972-05-28 07:37:00,50.71931318433883,0.6355146606717299,0 -9480,137869.0,1974-03-02 11:24:00,1974-08-18 00:33:00,49.25969800523347,0.6313139263583004,0 -9581,106071.0,1971-12-06 08:34:00,1971-02-28 15:18:00,46.608784710932696,1.303853266425034,0 -5750,823750.0,1970-07-30 07:07:00,1973-07-31 06:47:00,45.80865699046649,0.7161180898274604,0 -8152,1153529.0,1970-01-17 19:17:00,1974-12-15 18:02:00,47.941262399946055,0.3561131314955821,0 -3086,279597.0,1971-06-29 09:39:00,1974-04-01 09:28:00,48.24428680451647,0.8123627647348942,0 -9276,55753.0,1973-11-24 23:02:00,1974-08-31 19:06:00,49.93171996348632,0.8939731982117141,0 -6882,15334.0,1972-09-06 01:48:00,1972-01-20 06:56:00,40.05561403296484,1.180199107918025,0 -9305,561851.0,1973-12-03 02:29:00,1975-05-17 15:10:00,56.35274871245497,0.8851839817665296,0 -7673,275273.0,1974-12-18 20:23:00,1975-01-25 01:26:00,48.08255117693171,0.5650883465056942,0 -3345,129600.0,1970-02-25 15:26:00,1974-04-22 11:33:00,48.034286171102295,1.0574410247453725,0 -8172,721469.0,1971-07-06 03:12:00,1971-12-19 20:25:00,45.42772683550878,1.168577906535102,0 -9421,89851.0,1974-10-05 23:02:00,1973-05-22 18:53:00,44.01612962408673,1.1622797815028023,0 -5870,253776.0,1972-05-18 03:42:00,1973-09-24 19:59:00,44.55302208544074,0.4734987038233883,0 -6506,627553.0,1974-06-01 22:45:00,1975-03-06 14:25:00,48.93925744882176,2.0295006808257456,0 -2797,812388.0,1970-03-20 22:04:00,1972-02-27 12:08:00,54.32098609585259,0.6274890756202753,0 -918,916890.0,1974-02-27 09:48:00,1971-12-20 16:47:00,48.78572566073008,1.645096091680279,0 -1646,877470.0,1971-09-24 10:35:00,1975-03-13 23:07:00,45.05002549469969,2.226576742715664,0 -5122,321982.0,1973-03-30 18:35:00,1973-04-07 19:58:00,47.14707142395188,0.325869610385505,0 -5126,620537.0,1971-09-23 07:07:00,1971-01-29 14:45:00,56.21693756454075,1.376395777283658,0 -4621,991020.0,1973-11-07 08:39:00,1973-06-30 13:59:00,50.69751106977516,1.0930025809658503,0 -6809,978708.0,1973-07-14 05:12:00,1974-09-13 09:24:00,,0.8929888212481041,0 -364,868184.0,1974-10-24 03:54:00,1974-01-28 22:42:00,40.059643945359575,1.0974448493902662,0 -2125,496008.0,1974-05-13 03:32:00,1974-11-17 11:40:00,38.9770827984667,0.4728126881925094,0 -8150,147277.0,1971-02-06 01:17:00,1971-10-06 07:03:00,52.77301560822174,1.7197827495243567,0 -8717,1010634.0,1970-06-18 13:17:00,1972-04-14 06:33:00,50.25279023059038,1.9036474930791496,0 -55,242762.0,1973-05-12 11:37:00,1974-08-17 10:27:00,45.777828257674464,0.9618955088423898,0 -638,784385.0,1974-07-18 00:28:00,1973-09-24 00:42:00,50.006975562548696,1.203055562473541,0 -302,379036.0,1972-08-17 06:25:00,1973-07-18 03:41:00,51.03756635826455,1.8336287931680035,0 -5811,193325.0,1972-12-18 00:30:00,1975-11-03 19:04:00,57.42372284937552,0.1720653475541868,1 -1276,115831.0,,1973-07-08 04:43:00,47.903459750830095,0.0985823174622032,0 -4432,870552.0,1972-04-17 09:05:00,1971-03-20 17:49:00,44.809404854818254,1.8176729826760576,0 -3644,1066460.0,1974-05-11 06:15:00,1972-09-17 09:29:00,52.66058686244859,0.984224991751772,0 -4143,762536.0,1970-07-13 13:42:00,1975-05-13 13:42:00,46.92872460391685,1.0106210161923457,0 -2878,336892.0,1974-04-27 08:40:00,1974-09-22 15:57:00,48.003316453193605,0.7081360651444577,0 -6493,728884.0,1974-09-15 09:18:00,1973-03-21 01:57:00,46.90670242120654,1.5340410249415033,0 -5240,522634.0,1972-05-25 16:32:00,1971-06-27 12:01:00,50.06960452215259,0.9250791225035166,0 -9408,1018266.0,1972-12-09 00:17:00,1971-06-14 05:59:00,48.851546695559335,1.0316023381097184,0 -6937,18387.0,1973-02-05 08:54:00,1974-07-19 21:05:00,48.69551450863587,0.5760321012548197,0 -7240,871287.0,1974-01-27 22:55:00,1974-08-12 06:26:00,49.63070876681031,0.4797223676724979,0 -2593,810136.0,1974-03-03 06:10:00,1973-07-06 10:15:00,49.762820422702944,0.4771916332234788,0 -2393,181637.0,1974-01-19 05:44:00,1973-11-28 00:55:00,51.333979040147,1.3152521511029391,0 -523,325282.0,1970-10-03 04:09:00,1971-07-09 03:21:00,50.90295982253584,1.0605701020898917,1 -6376,295106.0,1972-11-14 11:20:00,1974-03-10 03:52:00,50.51921989524072,0.4299475154085532,0 -6981,730408.0,1974-05-18 22:06:00,1974-06-08 03:18:00,47.467469883472745,1.1658444690355132,0 -6677,641300.0,1972-12-26 19:30:00,1971-05-09 16:36:00,48.31396545642734,0.8715243131213048,0 -3900,288113.0,1974-08-29 08:35:00,1975-02-12 11:13:00,47.830330928937904,0.5896285585006305,0 -9634,310801.0,1971-01-03 17:37:00,1972-09-14 18:35:00,50.66269802784056,1.4260339870197591,0 -5585,983530.0,1972-09-26 11:56:00,1972-09-06 17:27:00,49.1591845550319,1.5726001455981828,0 -9360,1161290.0,1973-03-12 20:42:00,1973-12-08 11:18:00,47.6228133324336,0.0,0 -7956,328425.0,1973-10-31 15:34:00,1975-02-18 09:46:00,48.83339138734824,0.7426777130133477,0 -7570,480396.0,1971-08-12 06:42:00,1975-10-14 01:13:00,49.35776167074979,0.8558081812405036,0 -6777,1145356.0,1970-08-11 13:43:00,1971-01-06 07:31:00,47.97409246788301,0.9871768735096488,0 -671,481779.0,1970-01-18 14:56:00,1971-11-25 13:05:00,49.47344753011045,0.8830865394096754,0 -4188,681318.0,1973-07-12 02:30:00,1971-03-25 18:17:00,43.21631268610172,0.7640836931455284,0 -666,1183270.0,1974-11-14 03:15:00,1974-09-28 10:26:00,39.00991605662557,1.0154603392984922,0 -3266,745133.0,1972-05-14 00:16:00,1971-06-25 14:14:00,52.3346620629346,0.0,0 -1887,738426.0,1974-11-21 18:34:00,1972-09-16 15:06:00,55.017517990911216,1.262720593542796,0 -8472,624887.0,1972-05-03 13:41:00,1972-04-05 03:59:00,52.58621658017627,,0 -9091,406698.0,1974-08-18 07:20:00,1971-04-17 12:05:00,51.23202629865031,0.9400703402914758,0 -7687,963474.0,1974-02-07 09:00:00,1973-09-13 18:38:00,50.05092229842749,0.7147235495237235,0 -6031,126032.0,1970-03-12 21:29:00,1973-04-23 13:57:00,50.98235720891207,0.8767742250473677,0 -6090,66847.0,1974-09-02 05:53:00,1975-10-02 14:47:00,54.33550002389208,0.7195598852221559,0 -6238,676551.0,1972-07-17 00:35:00,1971-10-16 08:36:00,52.24520928325168,1.6783401375909404,0 -7350,523745.0,1974-09-15 08:29:00,1975-04-24 10:51:00,52.89748474401393,0.9173771732572792,0 -7830,137592.0,1974-02-16 15:30:00,1974-10-15 12:37:00,42.22262154199938,1.0386147950969444,0 -760,1179032.0,1970-07-20 13:42:00,1971-02-24 09:32:00,48.47418658661238,1.3984213100836536,0 -6254,1088829.0,1972-04-25 01:29:00,1971-07-08 21:08:00,42.24022043660342,1.905960697711257,0 -1906,1181993.0,1970-09-25 23:28:00,1971-05-04 02:53:00,50.467642602376586,0.811130552522089,0 -3818,370281.0,1971-07-01 22:59:00,1972-11-09 02:56:00,46.25876325787751,1.2755629895426406,0 -6269,78501.0,1972-07-28 19:55:00,1971-09-17 03:52:00,37.13874806734371,0.61628606533099,0 -4300,908188.0,1974-10-06 18:27:00,1971-06-07 02:41:00,51.77207481180676,0.7179104545255974,0 -5569,895818.0,1972-02-07 02:42:00,1973-08-10 02:40:00,49.52618154350412,0.8552408894382594,0 -7941,584818.0,1970-11-16 17:24:00,1973-07-23 05:52:00,43.208749051976255,0.2162880124178203,0 -4164,130921.0,1974-05-17 00:11:00,1971-07-27 06:36:00,51.84935481789369,0.8787344851172685,0 -5971,329215.0,1970-08-19 16:28:00,1975-11-06 17:31:00,44.65257084606383,0.4473523165261116,0 -3579,633809.0,1973-01-03 06:18:00,1973-02-10 14:00:00,46.14707004976924,0.8978253837355384,0 -2832,849889.0,1970-01-28 08:47:00,1975-08-28 03:55:00,53.35010299109071,0.8186548734905386,1 -5449,450018.0,1974-05-31 06:21:00,1975-03-08 08:02:00,47.13247736453732,0.9080410273805188,0 -3472,340756.0,1970-03-18 20:23:00,1973-10-24 01:34:00,46.583477218451726,1.0814551194490605,0 -6327,414776.0,1972-04-04 22:02:00,1974-01-29 23:02:00,49.123408568592914,1.7101541230805075,0 -137,1091013.0,1972-08-13 17:30:00,1972-09-01 21:07:00,50.35146552220088,0.4272163618075384,0 -7043,382995.0,1971-12-05 00:52:00,1974-10-17 03:05:00,42.40212233178364,0.7123523225093267,0 -4892,454700.0,1970-11-16 12:37:00,1972-12-19 18:41:00,46.427585037808726,0.5266473251297731,0 -2180,1175173.0,1973-08-22 21:44:00,1975-11-04 00:32:00,60.34935231083348,0.5954085980088699,0 -7730,1145871.0,1971-09-21 23:31:00,1974-06-03 21:15:00,54.293781228276096,1.5108999446558755,0 -3177,518359.0,1974-01-14 13:08:00,1973-10-25 11:08:00,48.01500877582132,0.8356290100879886,0 -4854,683501.0,1970-11-16 09:14:00,1972-03-27 10:43:00,48.48696531340436,0.9692923868646108,0 -4637,633404.0,1974-06-16 07:00:00,1971-01-13 23:11:00,53.88136466778564,0.9305828392082498,0 -5115,545496.0,1971-07-06 05:37:00,1972-11-21 14:41:00,43.66258315966323,1.4968207541794638,0 -7648,816628.0,1971-11-27 08:43:00,1974-05-18 23:00:00,45.04228087312374,0.938704896062268,0 -4261,241307.0,1974-07-15 08:29:00,1975-05-30 09:54:00,50.92205207385409,0.4777284318209127,0 -1331,647132.0,1971-11-14 19:48:00,1972-02-12 00:26:00,46.17428510054352,0.8082929820599809,0 -7002,712831.0,1971-04-05 02:51:00,1972-05-15 14:17:00,45.79057230631158,0.7946739654195035,0 -6941,444882.0,1971-10-07 15:22:00,1973-03-20 06:49:00,44.69925615229134,0.6867878272159393,0 -8017,548875.0,1971-01-02 00:49:00,1971-02-09 06:04:00,54.324708888331855,0.823944193360659,1 -6241,810490.0,,1975-11-01 09:58:00,51.51970922915552,1.7506502172478071,0 -9987,1083096.0,1974-01-01 01:30:00,1975-01-13 09:29:00,55.70159571663355,0.640626131312009,0 -6881,187172.0,1970-01-11 15:35:00,1972-07-10 04:52:00,49.05643626662171,1.1672207353760082,0 -4530,1055901.0,1974-09-13 23:45:00,1975-05-30 19:57:00,44.46548678662512,0.4782590476838129,0 -4673,859558.0,1974-02-09 21:39:00,1972-01-18 18:40:00,45.56490079111076,1.519056958583112,0 -6996,894456.0,1972-09-05 08:43:00,1972-12-08 14:52:00,41.86084940874687,1.339719834385826,0 -1252,1160160.0,1974-12-08 02:21:00,1973-09-10 01:43:00,51.12218289904418,1.2398718509230644,0 -3374,549900.0,1970-01-26 14:25:00,1972-11-16 14:52:00,60.81205188394183,0.4682526880400933,0 -2814,796701.0,1973-05-10 20:24:00,1973-08-04 11:56:00,51.78914347694143,0.6282217947570684,0 -4719,1123025.0,1971-03-26 16:25:00,1971-12-08 09:22:00,42.72047094105271,1.9308343687691376,0 -6544,1066256.0,1971-01-08 08:28:00,1973-10-01 01:19:00,46.16741348677992,0.3813034137327871,0 -4858,291396.0,1971-05-20 19:06:00,1975-06-01 11:01:00,44.01366144121406,1.2083193021721346,0 -7901,997790.0,1970-08-11 05:48:00,1972-12-08 01:04:00,44.473486657990165,0.3841703414753533,0 -8580,719676.0,1973-12-27 17:49:00,1972-04-07 02:00:00,41.99824690246526,0.7146267966082052,0 -8427,709366.0,1973-11-25 07:44:00,1972-05-07 14:29:00,55.149650574200486,1.2940015194618355,0 -1077,1020543.0,1973-04-21 07:23:00,1975-03-21 17:33:00,52.31675720188252,1.403619797129096,0 -4363,119717.0,1974-07-09 04:46:00,1974-03-01 21:28:00,50.40914164005636,0.5458754792890317,0 -770,499573.0,1972-03-26 00:54:00,1974-12-21 09:35:00,52.1097222133389,1.7475881451194983,0 -8865,526165.0,1970-08-13 09:29:00,1975-04-11 17:56:00,50.16988646994072,0.6558083626456179,0 -249,609544.0,1972-12-31 02:36:00,1971-05-31 01:51:00,39.93177313387233,1.8632006423292649,0 -7239,599683.0,1974-08-23 06:49:00,1973-05-25 22:55:00,44.11433508102076,0.9625240385414112,0 -3419,242413.0,1970-05-01 15:11:00,1972-07-25 09:54:00,44.28601070349622,1.2016989162954763,0 -4976,82565.0,1974-06-01 17:46:00,1973-08-26 01:26:00,45.883203997916574,0.4800666816046841,0 -4544,745474.0,1973-11-24 06:26:00,1974-07-19 12:33:00,45.70241439540734,0.6209279373322812,0 -5565,376963.0,1970-12-16 03:58:00,1972-04-23 13:56:00,55.084645441628105,0.3564965323002051,0 -7939,972783.0,1972-09-29 16:13:00,1975-05-31 23:27:00,48.05939968500233,0.4047419892491343,0 -716,762853.0,1970-12-19 14:47:00,1972-05-28 01:07:00,38.049931930661934,0.4492239763977541,0 -9652,495069.0,1971-03-04 16:23:00,1971-11-15 17:56:00,37.90079484855096,1.139176888268698,0 -2048,386628.0,1970-07-21 01:26:00,1975-03-25 02:26:00,46.097546087639365,,0 -5997,404565.0,1971-03-14 17:41:00,1971-06-24 03:01:00,47.24077595877969,0.9048136605594372,0 -6600,305016.0,1974-12-28 23:54:00,1972-06-23 01:07:00,43.86484835517882,1.0186538735897,0 -7245,335100.0,1972-05-19 09:55:00,1975-03-14 20:24:00,50.83501215605708,0.00630182146196,0 -4178,1067696.0,1971-12-02 16:45:00,1972-10-17 12:28:00,40.37343997876932,1.438915398356787,0 -4809,663510.0,1970-06-18 16:15:00,1974-06-07 15:21:00,45.0373937818759,0.209762986632218,0 -9482,279271.0,,1973-09-07 16:21:00,50.24770402696152,1.6727039322303154,0 -7140,734981.0,1973-11-25 20:58:00,1974-10-18 09:30:00,49.94342940140691,1.276773983761317,0 -7190,214463.0,1974-08-18 18:20:00,1974-05-31 10:38:00,54.09405241010671,0.8516702021133655,1 -1460,521302.0,1973-11-19 18:06:00,1974-11-22 14:57:00,47.35306481097669,1.5271142606084904,0 -5989,1023594.0,1973-02-09 06:05:00,1975-01-03 20:13:00,51.698033507728525,0.9408565218751018,0 -2000,411114.0,1973-04-26 08:08:00,1975-01-30 02:09:00,47.54887449194141,1.5664843414651788,0 -8175,1172751.0,1971-08-08 15:57:00,1974-05-01 04:05:00,43.867864239127286,0.9178868030008758,0 -404,500973.0,1971-06-28 05:35:00,1973-02-21 04:13:00,52.37257980203235,1.1627205177574502,0 -384,187343.0,1974-07-14 01:24:00,1971-11-13 23:45:00,39.71467688148762,1.1897282762782633,0 -9448,556704.0,1971-02-02 13:05:00,1975-07-10 06:52:00,50.38396447454062,1.3276528405818548,0 -9487,358506.0,1973-05-05 11:14:00,1972-01-11 15:17:00,44.31527259779415,0.985354610282338,0 -1633,1117656.0,1970-04-24 18:16:00,1972-04-11 04:55:00,42.90013470900963,1.021913314696628,0 -9853,531713.0,1971-09-15 18:44:00,1974-03-01 03:19:00,58.29327984032977,0.3691380353028873,1 -4784,330733.0,1971-01-15 18:48:00,1974-03-16 20:30:00,39.02361589737151,1.4561509147642722,0 -9456,626898.0,1970-01-14 12:33:00,1974-12-04 00:59:00,62.16603018511985,1.3143839032889038,1 -6970,703418.0,1973-05-30 18:33:00,1972-09-27 06:07:00,56.20297848890002,1.7505306588173313,1 -3925,1154270.0,1973-09-11 06:17:00,1973-12-05 06:23:00,43.68735185407021,1.6203241473234256,0 -4158,998668.0,1971-09-09 07:00:00,1973-12-17 16:28:00,44.98189501684941,1.4703537922502663,0 -7449,,1973-03-29 02:28:00,1975-01-15 08:21:00,45.65028424552127,0.3759169276722123,0 -8415,1019472.0,1971-04-10 17:53:00,1972-02-10 00:37:00,47.659989413429415,0.4413317887637834,0 -2193,165261.0,1970-06-17 21:21:00,1974-06-22 01:53:00,46.2049895247661,0.676429068438763,0 -1015,541052.0,1974-11-03 05:36:00,1972-01-18 03:53:00,46.8523304138025,1.3962290307314738,0 -5124,541917.0,1974-05-01 21:36:00,1975-08-27 18:30:00,52.68542430128397,1.1320157936855182,0 -7418,182662.0,1972-01-09 01:00:00,1975-09-16 15:59:00,48.373917626794224,1.8135082200938992,0 -7409,927000.0,1970-11-13 05:20:00,1973-04-22 06:49:00,48.08910955638583,0.3668327868643121,0 -8989,1069306.0,1972-04-13 06:10:00,1975-01-25 17:29:00,43.83373959404845,1.0325762682237167,0 -2871,111224.0,1973-05-10 03:34:00,1972-01-10 17:40:00,44.54385226601965,0.9975515683163416,0 -9,721218.0,1973-03-26 23:05:00,1973-11-30 07:07:00,52.80402646255171,2.0653563732144526,0 -1838,613521.0,1972-12-28 07:23:00,1974-03-11 01:00:00,30.292946806181646,1.6650617290131988,0 -4804,342459.0,1974-02-20 00:17:00,1972-06-18 13:03:00,47.77436093492648,1.5321444238900226,1 -255,751599.0,1971-02-28 18:18:00,1971-05-15 01:02:00,52.40738425535677,0.7398058287219269,0 -7026,366629.0,1971-03-21 16:06:00,1974-09-24 02:33:00,43.73369499426203,0.5056160574590027,0 -5713,994043.0,1970-03-07 21:23:00,1975-11-21 02:48:00,50.11082037785238,1.695495844780639,0 -3324,1052000.0,1970-06-14 03:13:00,1973-03-13 05:41:00,49.88209152250597,1.1689255107523655,0 -7714,282932.0,1971-11-16 18:04:00,1974-01-04 08:13:00,49.33607281959306,1.350809517663179,0 -1581,718791.0,1971-08-04 08:21:00,1975-04-09 22:37:00,47.503479460021374,1.754194191731716,0 -924,461779.0,1974-12-17 17:38:00,1971-08-25 14:38:00,47.48700639514272,,0 -2779,729062.0,1971-04-30 11:50:00,1971-07-12 00:45:00,49.68752834924703,1.3725742475344969,0 -7891,1021103.0,1970-01-26 19:03:00,1973-06-22 22:52:00,43.468222633194245,0.8815262139739463,0 -6132,395907.0,1974-01-08 01:37:00,1971-10-22 10:41:00,54.8104363795872,0.50982472371942,1 -5320,604737.0,1973-05-26 08:09:00,1973-09-19 13:16:00,51.31411748022053,0.9100336102269556,0 -7312,696217.0,1971-01-29 16:25:00,1973-07-01 00:10:00,54.33249224895193,0.4598544210885318,0 -7102,851827.0,1974-01-25 07:07:00,1973-02-07 08:33:00,52.700555100636,1.405230886114778,0 -6042,957614.0,1970-11-06 17:49:00,1974-11-17 15:11:00,40.795448979298605,1.6038943701323594,0 -3775,312423.0,1973-06-23 08:40:00,1973-06-04 02:41:00,41.39861091585728,0.6336431272053205,0 -4835,1005402.0,1973-02-27 06:24:00,1973-06-02 22:53:00,41.3122196308981,1.0307069210467945,0 -4964,393335.0,1970-07-16 08:15:00,1973-04-02 09:43:00,48.79650958492494,0.8152712301332605,0 -539,267384.0,1974-07-12 05:40:00,1975-08-26 23:42:00,46.744820113172594,0.8662270855379056,0 -7483,69716.0,1974-12-18 06:55:00,1975-06-09 23:44:00,53.13877094279798,0.8543488667828816,0 -2745,527096.0,1971-08-26 06:45:00,1974-04-11 09:37:00,55.64613494409083,0.5795571552983062,0 -3719,231960.0,1974-10-25 06:14:00,1971-03-15 06:52:00,47.25673088727257,1.0104803972004717,0 -6819,1065455.0,1974-10-02 17:30:00,1971-03-18 20:26:00,54.023795906226624,,0 -9337,857470.0,1972-05-01 02:13:00,1974-04-29 04:21:00,44.12514600531781,0.8954774951563292,0 -4468,,1971-01-17 09:00:00,1975-03-07 18:11:00,41.94572837983956,1.3220502960349392,0 -667,778431.0,1973-04-22 10:36:00,1972-02-19 20:21:00,46.66762394389347,1.48006671848669,0 -7575,1021705.0,1974-01-16 23:00:00,1973-12-25 05:04:00,48.61960383081957,1.5662365541076024,0 -8549,928374.0,1971-08-15 01:50:00,1973-12-16 02:24:00,56.17495581780248,0.6136330811600436,0 -5063,760441.0,1972-08-28 05:54:00,1973-06-06 12:50:00,41.02318906681568,0.5202612041672128,0 -1353,1088403.0,1971-05-16 08:30:00,1974-02-13 18:51:00,56.01517077597124,0.5105391957141612,0 -7114,364545.0,1974-03-18 05:23:00,1975-04-15 14:45:00,43.51484009298365,1.2358950071116357,0 -9773,444917.0,1972-06-06 17:25:00,1973-10-03 17:17:00,41.933553010442886,0.6338830409045857,0 -8662,945661.0,1970-12-14 17:49:00,1974-12-31 12:49:00,50.94918633819755,0.1824445245552232,0 -2703,1111413.0,1973-06-20 07:13:00,1975-11-28 11:13:00,51.76499166817609,0.6790431356415632,0 -3330,141927.0,1974-04-20 17:23:00,1975-08-29 21:31:00,45.71373496661079,1.4373716532903122,0 -8053,513343.0,1970-07-26 02:16:00,1971-10-07 07:49:00,50.05168980546172,0.5875615591599597,0 -3584,505501.0,1974-02-11 01:30:00,1973-02-12 21:20:00,43.45835857572364,1.2858910950152198,0 -9441,1194724.0,1971-05-26 02:42:00,1973-07-18 22:53:00,52.93321970604787,0.3578431761430712,0 -5645,836811.0,1974-04-24 17:36:00,1974-01-26 09:22:00,40.91128733943979,0.9329471335607236,0 -3376,1021957.0,1971-02-09 04:49:00,1975-10-05 09:50:00,43.517779462640576,1.109662493968033,0 -1256,771560.0,1971-03-13 07:00:00,1971-03-02 05:57:00,43.89419211117088,1.0897851938562042,0 -6190,288982.0,1970-09-16 23:18:00,1972-03-23 02:48:00,48.75144165503475,0.7644035686047068,0 -5348,727871.0,1974-01-29 00:02:00,1972-09-21 09:34:00,45.41981943755352,1.2449886025181285,0 -4175,1161923.0,1970-01-16 23:52:00,1972-05-02 19:17:00,55.607674935654,1.3595402619036032,0 -4910,302954.0,1974-12-30 07:49:00,1972-03-28 19:01:00,43.33919742941827,0.5912830823533408,0 -1852,837459.0,1970-04-24 20:57:00,1974-04-21 14:22:00,50.05845161637393,0.6570347612546292,0 -6316,707112.0,1973-02-12 20:35:00,1973-11-07 09:53:00,43.7421717223204,0.5251069854371342,0 -9854,833149.0,1973-10-16 02:50:00,1974-04-07 11:50:00,46.93707972006308,1.5283692318815754,0 -2105,42291.0,1971-07-25 10:36:00,1973-09-30 00:24:00,44.30465537169652,0.2350441580136525,0 -133,1030379.0,1971-08-24 09:25:00,1973-07-17 08:47:00,42.054140116915775,1.736429471108592,0 -5029,303019.0,1970-09-03 15:19:00,1973-09-01 21:25:00,45.45504067162119,1.4898852196736638,0 -928,413806.0,1970-05-23 22:27:00,1971-07-13 13:14:00,45.772580608216046,0.7159917397719244,0 -823,478526.0,1971-07-25 18:19:00,1972-10-06 14:45:00,47.061703610171165,0.912811981595496,1 -7576,26878.0,1971-08-27 00:45:00,1971-03-15 01:29:00,39.6690492701928,0.3975288434257351,0 -1531,405929.0,1972-10-21 12:12:00,1973-05-11 11:48:00,49.40157746825795,0.8651157642697964,0 -1214,784564.0,1972-11-30 05:50:00,1972-10-25 09:37:00,55.650877663804295,0.9751790577152314,0 -504,524964.0,1970-06-05 08:59:00,1975-08-29 23:29:00,38.03746331642749,1.387643840983007,0 -6530,329006.0,1973-10-28 05:58:00,1973-05-23 22:18:00,52.20317329687303,1.1924903715320707,0 -3072,153667.0,,1972-07-20 14:05:00,41.1634536428536,1.4747678830333943,0 -9086,502336.0,1971-11-12 20:23:00,1971-05-01 01:14:00,50.117030403250936,0.0,0 -8647,20087.0,1973-12-13 13:07:00,1971-10-25 13:12:00,48.33178530271422,1.3174030306369044,0 -6619,77002.0,1974-08-04 00:24:00,1971-05-11 16:22:00,50.359980613348746,1.062546458861487,0 -9273,318433.0,1974-04-06 15:40:00,1975-07-07 23:38:00,55.87579693443944,1.085215069816675,0 -3709,535015.0,1970-05-09 06:42:00,1974-04-27 23:59:00,56.1609957136262,1.261589639907268,0 -4849,197328.0,1971-12-06 08:39:00,1975-01-29 09:46:00,56.059149945662455,0.5675263533170443,0 -4748,546962.0,1971-02-27 17:51:00,1973-12-30 18:47:00,,1.516888588816062,0 -4268,883545.0,1970-07-22 13:49:00,1971-01-19 02:39:00,57.50661571365545,1.2029712452453885,0 -9878,252840.0,1974-03-12 12:46:00,1973-09-15 03:16:00,54.86690919347636,1.0046979631300454,0 -8905,951266.0,1972-10-08 21:25:00,1975-08-26 22:18:00,47.4919283788115,2.0400813666847197,0 -4186,57916.0,1970-10-23 17:34:00,1975-02-06 06:46:00,42.18027572674568,2.073394305225936,0 -5301,556906.0,1970-04-10 09:18:00,1973-03-18 21:55:00,45.97450690590634,1.4420764324580717,0 -2923,415066.0,1972-06-01 21:16:00,1974-04-20 02:13:00,45.4208706062127,1.8110732183635945,0 -6588,45163.0,1974-03-23 00:42:00,1971-09-20 13:54:00,46.97244633257142,0.5614084255185152,0 -1810,480629.0,1974-04-18 23:33:00,1974-09-23 02:21:00,48.079805007956615,1.214976391296671,0 -3486,1129455.0,1973-10-17 22:23:00,1974-12-11 01:49:00,49.37028017168968,0.3507009840504792,0 -7419,939965.0,1974-09-22 15:08:00,1975-09-23 00:15:00,38.72208414643849,0.5788685083411045,0 -3141,565214.0,1972-04-14 10:09:00,1971-02-18 05:03:00,47.617191856372806,1.1508667887394188,0 -9347,814516.0,1974-02-08 12:38:00,1974-01-06 17:11:00,48.141145977936254,1.4609008524497362,0 -1324,960216.0,1971-04-17 13:17:00,1971-01-13 10:24:00,56.48935031255837,0.7207309475965051,0 -4312,495283.0,1972-03-18 18:08:00,1975-07-22 08:21:00,44.49018407065978,1.8610252684432689,0 -7494,62848.0,1974-11-09 17:38:00,1973-06-20 23:10:00,54.22542269044719,1.4035657495421974,0 -8702,44952.0,1972-10-11 14:52:00,1972-05-19 07:38:00,40.987342580178925,0.8776892883231033,0 -8691,794058.0,1972-11-09 04:14:00,1971-09-21 12:30:00,59.97243078290914,1.41882986198922,0 -9503,1102451.0,1970-07-07 20:34:00,1973-12-04 12:28:00,46.33173609882284,1.2655480368427487,0 -5541,773618.0,1971-01-17 16:26:00,1974-07-13 22:22:00,42.823602874554126,1.464879482497064,0 -6172,326026.0,1972-11-21 13:07:00,1972-12-07 04:06:00,45.12747267753015,0.7461523626047102,0 -1540,222761.0,1971-12-17 05:41:00,1971-06-23 14:15:00,44.92362369413123,0.5622802578503701,0 -9409,780426.0,1972-05-16 22:42:00,1971-12-04 16:46:00,43.89673346014211,0.7543420433628276,0 -2681,408426.0,1970-09-23 23:24:00,1971-08-04 15:04:00,43.97450191895887,1.642428598538853,0 -9882,502234.0,1970-06-17 11:01:00,1975-01-19 20:56:00,48.25452781567786,0.0,0 -6313,924850.0,1974-07-06 15:06:00,1972-09-07 09:52:00,60.96938300965092,0.6411237850287002,0 -1191,824211.0,1972-05-18 04:52:00,1973-12-07 00:15:00,48.91946022926921,1.188042785874795,0 -5293,901658.0,1971-03-06 15:19:00,1971-10-11 20:28:00,45.91912632710986,2.077230276278655,0 -1542,485990.0,1974-01-18 08:01:00,1972-05-28 13:34:00,62.868663947815534,0.2870073485349401,0 -7056,171555.0,1971-07-22 02:53:00,1971-03-03 07:00:00,47.174174454374985,1.1649087303359205,0 -2539,6921.0,1971-12-07 13:25:00,1974-12-05 00:35:00,46.14633619534944,0.9669858134540582,0 -953,158204.0,1971-04-18 21:04:00,1971-10-15 00:35:00,49.77583265116988,2.310916800767156,0 -7241,79555.0,1970-01-22 01:08:00,1974-12-19 14:42:00,45.682259651124944,0.3426184368861082,0 -6731,651027.0,1973-01-01 00:13:00,1971-10-07 17:22:00,51.82202555798573,0.665982546161197,0 -4846,205447.0,1973-04-26 13:24:00,1973-09-01 00:55:00,51.03576526827286,1.6488447914307829,0 -6801,607979.0,1972-11-19 11:55:00,1971-01-06 00:48:00,46.65774516742343,0.9598258457474094,0 -8010,482454.0,,1971-07-06 17:10:00,43.35342102158323,0.8027665018764277,0 -4330,1078556.0,1974-11-06 05:00:00,1975-05-06 03:43:00,49.77056014773997,0.6711178440532597,0 -8924,335448.0,1973-05-09 17:33:00,1972-08-09 17:37:00,44.71284639461283,1.114043226374554,0 -5334,1178057.0,1972-07-27 10:05:00,1972-12-09 07:47:00,48.68782946656643,0.6913595409896396,0 -7330,180096.0,1974-10-27 13:23:00,1975-10-07 05:24:00,50.08290696670056,1.1412192696164316,0 -9348,245638.0,1973-09-22 17:52:00,1974-07-29 22:04:00,47.93691885993505,0.8840616026169676,0 -4729,775680.0,1971-01-19 00:10:00,1975-07-28 15:21:00,50.44005115163935,0.9477821514801228,0 -6541,1195520.0,1970-09-08 17:05:00,1975-01-03 19:25:00,50.91562413616522,0.4959354909446248,0 -5305,1092048.0,1970-03-17 09:42:00,1972-07-03 07:20:00,54.42569523904201,1.2875378021218735,0 -5161,117323.0,1973-05-19 23:29:00,1972-09-09 04:21:00,44.80792992796253,0.6421581396781074,0 -7860,255650.0,1970-11-19 07:25:00,1975-07-29 20:23:00,40.60291233037182,1.5478491923852975,0 -2156,1159603.0,1971-06-16 09:55:00,1971-06-22 02:55:00,40.16233881736839,1.2516712677621258,0 -1062,1110947.0,1972-05-09 10:37:00,1974-03-28 09:31:00,43.87494142430206,1.540441497033539,0 -1167,2251.0,1970-03-12 07:18:00,1973-08-06 00:41:00,44.40997408621553,1.837587152658468,0 -3636,667053.0,1973-06-13 18:50:00,1974-01-30 19:04:00,49.50766507334126,1.0588796353661616,0 -7651,798625.0,1972-09-07 12:36:00,1974-12-13 12:45:00,49.17550088753717,0.8303526270981639,0 -5588,847181.0,1973-09-15 10:15:00,1971-11-13 06:22:00,53.72661688995346,0.5315474266419185,0 -7192,515251.0,1974-06-22 17:59:00,1973-09-23 02:31:00,46.29917072404808,1.5608133541200635,0 -4491,138386.0,1970-04-04 13:34:00,1972-07-01 07:52:00,49.26329370185554,1.5685117660518102,0 -7266,263070.0,1972-08-10 15:53:00,1974-03-22 07:39:00,45.44296743371096,1.004442293971071,0 -4980,315514.0,1970-02-21 16:13:00,1974-11-09 02:36:00,50.49321973424842,0.6929755828455066,0 -8335,798304.0,1974-05-02 06:47:00,1974-06-11 17:39:00,35.63574377373074,1.5063097794327818,0 -9952,441860.0,1971-06-11 11:22:00,1973-12-30 04:44:00,53.35387137011021,0.9111055419355382,0 -4946,415317.0,1973-04-27 17:03:00,1973-11-19 03:44:00,53.13574400916505,1.3760356957676922,0 -2782,1125808.0,1974-09-22 23:27:00,1975-08-22 11:07:00,50.94105248570712,1.7014054062385318,0 -717,312927.0,1974-04-10 00:21:00,1971-06-25 08:49:00,51.350905254435496,0.7769138535635303,0 -2502,246962.0,1972-12-24 04:01:00,1971-04-30 09:40:00,56.71750473486085,1.3390379981567984,0 -4360,994698.0,1974-04-02 01:44:00,,38.73383437447603,1.2930593791577765,0 -4171,1091767.0,1974-10-30 07:14:00,1974-06-04 17:06:00,53.99532928196791,1.1105381853688217,0 -8082,917070.0,1974-12-01 20:15:00,1974-10-09 20:09:00,51.26366925004748,1.7209550984314763,0 -9760,893731.0,1972-08-05 23:31:00,1971-06-08 03:35:00,50.177504939389856,1.2032124275026623,0 -395,100314.0,1970-07-23 06:45:00,1971-12-08 19:52:00,51.44408655986685,1.1487570938483824,0 -7186,904825.0,1970-02-14 22:23:00,1971-10-24 00:20:00,44.2553367999382,1.0259371822736378,0 -9822,86384.0,1970-02-28 12:08:00,1973-10-28 18:01:00,42.36798477878682,1.093741213844439,0 -4492,166677.0,1971-07-08 02:48:00,1974-08-23 14:20:00,51.51575747824941,0.7604225111635917,0 -1365,791385.0,1972-09-02 00:42:00,1971-09-16 13:28:00,52.32841173977405,0.83053073865335,0 -9526,358752.0,1974-07-31 10:54:00,1972-08-15 19:51:00,51.87402351189697,0.3552189519539962,0 -8787,71126.0,1970-01-25 18:07:00,1975-04-07 01:31:00,48.36815979340283,1.62604050093194,0 -5917,168511.0,1973-03-06 11:25:00,1973-07-10 04:32:00,52.95074975336093,1.6040685580636804,0 -4968,600282.0,1971-12-02 05:09:00,1974-08-10 00:19:00,45.89000195757352,1.143575253380244,0 -2914,595166.0,1974-10-19 21:45:00,1974-10-01 12:33:00,46.182779715672375,1.0442884414025169,0 -5644,898531.0,1971-09-29 17:36:00,1975-04-09 20:40:00,44.47304463634559,0.5730745170577058,0 -3766,744352.0,1970-02-05 01:11:00,1975-12-26 21:15:00,45.87896508883588,1.2862236372012616,0 -3440,368243.0,1974-07-28 03:27:00,1974-03-18 18:00:00,52.36618835139621,0.9400492981833988,0 -7357,183842.0,1974-09-11 02:59:00,1971-11-18 10:40:00,53.78761166127083,0.8223593895778827,0 -6806,930963.0,1973-08-23 16:31:00,1971-12-14 06:04:00,49.83978739321253,1.1736386782164612,0 -2143,1151563.0,1974-11-22 08:53:00,1975-05-05 23:39:00,40.5705551405156,0.6222425225607093,0 -5104,519763.0,1972-09-19 18:19:00,1975-05-17 12:47:00,48.34624064141382,1.5537217998099735,0 -5073,1011767.0,1970-07-18 07:31:00,1974-05-23 10:58:00,56.34339390969341,0.9702671752973944,1 -1571,583596.0,1974-02-09 10:55:00,1973-10-02 10:13:00,48.635186114338296,2.011564846420764,0 -4079,602370.0,1971-07-24 09:20:00,1971-02-26 03:42:00,42.63984354342495,0.8844741257500514,0 -1122,265824.0,1972-06-25 03:16:00,1971-12-23 20:47:00,50.65385852394592,1.7491837401061965,1 -2786,455217.0,1974-01-12 10:35:00,1973-10-31 14:36:00,51.43929664810136,1.7489852204332614,0 -2967,358224.0,1974-03-17 08:31:00,1974-01-03 07:31:00,42.3233547059599,1.3514584047063216,0 -2504,308387.0,1971-07-28 18:23:00,1975-10-08 02:15:00,53.46259397692029,0.612730481581562,0 -5988,1028840.0,1973-12-09 21:38:00,1975-04-11 01:15:00,48.56463192798661,0.7613035331692751,0 -8867,550782.0,1972-11-17 19:12:00,1974-12-12 12:12:00,55.5432191021707,1.5165156673140987,0 -7164,633400.0,1973-05-20 06:47:00,1971-03-14 00:05:00,54.45500786246912,0.5555336854619097,0 -728,751120.0,1970-04-15 10:08:00,1973-02-17 17:23:00,31.474261081066818,1.0569222913255596,0 -7587,1156305.0,1974-12-28 09:37:00,1975-05-15 17:09:00,36.40637181013398,0.8705120466744907,0 -7543,1040236.0,1973-04-29 14:18:00,1973-08-27 11:18:00,57.14394118748645,1.605060333646326,0 -412,26218.0,1972-02-20 23:02:00,1972-02-09 18:30:00,56.36120996275951,1.6360490256662854,0 -5745,511075.0,1970-09-05 19:22:00,1973-06-04 21:03:00,43.53776306164242,2.0658738205107983,0 -7668,221931.0,1973-08-07 18:23:00,1975-06-23 05:45:00,43.72645195722608,1.1369259901174331,0 -825,356644.0,1970-01-18 07:40:00,1975-08-11 00:12:00,46.0532852123897,0.8697848964734922,0 -3267,82585.0,1971-07-18 08:51:00,1972-04-29 23:23:00,44.77902851373737,0.5541837789764432,0 -3974,1064565.0,1974-07-13 02:37:00,1971-05-19 13:45:00,54.89987547884107,1.991209091105959,0 -8808,217550.0,1974-06-12 04:02:00,1974-01-31 10:16:00,53.67514056284179,1.0853781643046534,0 -8306,27014.0,1972-07-09 17:27:00,1973-06-14 18:42:00,47.04476887548073,0.5967292911154931,0 -417,534030.0,1973-12-01 22:45:00,1972-05-18 21:49:00,49.325408689332605,0.6516153831581202,0 -6748,,1971-01-22 19:58:00,1972-09-27 08:58:00,52.56505641851584,2.2440732683102507,0 -8967,75040.0,1971-05-14 22:50:00,1974-04-28 14:12:00,47.09294820675323,1.0069298035769454,0 -2082,325185.0,1971-10-28 03:08:00,1971-01-16 07:57:00,42.2975751732869,1.1009560274391688,0 -8945,5982.0,1973-03-10 03:49:00,1975-02-25 01:18:00,48.16310281841344,1.2707457943859302,0 -3373,821491.0,1974-01-08 17:04:00,1975-03-16 18:24:00,45.46182490423016,0.7466177488199204,0 -5726,99456.0,1971-07-08 21:06:00,1973-10-05 23:37:00,51.50262718757865,0.4971905795777546,0 -4107,57144.0,1971-03-15 11:14:00,1973-01-31 18:36:00,49.56655901405814,1.0829145119591563,0 -4380,49929.0,1973-08-08 01:27:00,1972-05-04 20:44:00,51.26301764878717,0.0286322222723062,1 -7723,1001397.0,1972-04-13 02:15:00,1975-03-12 08:12:00,49.40590430594296,0.0,0 -1066,170087.0,1970-06-12 17:26:00,1975-09-29 12:34:00,54.54056093623259,1.254167576700059,1 -3913,336908.0,1972-10-21 18:32:00,1973-04-22 10:18:00,44.33192447196361,2.0519367631275167,0 -5536,592833.0,1972-11-22 22:58:00,1973-05-24 00:33:00,53.52463014313753,1.4571316590582084,0 -8002,803733.0,1970-03-28 04:47:00,1972-06-16 20:34:00,51.50013232472877,0.520982447694136,0 -5387,118340.0,1970-12-20 04:56:00,1971-09-23 23:37:00,50.5696134930281,0.9944084719911052,0 -5732,25074.0,1971-06-19 22:39:00,1974-02-14 00:25:00,53.262875340024685,0.6256988396284757,0 -2738,155623.0,1973-09-15 11:37:00,1973-10-12 06:41:00,52.48686742066203,1.463020857944517,0 -5052,143027.0,1973-11-14 18:31:00,1971-07-16 07:58:00,53.91073751577096,,0 -4000,46524.0,1971-01-07 12:14:00,1971-02-20 22:38:00,46.06810467567537,1.4291558598124494,0 -2427,111478.0,1971-07-13 13:02:00,1974-03-10 09:23:00,44.50791072347246,0.8718474179994913,0 -6833,68042.0,1972-04-18 12:38:00,1973-11-06 20:17:00,43.68919043052993,1.4444459256277336,0 -1687,873876.0,1971-12-20 07:18:00,1975-08-20 22:35:00,48.05269923754716,1.5386107889354514,0 -851,281682.0,1974-09-28 18:53:00,1974-06-12 19:01:00,42.64652689409006,0.2789224815018984,0 -6303,356403.0,1970-05-24 09:09:00,1972-10-23 05:55:00,39.297298149464325,1.2570032673758618,0 -9087,662525.0,1974-10-13 12:29:00,1975-01-10 21:01:00,50.92762314316443,0.583185299260604,0 -5878,1133526.0,1973-08-22 16:56:00,1971-03-05 03:45:00,46.98750597116543,2.285094721084511,0 -8527,16325.0,1974-02-07 03:39:00,1974-12-17 00:10:00,47.3376873965605,1.4793786361597456,0 -2839,244116.0,1971-08-15 21:56:00,1973-11-11 08:55:00,39.99160959736654,0.4715426831924909,0 -4611,616647.0,1973-06-26 01:07:00,1972-05-22 16:33:00,42.573547289070845,1.0878950459527517,0 -9540,1176204.0,1973-11-22 00:05:00,1972-09-09 12:45:00,40.13990388550674,0.7898197429842388,0 -9207,1120911.0,1970-03-20 12:24:00,1972-08-31 12:07:00,46.46413846778481,0.3559692314494265,0 -2489,1156790.0,1974-09-02 20:01:00,1974-10-11 20:19:00,50.56536287200932,0.874164215233037,0 -6905,892983.0,1974-10-02 10:30:00,1972-10-03 16:08:00,41.88193454472349,1.5693900663999445,0 -7390,488122.0,1971-03-24 22:43:00,1974-03-16 07:42:00,55.19917487692685,1.038512538569809,0 -2849,168785.0,1973-07-25 10:34:00,1971-11-06 08:52:00,46.70618532611259,1.4251153151656493,0 -6665,1102426.0,1972-07-02 07:41:00,1972-04-07 15:48:00,48.01557554974008,0.9316787056227304,0 -5881,187200.0,1972-07-01 18:19:00,1975-07-27 02:28:00,54.800021438040645,1.433463289857152,1 -4452,1184026.0,1973-09-21 09:01:00,1971-06-10 07:57:00,61.46515093781615,1.3083007790329817,1 -7421,1076570.0,1971-05-09 04:04:00,1975-08-04 01:21:00,45.46922602327167,1.7721799236985727,0 -6484,846367.0,1972-03-23 03:47:00,1974-02-09 23:59:00,52.08822682792551,0.3461857508108693,0 -2479,238181.0,1973-07-21 23:33:00,1973-08-25 14:47:00,45.60224100089901,0.7127048738606059,0 -6617,331868.0,1973-08-25 15:58:00,1972-12-20 22:41:00,55.934248123929606,2.230486812327295,1 -2141,610526.0,1973-04-12 19:40:00,1973-11-26 04:56:00,48.02585756706706,0.3661192981057549,0 -5188,316977.0,1970-09-23 06:47:00,1974-01-26 13:54:00,49.85931366505751,0.3851257915443666,0 -9704,647437.0,1973-12-12 07:12:00,1975-01-29 00:38:00,49.31670584054379,0.9931998351127072,0 -2744,744814.0,1973-06-25 12:32:00,1974-05-30 11:31:00,58.776122616264615,0.68533651387614,0 -7253,676297.0,1971-07-07 07:12:00,1972-10-10 04:35:00,41.510688208115305,0.5612918437778123,0 -3506,281965.0,1971-01-08 01:58:00,1975-04-25 17:50:00,58.13242070212885,1.1804393771863584,0 -1679,1096849.0,1973-12-05 09:12:00,1975-06-23 20:46:00,45.072221274200494,0.3953368318227624,0 -4249,148930.0,1971-04-24 09:18:00,1974-02-12 17:41:00,36.42610291077483,1.0676653666130274,0 -3147,788967.0,1971-03-29 19:15:00,1973-10-11 21:22:00,56.167634005879606,1.5145763675490855,0 -8130,137858.0,1970-11-10 08:44:00,1973-08-01 04:34:00,48.993782154695005,1.3508269963008248,1 -7004,723880.0,1974-07-07 00:32:00,1972-05-12 15:31:00,52.65658076382914,1.287949454334258,0 -580,871200.0,1972-02-24 08:15:00,1971-03-28 00:32:00,49.335660489381546,0.9142773972576362,0 -4070,1178003.0,1972-10-14 11:25:00,1974-11-23 12:00:00,51.04914381030923,1.664925137076393,0 -3343,516003.0,1972-04-25 10:17:00,1973-03-10 18:45:00,46.31910919325551,0.8745535624037448,0 -7404,1061593.0,1973-12-12 16:24:00,1975-03-25 15:45:00,57.9671343137623,0.890840829922991,1 -3672,1007488.0,1972-06-07 12:55:00,1974-09-03 17:10:00,55.86634105519247,1.640105894462911,0 -559,267898.0,1972-10-27 19:16:00,1973-08-18 16:11:00,58.18182336097856,0.4672749853394634,0 -5237,24556.0,1970-12-11 08:18:00,1973-11-12 00:01:00,48.8016765448979,0.4770347191873445,0 -7805,776998.0,1974-04-13 04:12:00,1972-09-29 05:14:00,52.02617609377584,1.072934020440794,0 -512,221050.0,1974-05-03 22:25:00,1975-01-08 17:08:00,54.25156332677954,1.279291083325537,1 -1081,45966.0,1974-07-12 21:44:00,1971-03-08 16:57:00,44.90907810497781,0.624710798181239,0 -1664,345974.0,1974-01-29 16:33:00,1972-10-26 18:25:00,55.04725108682919,1.5560748409679712,0 -9204,865733.0,1973-10-24 08:57:00,1973-09-25 16:22:00,52.24192599143619,0.7307788164179552,0 -1931,371988.0,1972-03-25 22:25:00,1975-06-07 21:53:00,39.62525667510207,1.034144709424745,0 -9666,917624.0,1973-10-04 04:36:00,1972-07-27 16:00:00,40.98087716938513,1.6312932322924414,0 -1150,999030.0,1972-08-09 19:38:00,1974-03-09 20:19:00,45.59063750445241,0.5069480508112925,0 -2838,446609.0,1972-09-17 07:21:00,1973-10-18 21:10:00,49.45621198910051,1.1274401617119212,0 -5949,1111218.0,1971-02-08 13:34:00,1971-02-04 11:36:00,42.80139390993374,1.4147994513596904,0 -8308,223027.0,1974-09-03 16:38:00,1974-09-02 06:41:00,45.21564093419976,0.4605842734052809,0 -8932,311590.0,1973-03-12 13:50:00,1971-02-23 00:34:00,55.81464473344592,1.2288569360565271,1 -9788,1126212.0,1974-05-23 13:22:00,,53.100999719052375,1.7126591966136275,0 -5177,472390.0,1971-07-29 16:13:00,1971-07-31 11:42:00,42.12431139996711,0.8854818882698817,0 -830,438860.0,1970-04-08 18:04:00,1974-10-28 16:38:00,47.92342722257459,0.0,0 -8311,407329.0,1972-09-16 11:08:00,1974-08-07 01:46:00,43.83717329159136,0.2320999994191185,0 -4752,241905.0,1970-01-10 05:05:00,1973-01-04 04:11:00,49.501019644579145,0.9295121506028812,0 -9850,1120487.0,1972-12-25 05:02:00,1973-12-04 16:19:00,43.809933537996535,0.6750040703200646,0 -635,691375.0,1974-04-03 14:57:00,1973-02-09 07:47:00,48.09413546665525,0.4595686331893254,0 -4465,641083.0,1970-12-01 16:45:00,1974-04-12 01:57:00,43.16436310955958,1.2222603334655515,0 -6799,164951.0,1973-08-17 14:28:00,1974-11-14 08:58:00,52.52897832842055,0.1527107507183464,0 -7987,940331.0,1973-09-17 18:41:00,1975-07-15 07:07:00,42.10825868669584,1.240087311461357,0 -7079,214138.0,1971-11-29 00:13:00,1975-11-17 10:32:00,42.37163124628933,0.472661093833713,0 -6966,799314.0,1972-06-22 06:28:00,1975-11-11 17:24:00,38.50375618529919,0.9710971795890064,0 -4142,1187249.0,1972-08-09 08:16:00,1974-02-04 18:39:00,43.90520945223468,0.7505962373680498,0 -7027,328729.0,1974-02-10 01:38:00,1973-05-15 12:46:00,49.415557488835056,0.6634960931754476,0 -9183,1024513.0,1972-09-24 04:02:00,1973-09-10 17:34:00,47.21626786890609,1.385320849245263,0 -876,1189186.0,1974-12-04 21:29:00,1973-01-20 11:17:00,40.00776049636213,1.4201433785813675,0 -4869,76572.0,1974-04-08 22:10:00,1972-01-24 20:21:00,45.17489882293047,1.1998310941186865,0 -5315,1094516.0,1973-05-11 09:40:00,1973-07-15 16:28:00,45.577235394054895,0.4975137543203581,0 -5222,178717.0,1970-10-01 16:20:00,1973-10-28 03:30:00,48.8058384354604,0.7226696887575998,0 -4,432011.0,1974-01-04 12:04:00,1971-05-22 06:29:00,51.80129867288685,1.3837826219743643,0 -3051,960848.0,1974-04-21 11:09:00,1971-11-24 15:14:00,45.84425291429028,1.4805018451641214,0 -5691,135247.0,1970-07-03 07:34:00,1971-09-26 15:14:00,50.816889788948,1.797852496521162,1 -3124,260334.0,1973-01-03 19:43:00,1975-08-01 19:35:00,46.06036149437221,0.1654312486547273,0 -2491,236455.0,1973-05-22 08:29:00,1975-07-02 05:06:00,46.40833498760705,0.1351368925305849,0 -3854,724280.0,1973-07-05 06:43:00,1973-03-08 17:43:00,47.92594911794451,1.0043671000962342,0 -4777,93155.0,1970-11-10 10:46:00,1975-01-07 01:13:00,43.19529135931853,0.9808104596337536,0 -7509,208218.0,1972-08-25 21:15:00,1973-09-13 18:41:00,49.245571609056185,0.4287797405150683,0 -6457,1093832.0,1970-11-29 03:28:00,1974-04-23 14:45:00,,0.8459046440569681,0 -6293,366097.0,1971-05-15 23:48:00,1973-01-28 01:49:00,50.588966657018425,0.4092132545100935,1 -1148,634222.0,1971-09-15 02:36:00,1973-06-10 21:59:00,61.62949882032329,1.2566418883918236,0 -574,1132772.0,1972-01-30 19:24:00,1971-01-11 20:36:00,37.01442499213438,1.1273057410999945,0 -3769,251330.0,1970-08-20 11:27:00,1972-02-22 01:16:00,40.27274897094964,0.5611520926050737,0 -4146,653471.0,1971-11-24 19:35:00,1972-05-19 21:03:00,39.539698988778,1.201770299330859,0 -853,999192.0,1974-10-21 05:39:00,1971-01-20 04:29:00,44.528018207624015,0.95138927604711,0 -5919,958459.0,1970-05-17 07:46:00,1973-07-06 08:33:00,50.63760957071448,1.3535714675001151,0 -9358,773378.0,1970-08-31 00:17:00,1972-02-04 04:31:00,43.22141241775265,1.001663858747735,0 -6614,431897.0,1972-06-11 18:42:00,1975-11-25 11:13:00,47.85364620560339,1.367403245146027,0 -6002,96842.0,1972-02-08 20:12:00,1974-08-20 14:33:00,49.31207453478262,0.9576029114163006,0 -9163,655567.0,1971-11-19 10:14:00,1974-01-09 00:01:00,53.78530197566271,1.293038744248847,0 -4495,1090597.0,1974-11-29 06:20:00,1972-05-15 08:43:00,43.56166153543732,0.8039870157421959,0 -8173,181250.0,1970-02-04 03:11:00,1974-05-16 05:41:00,42.44776668693335,0.7601917979706883,0 -6655,336010.0,1971-10-01 05:12:00,1975-10-27 02:06:00,43.20999467739568,1.2071381004251098,0 -2368,88295.0,1970-01-16 23:13:00,1971-09-15 09:16:00,45.53425791106468,1.341827831468132,0 -4780,258129.0,1974-12-26 06:28:00,1975-08-31 20:28:00,46.14039664400674,1.06844001481073,0 -7992,936786.0,1971-08-16 10:00:00,1975-05-27 00:17:00,53.82281324755896,1.17291643414356,0 -2950,862366.0,1970-05-01 21:19:00,1973-12-19 22:45:00,47.73329023908837,1.3912622005999709,0 -5625,986723.0,1974-12-30 04:36:00,1975-06-13 21:18:00,47.48582385083995,1.447790075324562,0 -6971,417448.0,1974-10-21 15:07:00,1975-07-17 14:03:00,40.98345443099882,0.0,0 -8716,1114584.0,1974-01-19 00:29:00,1973-05-21 00:17:00,47.83333459949971,1.9978765181357467,0 -1841,1022499.0,1974-11-13 19:37:00,1974-10-17 08:06:00,51.35118364378267,0.121362015964574,0 -5986,935725.0,1974-02-15 23:10:00,1973-06-23 15:51:00,45.99782108591566,1.0799496116027063,0 -537,1183404.0,1971-04-16 05:33:00,1973-03-14 19:36:00,48.3607495894526,1.6452012809011634,0 -2806,895731.0,1974-01-12 20:04:00,1974-10-30 18:47:00,45.21534504704962,1.1391434210744191,0 -5801,814464.0,1973-09-20 22:33:00,1973-07-25 00:09:00,55.37775123515365,1.1575601627332035,0 -5596,215083.0,1971-09-30 19:38:00,1972-01-05 12:05:00,45.35180275677642,1.4592576486561264,0 -7206,1137235.0,1971-10-11 13:26:00,1975-11-05 07:17:00,53.604816587937634,0.6642510661113377,0 -7343,503183.0,1971-10-03 19:45:00,1972-09-05 15:10:00,49.28105723034104,1.51043219853185,0 -7560,1132602.0,1970-05-03 17:13:00,1971-12-19 07:18:00,50.74026230908808,0.668001016390372,0 -8096,759920.0,1970-08-31 16:07:00,1975-03-18 20:34:00,46.575655222061854,0.5405103988027982,0 -784,157716.0,1970-08-10 22:03:00,1972-10-30 09:01:00,45.26063517111709,1.7519303491565683,0 -1409,1102449.0,1971-03-11 09:23:00,1971-10-31 22:12:00,49.67299698759274,0.3939992675692427,0 -154,303155.0,1970-07-01 05:26:00,1974-10-19 06:59:00,53.97744959501624,0.6070353099852268,0 -7806,887876.0,1973-10-06 12:51:00,1971-06-02 22:28:00,52.175044080686085,1.5541171781366896,0 -3009,295821.0,1973-03-06 00:45:00,1973-11-05 00:35:00,46.657295928428255,1.106017633953032,0 -1686,877553.0,1970-12-15 14:42:00,1974-04-27 19:41:00,51.20663844528501,0.9017179287788566,0 -4014,1079925.0,1972-04-10 21:48:00,1975-03-04 16:53:00,49.91806483374834,1.173545410644898,0 -7455,638978.0,1971-12-12 05:42:00,1974-02-21 21:54:00,50.909184865934,1.1967126535724046,0 -3863,617447.0,1973-08-14 19:29:00,1972-09-21 07:55:00,47.45112939096152,0.4769175523206901,0 -2733,785441.0,1973-05-04 12:33:00,1975-10-25 08:39:00,50.739053997447456,1.2828529974720266,0 -1895,142161.0,1972-05-01 22:15:00,1974-11-29 02:40:00,52.94734828074638,1.1008671727009156,0 -5442,839943.0,1973-04-08 17:18:00,1972-01-02 05:31:00,50.90008895622352,0.7561540503309877,0 -569,1159572.0,1971-07-26 13:06:00,1971-01-10 17:01:00,53.19535645953702,0.708631473792267,0 -6709,1183011.0,1970-10-09 12:21:00,1972-02-19 09:21:00,50.28902345197604,0.9197426068369282,0 -5854,330984.0,1973-07-14 10:18:00,1971-11-24 17:43:00,50.88859679929018,1.1530947019027746,0 -1816,596389.0,1974-03-24 21:17:00,1975-08-31 06:40:00,49.55352651201254,1.464244007678115,0 -8319,338355.0,1971-03-29 11:48:00,1971-04-03 01:56:00,44.15866581649914,0.6878255049596925,0 -3394,801569.0,1971-07-27 19:27:00,,,0.2586875762476215,0 -3327,79171.0,1970-03-21 20:37:00,1971-02-09 13:41:00,50.99026037796652,1.5030621158985218,0 -9982,560868.0,1971-04-02 04:07:00,1974-10-26 07:54:00,51.78442753948124,0.3175029704890181,0 -6102,1024252.0,,1974-12-01 00:26:00,48.15956640508583,1.6027340215110724,0 -2975,553658.0,1974-09-20 17:20:00,1973-04-26 17:58:00,47.80935547830104,2.287225043590208,0 -980,846547.0,1971-02-16 19:12:00,1974-11-01 11:56:00,48.60662676097565,1.7252103456340078,0 -190,325000.0,1971-01-02 11:28:00,1971-05-17 00:15:00,52.02861982009905,0.7355989138294289,0 -9331,893884.0,1971-12-29 01:08:00,1973-05-21 22:13:00,46.7855363420366,1.4532211297773476,0 -5088,324179.0,1971-01-10 20:34:00,1974-09-08 14:07:00,50.33114503610376,1.3990086794519403,0 -699,665550.0,1974-09-20 12:48:00,1974-02-27 10:26:00,47.5725010752837,1.3455215743951774,0 -9759,919099.0,1974-05-23 09:21:00,1975-12-19 13:36:00,53.38232279889564,0.5741901949219175,0 -606,520498.0,1973-05-07 07:21:00,1975-11-13 12:33:00,39.92684925104312,0.7127068798897445,0 -301,143506.0,1974-02-04 05:52:00,1971-08-28 22:09:00,43.42273157888402,1.6279668138949543,0 -3420,48142.0,1974-03-16 17:35:00,1974-09-02 11:33:00,45.34770166775059,1.0694205825786536,0 -9804,385133.0,1972-09-10 09:57:00,1971-04-28 17:28:00,45.71386426837204,1.2637539864473488,0 -1060,993937.0,1971-09-18 00:38:00,1972-04-11 04:51:00,47.620878869417375,1.4722638800051209,0 -3444,475360.0,1971-10-28 03:46:00,1973-06-30 12:03:00,40.852185124682336,1.2666133384464429,0 -1069,110719.0,1974-01-20 10:11:00,1975-04-03 14:51:00,44.55075854792115,0.1248562023576745,0 -2205,1001964.0,1974-07-16 18:14:00,1971-03-09 14:58:00,52.28933453066289,1.4711096369322862,0 -9435,1089299.0,1972-04-11 08:33:00,1975-08-18 19:07:00,47.41627148800308,1.225490298804086,0 -7339,1092566.0,1972-06-06 11:26:00,1973-01-12 07:58:00,51.89664407330356,,0 -8208,135004.0,1973-01-05 05:41:00,1971-05-04 22:30:00,47.2068566981854,1.194739446947282,0 -7679,543971.0,1973-02-20 02:24:00,1972-02-26 08:30:00,57.544936767907714,0.6956845202596167,0 -4642,520689.0,1970-03-27 10:47:00,1975-09-13 12:00:00,45.94012111053585,1.5318857717761054,0 -7683,1145468.0,1974-06-12 01:24:00,1975-10-01 17:07:00,48.7217250521316,0.2541788415587527,0 -9007,446571.0,1971-08-20 11:13:00,1972-06-03 01:50:00,53.68032830605336,1.505685523932836,1 -7996,1051953.0,1970-12-06 18:06:00,1973-03-18 02:24:00,46.61123194947164,1.222614340974483,0 -5600,193217.0,1970-05-21 12:10:00,1974-11-13 20:01:00,56.44275503175144,1.92391723357701,0 -9151,363248.0,1974-05-31 21:23:00,1974-10-03 16:12:00,38.187599202224966,1.169285107245129,0 -7022,733320.0,1973-01-10 02:40:00,1972-06-03 06:28:00,49.29976515118853,1.3728322257795469,0 -4893,937846.0,1974-01-17 18:09:00,1975-03-09 00:52:00,57.26735010709803,1.1870732444697722,0 -225,299301.0,1973-11-07 00:10:00,1974-06-01 16:31:00,55.82579634780046,1.5544704441641717,1 -3354,1114954.0,1972-05-12 00:03:00,1974-07-04 23:23:00,36.43853117262594,1.9158125785390727,0 -5895,106441.0,1972-05-11 03:03:00,1974-02-13 22:59:00,43.66552891747648,1.0901897312132325,0 -8754,1151152.0,1973-10-21 12:55:00,1971-09-20 23:15:00,53.74303747618956,0.6475633175722484,0 -3436,127866.0,1974-05-18 07:00:00,1973-12-28 08:07:00,39.35607926630175,0.5248463628148358,0 -1693,274788.0,1970-09-26 09:45:00,1971-06-02 19:18:00,48.36763407866787,0.6528686982272072,0 -6893,710044.0,1970-07-13 12:10:00,1972-05-28 12:47:00,47.71770888565076,0.8772863619269622,0 -1045,1027495.0,1971-06-15 05:51:00,1975-11-20 17:49:00,52.84119153679708,1.4756577624223808,0 -3446,554260.0,1970-07-01 23:58:00,1971-08-29 03:40:00,52.20420055783242,2.197007480764621,0 -8050,831149.0,1973-12-24 09:02:00,1974-07-28 03:22:00,49.84216607017256,1.5970497888176185,0 -9146,628170.0,1972-01-20 04:52:00,1974-03-09 02:26:00,52.12275844571839,1.3197650926542182,0 -9981,817638.0,1971-02-19 09:32:00,1971-10-03 05:19:00,51.93915042764202,1.047946197977942,0 -4735,275285.0,1973-12-20 13:49:00,1975-05-01 22:42:00,51.64871260587194,0.7078104219070125,0 -4496,33053.0,1973-03-28 13:50:00,1975-02-21 07:39:00,42.38122536662035,1.355802779488366,0 -1218,535446.0,1971-12-11 10:48:00,1973-02-24 18:38:00,49.19931836520424,0.975794522858194,0 -6015,142194.0,1971-05-05 11:15:00,1974-01-01 11:01:00,41.69184178550812,1.4523092902995558,0 -9719,921308.0,1974-04-30 14:22:00,1972-03-21 11:49:00,36.45047882565045,1.718796216096774,0 -3987,435868.0,1973-09-12 18:21:00,1973-12-14 15:33:00,50.77325037394445,1.5916293261494212,0 -4911,472429.0,1973-08-12 11:09:00,1973-04-19 02:34:00,49.61585100006821,1.5109437612326349,0 -9492,833905.0,1971-09-19 18:11:00,1972-06-22 14:05:00,48.75211195571231,1.2394360163930094,1 -4493,354004.0,1974-07-19 01:09:00,1973-04-03 02:36:00,48.50855003323778,1.257536822900451,0 -6944,49936.0,1971-07-12 00:07:00,1974-11-26 08:27:00,55.893586498885256,0.8891992897899827,0 -5699,594735.0,1973-11-21 12:24:00,1973-02-27 02:44:00,54.94952404367351,0.9709450129236,0 -8352,1019464.0,1974-04-15 18:12:00,1973-07-07 13:02:00,52.43397877961913,0.0478614117099203,0 -956,745815.0,1971-09-28 14:41:00,1974-03-05 20:43:00,40.494811043933744,0.7859438463954879,0 -2869,48300.0,1974-11-20 00:46:00,1975-03-09 12:23:00,48.050224632256274,1.184011751256297,0 -4433,663409.0,1972-03-22 06:34:00,1974-03-10 17:40:00,46.68392208011696,1.3381729208213895,0 -4973,784009.0,1970-01-02 15:44:00,,46.03032301971045,1.1071490242221838,0 -2961,492250.0,1974-12-23 18:37:00,1972-02-21 16:18:00,52.563092610900185,0.6432464513043761,0 -2200,402248.0,1974-02-15 14:14:00,1973-02-10 14:28:00,43.16929156449901,0.6914896686017671,0 -98,579802.0,1974-08-10 11:40:00,1971-12-11 20:15:00,50.36234476014703,0.959164892700468,0 -9849,491911.0,1974-01-30 17:03:00,1974-03-07 15:57:00,48.81423234327237,1.4516622646380188,0 -2557,763970.0,1973-10-18 10:35:00,1975-01-19 14:15:00,44.9300734006667,0.3185893323354034,0 -8445,32344.0,1971-08-16 12:35:00,1974-04-02 02:00:00,45.87150845205348,1.5197383107798916,0 -4199,805724.0,1971-08-05 09:19:00,1972-03-14 07:35:00,56.1426634137783,1.2341852169463976,0 -9637,1010399.0,1970-09-20 07:52:00,1971-05-29 14:44:00,57.32973562541646,0.3360027638745421,0 -5539,87495.0,1973-01-18 17:27:00,1973-10-10 01:01:00,47.07356659752468,0.5627958358148721,0 -1648,811632.0,1971-11-10 07:46:00,1972-03-09 11:20:00,49.63781423366432,0.9453638826401242,0 -6197,1180273.0,1970-07-13 04:39:00,1971-07-31 03:56:00,49.21259759359301,0.8792851188914615,0 -6295,1071671.0,1974-08-03 04:47:00,1974-01-17 18:04:00,55.34104146793985,1.5147767599206872,0 -4499,1161997.0,1970-10-02 06:45:00,1971-01-11 02:45:00,40.53340822073468,0.8691042826203282,0 -1154,711532.0,1974-03-20 17:33:00,1971-01-03 18:56:00,44.11313533975555,0.9597995262560232,0 -2255,997644.0,1971-04-21 01:22:00,1972-07-12 21:02:00,49.923822913278265,1.195938096501135,0 -3170,672181.0,1971-06-30 21:23:00,1971-04-28 02:11:00,,1.59735635098867,0 -7400,177420.0,1974-06-23 12:31:00,1972-08-24 08:23:00,40.309983144713335,1.157799967891984,0 -7158,145668.0,1971-04-14 14:08:00,1974-03-23 04:35:00,33.498438631818495,0.9621620078068182,0 -3108,985594.0,1974-12-03 13:49:00,1971-03-13 01:48:00,46.69198240577739,1.95346159835303,0 -4548,1075796.0,1970-03-05 14:23:00,1971-02-16 05:09:00,45.2576259728953,1.7995907878778643,0 -5423,1094788.0,1970-01-12 21:36:00,1973-12-16 22:56:00,48.06528649136395,0.8421652400484481,0 -2049,206038.0,1974-03-16 07:25:00,1971-06-23 15:15:00,45.57648629362876,0.4065965096096464,0 -9208,349592.0,1970-07-27 07:03:00,1973-09-26 06:53:00,49.8244286268454,1.1117133115602242,1 -8815,661197.0,1972-06-02 21:07:00,1973-02-11 21:19:00,54.252252599082645,0.7268004339238594,0 -9797,916941.0,1974-01-13 08:43:00,1971-10-06 03:49:00,38.14831244513172,0.4922714108682124,0 -262,1102848.0,1970-07-30 02:27:00,1972-02-28 21:58:00,51.73900677289414,1.5974991852917846,0 -4061,903120.0,1970-05-03 04:19:00,1971-04-13 00:37:00,52.55777802730085,0.7572294221770905,0 -5534,1197478.0,1971-03-20 06:52:00,1971-07-01 14:18:00,51.89916237457755,0.4510348268474612,0 -6616,796530.0,1974-04-30 00:53:00,1973-02-10 13:23:00,41.39087453638565,1.2720247153151638,0 -8120,636500.0,1974-06-10 12:31:00,1975-05-15 00:11:00,44.95388791820239,1.5182346546943406,0 -8155,230319.0,1971-04-16 06:19:00,1972-03-05 14:58:00,53.17250712646361,0.5263533077049829,0 -1802,765552.0,1971-01-02 04:36:00,1972-04-24 12:56:00,48.84661591436173,1.5451722688718197,0 -4736,690665.0,1973-12-06 19:52:00,1972-08-21 21:03:00,44.3712370866128,1.1939370572272194,0 -2385,509488.0,1972-01-01 08:29:00,1972-04-19 05:03:00,45.78307493275866,0.937324433315584,0 -6694,122748.0,1974-08-16 10:08:00,1971-03-11 22:08:00,55.6718220915925,1.2225346692537875,0 -5759,382696.0,1974-04-18 04:33:00,1972-08-01 22:56:00,42.42387447530746,1.0637555027611787,0 -1959,623529.0,1973-07-08 05:38:00,1972-07-10 05:15:00,40.86646698097195,1.7414882359611972,0 -2976,883254.0,1970-04-22 23:48:00,1971-11-18 20:34:00,56.43985047957388,0.4073646529543817,0 -8680,1141706.0,1971-10-31 06:57:00,1974-07-29 21:47:00,47.18092818594162,1.1102434489988382,0 -1843,254554.0,1970-07-23 14:36:00,1974-03-29 10:08:00,46.042184915810914,0.4859127694757865,0 -1734,700605.0,1973-02-22 15:12:00,1973-10-02 12:14:00,49.703980666918,0.884310856863396,0 -2911,1059632.0,1971-06-22 05:05:00,1975-07-06 03:04:00,54.755320163327,0.2918096812520109,0 -8338,106470.0,1970-09-20 03:01:00,1973-11-11 05:11:00,42.599953871045656,1.34528502847703,0 -1986,403476.0,1973-06-27 06:46:00,1975-11-11 06:44:00,44.57072576007559,2.376912925495466,0 -9561,977376.0,1972-02-18 23:24:00,1974-11-19 21:39:00,34.18773954960926,1.1142914765453955,0 -6546,1112397.0,1971-02-14 20:48:00,1975-03-24 03:59:00,45.103726018376456,0.4635527266805543,0 -7098,525079.0,1970-07-14 17:09:00,1972-08-17 14:07:00,49.86691683263378,1.7451830957547474,0 -2811,,1973-10-07 17:53:00,1975-04-05 01:36:00,52.60576909483312,1.5422306567840922,0 -659,794425.0,1971-05-09 02:24:00,1975-06-28 03:23:00,43.11579815306944,1.2178744413911768,0 -2511,1060487.0,1972-09-20 22:31:00,1974-01-17 05:28:00,46.880128971589606,0.7160952168226296,0 -4282,960158.0,1972-10-19 15:38:00,1973-12-18 23:12:00,47.587630726093664,0.4237944923056134,0 -9339,850919.0,1973-01-17 05:50:00,1973-12-06 05:37:00,48.27297030448906,0.6952285720222408,0 -8800,542098.0,,1975-10-28 17:01:00,48.37368596910356,0.6400678445398185,0 -6287,376699.0,1974-06-10 02:59:00,1975-02-07 02:58:00,51.65706486992994,1.0193067121099522,0 -1930,338507.0,1973-03-22 10:42:00,1974-12-10 15:13:00,46.12050941923744,1.0029008172756233,0 -7125,291113.0,1972-09-24 03:19:00,1974-01-16 03:12:00,46.71673871646158,1.6189659623747483,0 -197,400683.0,1971-11-12 10:41:00,1972-02-10 06:45:00,39.59642903163102,0.5609345119755413,0 -7777,689831.0,1972-09-15 10:43:00,1973-07-19 19:47:00,50.87502683236903,0.5893557413145825,0 -2931,669221.0,1971-08-31 22:05:00,1972-11-10 00:34:00,44.52351544489283,0.3255293619634889,0 -8004,712451.0,1974-01-24 22:23:00,1975-12-11 10:24:00,42.54207227398358,1.4442681736619805,0 -2327,424396.0,1970-11-14 13:14:00,1972-07-17 14:08:00,56.214213067203794,1.068267349982208,1 -4389,724531.0,1973-12-21 07:19:00,1974-10-05 13:12:00,47.76225616549909,1.4440053221934643,0 -8958,698699.0,1970-08-27 14:31:00,1972-10-06 03:43:00,42.5012427527408,1.3111743416107586,0 -4218,797799.0,1973-03-11 12:01:00,1971-12-16 08:56:00,54.50401780547472,1.3729016605372235,0 -202,599311.0,1973-02-03 20:05:00,1975-01-03 13:40:00,40.78172428644148,1.3011838442203902,0 -3510,1032932.0,1972-12-18 03:41:00,1973-06-09 19:55:00,44.82456939615816,0.7031067692090613,0 -4931,297437.0,1972-09-17 11:21:00,1973-08-19 04:23:00,48.084027001703085,0.8845746526365434,0 -5535,992415.0,1973-03-31 13:16:00,1971-02-13 04:33:00,49.25581692543945,0.7961486713320243,0 -5791,401640.0,1972-06-23 14:47:00,1974-12-27 15:50:00,43.90469571637756,1.358006357735595,0 -1707,178425.0,1974-10-19 11:18:00,1974-08-06 19:11:00,49.10018047575428,1.2305551555715832,0 -5172,652180.0,1970-12-28 08:27:00,1975-05-28 05:05:00,47.46763217676389,0.2182606460208321,0 -5249,155653.0,1974-08-07 03:48:00,1971-03-10 18:54:00,42.97768276251786,0.3089492067759839,0 -6528,451765.0,1970-05-22 19:05:00,1971-06-14 00:44:00,51.99728525643096,0.4536128952658691,0 -9848,368628.0,1974-03-12 23:28:00,1972-04-20 03:30:00,50.78319839116034,0.9293970722013856,0 -5855,1100257.0,1974-05-08 03:01:00,1975-01-24 04:05:00,44.442759951846185,0.8347610610031089,0 -8164,994675.0,1971-03-09 09:30:00,1971-12-06 16:37:00,58.998792631423655,0.5588843637023291,0 -854,615716.0,1970-05-11 22:51:00,1971-08-05 15:03:00,54.812213747832885,1.3190953943531047,0 -4737,394742.0,1970-02-04 23:31:00,1974-12-02 08:05:00,44.90357976335049,2.042970727772215,0 -698,832941.0,1973-06-16 05:00:00,1973-10-08 00:15:00,44.826876940770056,1.2008878832912109,0 -3696,715447.0,1974-05-08 12:13:00,1974-07-31 19:39:00,48.05146533158184,0.7482572347560417,0 -1636,727204.0,1974-05-27 15:54:00,1972-04-17 22:26:00,49.82848855326479,0.8500672919041462,0 -7280,281347.0,1970-09-16 00:59:00,1973-03-13 14:55:00,46.16245653583741,1.2481882899476684,0 -7554,980533.0,1971-01-30 21:35:00,1974-01-11 17:02:00,54.99012614033521,0.944392252478934,0 -3581,40209.0,1972-03-09 01:46:00,1975-04-24 23:18:00,47.31678547726425,1.155974735593796,0 -1291,579463.0,1972-08-17 18:15:00,1974-05-19 01:58:00,45.54332827369674,0.1016259847805385,0 -6585,573865.0,1973-07-06 14:43:00,1973-06-23 08:25:00,50.29952867214392,0.979723661943214,0 -1853,475832.0,1973-05-14 15:37:00,1974-05-07 03:58:00,45.860064311752986,0.239447952016801,0 -5232,862729.0,1973-06-24 09:46:00,1971-05-26 08:36:00,54.22977216254938,1.6158906904936434,0 -3763,141430.0,1971-10-04 03:21:00,1975-11-22 08:24:00,51.67920304127628,0.801899427880677,0 -3304,863196.0,1974-09-09 13:44:00,1972-09-24 05:00:00,46.93150050327793,0.3430230302425824,0 -1495,1055620.0,1973-08-14 17:22:00,1975-12-07 17:47:00,41.28667472551098,1.681024164814221,0 -7994,634364.0,1974-10-13 23:34:00,1972-06-17 19:13:00,54.30069767445598,0.6957531673639747,0 -1998,1022368.0,1974-08-23 06:22:00,1975-08-10 11:21:00,46.7666664649506,1.4411458917249496,0 -663,420891.0,1974-05-20 09:24:00,1975-04-23 12:02:00,46.78930072910527,0.752140914947505,0 -3748,511624.0,1972-01-10 11:34:00,1974-05-16 02:13:00,48.51729922805744,1.2919790520715568,0 -4413,415005.0,1971-04-19 12:04:00,1972-01-07 10:27:00,48.58451806157587,1.2930074452472835,0 -5530,791511.0,1973-08-06 14:12:00,1971-01-31 10:06:00,41.95611241402905,1.2759663989704644,0 -5575,1037603.0,1974-04-19 09:37:00,1975-08-27 00:26:00,41.08793919611266,0.7253634026409999,0 -8901,1185503.0,1970-11-03 22:41:00,1975-02-14 09:18:00,45.10768266440478,1.5381125972545626,0 -7526,865381.0,1971-11-13 18:15:00,1973-11-03 05:33:00,54.85862056206501,0.641263245033115,0 -9474,78396.0,1971-02-07 03:21:00,1972-08-01 08:48:00,55.027988943777366,0.775006811135898,0 -5864,342911.0,1971-08-06 00:13:00,1974-08-25 11:09:00,47.89480985144166,1.554386000601207,0 -6776,276055.0,1973-04-19 20:24:00,1971-05-22 14:51:00,54.76331020231435,0.5964775356061937,0 -1306,969206.0,1973-04-24 01:04:00,1975-08-29 20:01:00,51.18272904820469,0.8707057284349269,0 -7392,1098854.0,1970-03-22 04:55:00,1972-06-05 12:07:00,58.41686534352354,0.5447952853893683,1 -5592,630445.0,1971-08-24 08:50:00,1972-01-30 13:20:00,47.17672554677894,0.7899816458350651,0 -9721,850128.0,1973-05-12 13:02:00,1973-02-21 22:22:00,41.00843994675309,0.3476444993969867,0 -1663,470716.0,1970-08-08 08:11:00,1972-02-22 09:59:00,49.45337477354427,1.084586610775381,0 -5450,1105369.0,1972-03-15 15:20:00,1975-07-03 12:49:00,41.24950113872868,0.0,0 -9954,851004.0,1970-07-26 01:00:00,1975-01-30 05:58:00,53.78462995125737,1.0910811200363275,0 -3627,58085.0,1971-07-12 07:01:00,1972-10-15 13:22:00,49.34759427959338,0.9692489569802056,0 -2693,563051.0,1971-02-11 09:43:00,1974-10-16 00:41:00,51.89304817969607,0.6939741059510882,0 -9789,969666.0,1974-01-17 19:23:00,,53.55296370824448,1.018169852644783,1 -5915,148936.0,1972-11-23 07:50:00,1971-11-16 17:01:00,36.31098372387423,0.828303091184031,0 -3157,1030789.0,1972-09-02 03:03:00,1972-01-07 15:11:00,47.82375342316082,0.3274925681374235,0 -6668,1125774.0,1973-01-22 20:55:00,1971-03-06 15:32:00,42.34056826095811,1.0038277797836674,0 -1059,333963.0,1972-02-08 04:47:00,1973-11-18 23:08:00,46.67829642283969,1.2184411271235898,0 -4636,715603.0,1971-02-17 08:47:00,1974-08-18 00:23:00,48.81087345487246,0.5409892499356581,0 -3242,128843.0,1973-10-07 21:19:00,1974-01-17 15:08:00,39.52733880843177,0.4659931567587324,0 -1678,414995.0,1970-10-10 20:46:00,1972-04-23 10:12:00,50.70759551617769,1.1609905090093775,0 -6892,344030.0,1974-11-03 13:29:00,1975-10-05 07:30:00,45.93403173637743,1.485851790846868,0 -6374,820927.0,1973-07-22 07:10:00,1974-06-05 10:11:00,54.9962558749019,1.6014093026588876,0 -7574,745963.0,1971-08-07 08:29:00,1971-09-15 04:23:00,43.73021534503279,0.606331505410987,0 -1757,1193467.0,1972-11-02 22:10:00,1971-09-03 22:41:00,54.67868266593025,0.8105000769773816,0 -6019,362145.0,1972-08-31 22:34:00,1974-07-12 02:36:00,55.061487166439726,1.4880954433121905,0 -5116,725811.0,1970-02-24 00:14:00,1975-07-20 02:41:00,42.69003277309505,0.8340148762863063,0 -8755,929128.0,1970-01-09 00:00:00,1973-06-25 18:17:00,45.876736433782256,1.2186936651357332,0 -7408,289241.0,1974-02-16 20:52:00,1973-08-29 19:47:00,49.962530648032725,0.989070854968248,0 -2790,557182.0,1973-06-28 23:14:00,1974-07-19 00:09:00,48.36243496636801,0.6058195242940327,0 -863,196705.0,1971-03-25 10:13:00,1973-01-31 19:03:00,46.74762593679432,1.3295197033103965,0 -7858,838203.0,1971-03-11 19:25:00,1973-10-07 13:00:00,52.184301709806334,1.338262936203886,0 -1484,786872.0,1973-02-26 10:34:00,1973-03-27 10:32:00,47.36433431208343,1.2969968637060263,0 -7035,1038501.0,1971-10-23 15:51:00,1971-01-03 21:28:00,52.95018113271593,1.00563030629707,0 -7721,954157.0,1972-09-25 02:28:00,1971-03-16 01:31:00,44.76823584066766,1.214747821567482,0 -5977,827633.0,1972-07-07 20:59:00,1974-01-29 17:51:00,54.44162799459449,0.920851008369126,1 -5134,530028.0,1974-09-19 07:35:00,1973-03-25 23:29:00,51.55905837725268,0.9816638569127664,0 -206,80479.0,1970-09-17 21:09:00,1975-11-25 07:30:00,42.49404038249827,0.5670373952780459,0 -4488,813048.0,1974-11-10 16:52:00,1973-12-21 07:13:00,46.05214345176657,0.87414026892704,0 -6938,220427.0,1974-05-08 23:54:00,1974-07-26 18:58:00,48.816893120400685,0.5825926463345746,0 -9062,1116233.0,1971-01-15 16:23:00,1973-05-24 12:48:00,51.34983003708756,2.008649328518193,0 -6910,332617.0,1972-06-26 14:26:00,1975-11-11 12:41:00,47.436903213165046,1.0698822332065474,0 -502,177615.0,1971-06-18 16:35:00,1973-03-21 01:19:00,45.53003477236855,0.3080348779015355,0 -7385,483983.0,1974-04-26 02:14:00,1972-10-13 22:48:00,50.80818043008291,1.657485863951034,0 -1028,586522.0,1974-06-14 14:05:00,1971-03-28 07:46:00,41.14997418164151,1.5468119700642395,0 -3840,550859.0,1973-04-02 11:45:00,1972-12-28 13:37:00,44.592384120817705,1.7992425308418856,0 -8110,697227.0,1972-05-16 15:25:00,1973-02-16 12:36:00,47.04699371476193,0.0,0 -5056,988611.0,1973-05-20 08:45:00,1975-06-01 22:37:00,46.68574161421751,0.4069839113605882,0 -9762,723538.0,1971-07-11 00:59:00,1971-01-08 11:34:00,51.57464518309143,0.7079191276582886,0 -8154,345887.0,1972-11-09 11:51:00,1973-06-19 14:53:00,48.7570723817736,1.041130113403712,0 -2731,495989.0,1970-07-17 09:13:00,1973-11-12 08:37:00,43.00655813010714,1.3106870984622885,0 -8996,624737.0,1974-11-24 05:30:00,1975-06-01 19:05:00,39.04006456596266,1.8969989033423276,0 -2454,926020.0,1971-01-12 07:33:00,1975-09-26 06:03:00,49.37785251836223,1.494564566317114,0 -7215,261010.0,1970-03-03 06:02:00,1971-02-17 22:11:00,50.60049308495186,0.3089483110845574,0 -3104,596395.0,1974-11-10 02:28:00,1974-01-29 12:20:00,51.82650052242021,1.2093565210461514,0 -8392,1132925.0,1972-11-27 11:08:00,1972-01-12 00:58:00,,1.2106187991997557,0 -6278,1063221.0,1974-04-06 10:43:00,1974-07-13 15:45:00,37.98626616921156,0.9612039937631848,0 -3099,141921.0,1973-02-17 14:36:00,1975-03-11 23:22:00,48.51134322553701,0.5452873268946636,0 -6184,379995.0,1973-06-21 19:07:00,1973-08-18 05:53:00,58.676625706009695,1.179175746609968,0 -3561,143232.0,1973-09-09 10:39:00,1971-03-15 05:16:00,48.470331520789045,1.5607436145217983,0 -5892,918928.0,1974-11-16 21:23:00,1973-04-01 18:40:00,48.03292467241112,1.3797076182350576,0 -391,978340.0,1971-04-06 16:13:00,1972-08-17 15:41:00,52.46309319720707,0.4950891010729843,0 -6736,285059.0,1972-03-12 16:44:00,1974-11-02 16:13:00,48.11927393437751,0.972632494158742,0 -5618,716781.0,1970-01-08 17:34:00,1972-01-17 23:15:00,47.75235514909734,1.3437204782975638,0 -5258,1129882.0,1972-02-04 07:48:00,1973-09-05 09:48:00,42.23261202879986,0.5344149203113777,0 -9687,216601.0,1970-04-02 20:36:00,1973-09-30 01:48:00,49.59528997265298,0.8015694713178358,0 -2695,373028.0,1974-02-15 22:32:00,1974-04-12 18:12:00,44.22238347316933,1.2401428561984822,0 -2027,996309.0,1972-08-24 03:07:00,1975-10-14 04:53:00,42.140566586622064,0.3345488607082719,0 -5463,133049.0,1972-05-31 18:00:00,1972-09-13 15:41:00,47.219930351843104,0.8482427871636206,0 -2568,273941.0,1972-06-24 04:12:00,1971-12-06 20:44:00,43.92928293345032,0.1622830246196478,0 -8006,1001215.0,1974-01-22 22:56:00,,54.15424378915965,0.6359842153935573,0 -64,487372.0,1974-11-26 09:49:00,1975-03-01 10:29:00,51.25153652561659,1.8748834150733256,0 -2062,532002.0,1971-11-07 07:10:00,1971-08-25 04:49:00,53.23851599721699,1.2970249529743614,0 -5276,961644.0,1972-07-19 00:00:00,1974-07-31 18:24:00,46.17364966404293,0.7746883477918077,0 -7208,158621.0,1971-07-20 20:50:00,1972-04-12 00:49:00,44.56999400504713,0.8858161500328589,0 -8684,270584.0,1972-12-26 02:07:00,1971-12-05 03:18:00,46.77615451224563,0.8935960561826083,0 -8571,199867.0,1973-06-19 07:13:00,1974-02-02 23:58:00,49.82925472791577,0.5799818549651683,0 -6331,381291.0,1970-10-30 14:46:00,1973-01-28 07:55:00,44.23740864572833,0.1474553988401574,0 -4859,19331.0,1971-03-27 12:08:00,,52.82252324587176,0.0,0 -4887,662465.0,1973-01-10 20:51:00,1972-12-01 21:20:00,54.34963751752706,1.562734145872675,1 -9268,207036.0,1971-04-14 18:12:00,1974-10-23 09:48:00,49.14504996863427,0.7286441048225973,0 -878,1177543.0,1971-06-07 14:38:00,1972-04-15 09:42:00,47.363837839266,0.881317203327149,0 -8529,1114872.0,1973-10-17 04:45:00,1971-06-29 05:07:00,43.95359549583228,1.6786525539893753,0 -7916,169528.0,1970-06-07 11:36:00,1973-01-30 13:51:00,40.96776210247891,0.0,0 -6863,1023536.0,1972-02-13 15:58:00,1975-12-10 03:27:00,37.07149513963578,0.7749881792428459,0 -7892,1108654.0,1974-06-08 21:11:00,1973-11-19 00:32:00,51.59567242374845,1.227759707685891,0 -6439,398998.0,1972-07-28 05:20:00,1971-02-14 23:47:00,43.41424265529228,1.3326875593086591,0 -7869,182254.0,1973-03-03 18:57:00,1975-08-16 02:48:00,36.22941044704838,0.9258653618328574,0 -1016,732800.0,1974-10-09 07:53:00,1975-06-10 14:25:00,47.72762845399858,1.4209780099534124,0 -9467,353796.0,1974-09-01 15:02:00,1972-12-23 18:49:00,56.3900401625596,0.0176106631575267,0 -7629,135972.0,1971-03-26 10:16:00,1972-10-21 02:12:00,46.19015949369769,1.1413576889473127,0 -995,256472.0,1972-05-20 03:24:00,1973-12-14 16:58:00,48.40580300226173,,0 -4297,32841.0,1973-02-18 08:07:00,1974-09-27 17:58:00,36.09020972099955,0.6948997256920248,0 -161,23193.0,1972-11-13 23:24:00,1972-09-06 10:09:00,52.64718265661059,1.1888644213643729,0 -5675,1193690.0,1970-04-19 20:31:00,1973-04-24 23:39:00,43.01190634479654,1.338462170983482,0 -6873,560005.0,1973-12-22 15:40:00,1971-06-16 10:53:00,42.95248998161868,0.8823449934307085,0 -9692,1040350.0,1974-10-21 23:33:00,1972-03-20 03:58:00,48.2899919567988,0.757169985527754,0 -7989,242013.0,1972-04-12 09:29:00,1973-10-24 09:45:00,51.19247024101158,0.6309810264137256,0 -3843,857775.0,1974-06-01 19:45:00,1975-08-12 00:04:00,62.36417555983586,1.1901745049884531,1 -1021,547941.0,1971-09-14 06:35:00,1971-10-29 05:53:00,47.46929604433384,0.9251086562099128,0 -3073,1059675.0,1973-07-25 20:03:00,1973-09-09 14:10:00,49.744253967254735,0.0,0 -7555,84585.0,1970-11-17 12:18:00,1972-11-17 10:15:00,52.78685916946824,0.7851644549944038,0 -3943,891954.0,1973-05-02 19:34:00,1974-06-24 23:44:00,45.75001581332107,0.8943677493361495,0 -1585,483697.0,1971-11-05 21:55:00,1975-06-11 23:54:00,47.73073927451628,1.8896930419918505,0 -3152,995009.0,1972-03-30 16:36:00,1972-04-17 20:55:00,49.78999311184213,1.160187244559935,0 -8226,291821.0,1973-11-10 05:06:00,1974-03-06 01:03:00,51.55969315615532,0.4785043534850178,0 -775,241589.0,1971-01-26 13:16:00,1972-10-23 02:59:00,52.06685176152195,1.0130672168021213,0 -9670,108105.0,1972-09-06 22:39:00,1972-07-13 20:00:00,37.075494494820106,1.2578673053919096,0 -7099,758017.0,1971-02-21 02:50:00,1972-09-25 17:09:00,48.27297442049538,0.0653123804967245,0 -5486,1185023.0,1974-10-24 16:33:00,1973-11-12 08:04:00,52.57238838645817,0.1127431144881205,0 -6235,347968.0,1971-06-01 17:42:00,1975-06-09 10:29:00,45.8569300055748,1.1658609678590923,0 -9555,806250.0,1973-09-11 19:31:00,1972-02-18 02:44:00,53.93635734375928,1.4408785969065456,0 -7041,453032.0,1974-12-21 03:07:00,1973-05-28 11:32:00,39.591405256270576,0.436857870084639,0 -2612,330833.0,1970-01-12 14:47:00,1972-07-02 14:18:00,50.20164863041967,1.7517849096000673,0 -7513,548853.0,1970-07-19 22:20:00,1972-10-17 00:35:00,53.453239060595685,0.796437884426204,0 -8433,1159688.0,1974-05-02 23:18:00,1973-10-08 03:17:00,44.6983978547534,0.4345131126131188,0 -8792,491886.0,1971-03-21 22:00:00,1974-04-26 12:30:00,55.68270474221276,1.5424876365410771,0 -5393,421880.0,1973-09-16 11:47:00,1972-07-07 00:24:00,54.73092053784319,1.0951282068062385,0 -8838,210178.0,1970-04-06 02:59:00,1971-07-15 05:39:00,51.10890045113148,0.7214817009921499,0 -3890,232270.0,1970-12-13 10:06:00,1971-03-25 11:32:00,49.1593707599606,0.454322140545874,0 -3556,205984.0,1972-04-14 13:48:00,1971-09-09 23:32:00,56.79320056810337,0.8125188857808644,0 -1528,518864.0,1973-01-06 05:53:00,1972-03-13 06:35:00,48.81680665051885,0.884213826267461,0 -1267,880221.0,1971-04-18 14:41:00,1971-10-04 17:06:00,48.78476416075285,2.334757354462216,0 -7734,874693.0,1974-05-25 11:39:00,1975-10-27 12:43:00,48.809423893516254,1.1681937574885826,0 -1899,146775.0,1973-07-02 05:07:00,1973-11-02 12:20:00,53.71320826777707,1.728207691539029,0 -4658,893441.0,1972-02-19 07:02:00,1971-02-16 08:59:00,47.55799125704885,0.8293263183961799,0 -3005,308840.0,1974-06-08 10:06:00,1973-06-01 15:45:00,50.87283882583466,1.8120662717430769,0 -2734,486475.0,1974-10-08 18:00:00,1971-09-23 12:34:00,53.22554337388265,0.5036502022844344,1 -189,715381.0,1971-02-17 09:20:00,1974-09-14 04:46:00,48.0266560060503,0.7054649974151144,0 -9167,678024.0,1972-02-17 14:38:00,1972-08-06 04:30:00,40.66641878324776,0.2535580125266142,0 -2747,607512.0,1973-10-31 04:57:00,1972-08-16 12:01:00,45.61822610002208,1.7719994108799422,0 -2047,454665.0,1972-06-04 14:46:00,1974-12-11 08:13:00,37.0591962076617,1.3486404958787102,0 -7849,744007.0,1973-09-09 20:17:00,1974-05-08 17:07:00,41.53992693450077,1.982537955786135,0 -2558,390269.0,1970-04-15 02:10:00,1975-01-23 14:00:00,43.288416951341205,0.7533939228525304,0 -9274,472448.0,1971-11-11 17:56:00,1971-11-21 18:31:00,48.81871003570114,0.76137737836747,0 -8666,449631.0,1973-04-24 12:27:00,1972-10-26 00:14:00,42.05989823147095,1.036996607477611,0 -6396,454250.0,1970-05-18 10:25:00,,46.06746689225858,1.3792375372095735,0 -3385,645743.0,1971-03-17 19:45:00,1972-07-29 20:32:00,49.60977930111248,1.1274101237311842,0 -4555,250014.0,1973-11-09 16:40:00,1971-06-11 19:35:00,50.16677145626183,0.6267780710287674,0 -1184,438336.0,1971-02-24 18:07:00,1971-04-14 12:19:00,37.60222568270915,0.7424485549877647,0 -6420,849310.0,1972-12-20 19:30:00,1971-11-09 08:06:00,58.775715207811686,1.1698379105457608,0 -5051,303700.0,1971-10-27 16:45:00,1972-05-19 01:00:00,45.9997507195332,0.5067825527822172,0 -5311,629498.0,1971-09-03 22:59:00,1971-06-27 15:00:00,55.56713195954341,0.5608143720237966,1 -2433,1150251.0,1974-05-11 07:45:00,,53.84247638177909,1.0925665622080167,0 -6949,735391.0,1971-11-04 17:09:00,1973-06-18 18:34:00,47.78200702444866,1.9408935016588849,0 -769,699179.0,1972-07-18 15:19:00,1975-11-17 20:20:00,41.36800547763293,1.4399241656433004,0 -1685,997916.0,1973-12-23 04:58:00,1972-07-22 15:54:00,45.298863516251046,1.6204257078222497,0 -8322,149788.0,1974-12-02 14:57:00,1972-08-04 23:04:00,46.975600591724216,1.0765747741409573,0 -5578,822941.0,1971-02-15 23:19:00,1975-01-11 15:45:00,41.23200455333878,0.1798171014984704,0 -4426,429443.0,1970-08-16 14:06:00,1971-01-21 12:07:00,41.49076413622005,0.3806399301875022,0 -466,137423.0,1973-11-22 06:23:00,1975-01-12 07:08:00,44.43418170503028,0.2700423826820537,0 -6265,800172.0,1972-10-12 00:31:00,1974-08-18 10:33:00,45.980365382336345,0.894088209771897,0 -5734,183821.0,1973-02-19 07:27:00,1972-11-26 17:45:00,56.29022853787018,0.6144207390821885,0 -5191,6264.0,1970-12-11 06:09:00,1971-12-06 01:13:00,45.40976718860901,0.7325557597349832,0 -5390,125262.0,1970-04-12 18:12:00,1975-09-25 15:50:00,41.67463189681192,1.39214395061869,0 -860,661090.0,1974-06-19 03:06:00,1974-01-07 18:35:00,60.88446177841223,0.8483891906717292,1 -7270,431983.0,1970-11-19 20:42:00,1971-03-03 11:58:00,45.38241531349253,1.1971288022042472,0 diff --git a/tests/test_data/synth_splits/val.csv b/tests/test_data/synth_splits/val.csv deleted file mode 100644 index f1d3c004..00000000 --- a/tests/test_data/synth_splits/val.csv +++ /dev/null @@ -1,2501 +0,0 @@ -Unnamed: 0,citizen_ids,timestamp,timestamp_outcome,pred_hba1c,pred_hdl,outc_dichotomous_t2d_within_30_days_max_fallback_0 -6252,624928.0,1971-01-16 11:23:00,1973-07-20 01:33:00,46.494502114401655,0.9226036951249316,0 -4684,402001.0,1972-12-06 14:20:00,1971-02-18 20:12:00,40.2629026563052,1.4722088809157563,0 -1731,229161.0,1973-06-20 21:58:00,1975-05-30 07:42:00,39.69192391084784,1.4137301949808847,0 -4742,1077658.0,1971-05-06 17:06:00,1972-08-26 01:08:00,46.40646112666928,0.8572991024863743,0 -4521,778385.0,1973-01-03 02:42:00,1972-07-31 00:19:00,45.83151629303998,1.319840325847366,0 -6340,539839.0,1972-11-29 14:15:00,1974-01-26 14:30:00,50.10568941437695,1.223686481317588,0 -576,780927.0,1971-04-10 13:50:00,1975-04-29 20:24:00,57.87980469207493,0.4403163813178633,0 -5202,42787.0,1974-02-07 09:37:00,1973-12-10 10:21:00,50.62835256755258,1.7200117528955257,0 -6363,760108.0,1974-12-02 14:47:00,1972-10-21 01:16:00,46.31629201116319,0.2192163425148513,0 -439,473834.0,1971-12-26 16:39:00,1973-07-12 21:03:00,49.374367224894286,1.0319170301967664,0 -2750,1087552.0,1973-02-17 14:06:00,1974-07-17 03:04:00,51.36825148288811,1.1927761222915956,0 -7487,71178.0,1971-04-01 06:27:00,1972-04-23 05:22:00,45.55996547355919,1.372211413318995,0 -5272,35519.0,1971-09-09 20:50:00,1973-02-07 19:57:00,41.44883780575532,1.3169220259343577,0 -5653,888434.0,1973-11-28 09:26:00,1971-01-08 09:23:00,46.7731956918087,1.2914990902962111,0 -3999,840762.0,1972-02-27 15:56:00,1974-12-25 06:17:00,53.32788962240123,0.8266060492632752,0 -6033,385564.0,1973-10-06 21:08:00,1972-08-18 19:40:00,38.66527150276777,1.5988471191964853,0 -582,1127239.0,1970-08-29 01:01:00,1974-12-23 12:31:00,44.40084077957523,1.1079470142174497,0 -9930,103049.0,1971-02-26 06:52:00,1974-05-18 03:41:00,54.30028808517672,1.0158404497223752,0 -7051,356096.0,1972-10-22 22:35:00,1971-10-12 01:23:00,52.83296464360834,1.3701068705892991,0 -8158,238142.0,1972-12-14 01:27:00,1973-03-13 22:32:00,45.80268800533484,1.633468486023948,0 -9896,631706.0,1972-08-24 05:48:00,1971-07-12 08:24:00,42.31107033628945,1.31072616171385,0 -2249,152883.0,1971-04-04 22:12:00,1974-10-21 10:26:00,46.18005393023418,0.4683850562868243,0 -4640,1162401.0,1974-12-22 01:08:00,1975-08-05 17:50:00,50.25021145421512,1.1370146596866393,0 -9485,302009.0,1971-01-13 07:26:00,1974-04-06 04:26:00,45.40845987957479,1.9864859808325592,0 -4947,577276.0,1971-04-12 18:43:00,1973-01-21 03:33:00,40.83080090473444,1.150054403186959,0 -9920,636203.0,1970-10-13 04:15:00,1971-08-22 17:40:00,43.44691925326367,0.8251847784509633,0 -1963,309879.0,1974-02-26 20:34:00,1973-06-12 14:41:00,50.98411378833712,0.4442052691680991,0 -8243,60189.0,1971-12-22 19:12:00,1974-04-25 17:34:00,55.01234979655359,1.0463696936974385,0 -6590,609879.0,1973-05-19 17:48:00,1971-01-29 08:41:00,48.203352292832726,0.7834749693341769,0 -8847,1052735.0,1974-07-18 19:33:00,1972-06-15 00:33:00,49.01036705332265,0.9349251504074472,0 -321,366697.0,1970-01-31 05:28:00,1974-03-13 02:28:00,49.56565449695613,1.7727832673576394,0 -2678,952206.0,1973-11-29 18:30:00,1973-01-11 18:38:00,46.869497757406975,0.0180380881891186,0 -4625,805031.0,1973-12-20 11:58:00,1971-03-16 05:13:00,43.07623694463513,0.5397634079019952,0 -4949,964804.0,1974-06-11 02:46:00,1973-07-13 13:09:00,45.27279737615335,1.1806792278412717,0 -8328,574759.0,1971-02-16 02:39:00,1973-01-07 20:07:00,53.61345638844456,0.978680872228058,0 -3337,347816.0,1972-07-21 11:17:00,1973-06-12 17:34:00,41.74891695170193,0.3991808112163995,0 -5589,93771.0,1971-07-16 12:06:00,1973-02-01 18:23:00,55.28090347873427,0.1659193910366095,0 -251,301535.0,1970-10-29 13:33:00,1974-05-21 16:07:00,55.74958147480408,1.3617232579571767,0 -3973,270813.0,1970-10-06 19:47:00,1975-06-07 10:59:00,43.46315074462318,0.9848878703108412,0 -6630,949258.0,1974-11-02 07:50:00,1975-09-07 05:36:00,51.76414768009536,0.5030991844299224,0 -5547,14718.0,1972-03-15 05:03:00,1971-01-06 13:35:00,42.05637462677039,1.2300863782035596,0 -35,524834.0,1973-11-15 15:27:00,1973-01-08 22:51:00,49.76011539498073,1.5091211624785847,0 -8362,885601.0,1971-10-15 23:34:00,1974-08-19 22:12:00,48.9754368577244,0.37590790523439,0 -1513,962348.0,1971-09-05 21:34:00,1974-10-21 03:08:00,38.70394831621556,0.7071552033877392,0 -9317,1061398.0,1970-11-11 16:41:00,1974-03-13 15:47:00,52.68419452384747,0.6403034711902595,0 -39,917401.0,1970-05-17 03:01:00,1971-04-19 20:52:00,48.83384698392968,0.8672673155292765,0 -4819,350891.0,1973-08-18 06:57:00,1974-10-22 15:20:00,38.88346798411304,1.74477760086511,0 -3465,52914.0,1970-09-24 12:26:00,1973-07-27 05:39:00,44.39728253168214,1.3521049173552118,0 -1760,302905.0,1971-05-08 09:00:00,1975-07-11 09:44:00,,1.986062326855296,0 -2304,943481.0,1971-06-28 09:02:00,1971-07-21 19:36:00,56.91434793710589,0.5115519592807856,0 -3723,1130357.0,1971-05-03 14:46:00,1974-04-15 17:07:00,51.66438438190536,0.6724035970729729,0 -8284,809385.0,1970-10-16 21:08:00,1972-01-19 16:41:00,49.26837170296032,0.7105014738913618,0 -4993,583429.0,1973-08-29 04:16:00,1974-01-13 15:11:00,51.84758810951426,1.5190485886542249,0 -8127,1101551.0,1971-02-11 17:46:00,1975-04-24 11:35:00,48.86840602826743,0.91706160461672,0 -3032,582804.0,1971-02-11 14:47:00,1974-06-14 02:11:00,54.60431032908214,0.7835748784520101,0 -7938,898767.0,1970-06-06 05:29:00,1972-12-14 23:39:00,34.61309365138468,0.9742984977513832,0 -3039,983658.0,1970-05-05 08:34:00,1974-11-18 15:05:00,49.82045373439807,0.6062779524494257,0 -9655,665679.0,1972-07-05 20:07:00,1974-03-03 21:21:00,39.9746248713828,1.5532851876118432,0 -2545,862560.0,1972-04-17 18:26:00,1971-05-25 13:04:00,47.52131512305081,1.2767472455726616,0 -2592,981019.0,1972-08-04 18:13:00,1972-05-31 07:13:00,44.420447454725874,1.543648388641462,0 -1188,299256.0,1970-05-09 00:28:00,1974-07-13 14:46:00,45.05589909861751,1.1731837157958882,0 -7966,178629.0,1973-10-03 08:55:00,1972-07-16 06:42:00,46.60910234024717,0.8889169805507705,0 -6077,604467.0,1974-10-10 15:47:00,1973-07-22 14:14:00,46.72711759392928,1.3130951144657534,0 -107,126543.0,1970-09-19 10:28:00,1973-11-04 16:49:00,47.90483346100464,1.161721821484059,0 -1315,955224.0,1973-05-16 11:55:00,1974-01-31 00:37:00,50.12207098662834,2.130096134150084,0 -8187,1429.0,1974-02-25 16:42:00,1971-12-16 09:52:00,41.347611393720086,0.6743138013469837,0 -2753,1026761.0,1972-08-31 09:19:00,1971-05-30 21:30:00,35.20074804091548,0.961843049132968,0 -9753,107838.0,1973-06-11 23:31:00,1971-08-20 08:21:00,49.89232187661024,1.1643628625694702,0 -6231,604110.0,1970-02-02 12:53:00,1975-09-06 19:24:00,47.147453363091735,0.4707240150985927,0 -2876,696952.0,,1972-11-12 18:54:00,42.0578952989977,1.2282064014912757,0 -5323,816301.0,1974-09-18 13:00:00,1975-03-12 02:35:00,49.43849943415578,1.3827142171903155,0 -799,749279.0,1972-08-04 00:50:00,1971-09-22 04:53:00,48.14198597220166,1.3247566814405116,0 -3570,1048180.0,1971-12-03 18:26:00,1974-07-31 05:44:00,47.14760780491808,1.3720693189471336,0 -2894,62358.0,1972-11-06 22:13:00,1975-10-25 05:10:00,41.27161082532608,1.312083532049673,0 -2927,1064822.0,1974-03-22 12:38:00,1973-05-20 20:01:00,51.900238809811086,0.8549261787470315,0 -8178,924094.0,1970-02-25 22:30:00,1972-11-15 23:09:00,45.18248647906734,2.0737768054388552,0 -971,25937.0,1974-07-04 21:42:00,1974-05-03 18:53:00,49.1916710863107,0.7290132945141107,0 -6687,131007.0,1970-07-05 15:15:00,1973-01-31 03:24:00,50.648191143549454,1.1458864701687754,0 -8575,372241.0,1972-03-25 18:08:00,1973-03-11 04:05:00,51.08404865809046,0.0,0 -2020,70170.0,1970-04-01 20:51:00,1975-12-17 03:28:00,46.62506196875484,0.7925062806220988,0 -9054,420110.0,1974-05-28 00:18:00,1974-11-07 13:54:00,43.29406444757612,0.3194492062958199,0 -952,958682.0,1970-04-29 21:27:00,1974-01-19 21:18:00,52.36410874539552,0.8422631231716771,0 -5359,138711.0,1974-10-14 12:43:00,1972-07-19 01:27:00,51.729531736890166,1.2277527076647023,0 -3857,548160.0,1974-03-08 05:34:00,1972-08-18 18:20:00,46.42297775942256,2.126168802230926,0 -5861,917421.0,1973-12-11 21:46:00,1971-07-27 21:15:00,46.84944185201588,1.0378944890920787,0 -3145,152786.0,1972-06-15 02:21:00,1974-07-22 21:29:00,49.85044455128793,1.2021744416525175,0 -3305,984258.0,1972-10-08 09:37:00,1971-02-13 07:35:00,49.98371288846609,1.4056410245776307,0 -3006,969673.0,1973-12-26 22:19:00,1974-02-12 18:35:00,51.941162246047696,1.2802502960538171,0 -9001,155799.0,1973-10-06 21:15:00,1973-02-11 13:59:00,49.79105594927836,0.0155770595242188,0 -7770,121118.0,1973-04-15 13:45:00,1974-02-20 08:09:00,54.2879202767423,0.8878135127471131,0 -7438,1124937.0,1971-05-24 01:13:00,1971-01-18 22:12:00,49.85330479249188,1.4339592209669791,0 -7942,854110.0,1970-03-22 17:26:00,1972-11-17 15:30:00,44.565577675156455,0.2727355393582736,0 -9238,1081190.0,1970-01-27 18:34:00,1972-10-23 15:42:00,53.13924741610032,0.7372035829846992,0 -1056,773723.0,1972-12-03 19:30:00,1975-10-11 17:41:00,43.34629592933142,0.1947838992987869,0 -3154,953721.0,1973-04-30 01:57:00,1974-04-16 17:47:00,45.41271073444631,0.5608989400343551,0 -3787,513065.0,1972-09-07 23:49:00,1975-08-14 23:22:00,48.17184167506162,0.6999992814417193,0 -9189,315062.0,1974-05-19 19:52:00,1972-06-20 21:54:00,43.34284253050715,1.4553859736634136,0 -7825,952939.0,1970-10-27 10:10:00,1972-10-29 08:10:00,43.90130961084325,1.6470616142807477,0 -7539,302205.0,1974-07-31 20:00:00,1972-06-30 12:48:00,44.29665291116006,0.5108023782266216,0 -7231,529841.0,1974-01-11 01:28:00,1972-09-05 10:32:00,42.74631221682739,0.5921453479598215,0 -764,1084379.0,1971-02-04 11:13:00,1971-11-01 17:23:00,45.6674965135048,1.5889748913450277,0 -5019,843696.0,1971-02-10 05:55:00,1971-06-12 17:15:00,54.62400263239855,0.556406990816407,0 -4903,1020116.0,1972-09-25 21:58:00,1971-12-13 12:44:00,35.70104959147801,1.5828156494272252,0 -8093,36476.0,1971-03-04 00:44:00,1974-05-10 14:50:00,43.54347704749015,0.5853833886732938,0 -6843,947101.0,1970-07-12 07:55:00,1972-12-29 10:55:00,45.64770984668174,0.2998421079453163,0 -2165,869944.0,1973-10-17 00:02:00,1972-04-30 05:18:00,38.9397482855019,0.3540504177608894,0 -1862,876220.0,1970-01-21 11:25:00,1975-11-27 18:17:00,41.81475634549497,0.3548621307602688,0 -7850,80292.0,1972-06-20 17:22:00,1973-04-26 19:14:00,50.70324816326313,0.4912421286365666,0 -9123,325590.0,1973-07-01 11:29:00,1974-07-14 22:09:00,40.47334719057266,1.3559005975429956,0 -2340,299605.0,1973-06-10 00:23:00,1974-01-12 15:47:00,45.90819802819601,1.311149520569252,0 -5527,1087632.0,1974-04-30 08:34:00,,43.746861571517535,0.2497191022555405,0 -6743,892933.0,1974-07-24 17:10:00,1975-05-25 03:05:00,54.18532968767851,1.648862063355271,0 -4003,728483.0,1971-06-03 04:56:00,1975-03-24 16:47:00,47.18787842826288,1.3853553345675085,0 -1123,239119.0,1971-07-18 13:23:00,1973-11-17 03:20:00,53.660979656857606,0.2509095015297692,0 -8709,1123353.0,1971-05-28 13:40:00,1974-03-28 22:54:00,48.707593575995965,1.1789208807239695,0 -4049,610957.0,1972-06-01 02:04:00,1972-04-22 21:14:00,44.97558417342236,1.2960865066043683,0 -7640,387756.0,1973-04-16 08:10:00,1971-04-21 16:08:00,42.895738247919454,1.1387259954503988,0 -765,250473.0,1970-11-23 14:20:00,1971-03-05 11:26:00,50.74908089684813,1.2143623566178057,0 -2344,1116619.0,1974-03-03 19:55:00,1972-09-16 00:41:00,51.204257818222686,0.3979918064996803,0 -4071,472269.0,1972-07-14 03:22:00,1973-09-29 03:48:00,51.56931040088756,0.9235194973062426,0 -7216,1145649.0,1973-03-03 20:01:00,1974-08-24 02:31:00,49.30688250821808,0.9071640338031964,0 -4216,581900.0,1972-05-06 15:11:00,1974-09-09 07:43:00,41.49211115462681,1.3585651337681195,0 -7952,346516.0,1970-08-24 22:06:00,1974-03-30 12:08:00,51.369730849105615,1.4695973945014196,0 -5970,1010001.0,1974-06-15 10:38:00,1971-09-08 03:55:00,48.83356129565306,1.4930976229540494,0 -3350,1127977.0,1973-07-08 07:12:00,1971-11-15 08:56:00,50.84199995620158,0.827622082795718,0 -4695,315447.0,1970-06-27 11:34:00,1975-08-10 17:43:00,45.00268084059952,1.0143447679331297,0 -3399,123593.0,1972-08-26 00:44:00,1971-08-05 05:38:00,50.15876114718107,1.2366682147883428,0 -4081,375996.0,1971-05-27 19:09:00,1972-02-09 13:31:00,52.86773179417323,0.766955018911184,0 -9149,957920.0,1970-02-09 14:08:00,1973-05-11 10:43:00,49.94634030793105,2.179839872347733,0 -1224,45631.0,1973-07-29 06:10:00,1973-12-05 22:23:00,49.91629067889271,1.1985261202480344,0 -6292,283513.0,1974-03-30 01:36:00,1975-01-23 06:50:00,44.517427894846136,0.9719819070707516,0 -3122,1112152.0,1973-10-21 11:02:00,1973-04-26 05:18:00,58.02227536743136,0.0129998520339905,0 -510,930711.0,1970-10-24 07:25:00,1972-04-03 19:20:00,57.965691549050426,0.6412915201125606,1 -5794,771661.0,1970-02-04 16:06:00,1971-09-19 05:03:00,53.49850465822241,0.4321945265861259,0 -8181,1112413.0,1972-10-12 04:17:00,1975-09-09 12:52:00,45.7406483674223,1.336430743014132,0 -9417,767604.0,1971-11-01 14:59:00,1971-06-26 04:41:00,43.18564385946903,0.5943294003577961,0 -96,373727.0,1973-09-29 09:38:00,1972-02-26 00:49:00,38.57018312131188,0.8992152014010412,0 -6681,631150.0,1970-02-14 10:37:00,1973-10-11 22:12:00,48.16245567378131,1.4833258126185718,0 -1512,767137.0,1973-11-08 13:05:00,1975-08-28 06:21:00,48.9979643718032,0.9339634475233544,0 -8791,742199.0,1974-03-18 03:59:00,1973-12-14 07:18:00,56.07361392727101,1.1353191458239889,0 -119,811747.0,1972-09-21 22:14:00,1972-04-17 14:19:00,55.93938632871385,0.7602849801953413,1 -7791,289848.0,1974-07-14 10:44:00,1973-10-13 02:53:00,54.29594300053114,2.266004835500027,0 -6517,466984.0,1971-04-26 13:25:00,1974-01-09 12:23:00,49.24323449840384,1.7908349250806848,0 -33,908901.0,1974-06-07 04:01:00,1971-10-30 03:17:00,50.20937413903905,0.4284661929213063,0 -7887,577750.0,1970-04-30 19:09:00,1975-10-07 06:49:00,47.5410282743349,1.2799194395386604,0 -6830,833835.0,1973-12-27 23:34:00,1973-04-22 16:43:00,46.305957687836205,0.8028734996181395,0 -5421,834468.0,1970-04-24 16:27:00,1973-08-23 06:13:00,51.60446655502183,1.1089114926607124,0 -1068,63578.0,1972-03-03 22:53:00,1973-08-14 15:45:00,53.646990019174176,1.0839512112669047,1 -1347,626163.0,1971-07-29 06:45:00,1975-07-28 01:43:00,55.34422666620604,1.1880491197852712,0 -4747,1188837.0,1973-07-16 21:38:00,1973-10-21 03:22:00,47.00581650291108,0.5765169119310525,0 -6005,431771.0,1973-10-16 03:30:00,1971-02-24 23:09:00,51.63266842008301,0.848560115471945,0 -6039,1071634.0,1971-10-01 04:27:00,1974-03-01 20:20:00,49.44300757695599,0.03354833356965,0 -3817,1144859.0,1971-07-14 14:10:00,1973-10-23 21:49:00,49.11381996060614,0.9716308442615756,0 -8446,397894.0,1972-01-23 13:13:00,1973-08-08 12:35:00,51.40122928208587,1.2646222345528455,0 -5269,39268.0,1972-04-06 08:38:00,1973-05-19 18:12:00,45.29733189786712,0.8059230577116002,0 -6897,241649.0,1973-03-24 12:55:00,1973-02-12 16:49:00,45.16364725127652,0.9454976123707411,0 -5309,267000.0,1972-03-19 01:20:00,1971-10-10 06:12:00,44.04778448765575,1.6669369170074957,0 -31,1133103.0,1972-07-11 10:31:00,1971-09-01 07:39:00,43.9408575590152,0.675539916124161,0 -5674,48794.0,1974-11-26 01:42:00,1972-11-19 11:50:00,53.838713289904994,0.7472816242220753,0 -4386,848626.0,1970-02-15 09:16:00,1973-05-25 22:07:00,43.125094844467554,1.1455672149146674,0 -29,812783.0,1974-01-21 19:52:00,1971-04-19 14:22:00,41.6721879010111,0.3623201433821544,0 -4202,724535.0,1974-11-28 02:23:00,1971-03-07 19:36:00,54.33470888460881,0.9605617058007108,0 -7507,,1973-04-30 12:45:00,1972-11-12 03:42:00,54.05437562696022,0.8318669878733337,0 -735,86119.0,1971-07-25 09:39:00,1971-06-15 21:04:00,52.8485851536676,1.095882333628118,1 -2067,587301.0,1971-01-15 05:16:00,1971-09-20 21:02:00,49.9118770537356,0.5682027441755838,0 -106,476523.0,1974-09-22 08:23:00,1971-11-11 15:48:00,54.77423742437513,0.4451586399890499,0 -9644,205186.0,1974-06-14 20:50:00,1972-09-04 14:41:00,33.43851235211832,1.484775306308185,0 -8894,372840.0,1972-06-14 23:51:00,1971-04-04 21:39:00,54.26993981190658,0.8616495158132563,0 -8020,786048.0,1971-01-22 08:29:00,1974-03-14 23:17:00,53.77175838254263,0.4034858061718792,0 -2232,61926.0,1970-11-04 09:08:00,1971-03-18 03:14:00,46.9834535694006,0.8876910576503647,0 -993,283041.0,1974-10-03 03:24:00,1972-07-19 23:09:00,44.121864647542495,1.6574052280553755,0 -9412,782792.0,1973-03-20 11:59:00,1974-06-25 22:36:00,46.34503918172454,0.0,0 -7058,687238.0,1973-09-17 05:02:00,1971-08-06 21:38:00,48.23845742773572,0.987116252702536,0 -6789,907214.0,1973-05-14 08:33:00,1975-02-21 21:56:00,51.59906637977297,0.4885069038581254,0 -360,623875.0,1970-08-10 11:47:00,1975-07-08 23:06:00,50.34468160876951,0.4951023718482251,0 -304,347689.0,1972-05-13 12:18:00,1974-03-17 10:44:00,47.092245284921525,0.6030947970849145,0 -2627,11244.0,1970-04-20 00:59:00,1971-01-14 11:35:00,50.98678754856604,1.0803804946151447,0 -8965,397511.0,1972-05-15 16:41:00,1973-04-12 09:43:00,48.318315705061615,0.854243511611517,0 -4513,535434.0,1972-01-24 18:11:00,1974-02-27 19:23:00,47.6437092546854,1.303201069133486,0 -5910,587780.0,1972-02-11 20:18:00,1971-01-01 15:31:00,49.30695728841978,1.7258572899948268,0 -8313,470045.0,1974-11-11 05:49:00,1973-03-29 11:01:00,52.547585377971295,1.2713820563639524,1 -3100,888885.0,1974-01-15 01:30:00,1974-11-01 01:28:00,37.23507403942946,1.0395982465221936,0 -5703,235770.0,1972-12-30 06:21:00,1973-03-20 10:40:00,45.10711718088284,0.3229908846765459,0 -3898,686840.0,1974-05-20 09:22:00,1973-07-11 16:42:00,36.945492071048506,1.3298380627613149,0 -5440,241367.0,1970-12-05 15:23:00,1974-03-12 22:15:00,46.23823730688721,0.7241495459009786,0 -7930,1036135.0,1970-07-24 20:59:00,1975-12-13 18:28:00,53.18780335274454,0.7300592645944224,0 -621,411135.0,1974-10-14 10:49:00,1973-04-02 12:12:00,55.3827903386399,0.741884755112296,1 -7235,1183409.0,1972-08-28 19:53:00,1972-06-01 20:15:00,53.70224650112952,0.5182894311932251,0 -2498,12768.0,1974-11-02 19:11:00,1971-04-13 09:16:00,47.73530934554592,0.4443588507810343,0 -713,423225.0,1971-12-25 07:54:00,1973-03-24 18:51:00,,1.1541065345798407,0 -8403,335992.0,1971-07-03 10:22:00,1974-06-12 22:36:00,44.0444330887059,0.4260536343840443,0 -2855,733159.0,1970-09-09 16:56:00,1971-10-05 15:05:00,44.96137993224269,0.466784657044976,0 -4269,245463.0,1973-01-04 11:22:00,1972-01-17 08:05:00,46.23583564249886,0.9218973559385478,0 -2908,804470.0,1970-06-26 05:34:00,1971-05-12 03:56:00,43.318057645512354,0.6185111153213367,0 -8080,449880.0,1970-07-26 06:15:00,1973-03-13 14:43:00,41.71238413119446,0.1023433459840263,0 -4516,990927.0,1970-05-16 16:01:00,1973-02-19 09:51:00,59.91355524783127,0.98891037675063,1 -1261,894987.0,1973-03-15 06:01:00,1973-11-03 09:42:00,54.88079250764356,1.23673248768528,0 -3160,240835.0,1970-10-19 00:42:00,1974-06-28 02:41:00,43.40130286011642,0.9139946693998316,0 -970,779930.0,1972-04-01 01:55:00,1972-01-26 22:02:00,45.31132496400899,1.75221414044737,0 -3912,174461.0,1970-01-01 01:23:00,1974-08-20 08:28:00,48.39338278201609,1.1491476035341008,0 -5198,1046923.0,1973-05-09 20:52:00,1972-01-16 17:21:00,42.89615777474484,1.1517011512790538,0 -8846,996433.0,1971-08-14 19:15:00,1971-09-24 20:08:00,49.25861137214617,1.6630768270603655,0 -259,771520.0,1973-01-28 02:22:00,,43.07514197693274,0.944314379113407,0 -3790,319349.0,1972-11-15 00:24:00,1975-12-28 09:08:00,53.940383104029095,1.1205063044838763,0 -9202,501926.0,1971-10-16 02:27:00,1972-02-05 19:31:00,,0.953309360315292,0 -487,161134.0,1974-05-26 02:37:00,1974-07-30 08:25:00,46.98451585764981,0.3113317117839977,0 -7907,129692.0,1970-01-09 18:26:00,1971-02-26 15:02:00,56.69085316878072,1.1477775289845678,0 -518,812884.0,1974-02-02 05:01:00,1975-01-06 06:08:00,52.46894395062005,1.1249095258604478,0 -8342,1101462.0,1972-10-09 14:11:00,1973-05-02 19:24:00,37.50193686157815,1.68446637652652,0 -311,46840.0,1972-12-25 08:07:00,1973-10-18 08:06:00,41.31135888788215,0.9702728567412302,0 -3231,735603.0,1970-04-25 21:19:00,1975-02-01 05:24:00,48.04022441365972,0.1383107373971074,0 -7932,1028759.0,1972-05-29 19:14:00,1975-07-20 22:57:00,51.02931000700992,1.7471386201444783,0 -7457,742077.0,1972-03-14 17:15:00,1971-09-08 22:58:00,60.02459006052644,0.6777163782047118,0 -9783,507721.0,1971-10-18 21:01:00,1971-05-21 09:03:00,50.07951099120481,1.4724842694890847,0 -5183,510509.0,1974-06-27 20:23:00,1974-07-17 15:18:00,42.0040835321936,1.078459795166626,0 -8076,976576.0,1970-07-30 16:50:00,1975-10-29 18:42:00,45.07298929157636,0.6190907001106037,0 -6501,491352.0,1972-04-30 09:14:00,1975-06-30 07:14:00,57.58830356602025,0.8311203626532041,0 -6790,768522.0,1970-05-09 05:02:00,1972-02-25 07:26:00,48.98535498997284,0.0,0 -7772,994572.0,1971-10-30 22:00:00,1974-03-19 12:11:00,48.2617800301333,0.0,0 -2737,171155.0,1973-12-13 14:27:00,1973-08-15 09:16:00,50.66238965881448,1.8799415947005664,0 -7841,50453.0,1973-10-20 21:35:00,1974-02-24 23:43:00,45.13419286099147,0.8786532609566926,0 -6261,303604.0,1972-03-19 03:00:00,1974-07-08 20:31:00,52.416515003129845,1.0093369668340413,0 -8205,1062199.0,1970-08-13 16:04:00,1973-08-10 12:11:00,48.630506971032375,2.342730953866113,0 -1247,485487.0,1974-11-19 01:58:00,1975-09-29 03:14:00,,0.9517217261782358,0 -9335,1063438.0,1974-03-03 12:43:00,1972-05-19 15:06:00,42.41540045760106,0.7272380891526806,0 -4194,1115813.0,1971-04-22 20:39:00,1975-02-17 22:40:00,42.243118426823,0.644632756511079,0 -8000,400953.0,1973-07-16 09:19:00,1971-11-01 21:38:00,50.28446686044535,0.7569236170443702,0 -7377,751187.0,1972-11-11 01:38:00,1971-12-27 17:12:00,48.45074964186399,1.668125638269606,0 -3434,213483.0,1974-05-31 16:13:00,1975-08-07 20:37:00,46.03185782463505,0.5681658215775117,0 -5381,43769.0,1972-12-28 23:29:00,1975-05-20 19:35:00,51.55655094173078,1.493425682457672,0 -958,927937.0,,1971-12-26 09:08:00,45.56423489645845,1.4258225661060433,0 -416,166728.0,1972-10-06 09:31:00,1975-09-25 19:24:00,45.68417657500432,0.2597358018057597,0 -5741,1134584.0,1971-10-03 21:33:00,1973-10-28 07:00:00,50.67829027032269,0.534976382428125,0 -6727,648251.0,1970-10-29 21:24:00,1973-05-10 03:28:00,48.794970947572665,0.8734368069814401,0 -4381,82808.0,1974-10-22 09:07:00,1973-06-15 21:55:00,43.74727359307283,1.3821432187130374,0 -5196,858933.0,1974-08-07 17:51:00,1972-12-06 02:18:00,45.852355085849126,0.4208747329565073,0 -1112,693245.0,1970-07-25 23:48:00,1975-08-13 15:18:00,52.20626059633676,0.474735273879539,0 -2688,399882.0,1970-06-04 09:28:00,1972-06-02 22:26:00,40.41491511854177,1.097920460232373,0 -6472,321321.0,1973-04-05 10:04:00,1974-12-09 03:56:00,51.56384941039342,1.3395659067851804,0 -8819,722552.0,1974-10-10 20:51:00,1972-03-06 11:55:00,43.613409976070514,0.0,0 -7807,774903.0,1973-12-17 02:07:00,1975-08-16 14:31:00,43.92439779116024,0.2603450020788986,0 -3410,488186.0,1974-02-11 05:15:00,1975-02-11 09:50:00,51.81543227912202,0.0253412260267799,0 -80,241863.0,1972-12-27 16:54:00,1974-07-07 06:16:00,54.322576255296674,0.3782672693296512,0 -4613,405468.0,1970-06-07 03:13:00,1975-12-06 19:43:00,49.28967665861387,1.606192534288455,0 -1373,866699.0,1971-03-21 18:50:00,1974-11-16 05:23:00,41.4712112758573,2.0245339320614018,0 -1509,95975.0,1970-04-25 19:29:00,1974-10-27 18:25:00,47.59359287996818,0.8361906056799118,0 -6442,695332.0,1970-02-10 19:56:00,1975-04-28 01:48:00,50.14736621413049,0.2270021170761401,0 -3070,602587.0,1972-03-19 11:58:00,1973-11-23 06:25:00,36.36678768636799,1.0484715907116289,0 -3015,399830.0,1971-12-09 04:54:00,1971-02-09 18:41:00,39.77128582675225,1.1426958807086762,0 -4822,749308.0,1974-01-30 03:39:00,1971-03-31 19:03:00,38.26586898566739,1.44989419466032,0 -7821,47940.0,1973-04-22 15:48:00,1972-09-17 12:36:00,51.18902549192859,0.7334196876837503,0 -92,875065.0,1972-01-20 14:47:00,1974-03-27 02:00:00,42.99710449835464,1.3049465337007553,0 -9420,607768.0,1971-05-01 12:31:00,1973-07-05 16:08:00,51.13977649589116,0.3556700877303002,0 -6599,751166.0,1970-08-22 01:02:00,1975-09-15 01:11:00,47.72210567660433,1.2019140461323756,0 -4442,1191925.0,1971-10-12 08:47:00,1975-12-03 17:45:00,46.24530427048887,0.4527784983837155,0 -7601,932848.0,1971-11-25 15:45:00,1971-01-19 15:38:00,48.07462980876923,0.3839645620199664,0 -3834,579695.0,1973-01-04 03:35:00,1974-10-17 10:53:00,45.87960018698963,1.1234305198109755,0 -9701,64293.0,1974-01-17 12:07:00,1974-12-03 04:11:00,,0.4451604264293869,0 -4321,1170739.0,1971-02-21 18:20:00,1975-03-22 17:08:00,43.35115966776932,1.041338458049576,0 -3393,489667.0,1970-12-06 12:08:00,1974-10-06 21:07:00,56.89248783818789,0.8274973810772177,0 -4751,875201.0,1970-02-07 10:17:00,1972-05-11 08:43:00,,0.8411041008257658,0 -7228,582761.0,1974-04-30 05:50:00,1973-08-03 11:48:00,51.72159673816231,1.3758946316423848,0 -9190,565140.0,1970-06-25 23:54:00,1972-09-15 12:20:00,44.58382060354508,0.391899948854753,0 -2360,873306.0,1972-12-25 09:35:00,1971-09-04 13:55:00,42.30606577974755,0.0239171575108596,0 -1147,961267.0,1974-02-02 02:27:00,1974-07-31 11:57:00,48.13042704512909,1.8134310943851668,0 -5665,396490.0,1974-12-18 18:53:00,1971-01-26 15:38:00,55.96926457350488,0.5424296296456481,0 -8074,628701.0,1974-07-23 11:42:00,1972-12-15 15:26:00,54.30944803302981,0.7511088744368779,1 -4942,333557.0,1972-09-09 02:16:00,1971-06-11 15:59:00,40.334843235779736,1.579602710150978,0 -3662,760237.0,1974-04-27 18:32:00,1974-02-24 06:51:00,49.5381763325274,1.007796694297199,0 -1562,923240.0,1973-03-23 10:39:00,1973-09-09 07:28:00,42.54216209727908,1.148345780555038,0 -4112,382034.0,1971-11-01 22:37:00,1975-07-11 09:51:00,45.71790074285915,0.6720961624867399,0 -9049,1191152.0,1970-11-01 19:47:00,1972-04-06 03:07:00,42.13981655962391,0.5776608361097417,0 -9275,480234.0,1973-12-14 20:06:00,1971-09-13 21:53:00,53.19293486634571,1.4164122166304696,0 -8537,108723.0,1971-12-05 18:45:00,1972-07-24 05:56:00,50.64636665248063,1.2632438127986891,0 -794,251755.0,1973-01-05 00:47:00,1975-12-16 07:26:00,53.68859408626986,0.6037462636382949,0 -5853,327038.0,1971-10-15 00:28:00,1972-02-28 09:14:00,45.461907455736544,0.2100317644489925,0 -7618,962019.0,1972-03-14 21:08:00,1972-04-12 09:41:00,52.64620465064437,1.125043410913041,0 -1593,581427.0,1972-10-08 03:26:00,1971-09-23 20:56:00,44.75909462220843,0.9252996580671328,0 -7417,84733.0,1973-10-20 22:37:00,1975-05-30 18:30:00,54.341853194231504,0.5204206443718364,0 -5266,515685.0,1970-05-01 05:17:00,1973-09-11 11:19:00,46.9510694840441,1.6744888200472623,0 -7146,1108048.0,1974-04-16 00:41:00,1975-07-12 00:52:00,41.80535063960942,1.0608079467848015,0 -88,89437.0,1973-08-17 08:36:00,1971-05-29 15:01:00,49.60362616864538,1.0757952665138888,0 -8694,427857.0,1973-02-04 02:51:00,1973-05-02 02:11:00,48.62579261396942,1.4601288874229428,0 -9731,666710.0,1974-01-01 03:53:00,1973-08-03 17:14:00,45.63002708829455,,0 -9445,341006.0,1973-11-18 05:37:00,1973-04-24 20:32:00,42.40604488933944,0.7276995815475179,0 -6753,620191.0,1972-05-15 00:27:00,1971-01-30 21:44:00,48.41935801519136,0.0,0 -3501,548099.0,1970-03-01 05:42:00,1972-11-12 04:07:00,59.90108289236416,1.2574238439910106,1 -2233,976865.0,1971-01-09 17:30:00,,55.14948956025261,1.0554886787462705,0 -2802,834192.0,1973-04-05 02:06:00,1973-03-09 15:08:00,46.12017666211386,2.166201460321872,0 -4423,625413.0,1970-10-11 04:04:00,1975-06-10 02:29:00,38.41024049408856,0.8923245431626565,0 -5662,454651.0,1970-07-24 16:46:00,1971-12-15 19:12:00,43.11330794783861,1.6659017881339548,0 -7169,1099478.0,1972-04-02 02:15:00,1971-02-24 22:03:00,38.45558411389649,0.1727113255255573,0 -8336,,1973-03-09 13:03:00,1972-12-31 03:45:00,47.85460645769508,1.1344809946817935,0 -2147,1011945.0,1970-05-07 20:33:00,1973-09-21 07:27:00,51.50151155476176,0.2986536277882732,0 -7968,265432.0,1974-02-06 20:52:00,1974-01-16 00:54:00,40.05218715530907,1.2574415444381153,0 -6550,681705.0,1971-02-12 16:41:00,1973-02-24 09:11:00,42.39977795149945,1.161940352822623,0 -7642,350653.0,1973-06-12 00:31:00,1971-06-01 18:18:00,42.65435408939692,1.1788248165823616,0 -6163,229609.0,1971-06-14 18:11:00,1974-08-25 22:21:00,49.18390354395677,1.2514662815093844,0 -1494,1156024.0,1973-12-16 05:42:00,1974-10-17 00:20:00,43.058308013641785,0.6880972030019711,0 -7695,543143.0,1971-10-27 03:18:00,1971-12-29 09:32:00,57.10834854585392,0.6602913284621368,0 -7093,961754.0,1972-09-18 19:29:00,1971-05-15 11:09:00,42.42063212178199,1.0265923433787962,0 -1408,703266.0,1970-12-24 14:32:00,1975-09-15 09:44:00,55.24409474062304,1.1227840303902266,1 -6690,405159.0,1971-02-09 06:22:00,1975-02-21 08:45:00,57.66786641418754,0.8802746031730104,1 -3400,106182.0,1970-01-03 00:10:00,1975-12-06 04:30:00,48.43531036910216,0.668324882452737,0 -108,848096.0,1973-02-21 20:04:00,1972-12-02 05:43:00,52.49961116703334,2.0745326608272325,0 -5635,979898.0,1973-11-15 19:17:00,,62.24058922162149,1.0768624614125557,1 -8481,1069320.0,1974-03-08 19:22:00,1974-01-21 10:23:00,47.71582767003501,0.4304889861420879,0 -6603,697572.0,1973-03-10 21:23:00,1974-07-01 09:58:00,51.67074530255856,0.619113591784384,0 -1090,1013076.0,1971-11-03 17:04:00,1972-04-07 15:09:00,47.49782785571974,0.3758278079490977,0 -5559,753455.0,1970-04-11 20:35:00,1975-09-30 21:30:00,48.76121284642654,0.0,0 -9411,189150.0,1971-05-09 23:58:00,1973-11-29 14:39:00,45.60143201956269,0.7461973458389476,0 -8142,1143878.0,1974-05-07 14:56:00,1971-03-03 19:30:00,45.74487090060055,0.4504405117951703,0 -8663,710901.0,1972-07-16 03:42:00,1973-12-08 20:08:00,,0.921344151080796,0 -6595,801511.0,1972-08-03 06:33:00,1972-01-22 03:46:00,49.70099095652526,1.0065415073856037,0 -623,68697.0,1974-06-20 18:07:00,1973-10-29 10:40:00,50.21029612190458,1.0107393057324705,0 -6870,825183.0,1974-05-24 06:54:00,1975-08-17 06:05:00,51.261817372034486,0.0,0 -4813,251467.0,1970-10-19 22:36:00,1974-01-23 07:13:00,47.87787552162688,1.1374422774630453,0 -6552,403009.0,1973-05-04 13:18:00,1975-08-27 13:13:00,47.26674645034815,1.3479428896552017,0 -7529,457035.0,1974-09-18 00:55:00,1975-06-17 00:27:00,47.804149154684296,1.0647335990535594,0 -5795,633205.0,1972-03-26 17:29:00,1971-11-10 21:12:00,48.75445938250128,0.4678052662555195,0 -7436,586196.0,1971-05-06 07:24:00,1971-09-24 14:31:00,51.517579939757695,0.8174547536862053,0 -4217,611090.0,1971-04-23 19:04:00,1975-01-15 08:52:00,46.49483287628456,0.4782891570297047,0 -5940,743220.0,1971-12-06 12:30:00,1971-10-27 02:41:00,38.19431754998502,0.578137144532072,0 -8500,562713.0,1973-08-11 05:30:00,1971-09-30 17:38:00,38.423557904218384,0.765875213458265,0 -6428,386269.0,1970-06-30 01:26:00,1974-02-14 00:37:00,45.68132589691979,1.1419876047835231,0 -6826,672801.0,1970-06-06 01:23:00,1971-07-14 23:57:00,41.44114471361783,0.6529397851961887,0 -4130,640445.0,1972-08-13 20:29:00,1971-03-28 00:00:00,55.651652420400055,0.8486134890708359,0 -7801,712124.0,1972-08-16 22:21:00,1975-01-22 16:37:00,51.14174034521914,0.9296843618729658,1 -7753,1179508.0,1974-03-28 18:34:00,1972-10-28 17:45:00,49.10927694458012,0.7273295703646434,0 -4721,739655.0,1973-02-04 12:14:00,1975-11-12 21:23:00,47.0254436960843,0.5709013575895747,0 -1650,84058.0,1973-05-16 19:29:00,1971-06-11 05:35:00,41.926993005669246,1.4212217323719396,0 -4140,205106.0,1971-03-20 23:12:00,1972-06-16 08:18:00,44.04557679176419,0.716748752923556,0 -1617,534022.0,1974-10-25 22:53:00,1975-11-29 18:32:00,40.61061827284103,1.2884326061266569,0 -2029,168931.0,1971-03-09 07:19:00,1974-11-23 22:11:00,46.191773986998726,0.0,0 -8517,986200.0,1973-07-31 15:56:00,1972-03-23 12:13:00,59.36566480113383,0.5940086238064861,1 -4575,964583.0,1972-12-02 08:52:00,1974-08-19 22:32:00,53.1916166519414,0.7073619888045622,0 -3992,833742.0,1971-09-30 00:37:00,1973-09-29 09:41:00,46.09890365674739,0.2440483360826231,0 -7376,422559.0,1974-11-11 10:29:00,1975-05-04 01:44:00,53.57751341978511,1.1891592806779867,0 -6149,239050.0,1974-02-28 19:53:00,1971-01-08 18:10:00,49.0878985401977,0.2170451405611689,0 -4908,451014.0,1974-05-21 17:05:00,1971-05-05 23:11:00,45.53556029134911,0.4543739603923381,0 -5026,1108336.0,1970-12-25 18:36:00,1974-08-06 20:56:00,49.40903261980034,1.6348799385895008,0 -8260,452145.0,1971-08-09 02:07:00,1973-01-11 18:08:00,49.273590515711824,1.7400355985050606,0 -4731,1118223.0,1973-06-29 19:30:00,1973-06-25 05:48:00,43.08861587014036,1.5843008331144357,0 -7548,259195.0,1974-10-03 18:17:00,1972-06-03 12:10:00,38.216298657381856,0.550860728393877,0 -8134,591127.0,1971-12-08 20:57:00,1971-01-21 20:50:00,48.27816374716322,0.8754773668992112,0 -1606,892768.0,1974-09-25 11:38:00,1973-11-15 11:24:00,49.45109224246213,0.4872546239420795,0 -4773,1087070.0,1970-03-19 22:56:00,1973-03-08 22:13:00,54.68422738852476,1.6905517834020998,0 -8109,972160.0,1971-12-10 16:46:00,1971-08-05 17:57:00,55.66528680001947,0.8779144398223897,0 -6951,562052.0,1971-01-14 19:22:00,1972-04-06 16:45:00,41.89695602913682,0.2650441382060811,0 -6004,1185397.0,1974-01-20 14:15:00,1971-02-22 04:21:00,46.99901420464716,0.9077963802918247,0 -7728,1141371.0,1973-09-29 09:47:00,1972-01-17 22:22:00,54.17330110874677,0.968848837041361,0 -3541,502540.0,1973-07-25 02:29:00,1973-09-03 00:56:00,50.46594898675773,0.5425330560426591,0 -388,320200.0,1972-12-29 23:38:00,1973-01-02 16:12:00,43.042794574881626,0.9371059013755714,0 -1794,693082.0,1973-12-18 12:22:00,1975-03-29 12:50:00,52.61196160569997,1.8191794004633768,0 -8731,667922.0,1971-09-02 02:59:00,1971-03-27 21:04:00,51.71041524799054,1.3262049889671097,0 -4919,1000206.0,1971-10-19 10:01:00,1975-03-17 11:37:00,35.3405607603387,0.4812045421313708,0 -5537,559452.0,1971-09-26 05:24:00,1972-03-11 07:08:00,45.64814786362681,1.2199814027967162,0 -3872,533498.0,1970-03-04 10:51:00,1971-09-07 23:58:00,42.3998120377271,1.40039983578774,0 -8868,420761.0,1974-09-11 06:48:00,1972-02-11 10:23:00,42.80340115141893,0.4394263251744424,0 -2254,294149.0,1973-09-07 17:37:00,1972-05-05 03:37:00,38.22706664321187,1.8519008668559915,0 -3412,421476.0,1971-04-28 23:57:00,1975-08-18 11:42:00,46.279122591871854,0.7915120937623992,0 -5459,706711.0,1970-10-18 19:26:00,1972-03-04 22:40:00,47.1236297244651,0.5377234291759319,0 -4955,63502.0,1974-04-29 12:19:00,1972-09-28 17:49:00,48.24214948712139,0.6359215227404882,0 -7396,679014.0,1974-11-14 11:16:00,1973-01-25 18:47:00,54.695397297994006,0.5858983045827314,0 -5414,47604.0,1970-03-31 13:25:00,1972-07-21 13:39:00,51.22940026759211,1.076807138318227,0 -7399,1014765.0,1972-01-02 17:24:00,1972-11-04 10:43:00,54.18543161252662,0.5248090073658376,0 -7414,1096396.0,1971-04-28 07:50:00,1974-09-28 16:28:00,52.850923239635975,0.7786434203392748,0 -9100,787268.0,1973-01-22 23:01:00,1973-12-20 01:34:00,47.846265129676425,0.8612162471422186,0 -4851,387221.0,1974-03-27 05:22:00,1973-11-28 20:30:00,53.771779118917145,1.2904866608019077,0 -2025,1019634.0,1974-07-06 09:36:00,1973-11-05 01:26:00,46.520604923944255,1.7051286242526045,0 -2615,992995.0,1972-02-04 20:23:00,1971-01-21 23:59:00,54.304729360129976,0.4327410881758424,0 -7388,758098.0,1971-09-28 10:42:00,1972-05-24 07:13:00,43.02354752869411,0.283465162098376,0 -2926,,1971-03-26 07:00:00,1971-11-04 11:23:00,57.77243812029892,1.9799376242039752,0 -1121,583999.0,1971-12-04 02:46:00,1973-10-15 15:54:00,53.8778197572665,0.786721413310877,0 -2910,827860.0,1974-01-24 18:38:00,1975-04-30 16:36:00,47.369653475784,1.1495426924466052,0 -8146,853157.0,1972-10-17 01:32:00,1972-05-27 19:38:00,44.61864932412707,0.4208166912948108,0 -7383,138559.0,1973-05-17 11:49:00,1973-02-14 05:09:00,49.744076395684885,1.3474726794697154,0 -3482,450674.0,1972-12-14 02:59:00,1973-03-04 21:11:00,41.837342358226685,1.3799794363315732,0 -795,944155.0,1972-06-14 21:06:00,1972-01-31 02:23:00,51.324008513233686,1.8891824769108307,0 -1575,114136.0,1972-04-19 16:49:00,1975-04-10 09:46:00,46.45766315362241,1.3960152533502037,0 -6176,1142942.0,1970-01-04 04:51:00,1975-02-27 14:38:00,51.42297443272994,0.7943018679979905,0 -6266,830336.0,1970-05-11 13:42:00,1973-06-06 11:19:00,48.04477412437991,0.0513450840581213,0 -2458,664811.0,1971-11-24 16:07:00,1974-03-27 04:00:00,40.270928085369455,1.700150329777576,0 -3312,665451.0,1971-12-21 15:24:00,1975-02-07 06:23:00,57.335117193090326,0.389120634020203,0 -1253,1090530.0,1970-01-12 06:38:00,1975-06-19 04:49:00,44.20618132396247,0.7030580742059911,0 -6834,977867.0,1974-05-17 01:38:00,1974-10-05 23:40:00,50.181666255141344,1.1241286243866415,0 -8794,111925.0,1973-03-11 23:30:00,1973-04-27 11:27:00,44.23311893349005,0.2475742113176151,0 -3837,204296.0,1973-08-27 06:00:00,1973-02-05 11:25:00,52.16236599447208,0.6029187180953756,0 -4398,1128877.0,1972-12-15 03:21:00,1975-12-27 10:42:00,40.94981223385365,1.4847173607788628,0 -3595,30347.0,1973-07-07 03:24:00,1971-10-19 01:21:00,43.235552906051296,0.7769295799384461,0 -6621,379438.0,1971-11-02 07:43:00,1972-07-05 12:46:00,,0.1953274644293935,0 -8382,218766.0,1970-01-04 12:34:00,1971-10-28 08:20:00,46.36008228249193,1.2649641360566464,0 -2124,1129343.0,1972-10-29 20:43:00,1974-10-27 07:46:00,43.83639026740976,0.9900014091013892,0 -3238,1056639.0,1974-01-05 22:53:00,1975-07-13 19:03:00,47.59988596399826,1.324484287792986,0 -5403,309573.0,1974-10-05 07:48:00,1972-04-27 01:58:00,37.24945575702765,1.5235020331578564,0 -5998,573627.0,1971-12-01 22:17:00,1975-03-21 20:56:00,52.79681450012172,0.6681557664541796,0 -5938,102138.0,1971-02-21 22:33:00,1973-07-02 06:57:00,44.39403896414151,0.8108869585264122,0 -2045,104720.0,1973-06-24 16:54:00,1973-08-07 16:08:00,56.81225691739463,0.8053783560697841,1 -1578,189320.0,1973-12-07 23:49:00,1972-02-16 02:48:00,50.09864650956636,1.4852362312987264,0 -14,1195633.0,1974-01-27 20:34:00,1975-02-10 03:29:00,41.135471718418415,1.0202234661189309,0 -2673,119454.0,1973-01-28 13:01:00,1971-10-20 00:16:00,41.32123308568207,0.2136186387212272,0 -7016,240418.0,1973-04-02 07:48:00,1971-08-19 07:44:00,45.66214726943268,0.825884779431245,0 -8720,212472.0,1974-01-17 08:56:00,1972-05-29 21:44:00,46.41864211354896,0.3765917043655452,0 -8849,422633.0,1971-09-30 17:40:00,1971-02-15 09:46:00,41.80914507746006,1.363441903094737,0 -4812,92907.0,1973-01-28 05:39:00,1973-07-12 10:43:00,46.139784233199,1.5369564578027224,0 -1084,703673.0,1973-06-11 06:08:00,1971-06-28 00:13:00,48.49159851149079,1.2210101954567172,0 -4983,362012.0,1972-09-06 12:29:00,1971-05-02 13:58:00,40.94460275077374,1.1647470842649204,0 -7155,30872.0,1971-02-05 15:00:00,1975-01-08 16:27:00,37.17812124823136,0.782452905618767,0 -2884,1032911.0,1970-04-06 07:56:00,,43.79024244459542,1.6565697766427507,0 -333,129287.0,1973-02-04 14:50:00,1973-12-13 16:00:00,49.33574115782414,1.3687942041969237,0 -7204,,1972-09-27 04:08:00,1973-07-11 15:08:00,53.92933328551384,0.8733384931982595,1 -4367,620352.0,1973-02-25 05:32:00,1972-05-01 01:09:00,44.65673158361648,0.7346565728561398,0 -3079,330917.0,1974-06-04 18:03:00,1973-07-11 08:03:00,50.541308620248834,0.6138278668419411,0 -7203,409336.0,1972-09-04 19:49:00,1971-11-13 08:32:00,43.94478269796623,1.3397033924819348,0 -9909,810623.0,1974-11-27 20:00:00,1973-04-04 20:24:00,52.48401828836596,1.2407293588384185,0 -8864,172773.0,1970-01-10 19:15:00,1974-10-01 12:22:00,46.60676097969544,0.7967456920070323,0 -263,1126388.0,1974-01-20 21:58:00,1973-06-19 13:33:00,58.464122064181794,0.9831777015039758,0 -4337,917616.0,1970-09-14 11:36:00,1974-05-28 03:03:00,57.43026971739735,0.2524270416111731,0 -8895,1156829.0,1970-04-20 21:37:00,1971-04-07 16:32:00,48.01741994433115,1.1144683904528958,0 -8447,1101146.0,1970-01-05 07:54:00,1972-03-02 20:21:00,45.15741077471241,0.7826233108903582,0 -5903,514250.0,1972-03-12 02:08:00,1974-01-01 03:00:00,46.99174351491376,1.5732438441943812,0 -1498,40706.0,1974-09-15 22:24:00,1971-07-15 03:03:00,55.22981781825282,1.1756557077346996,0 -4190,1048098.0,1973-11-11 17:08:00,1975-07-07 05:14:00,55.76742997154833,0.8869206970531196,0 -7485,851061.0,1970-12-17 23:03:00,1974-01-19 00:58:00,56.932422206839206,0.8659702606968293,0 -9643,404690.0,1971-12-18 14:22:00,1973-02-18 18:21:00,44.57213360691162,0.8161782008202333,0 -8310,398338.0,1973-10-06 07:28:00,1973-03-25 02:58:00,47.389813925541816,0.7799734369699957,0 -7590,500327.0,1970-04-26 09:37:00,1971-03-19 23:15:00,43.85374960292786,1.297476843273995,0 -500,936428.0,1974-09-27 20:01:00,1973-06-15 10:55:00,36.55410445373941,0.3047611948677835,0 -9155,940415.0,1974-01-14 11:19:00,1973-02-28 04:35:00,53.74360559095803,0.0,0 -9414,982259.0,1971-10-09 02:46:00,1973-09-08 10:21:00,45.55261720184006,0.6054486426994279,0 -3095,908603.0,1974-12-04 06:14:00,1971-03-03 20:47:00,46.62590524878844,0.6734988992289999,0 -4631,173858.0,1973-11-12 18:24:00,1975-04-24 19:34:00,48.4171799621169,1.5668901920104883,0 -367,706788.0,1974-10-06 08:57:00,1972-07-28 02:56:00,47.06704093059047,0.0,0 -4058,314605.0,1974-05-25 22:35:00,1972-03-06 05:51:00,44.616693066612,0.9848716038587024,0 -8174,1115090.0,1973-11-09 16:14:00,1972-02-26 19:21:00,37.519192685608125,1.0491710286148572,0 -4630,916835.0,1974-11-15 19:21:00,1973-04-06 00:24:00,43.58414610534272,0.7811835914186226,0 -6070,673801.0,1974-07-11 22:57:00,1972-07-02 15:03:00,42.95586710145172,0.8685892365157182,0 -2664,838398.0,1974-03-25 18:35:00,1974-10-06 12:13:00,54.27263049058269,1.34234691516334,0 -1026,972875.0,1970-03-21 01:08:00,1974-08-09 16:24:00,47.0356354639849,0.8908286711243553,0 -5908,201070.0,1971-06-10 15:53:00,1972-09-30 13:29:00,42.48569090261209,1.2995992136567194,0 -5050,170525.0,1973-03-13 23:26:00,1973-07-20 23:11:00,51.15044620050959,0.0,0 -6328,819514.0,1970-09-22 08:19:00,1974-08-09 16:54:00,49.00400592856656,1.251917580919326,0 -9733,995775.0,1972-02-15 20:18:00,1972-03-15 13:29:00,42.52687910158984,0.6719174717617573,0 -1691,632666.0,1970-10-30 12:27:00,1974-02-05 16:39:00,46.54135543229479,1.686272329853916,0 -673,938395.0,1974-05-09 14:42:00,1971-08-22 02:33:00,53.373070936295456,1.671406198841999,0 -5572,323845.0,1971-09-08 04:17:00,1974-09-25 10:44:00,48.93664294353745,0.905620179692912,0 -5766,581494.0,1970-01-31 15:13:00,1975-02-16 20:18:00,46.78861535581117,1.9990556620390916,0 -5156,656515.0,1970-10-23 19:22:00,1975-08-17 17:19:00,48.94577029265429,2.091705566359761,0 -733,6328.0,1970-02-18 08:11:00,1972-04-02 02:21:00,45.85230800694175,0.8543475947469934,0 -3526,540170.0,1971-12-27 06:45:00,1971-09-09 05:38:00,51.55387741098213,0.8154584961387098,0 -568,1174.0,1970-02-19 04:15:00,1975-11-30 09:41:00,57.31712009846428,1.3735384920527842,0 -9187,877010.0,1972-05-18 20:23:00,1975-04-28 06:06:00,47.169084525909845,0.8085300228293023,0 -2922,1148316.0,1970-06-19 15:24:00,1974-12-04 10:00:00,45.9094244463037,0.2828312561002201,0 -7911,1132178.0,1970-03-29 02:52:00,1972-10-08 08:22:00,47.636337717425405,0.6668838156873289,0 -1558,504440.0,1970-07-06 20:27:00,1971-08-29 06:34:00,47.3547380306226,0.5857260365388599,0 -101,78377.0,1974-10-07 03:11:00,1971-10-10 17:05:00,47.2501753992517,1.98526110299116,0 -3007,1001314.0,1970-03-14 17:33:00,1975-05-17 14:44:00,56.88392299451922,1.1793043767936768,1 -7201,63194.0,1973-02-21 22:43:00,1972-08-20 14:28:00,42.91729941756705,1.6007823261195528,0 -303,606984.0,1971-04-22 12:16:00,1971-03-12 06:03:00,42.90549972929496,0.7086163941105519,0 -76,769749.0,1973-12-18 04:18:00,1973-04-08 10:00:00,46.36922603035062,1.3310783767555256,0 -6754,770363.0,1972-07-26 02:08:00,1974-01-27 03:24:00,46.46907052066471,0.9429325492501796,0 -8629,1178895.0,1970-12-22 04:35:00,1972-10-04 09:08:00,52.60369040477084,1.4780183706480925,0 -1208,320330.0,1973-06-03 20:09:00,1972-08-16 20:31:00,47.670766033977024,0.7932175907314967,0 -7742,785820.0,1972-11-12 11:14:00,1973-07-11 06:48:00,41.29945899564664,1.1360577219579358,0 -8214,358970.0,1972-09-06 23:43:00,1971-08-01 13:17:00,47.40216823754303,0.5505128318826451,0 -8944,465383.0,1971-04-06 15:06:00,1974-09-26 05:37:00,53.67667607493342,1.6255871151858587,0 -8413,32920.0,1970-05-30 11:58:00,1973-01-27 15:09:00,55.43850458002999,0.7988431378214009,0 -1775,1124457.0,1971-07-27 23:32:00,1974-08-20 03:28:00,,0.9511844124406446,0 -3473,714688.0,1973-08-31 02:27:00,1972-03-24 09:50:00,46.14189263450782,0.3104649776265077,0 -483,580012.0,1972-06-24 21:17:00,1973-03-13 21:52:00,43.41086674659535,1.198079469505977,0 -2189,498657.0,1971-08-07 15:30:00,1975-06-21 22:52:00,43.16799207522262,1.360888225402581,0 -346,387753.0,1972-07-01 20:30:00,1972-12-18 07:45:00,52.355946623653296,,0 -5481,701437.0,1973-05-30 18:58:00,1971-10-04 08:43:00,50.60265644162087,0.6181765266802672,0 -8361,798365.0,1973-06-15 07:48:00,1971-05-24 18:24:00,47.45782562479421,1.075125515707258,0 -1472,19260.0,1973-07-17 18:36:00,1971-03-07 10:33:00,54.74447630875973,1.2407863863608124,0 -5100,31756.0,1974-05-13 12:15:00,1974-07-27 21:57:00,36.72383265926456,1.2212812000665183,0 -6765,1028272.0,1971-10-22 03:27:00,1973-11-01 19:27:00,46.38763951330836,0.3928904056612176,0 -8706,1143287.0,1970-06-16 07:04:00,1975-12-09 21:54:00,43.6004916711274,1.0571527244652523,0 -4929,106602.0,1970-04-13 18:24:00,1974-12-08 07:47:00,47.95733263837697,0.8315868426729528,0 -6329,139326.0,1972-06-20 10:00:00,1975-09-19 20:08:00,46.46211392561556,1.6111707303762204,0 -2609,1189825.0,1974-08-03 15:54:00,1971-08-27 22:06:00,50.97650260767684,0.4565859548490195,0 -3,384773.0,1970-02-23 10:54:00,1974-09-01 22:07:00,47.38594450376635,0.3088710465947568,0 -2213,1149786.0,1971-07-01 07:02:00,1972-07-15 22:08:00,44.18239990009056,1.0035943117012278,0 -4827,896011.0,1972-10-18 00:29:00,1974-05-11 19:50:00,47.5971012050032,0.8851786944816479,0 -856,181289.0,1972-10-23 13:48:00,1974-10-07 17:29:00,50.60421356214916,1.7902784845910584,0 -6977,218294.0,1970-02-15 00:11:00,1975-05-27 09:48:00,43.86637918959764,1.0755402417015438,0 -5885,1089082.0,1972-08-02 18:17:00,1974-11-25 08:04:00,46.95287506182829,0.7433508427833134,0 -624,158701.0,1970-06-04 15:24:00,1972-04-05 16:14:00,42.3527684728111,0.7213095196398165,0 -290,243933.0,1971-10-03 18:33:00,1973-02-05 21:00:00,48.454839408631855,1.0282229873836042,0 -2018,631870.0,1974-03-16 15:22:00,1975-12-13 05:56:00,48.68339240409204,1.4229809777228328,0 -668,238642.0,1973-11-23 18:31:00,1974-08-23 15:54:00,48.165932518059,0.6725510094435813,0 -8921,854102.0,1971-03-27 12:49:00,1972-03-21 03:24:00,49.25420649535452,2.0352096734462566,0 -8264,624476.0,1970-10-24 16:19:00,1972-10-21 05:27:00,52.82847455911486,1.2158313397098168,0 -9696,124847.0,1971-05-18 10:14:00,1971-12-30 08:46:00,42.45270206828087,1.8149656276587576,0 -1631,830123.0,1970-10-10 15:58:00,1975-06-10 22:39:00,48.36276738116059,0.6168803732244952,0 -5170,870712.0,1972-12-11 09:50:00,1973-10-01 04:40:00,43.1679927980456,1.05420523412233,0 -7205,556159.0,1972-11-29 10:21:00,1975-01-10 13:13:00,43.65859610870943,0.1822738552213841,0 -2522,623755.0,1974-06-17 17:26:00,1972-03-14 01:20:00,51.35632756173361,1.2161809956795024,0 -2215,778117.0,1971-03-03 03:20:00,1972-12-02 10:27:00,48.89067903115715,0.0,0 -6968,918436.0,1973-07-04 23:48:00,1975-05-21 16:14:00,47.91366879290895,0.614578883905363,0 -6496,419282.0,1972-04-05 00:41:00,1974-04-01 20:36:00,49.162952870364016,1.1301567830612478,0 -6213,1125199.0,1971-09-21 00:56:00,1971-11-16 19:11:00,37.726736443427846,0.9456418904119074,0 -7032,933709.0,1974-02-09 06:04:00,1972-01-01 21:02:00,51.57636208534414,1.0916848013274292,0 -7420,2419.0,1971-06-29 19:04:00,1975-03-18 22:15:00,51.00300957000912,0.0716602592269374,0 -1107,938840.0,1973-04-19 23:14:00,1971-08-22 18:04:00,48.33726213032224,1.245638059726377,0 -450,921237.0,1972-02-25 17:23:00,1972-02-29 21:28:00,47.28434587478673,0.3903326640635056,0 -6289,37623.0,1971-12-10 08:28:00,1974-11-04 10:57:00,42.30094773423357,0.97517007072193,0 -9966,274830.0,1972-11-05 13:36:00,1972-07-30 17:40:00,54.51548569339163,1.0858573720027027,0 -135,172214.0,1974-04-23 13:26:00,1972-09-21 08:48:00,49.73115453531404,1.67155199172145,0 -1785,12277.0,1973-12-13 13:57:00,1972-06-28 18:21:00,47.7395744917829,1.7262323958833847,0 -3404,1100909.0,1974-02-25 05:01:00,1972-04-22 23:20:00,52.29036347824546,1.593306082472087,0 -2906,217716.0,1971-04-08 23:39:00,1971-08-09 16:27:00,57.9223923240886,1.1559519142234074,0 -8304,987516.0,1970-09-08 13:58:00,1973-01-11 05:14:00,50.6643837558528,1.6452279294601275,0 -7492,48628.0,1970-11-23 01:33:00,1972-01-21 21:23:00,46.135215141308144,1.0707796454752487,0 -6100,1191747.0,1973-10-12 19:57:00,1971-02-09 20:17:00,45.95713301795359,0.8565403952426671,0 -4504,701771.0,1972-01-25 04:44:00,1973-07-13 04:31:00,55.29528540617275,2.3305848056282072,0 -5053,1152192.0,1972-02-26 06:18:00,1973-04-02 04:09:00,58.73524587091471,0.8123435413879043,0 -5205,737882.0,1974-08-28 12:21:00,1972-03-20 11:29:00,55.99630438061048,0.9929477839689268,0 -4080,549771.0,1971-09-12 03:59:00,1974-04-22 15:58:00,44.883056633258505,1.2154972668717172,0 -6918,1158124.0,1973-09-03 11:24:00,1972-11-19 06:09:00,48.60410509981868,0.9014277537829772,0 -6802,763104.0,1972-11-06 06:26:00,1971-07-28 11:24:00,49.68751530667187,1.106481806222967,0 -5206,9303.0,1970-06-15 11:54:00,1972-12-17 06:50:00,48.01059266950082,1.513879049759713,0 -532,32440.0,1972-09-27 14:27:00,1974-12-23 21:54:00,39.97575877996688,0.9346679689037508,0 -4830,908508.0,1972-06-25 18:39:00,1974-11-28 18:45:00,40.84235795428047,0.6009716334404573,0 -4038,936429.0,1970-01-13 11:48:00,1971-05-13 14:52:00,43.45559764937477,0.3881174793236012,0 -4084,668236.0,1971-02-20 06:39:00,1972-10-14 17:35:00,42.74798573290563,0.9623437591680224,0 -3204,382554.0,1971-08-25 23:41:00,1974-10-26 02:14:00,57.48852733728537,1.1880262557250156,1 -7110,1064985.0,1970-11-27 18:34:00,1973-10-19 16:48:00,56.96873556434029,0.3955976742981787,1 -330,160915.0,1974-08-08 01:44:00,1971-10-02 22:27:00,50.7393375039931,1.6682388717566807,0 -4957,157835.0,1971-01-21 19:09:00,1971-11-19 15:02:00,43.28169188552496,0.6142378778739144,0 -3033,396205.0,1972-11-01 08:16:00,1971-03-08 00:54:00,51.889475372806814,1.3071491363350676,0 -7684,925481.0,1972-06-29 18:06:00,1974-12-04 09:33:00,46.71093231358707,1.8603649324906053,0 -1597,837299.0,1973-02-04 02:47:00,1974-07-11 05:16:00,41.07817134175615,0.6962156237581261,0 -9919,119277.0,1970-03-23 16:03:00,1975-09-23 05:27:00,44.61599086385129,1.6820270576388037,0 -3597,112389.0,1971-09-09 05:45:00,1972-08-06 17:49:00,46.2782687106779,1.0477003578864177,0 -9038,392363.0,1970-02-24 04:06:00,1971-07-28 02:19:00,51.37732156072319,0.6836948653061343,0 -8001,364733.0,1972-11-02 02:02:00,1975-04-06 05:45:00,48.77612002590463,0.0,0 -590,543679.0,1971-08-19 06:37:00,1972-01-29 06:37:00,46.16599771798977,1.1086384658284163,0 -647,830530.0,1974-08-25 02:21:00,1974-08-27 13:19:00,44.25309290289755,1.1667930498270298,0 -9102,490968.0,1971-03-14 08:02:00,1974-07-03 05:29:00,54.16526055655368,1.1257224172061575,0 -8015,955039.0,1971-05-05 21:16:00,1975-07-27 13:08:00,48.02867727777721,0.2536813713194218,0 -3771,604053.0,1973-05-25 02:01:00,1973-02-11 19:31:00,45.04725737854687,0.5410946739200851,0 -9039,804673.0,1970-08-03 21:54:00,1971-10-06 10:37:00,42.04373353413269,0.2122124263947675,0 -5082,37960.0,1974-03-19 06:25:00,1973-03-22 21:51:00,44.131003787779576,1.3568756918636695,0 -7882,375393.0,1974-05-17 18:24:00,1975-01-03 10:15:00,50.3126517777961,0.3843185875280658,0 -9362,1016589.0,1970-03-25 04:24:00,1974-07-10 22:02:00,35.01041542147384,2.22782647597968,0 -4210,670142.0,1973-12-01 12:40:00,1973-05-10 15:25:00,48.80725926661907,1.3861704677586857,0 -8834,591554.0,1973-12-23 05:40:00,1973-07-12 07:43:00,45.74073535042143,0.0,0 -8699,762693.0,1970-03-21 10:28:00,1974-11-21 23:56:00,50.36737583556418,1.6193237736845332,0 -1795,1050420.0,1970-03-09 18:18:00,1973-06-07 16:34:00,38.61120035600469,0.8257476479858679,0 -2586,803622.0,1971-06-29 20:49:00,1975-01-29 15:08:00,44.61596877674162,0.8238323433806449,0 -8355,65733.0,1970-04-08 11:53:00,1972-05-17 19:05:00,44.46819036840146,1.3410680480747674,0 -2316,145049.0,1972-05-27 01:10:00,1973-07-14 21:48:00,53.57320589896996,1.6932524782820424,0 -4185,947087.0,1972-05-30 00:35:00,1971-05-20 12:03:00,45.87211391402238,1.1333433394971688,0 -8827,618273.0,1970-06-29 09:55:00,1974-04-13 23:23:00,48.6306656340122,1.1254380572310316,0 -7072,452570.0,1971-03-24 08:21:00,1975-03-25 02:18:00,43.94585910483477,2.0001376573381693,0 -5234,1114523.0,1971-03-06 08:41:00,1975-07-01 13:28:00,44.69354927610182,0.3223610897675943,0 -8743,1007635.0,1970-10-24 13:28:00,1971-08-26 22:10:00,50.79751198519058,0.9539282397713444,0 -8670,1116381.0,1970-06-19 07:32:00,1974-06-23 12:05:00,46.1947977466359,1.1708455434731462,0 -4768,947482.0,1971-05-19 01:29:00,1972-02-04 17:49:00,48.88073705697317,0.895145369823416,0 -9972,337046.0,1974-02-18 13:02:00,1972-03-09 05:24:00,46.91095202597048,0.7238193313777614,0 -7144,613316.0,1974-12-03 06:07:00,1974-11-30 02:57:00,48.924630901392085,1.2183588252222106,0 -2913,344377.0,1970-09-23 14:32:00,1971-03-19 23:14:00,52.73979093878389,1.6273865157358431,0 -9871,854257.0,1973-09-29 09:34:00,1971-12-09 09:50:00,49.73475027178613,0.5757044252639807,0 -9893,1106810.0,1974-09-20 07:14:00,1971-01-18 22:30:00,42.19514534136208,1.0824077071116789,0 -2075,60230.0,1974-02-28 11:18:00,1974-11-24 12:35:00,42.53045871120254,2.1997779776253568,0 -4302,629502.0,1972-01-06 08:20:00,1975-11-27 21:13:00,42.30390265356949,1.092363258769672,0 -5822,309387.0,1974-10-26 02:19:00,1975-04-23 13:09:00,43.08756581548761,0.2437820309914672,0 -2149,56058.0,1974-05-08 00:24:00,1973-01-06 15:51:00,50.131352515589406,1.5342218865431516,0 -144,717382.0,1972-10-31 02:46:00,1972-07-19 11:54:00,47.88749499231184,0.1965998911568703,0 -4963,53667.0,1974-01-06 06:06:00,1972-05-11 07:24:00,45.0058285935728,1.2980484535312693,0 -8159,219890.0,1973-04-02 18:28:00,1974-04-02 13:23:00,44.60525196545185,0.3846281631182842,0 -9030,582174.0,1972-09-11 16:08:00,1973-12-29 09:54:00,46.4535037527309,0.4902610763496938,0 -4775,1168355.0,1973-03-14 09:02:00,1974-11-05 02:33:00,52.45970180059697,0.1379006084476106,0 -8933,279336.0,1970-10-27 16:38:00,1972-11-10 18:23:00,41.98434884973797,1.7017985805090206,0 -7749,919473.0,1971-11-21 13:27:00,1971-07-08 12:09:00,49.03760415902179,1.0456147826032935,0 -9828,1008841.0,1974-07-08 00:34:00,1975-08-23 04:48:00,42.99895795179117,1.921884128717561,0 -9214,334541.0,1972-10-17 19:31:00,1974-07-18 14:53:00,48.62566570116471,0.2459668734839469,0 -6060,322382.0,1972-10-06 19:35:00,1973-06-29 20:12:00,38.27041881321449,1.634557030026381,0 -9475,697532.0,1974-01-02 04:46:00,1972-12-01 11:17:00,47.27016465452292,0.8845556259704221,0 -6409,708610.0,1974-12-21 12:29:00,1974-06-05 14:35:00,52.76027115703149,0.5400211303793581,0 -3317,488036.0,1973-06-20 03:31:00,1973-11-11 22:11:00,49.36326670403869,1.2614137813252742,0 -7464,775662.0,1972-05-21 19:59:00,1975-10-19 22:03:00,41.96813104831368,1.0252228066852878,0 -3061,118955.0,1974-05-24 04:08:00,1972-10-04 19:02:00,56.075995710704426,0.7658003723450371,0 -1355,116101.0,1971-09-16 02:49:00,1972-05-21 16:31:00,48.07630329436761,0.8528353235915682,0 -4514,1115852.0,1971-05-17 16:33:00,1974-04-14 08:12:00,51.60714375999045,2.0325830840304944,0 -5505,285457.0,1972-10-11 01:39:00,1971-01-24 15:08:00,55.032560612525366,0.019381830245157,0 -5250,38179.0,1972-03-10 08:49:00,1971-06-26 01:57:00,52.236404851808274,0.6260024177808381,0 -4511,514324.0,1973-07-01 13:27:00,1975-12-03 19:22:00,53.6879145840748,0.5828431879800168,1 -1730,395945.0,1972-02-20 04:16:00,1973-01-27 02:37:00,56.27043448894461,0.1652597062087669,0 -1758,313382.0,1972-05-25 02:25:00,1975-07-28 14:54:00,48.54222800498133,0.2814580495633071,0 -6650,934169.0,1970-05-22 15:45:00,1973-10-19 22:54:00,36.24516524638628,0.8664243820954568,0 -6646,596073.0,1973-04-06 15:53:00,1973-07-26 23:49:00,49.608111364850345,1.1793894522225217,0 -9860,116704.0,1971-02-13 00:37:00,1974-11-17 10:44:00,47.01482568321408,1.2235703807722271,0 -4139,696866.0,1973-07-27 04:20:00,1972-05-07 22:49:00,49.54444347594082,0.1632146198762272,0 -9393,196613.0,1971-07-25 10:08:00,1974-01-03 10:19:00,50.821100792389984,0.313378813785082,0 -5123,916038.0,1973-02-17 16:49:00,1971-04-15 15:18:00,53.2845086279784,0.8683354516654842,0 -0,250828.0,1974-08-18 01:40:00,1973-11-18 07:53:00,46.96494045283983,0.6471300146894488,0 -1864,1113688.0,1974-04-01 00:34:00,1975-12-16 04:29:00,40.05850990860206,1.1915646677313472,0 -543,457449.0,1971-10-26 09:39:00,1973-03-19 16:21:00,40.81695013755961,0.6935052257662011,0 -349,1160545.0,1974-11-01 15:56:00,1971-06-10 02:37:00,47.13524708047597,0.3460788332908746,0 -6906,1123264.0,1970-09-07 04:30:00,1972-05-04 18:46:00,48.505539652725645,1.1392362672829337,0 -9765,1100618.0,1974-08-09 07:10:00,1972-11-23 21:48:00,48.82158144120242,1.1419261013221362,0 -2523,387829.0,1971-01-23 17:56:00,1975-06-26 15:51:00,47.75693161414871,0.1286518342748207,0 -3464,824271.0,1972-06-21 23:37:00,1971-10-16 10:26:00,52.442539405413655,0.6668668882375807,0 -457,575013.0,1971-08-03 07:50:00,1971-07-05 14:58:00,49.93172033455401,0.7442340964648598,0 -3023,1179576.0,1973-06-23 22:56:00,1973-01-11 00:05:00,51.00153546760854,1.154823707155514,0 -7261,,1973-12-30 08:48:00,1972-01-25 12:40:00,51.446935181735576,1.1286398146965837,0 -9515,1000658.0,1974-06-25 01:34:00,1972-03-16 08:10:00,50.014215368635305,1.9582563645061053,0 -7872,1045186.0,1974-01-18 07:28:00,1974-12-08 11:07:00,43.202026950309545,0.0,0 -6625,515247.0,1970-09-25 10:06:00,1972-06-07 12:11:00,37.80592347147119,1.595664375143996,0 -2534,584165.0,1973-11-30 11:19:00,1973-03-23 03:27:00,46.21434951904144,0.8792117893718316,0 -131,714987.0,1970-05-19 09:44:00,1973-12-28 15:02:00,56.49337237758305,1.410895036746881,0 -3704,1172779.0,1972-12-18 09:41:00,1973-04-18 10:41:00,43.49952699411136,0.0,0 -1372,936292.0,1970-08-03 12:18:00,1973-07-26 18:08:00,42.27538182586992,0.6326734132311103,0 -6200,273149.0,1973-03-24 07:58:00,1971-01-09 03:47:00,37.08002532940234,1.042077613617587,0 -4856,530079.0,1970-03-11 16:28:00,1972-06-22 13:53:00,56.3329612568692,0.4808398502220317,0 -4712,1075963.0,1970-02-09 01:06:00,1973-10-27 08:36:00,45.83799341816085,1.5407851515950153,0 -5544,948613.0,1974-03-03 16:56:00,1975-10-22 15:32:00,56.58796318479329,1.3804707025773295,1 -1413,93340.0,1970-02-24 16:17:00,1974-11-03 18:42:00,54.892708702573245,0.9658510663207648,0 -4113,1050675.0,1974-06-04 07:17:00,1975-06-12 00:06:00,43.58911845492624,1.2570106817013815,0 -655,397971.0,1971-06-03 15:23:00,1975-09-29 08:46:00,47.6145074724006,1.0037191493794613,0 -8137,288845.0,1972-06-28 15:55:00,1975-06-13 12:37:00,55.10530047394073,1.2428481175656214,0 -4098,1073054.0,1971-06-23 07:27:00,1975-05-10 20:54:00,49.71284898367195,0.1204234355360781,0 -592,266895.0,1971-07-20 04:58:00,1973-04-30 05:20:00,52.540418799241934,0.6106133037710662,0 -8708,13191.0,1974-01-26 13:32:00,1972-01-15 18:02:00,50.91877263098392,1.72301192344543,0 -3123,99001.0,1973-01-21 06:04:00,1972-10-26 03:21:00,51.59181678057795,0.6250674868669677,0 -3047,289471.0,1972-04-13 15:54:00,1975-05-21 06:51:00,50.97552425722007,0.9320666865222712,0 -3887,813754.0,1970-05-30 10:51:00,1973-09-19 07:08:00,42.62422552510033,2.16022421857061,0 -5735,371543.0,1970-07-12 05:20:00,1973-10-12 13:36:00,56.22739754025829,0.0945521079578128,0 -2184,1005227.0,1972-07-13 03:27:00,1972-07-19 13:57:00,49.41584444203195,1.420882341705945,0 -2145,702002.0,1972-09-28 08:45:00,1975-08-18 16:29:00,46.93197818317636,0.9643019711472952,0 -7047,419861.0,1972-04-07 16:11:00,1971-03-30 14:59:00,51.59252375909304,1.2899381370662848,0 -3105,896048.0,1972-07-29 23:07:00,1975-10-04 06:24:00,40.90727439618703,1.1420926629200694,0 -9233,461875.0,1971-02-02 05:43:00,1975-04-19 06:02:00,41.78257346390791,1.0413337576474022,0 -9096,495316.0,1974-04-11 04:22:00,1974-05-26 15:14:00,51.42270271604161,0.2838490928842004,0 -2769,265499.0,1972-03-17 13:52:00,1972-04-18 18:21:00,50.10724324747966,0.362659235193344,0 -5221,1037182.0,1972-06-29 02:33:00,1974-01-12 07:01:00,54.680319288879055,1.1738036374485974,0 -5833,1193278.0,1971-09-17 14:44:00,1975-10-30 10:13:00,45.09625742089229,1.472110358439722,0 -1732,94336.0,1973-09-25 20:58:00,1971-06-27 14:50:00,53.829051359076246,1.0563979873042595,0 -265,45348.0,1970-05-16 20:15:00,1973-12-11 16:40:00,44.68096937862607,0.649340805762938,0 -5144,195766.0,1973-02-12 01:29:00,1975-03-09 20:35:00,51.291607323681006,1.0282702031225597,0 -8267,1069067.0,1974-04-29 11:49:00,1974-08-10 12:11:00,49.69645675926525,1.3359516050035958,0 -3937,166275.0,1974-03-06 10:21:00,1971-05-07 23:14:00,41.61912033224693,0.8766457372183353,0 -761,551767.0,1973-01-17 05:41:00,1974-07-18 13:15:00,,0.9711190131548748,0 -7220,879950.0,1974-03-12 02:02:00,1975-07-05 03:42:00,30.111948154224574,1.802841897905564,0 -8439,871272.0,1974-06-04 21:30:00,1975-01-06 03:26:00,45.205090418960566,0.987435641682342,0 -3257,2329.0,1974-08-07 02:37:00,1971-06-28 18:32:00,47.68336057142466,1.1205392434277617,0 -4338,293105.0,1973-06-01 07:31:00,1975-11-10 10:59:00,52.69994624038954,1.5315134413971836,0 -4362,397336.0,1970-09-13 11:36:00,1974-05-20 14:27:00,49.916764586307,0.836683390667653,0 -316,527245.0,1972-03-29 05:05:00,1972-10-10 19:52:00,46.16706707551886,1.0081381554522912,0 -8069,1199997.0,1970-04-25 04:17:00,1974-04-01 22:16:00,48.32430615620811,1.853875425586596,0 -1851,36466.0,1974-05-01 09:29:00,1975-10-25 03:15:00,47.09955978451608,0.4602612499450155,0 -2484,1052299.0,1970-08-01 18:44:00,1972-09-26 14:03:00,53.9967472616074,0.6033679700604748,0 -9873,38392.0,1970-09-01 17:38:00,1973-11-14 00:39:00,44.47670345925134,1.3985750123960543,0 -9574,221123.0,1970-04-30 16:45:00,1974-07-30 19:35:00,44.34713845808786,1.0181242066248126,0 -1078,1108442.0,1971-08-12 23:22:00,1973-09-09 02:40:00,46.66085447792939,1.3456669246172674,0 -8358,299316.0,1973-09-16 03:30:00,1972-11-29 07:18:00,46.27660236241741,0.6647413273256082,0 -7333,490832.0,1970-10-26 16:43:00,1971-08-10 01:46:00,50.39295583743117,1.020985098711623,0 -1071,149233.0,1970-07-18 00:01:00,1975-12-22 20:12:00,52.13749842021672,0.8658765151018981,0 -103,254951.0,1971-12-23 11:07:00,1973-04-04 09:57:00,49.14323800391972,0.7921907832320183,0 -5748,1051516.0,1970-10-02 02:05:00,1971-10-28 21:50:00,45.32417894373173,0.7141334148861869,0 -1418,839286.0,1971-08-01 16:59:00,1975-02-23 05:04:00,44.274119877779945,0.9521021259452638,0 -1658,55062.0,1974-01-29 22:36:00,1975-02-04 02:35:00,41.02890982343895,0.92826627834561,0 -5284,806349.0,1974-12-05 10:37:00,1971-04-14 21:07:00,50.31872791163689,1.6412548809131091,0 -1149,26178.0,1972-08-22 02:13:00,1972-06-25 03:42:00,45.97220466631647,1.9710928304195112,0 -7150,1027281.0,1971-05-30 06:11:00,1973-02-05 17:35:00,51.85030643228012,1.4844949437982249,0 -1568,524173.0,1972-10-19 15:15:00,1975-07-31 21:35:00,56.81821416003329,1.2449363628702692,0 -1087,430747.0,1974-09-03 10:27:00,1975-07-18 09:28:00,48.07639934660072,1.6666179627793911,0 -6085,1112762.0,1973-09-20 09:25:00,1974-01-21 23:21:00,51.53304238060098,0.3114183620767217,0 -8674,226647.0,1974-12-05 10:24:00,1972-12-15 17:18:00,43.21311649430751,0.5859128080090926,0 -8341,1027329.0,1970-09-20 17:32:00,1975-11-04 08:20:00,50.95978493185089,0.805424293359986,0 -7811,862180.0,1973-01-01 01:16:00,1974-12-27 09:12:00,,0.6310544513124838,0 -6084,399588.0,1971-11-25 06:45:00,1971-07-04 07:59:00,51.8850631352797,2.0240667069719818,0 -8773,848039.0,1972-12-21 02:09:00,1974-02-03 22:01:00,,1.7816766564850863,0 -8757,136693.0,1973-08-08 19:37:00,1975-02-15 06:38:00,49.35077149276066,0.6912656285612162,0 -1692,1104681.0,1973-07-13 08:57:00,1974-05-02 00:57:00,53.17270327221009,1.0342993430140874,0 -4734,613611.0,1970-01-23 11:29:00,1973-07-04 04:39:00,48.712549549933215,1.0649178458269588,0 -3387,1184388.0,1974-03-19 21:26:00,1972-03-19 08:43:00,48.71554201725228,1.6738545635079878,0 -3646,653663.0,1974-11-11 05:43:00,1971-03-07 01:24:00,46.81026372639255,0.8516078897944939,0 -1683,869392.0,1973-04-07 04:38:00,1975-10-12 21:06:00,45.05604492479248,1.229173841455418,0 -8,19101.0,1970-04-09 16:10:00,1975-02-18 05:59:00,41.38407905495706,1.4347078001646527,0 -6062,1171646.0,1974-08-26 16:48:00,1973-08-09 22:15:00,53.51732695563254,1.53590266628211,0 -6516,813813.0,1974-04-30 20:44:00,1975-09-22 12:48:00,49.9625378218464,1.2498230530395813,0 -4123,461609.0,1972-09-18 01:52:00,1973-11-10 02:06:00,55.16002852011017,2.1705003272556818,0 -8729,5208.0,1971-04-24 17:11:00,1973-04-06 08:22:00,45.72727866231904,1.1158334888870254,0 -6045,438712.0,1974-06-16 10:02:00,1974-01-11 12:21:00,43.91790748756041,1.3311320396039288,0 -567,809732.0,1972-06-06 08:37:00,1972-12-31 20:48:00,40.20444940443871,0.597542173032797,0 -9161,584412.0,1972-06-21 08:16:00,1975-08-09 11:36:00,45.36114577592096,1.5597480511662425,0 -1803,427638.0,1971-10-23 09:47:00,1974-06-16 01:17:00,48.07991455197848,1.114113250814126,0 -8501,994593.0,1974-04-24 18:16:00,1973-10-09 11:06:00,50.76710261544323,1.1560756044163871,0 -4900,686499.0,1974-11-02 11:07:00,1972-01-08 22:28:00,46.591529433174784,1.2051108257534413,0 -1599,606646.0,1972-02-12 16:12:00,1975-12-19 18:03:00,51.20298906908536,1.4348090767246182,0 -7931,830171.0,1972-02-21 16:15:00,1971-05-24 10:30:00,42.64365640788327,0.2327030543027776,0 -9547,1094900.0,1972-11-19 19:52:00,1975-06-14 21:48:00,48.28896157833902,1.210558791742837,0 -2823,594248.0,1972-10-27 21:21:00,1973-05-24 01:38:00,,0.0,0 -5467,1182435.0,1973-05-18 12:42:00,1973-08-22 07:25:00,44.47282734911066,1.2068934965081175,0 -3529,1047675.0,1974-12-27 03:22:00,1975-07-17 14:05:00,48.25884454399021,1.497120836811266,0 -8683,575081.0,1972-10-10 01:15:00,1973-10-17 01:40:00,49.31949712496412,0.9163559499874236,0 -1155,473324.0,1973-09-05 12:44:00,1973-05-08 09:32:00,51.67683299151647,0.484099263601258,0 -6547,557125.0,1973-03-18 10:48:00,1971-07-25 04:13:00,56.61397485353517,1.7023409120950674,0 -9088,216962.0,1974-01-07 21:36:00,1974-08-29 11:04:00,46.08781076205693,1.3406140605522787,0 -7620,20694.0,1974-06-19 16:31:00,1975-07-01 11:25:00,52.78211148086249,1.6393973044195795,0 -8296,410315.0,1970-11-15 12:49:00,1973-01-03 07:36:00,49.40012597065828,0.4478056854538329,0 -4540,522556.0,1971-02-15 09:06:00,1972-09-27 16:43:00,50.40368283851189,2.028282592448189,0 -9134,27154.0,1973-10-30 06:37:00,1973-10-31 17:08:00,52.796254347056575,1.0188809848065197,0 -6482,1153996.0,1971-10-03 06:46:00,1975-05-20 07:13:00,41.26569972376174,0.8864143604071409,0 -5826,432955.0,1970-08-15 14:45:00,1972-07-07 21:22:00,46.58232004029279,0.9527305458453448,0 -1190,812500.0,1974-05-31 02:58:00,1974-08-03 22:06:00,46.23284096685858,1.4733193554496786,0 -7444,356536.0,1974-09-28 21:27:00,1971-07-17 20:07:00,54.639033566181055,0.5225514405843732,0 -8520,134779.0,1974-05-04 05:45:00,1974-12-29 16:40:00,44.47869248227551,0.8969671122575427,0 -960,1170223.0,1970-08-02 18:27:00,1972-10-02 15:41:00,54.45303538167269,1.426214216133997,0 -7454,536994.0,1974-09-13 16:57:00,1974-12-02 01:03:00,51.43582011594465,1.0962790989979916,0 -36,589387.0,1972-10-05 03:07:00,1971-02-07 08:02:00,46.2910115288182,0.2991308699695888,0 -7516,475408.0,1971-01-19 00:55:00,1973-04-04 18:04:00,51.6856220865708,0.0629149949018359,0 -7644,332577.0,1973-01-20 14:26:00,1974-08-25 10:43:00,46.71293613053965,1.0156965448819042,0 -4438,111262.0,1972-10-14 09:06:00,1973-01-16 15:13:00,44.46086527495631,1.105713540217749,0 -6161,996011.0,1970-11-11 01:19:00,1971-05-25 11:40:00,42.16346483508747,0.7198009015543777,0 -7744,121364.0,1972-08-31 18:13:00,1971-12-10 18:56:00,48.61508338555,1.253985434110519,0 -9587,516561.0,1970-03-31 04:07:00,1975-08-03 03:58:00,47.50560743410974,1.148993783064706,0 -8119,326589.0,1973-03-21 22:39:00,1971-05-25 12:18:00,45.04326595455848,0.5511857337075179,0 -6967,911916.0,1972-03-05 16:24:00,1972-10-06 00:22:00,43.927901026665005,0.0,0 -5718,798464.0,1974-11-08 23:38:00,1971-07-24 10:56:00,47.68426513978481,1.2733605041503426,0 -577,718650.0,1973-05-11 19:18:00,1971-11-23 04:08:00,40.71175090053532,0.8024858413647594,0 -9833,949339.0,1970-12-08 15:56:00,1973-08-21 04:52:00,55.58523639591267,1.0787923102348331,0 -4102,773914.0,1972-02-15 10:39:00,1972-04-30 06:06:00,46.7133243124615,1.091228214145609,0 -7646,1183561.0,1974-09-29 19:37:00,1974-12-18 00:47:00,44.86226399659646,0.7687600822943544,0 -4151,430824.0,1971-01-12 04:44:00,1971-02-15 03:59:00,50.15083917047052,0.7884348222871336,0 -3130,529214.0,1974-12-10 01:03:00,1972-05-23 15:59:00,42.43265850436234,1.3485400427246812,0 -4890,643234.0,1970-04-20 03:28:00,1972-04-12 08:08:00,54.55566439670777,0.1919488232013945,0 -9975,1095711.0,1971-10-26 15:19:00,1971-05-18 16:50:00,50.26100402356991,1.3620514387041138,0 -7471,62750.0,1972-12-14 05:53:00,1972-08-26 11:00:00,54.359925974543806,0.4848258371173342,0 -1833,846665.0,1970-05-03 07:13:00,1974-06-02 00:57:00,46.34849265712388,1.107393663080048,0 -9148,1064770.0,1973-12-12 09:54:00,1974-09-03 20:14:00,53.52216624518058,1.5261555670466116,1 -4891,219965.0,1972-03-03 11:30:00,1972-10-01 14:57:00,48.07044137603144,0.6283125616526313,0 -2287,,1971-02-24 12:05:00,1971-04-15 20:03:00,48.23118389177035,0.8080366738963218,0 -1330,1166074.0,1971-12-01 22:04:00,1974-08-11 19:48:00,46.25799063455494,1.1393789401119725,0 -2771,236120.0,1973-03-27 01:23:00,1975-11-26 11:31:00,45.76960406696773,1.6422197849211375,0 -3686,851118.0,1971-02-03 22:24:00,1971-10-21 03:08:00,45.98906494025382,0.523615333183935,0 -8283,1121169.0,1974-01-30 06:08:00,1975-07-10 15:45:00,47.53396935605044,1.688950427290119,0 -5928,859258.0,1971-05-10 20:54:00,1974-02-06 18:35:00,48.68812179928136,0.6175913439827455,0 -637,708550.0,1973-05-15 08:47:00,1971-06-08 18:46:00,48.91986453628287,0.6285488108985813,0 -47,23581.0,1973-04-16 02:44:00,1975-09-28 03:18:00,47.87513154460317,0.7128034333054447,0 -2602,726198.0,1972-12-19 09:12:00,1974-06-17 10:17:00,44.32637827654366,1.5154204659558073,0 -1965,135739.0,1970-03-22 04:38:00,1971-08-30 11:40:00,47.394345529211634,1.6901029151575755,0 -2168,1180936.0,1972-05-28 03:35:00,1973-03-06 16:22:00,48.19903340272643,0.4141207427744674,0 -5049,507549.0,1970-11-17 18:06:00,1973-09-21 02:39:00,40.06989023867247,1.3254581610908698,0 -3334,1150943.0,1974-01-11 22:24:00,1973-01-21 16:47:00,50.4006364843009,1.5163088046333728,0 -3019,565631.0,1972-12-09 07:53:00,1975-01-05 18:06:00,54.1266419397424,0.8877077165223423,0 -8764,1158239.0,1974-04-11 05:35:00,1975-01-02 21:28:00,41.27398137729107,1.1419143941153371,0 -9176,942326.0,1970-03-31 16:25:00,1974-07-28 22:34:00,43.59860009883612,1.9697557456471797,0 -1360,535157.0,1972-03-26 04:33:00,1972-02-04 08:51:00,49.271732195022416,0.6275792379810772,0 -5798,923146.0,1972-02-24 13:38:00,1973-07-01 12:45:00,48.94046575622151,1.5474144381051584,1 -9400,696282.0,1971-11-18 21:11:00,1972-06-29 23:51:00,52.50996649191323,1.227009940874459,0 -3251,325306.0,1971-02-03 19:52:00,1975-12-15 22:37:00,39.96905332269029,0.7248603713422206,0 -6300,1126632.0,1973-04-03 02:01:00,1973-04-15 04:29:00,51.118186770613626,0.6200355467865539,0 -2251,627552.0,1973-05-08 03:09:00,1974-12-02 13:36:00,48.29836466689088,1.071534776550096,0 -6027,1101068.0,1974-08-17 14:06:00,1972-08-28 20:15:00,51.5282944179906,0.680343908861742,0 -1175,101593.0,1974-08-10 01:53:00,1972-09-02 06:50:00,52.325137640224,,0 -8799,235280.0,1972-10-19 19:34:00,1972-04-10 11:37:00,54.21024980987636,1.059875318913548,0 -3279,898990.0,1971-04-03 11:30:00,1973-03-26 08:02:00,46.02676037162249,0.0,0 -2973,428812.0,1970-10-10 08:08:00,1975-11-15 05:44:00,51.677062643159424,1.708527067688166,0 -3396,1070372.0,1973-12-18 13:12:00,1974-12-30 16:46:00,49.39660035443141,0.9138467806058403,0 -6939,1085625.0,1974-08-12 08:31:00,1971-04-05 01:47:00,46.78000146137298,1.342311211128365,0 -965,62997.0,1972-12-07 04:44:00,1975-06-25 13:30:00,52.84253373540888,0.2197689278907735,0 -8574,362878.0,1973-06-10 05:10:00,1974-03-26 00:27:00,47.25845345699805,1.8351947077150683,0 -742,1182724.0,1972-07-25 00:29:00,1971-03-01 23:02:00,48.53210605920631,0.8346609023976532,0 -7514,906234.0,1970-08-11 07:09:00,1973-05-26 03:59:00,45.02906804205787,1.1645908086789514,0 -3314,713848.0,1974-08-19 03:31:00,1973-03-17 23:05:00,52.08803133240512,0.6253293376773825,0 -4898,274640.0,1970-07-23 14:33:00,1975-07-30 03:20:00,47.95269604445038,1.0088545844049024,0 -9340,484064.0,1974-08-17 09:03:00,1971-01-15 12:56:00,49.41704487009246,1.0954927083450356,0 -4672,522644.0,1971-10-08 21:20:00,1972-12-14 13:40:00,44.38044040443496,1.4976668227633492,0 -8618,1010458.0,1974-02-23 06:48:00,1973-11-25 00:29:00,49.5746733437078,0.5758405593610896,0 -1217,599551.0,1971-03-05 08:52:00,1971-07-21 16:21:00,50.4267951535387,0.0,0 -4397,1095185.0,1972-09-21 13:33:00,1971-11-20 11:24:00,48.40256419894549,1.3223079631527257,0 -6080,318564.0,,1971-06-13 03:16:00,45.84593137646302,0.024434547332171,0 -2614,827725.0,1973-07-12 17:39:00,1975-10-09 03:57:00,46.41456185082261,1.0402596813053089,0 -2620,259931.0,1974-11-11 20:39:00,1974-01-03 01:06:00,57.00912014045353,0.0,0 -8714,583233.0,1971-12-30 15:07:00,1971-07-26 21:32:00,43.79891990988492,0.3152875796079994,0 -7282,829783.0,1974-08-29 04:05:00,1973-09-04 21:05:00,47.823577148114296,0.2969359941084801,0 -3379,475253.0,1973-01-12 23:37:00,1971-07-20 00:11:00,47.307091401032594,1.6409824149078072,0 -7301,1011245.0,1973-03-07 15:09:00,1975-10-20 03:06:00,46.833623077657336,1.1640966383529632,0 -9857,653444.0,1973-06-29 23:21:00,1975-11-04 16:29:00,44.75799797109958,1.743412743990879,0 -5605,594274.0,1970-10-09 23:29:00,1971-01-05 18:33:00,45.68242719922317,0.5223563229750287,0 -9813,1131998.0,1972-10-01 10:12:00,1972-08-04 00:02:00,42.826474958167054,1.776936646887805,0 -5786,,1972-04-09 23:32:00,1971-11-20 17:46:00,46.47429716459744,1.516751969839746,0 -8518,995769.0,1974-12-15 16:35:00,1971-10-31 21:19:00,50.48469206978688,1.716184309924116,0 -6850,1104936.0,1972-02-15 14:12:00,1975-08-30 18:41:00,50.23946671245053,0.8139450679754572,0 -1516,635287.0,1972-08-18 02:43:00,1971-12-18 01:36:00,56.13550517161968,1.5319618283943104,0 -5098,1094464.0,1972-01-16 07:10:00,1972-02-03 00:51:00,51.45511521951311,1.2693102293264036,0 -7636,1031614.0,1971-10-04 00:51:00,1971-10-05 20:42:00,49.102152259092,0.4179514749321419,0 -9085,610311.0,1973-05-17 01:53:00,1971-06-15 08:56:00,53.825993830886674,1.3306983818509637,0 -8023,121059.0,1970-05-22 04:14:00,1975-03-16 22:17:00,42.53465780272633,1.1333860367283055,0 -2392,127987.0,1972-03-09 23:36:00,1974-11-05 19:12:00,50.9305034717472,0.6653747585842429,0 -586,204028.0,1974-02-10 15:15:00,1974-01-14 16:45:00,47.31637201045388,1.474915266719814,0 -3519,1181131.0,1970-10-28 20:28:00,1973-07-15 09:30:00,49.23595681208108,0.1467093237830445,0 -7653,468651.0,1970-08-23 05:11:00,,46.5998178097576,1.3250442755381593,0 -8946,884842.0,1970-04-23 08:00:00,1974-04-22 08:03:00,55.45420045133716,0.9542481144388152,0 -850,848329.0,1971-07-02 23:05:00,1975-08-07 14:29:00,52.06897846694527,0.7052413082729327,0 -335,331639.0,1972-06-14 13:52:00,1974-08-08 04:05:00,42.88998884250302,1.097226379947025,0 -6634,627170.0,1971-10-24 16:28:00,1973-05-11 17:58:00,42.47391462357602,0.617983342363158,0 -8972,858204.0,1974-10-17 07:58:00,1974-04-12 11:12:00,55.83144512105201,0.5526614538502184,0 -7493,26296.0,1974-07-06 12:09:00,1971-12-27 15:13:00,48.45736873543128,1.6451962971144916,0 -2868,589847.0,1973-08-20 06:50:00,1971-08-07 01:34:00,45.21543453910024,1.302063138668251,0 -4872,310546.0,1973-06-08 07:24:00,1974-11-27 13:29:00,,1.2706454726483765,0 -3550,375294.0,1972-07-13 09:18:00,1971-12-25 22:09:00,47.44593193071507,0.9516123254933382,0 -3842,493905.0,1974-02-14 17:57:00,1971-11-03 06:50:00,45.36340468695134,1.011843506094125,0 -7262,98874.0,1972-10-15 23:24:00,1973-04-27 21:28:00,53.474575012830186,1.4326686500524448,0 -5824,399205.0,1972-05-04 05:54:00,1973-08-22 20:30:00,43.14229754533307,1.3948443224381544,0 -23,550806.0,1971-09-12 14:00:00,1975-11-23 15:39:00,38.18840822833824,1.125212792750978,0 -1453,244856.0,1974-06-30 04:11:00,1973-05-16 12:57:00,37.7571068322597,1.9647833515705944,0 -1684,539546.0,1974-03-10 06:30:00,1971-08-30 22:03:00,56.04269590944619,0.2548175107498768,0 -2310,211418.0,1972-11-07 04:03:00,1973-08-26 12:37:00,54.71035694968425,0.4830642035068325,1 -9063,1157336.0,1971-02-25 05:23:00,1971-06-15 15:04:00,40.070235053808034,0.8300229354960329,0 -9406,1055936.0,1972-01-08 18:30:00,1975-10-22 06:35:00,45.53523657909018,0.2627202656216681,0 -381,1031182.0,1971-04-23 17:36:00,1975-12-20 10:05:00,49.118379044904685,1.7193884168029565,0 -5814,819174.0,1971-11-15 04:32:00,1974-04-02 11:40:00,54.18973572702886,1.2033028756723063,0 -5550,295875.0,1973-09-07 03:04:00,1975-08-06 16:54:00,57.62204221286388,0.9790750617572844,0 -9308,142502.0,1972-01-24 12:44:00,1972-06-18 20:44:00,43.69804073113969,0.7904090002724713,0 -1618,768137.0,1971-05-29 13:39:00,1971-07-30 17:54:00,45.61447881777484,0.5951617024174005,0 -789,49777.0,1973-08-02 19:17:00,1973-09-25 19:33:00,42.65282755286395,0.3831978641683627,0 -5983,612032.0,1973-04-01 13:53:00,1975-09-10 19:02:00,54.83948337231367,0.2077796726776125,0 -8672,865847.0,1972-09-12 00:12:00,1974-06-12 09:00:00,47.66997232286869,1.850597644883824,0 -4475,190590.0,1971-04-14 16:59:00,1973-03-24 03:50:00,48.21483125181621,0.4068755163652762,0 -5606,1084955.0,1974-11-12 18:00:00,1971-09-28 14:38:00,51.78650028504523,1.7838287338179477,0 -9312,442739.0,1970-06-30 05:45:00,1971-09-16 18:51:00,47.1118473181022,0.6323096549149911,0 -5648,734169.0,1971-01-14 03:51:00,1973-01-13 17:33:00,42.041579898053286,0.953544287236998,1 -6216,749350.0,1974-08-04 11:14:00,1971-10-30 10:11:00,48.24227235029132,0.7745606531948218,1 -2286,326594.0,1974-09-07 06:35:00,1973-04-04 06:44:00,49.28461804729834,0.6316499571282772,0 -9993,54431.0,1970-10-01 16:58:00,1971-07-09 02:37:00,50.45960929526676,1.109307330078612,0 -7578,1186427.0,1973-06-27 21:44:00,1972-08-23 13:59:00,44.80232096707519,1.1831824403734663,0 -1183,1001290.0,1972-12-15 14:38:00,1973-04-22 07:28:00,49.06906935414072,1.6824453616976045,0 -6001,658971.0,1971-09-08 07:02:00,1974-05-29 00:26:00,53.02768502651247,0.796236654977269,0 -5090,248212.0,1972-12-10 20:48:00,1973-06-24 21:04:00,47.97746505561252,0.5430174009878558,0 -2516,272946.0,,1973-03-03 08:11:00,42.932775735643496,1.9343012287192456,0 -4122,209769.0,1971-07-31 06:16:00,1972-05-31 20:23:00,53.875428532681504,0.2749360617496112,0 -5521,614082.0,1973-05-25 13:47:00,1971-06-22 19:55:00,39.0132995360503,0.9808700067100772,0 -5627,1066813.0,1972-05-31 20:12:00,1975-09-28 13:09:00,47.47636327769834,0.865503734565351,0 -8360,920197.0,1974-06-08 07:39:00,1972-03-16 18:52:00,46.89340476555057,1.858637342297236,0 -5872,719856.0,1971-01-17 10:30:00,1974-04-26 22:50:00,54.64273643116785,0.9570422415852264,0 -8612,700859.0,1971-08-29 12:33:00,1974-02-09 01:59:00,40.20316660193198,1.0238182909814793,0 -7727,591139.0,1972-02-23 08:25:00,1974-10-30 07:51:00,45.11821670664053,0.5268982648578047,0 -5968,43977.0,1971-06-16 10:29:00,1972-03-03 11:38:00,53.84002852614256,0.6518810220630564,0 -1180,99500.0,1972-09-09 16:08:00,1973-11-08 00:42:00,48.82379294023476,0.7413592739362049,0 -8762,593965.0,1973-05-01 14:54:00,1971-11-06 16:57:00,47.43246262590745,0.4466956663742174,0 -8235,825941.0,1971-07-14 18:30:00,1972-12-29 09:48:00,43.62872069274189,1.051407930111801,0 -2818,661895.0,1972-08-21 00:55:00,1972-12-24 07:04:00,50.45235965502595,1.795744633935055,0 -9964,257162.0,1974-05-11 09:05:00,1975-09-07 14:43:00,40.89445124502345,0.5699035356397892,0 -8703,1144437.0,1973-12-06 13:23:00,1971-08-29 18:10:00,47.87224422389026,1.178312749798209,0 -6608,802494.0,1970-03-12 14:08:00,1975-01-24 14:56:00,52.32713268462461,0.1422286932038592,0 -2820,657560.0,1970-01-05 11:30:00,1975-09-07 02:22:00,53.430497139226894,0.7781809310501036,0 -7535,640032.0,1974-04-15 13:59:00,1973-04-14 21:14:00,57.67433713305938,0.6742925877776069,0 -2260,652225.0,1974-08-12 13:05:00,1971-04-24 22:52:00,45.52859321857796,1.700792676570043,0 -2239,986507.0,1973-02-24 00:52:00,1972-10-31 07:19:00,43.93447474890988,1.4423304325565351,0 -6021,423160.0,1971-12-19 12:37:00,1971-03-01 10:29:00,49.316290384773794,0.556386309385558,0 -782,851874.0,1972-03-21 13:53:00,1972-10-29 14:08:00,46.656077198805306,1.3952354742826238,0 -932,672941.0,1973-07-04 05:50:00,1973-01-21 02:26:00,47.05925029389687,0.6538365883455765,0 -6202,950757.0,1972-01-21 13:45:00,1971-05-29 19:36:00,47.65642282915419,1.439347872447153,0 -2412,332940.0,1971-12-28 03:14:00,1973-12-19 08:20:00,,0.4567989604765701,0 -6997,921278.0,1974-04-19 22:24:00,1971-08-05 12:14:00,49.7606430206493,1.493865767871135,0 -9115,204914.0,1973-10-05 07:37:00,1973-11-10 05:44:00,52.49951413321619,0.3236097312591961,0 -1156,784015.0,1973-07-03 06:16:00,1972-03-27 22:05:00,45.0790122734214,1.4825514679542755,0 -8107,273920.0,1974-09-23 11:04:00,1971-06-25 02:56:00,47.10563534411387,0.7233526094367391,0 -5805,819794.0,1972-11-26 00:07:00,1971-05-05 23:40:00,45.84752180743827,0.6416108272932635,0 -4879,421509.0,1970-11-03 03:21:00,1974-08-28 20:20:00,55.59809996171943,1.847804311037889,0 -3309,447243.0,1972-06-09 00:17:00,1971-10-25 03:00:00,42.536961752177135,0.7587602196862813,0 -8961,938248.0,1970-02-14 12:35:00,1971-07-23 18:01:00,41.05026400483852,0.8376271763496165,0 -1702,629372.0,1972-06-22 21:12:00,1971-11-04 19:02:00,,1.5006096042977703,0 -2492,927606.0,1972-12-03 08:18:00,1971-02-02 06:09:00,46.012895253956,0.9525887218276292,0 -3706,938708.0,1974-06-28 01:40:00,1974-12-30 21:30:00,43.12209086623172,0.0,0 -8276,365510.0,1974-06-13 10:20:00,1974-02-02 04:15:00,51.43367013874015,0.0,0 -286,1115113.0,1973-03-02 13:13:00,1972-04-03 09:33:00,48.42048472082121,1.4500673513829123,0 -1608,567779.0,1974-05-08 11:22:00,1975-09-07 03:01:00,45.90162661902262,0.7744414694687207,0 -6631,1171441.0,1970-03-22 12:01:00,1972-05-14 17:05:00,49.94764570598161,0.9106403021890376,0 -8278,368611.0,1974-04-09 17:54:00,1972-05-15 06:33:00,53.941239804042354,0.9448194539410107,0 -7315,439646.0,1970-11-20 20:21:00,1975-08-08 13:53:00,48.37150179934197,0.9522159500451054,0 -2252,1113281.0,1972-10-25 22:10:00,1972-02-12 06:50:00,53.0617086422156,1.182538061963467,0 -7415,31811.0,1972-10-27 22:15:00,1974-07-29 14:41:00,58.02703144177968,2.219806218083982,0 -8365,373836.0,1974-04-24 08:07:00,1974-12-13 02:14:00,40.97806949031343,1.0587046366804669,0 -1891,788914.0,1973-04-29 02:47:00,1974-04-03 10:35:00,50.38829282806359,1.5376751475167478,0 -5062,531343.0,1972-07-03 03:38:00,1974-07-24 12:01:00,44.463966193842914,1.26091701196007,0 -6120,490684.0,1970-03-19 14:43:00,1971-03-04 11:46:00,47.84098466994779,1.0722799719484073,0 -563,303952.0,1971-12-03 09:03:00,1971-01-29 15:37:00,48.6553411433433,1.388085696440516,0 -291,634401.0,1972-03-16 02:39:00,1972-06-11 21:14:00,44.48287266187101,0.0,0 -4716,597111.0,1972-10-14 10:45:00,1971-02-18 16:33:00,47.399490984229175,1.1234068207857306,0 -7708,293944.0,1971-02-16 01:01:00,1973-12-28 20:54:00,48.85786603923981,1.3348623398556954,0 -6349,515627.0,1974-10-29 15:55:00,1973-10-02 22:11:00,45.21243692257774,0.6229848089411452,0 -169,766367.0,1972-08-31 17:57:00,1972-04-13 04:04:00,48.09442433896215,0.5083369175223166,0 -267,862877.0,1971-11-11 05:31:00,1973-12-31 23:04:00,43.19826764102811,0.8511421085090697,0 -4638,963198.0,1974-05-08 21:01:00,1975-04-05 07:07:00,49.82449518178784,1.1362041502742748,1 -7077,1155077.0,1974-06-30 23:27:00,1974-06-15 06:06:00,55.72420874540922,1.81245814504067,1 -3355,670773.0,1970-05-14 19:44:00,1972-01-07 21:18:00,45.614730209839024,0.6489924303231205,0 -8279,491330.0,1973-12-12 05:49:00,1972-07-01 17:15:00,38.65533731100589,1.2126123971179623,0 -315,368375.0,1973-02-27 01:19:00,1973-02-22 05:48:00,45.78768907915608,0.5677653453188615,0 -6728,341032.0,1970-05-24 02:08:00,1971-03-07 17:31:00,44.61211467334665,1.3728040800013013,0 -9495,601951.0,1970-12-29 16:58:00,1973-02-02 05:33:00,55.99170382370583,1.152431339930385,0 -4067,1178025.0,1972-06-18 10:22:00,1973-05-10 05:35:00,43.77939055454026,0.3426556719313985,0 -245,467894.0,1971-10-03 15:36:00,1973-11-21 13:04:00,52.95709984254181,0.6340048579430799,0 -252,674450.0,1972-09-18 10:00:00,1973-09-23 15:55:00,51.99813884287616,0.6753453192349093,0 -1111,351380.0,1972-08-30 00:17:00,1973-07-30 05:34:00,47.143590755180085,1.1361313816714314,0 -4801,1140930.0,1973-04-01 20:04:00,1973-05-12 06:18:00,42.56918530123227,0.8570331395376315,0 -1713,1137262.0,1972-02-28 09:36:00,1975-03-28 08:59:00,49.41655878828299,0.1454963590525999,0 -50,830705.0,1970-09-03 11:42:00,1971-09-04 08:30:00,53.43962150112377,1.4055132519278162,0 -1835,891393.0,1970-04-21 11:42:00,1975-02-22 07:41:00,,1.0505605561412308,0 -7896,1110830.0,1973-12-04 21:06:00,1972-07-21 07:03:00,45.65502855645188,0.951524914444846,0 -3383,219247.0,1971-09-14 04:02:00,1974-01-29 07:34:00,53.10632815564841,1.8079429122350064,0 -6410,263411.0,1974-07-29 14:48:00,1973-03-23 04:14:00,48.96126686426669,0.7397132380295323,0 -4313,1114474.0,1970-02-15 13:01:00,1975-03-30 22:57:00,43.462169388857625,1.6784225596720377,0 -872,414780.0,1972-05-06 22:02:00,1972-04-10 22:09:00,53.30855463196161,0.6742790316892373,0 -1254,629255.0,1974-09-12 17:47:00,1975-07-12 23:03:00,52.73486170561715,1.0119788991759804,0 -8881,1018279.0,1974-05-25 19:20:00,1975-09-21 08:46:00,46.8638042939006,1.126820720486555,0 -5851,26844.0,1972-07-04 11:03:00,1972-09-20 21:57:00,55.85862409999024,0.5588879071498514,0 -5702,975302.0,1974-02-06 09:46:00,1975-09-16 22:39:00,52.12319649765876,1.7586352972612178,0 -8103,909094.0,1972-02-23 17:45:00,1975-08-23 09:55:00,49.34456529370648,0.5494564397433666,0 -2098,415103.0,1970-02-10 00:13:00,1972-05-20 02:20:00,50.4989322322046,0.6742382004545471,0 -5128,905605.0,1974-07-07 04:51:00,1974-05-06 11:57:00,42.969753487134405,0.4884805147798999,0 -248,1130290.0,1973-11-02 23:52:00,1975-10-21 15:14:00,43.67031943262571,1.23124730147815,0 -6561,564436.0,1971-12-04 22:57:00,1971-05-05 19:46:00,38.85476835154184,0.8036963690087672,0 -1339,1180865.0,1971-05-21 16:03:00,1972-07-21 12:58:00,51.944727168254005,0.7679995013687643,0 -7017,217658.0,1971-01-15 03:15:00,1974-09-23 22:16:00,44.31895245586316,0.3482076211425892,0 -2110,684421.0,1970-02-17 23:08:00,1972-09-19 22:11:00,37.55198520155784,0.9315563251108888,0 -1569,960765.0,1972-03-01 08:39:00,1973-05-01 02:06:00,48.67160817569,0.8070842968540091,0 -1726,1155901.0,1974-05-08 10:57:00,1973-10-08 19:49:00,48.84539781761996,0.3021043628944264,0 -8384,539465.0,1973-06-03 10:50:00,1972-10-30 05:24:00,49.43919686198903,1.2678540804108502,0 -6940,1151913.0,1970-02-08 14:16:00,1973-03-07 16:53:00,57.30067901368278,0.8281925142513483,0 -4395,237722.0,1974-07-11 16:11:00,1973-10-07 10:24:00,40.599342208410334,1.4430817016198183,0 -2420,991975.0,1971-05-15 23:11:00,1974-02-20 06:30:00,65.09449637614476,1.4415987412221445,1 -3045,568550.0,1970-06-12 00:34:00,1975-08-01 07:29:00,,1.3276416461911178,0 -5503,318280.0,1970-09-02 04:41:00,1973-03-28 23:55:00,48.04674190341926,1.141091506276655,0 -3703,654080.0,1972-03-03 02:37:00,1971-09-11 21:45:00,54.84251746564562,0.5976010610662855,0 -8191,190330.0,1970-03-21 03:35:00,1971-02-21 05:59:00,51.60585708958797,1.4111503489148247,0 -5331,47548.0,1970-07-17 00:17:00,1975-02-10 17:32:00,39.86026217374605,0.0,0 -9808,1074123.0,1970-12-25 05:08:00,1972-05-21 20:37:00,40.71330945715763,1.2541177768012777,0 -447,304970.0,1971-06-04 10:02:00,1973-11-18 07:57:00,47.06614533383319,0.8592918490432608,0 -7894,2347.0,1974-07-21 09:54:00,1973-07-06 23:59:00,47.98566405222161,1.6286797489362188,0 -8728,551360.0,1970-02-02 06:55:00,1971-09-03 07:43:00,46.15744258909371,1.5316038667570793,0 -7828,248586.0,1974-12-25 10:54:00,1974-07-24 21:49:00,49.408211506851394,0.6119237641967874,0 -1768,418628.0,1970-08-29 22:06:00,1972-01-18 23:20:00,36.69672008013849,0.2817307804191112,0 -6808,420627.0,1974-08-09 03:16:00,1975-12-09 00:07:00,46.25387453833486,1.821143928841654,0 -4704,251342.0,1970-10-09 00:55:00,1971-11-11 01:52:00,49.05264076206403,0.5098837304764665,0 -3869,568524.0,1971-09-03 09:19:00,1975-07-16 03:33:00,45.627575617570535,0.2176136227148032,0 -1655,91234.0,1972-05-30 10:46:00,1972-12-20 22:56:00,47.9375029140223,1.8132513493993057,0 -3187,559027.0,1971-02-17 21:40:00,1974-03-03 04:53:00,49.771702884937625,1.600403575560534,0 -683,364996.0,1970-02-21 22:31:00,1971-04-17 05:15:00,46.40739044617696,0.5007670183274606,0 -4170,523051.0,1971-12-11 06:41:00,1972-01-25 00:46:00,49.75022959218524,1.2108600501591456,0 -4477,750364.0,1974-01-20 16:05:00,1972-05-27 16:29:00,42.14759362815671,0.6502121935524733,0 -461,886445.0,1972-12-06 23:10:00,1971-10-29 01:28:00,46.63205247656303,1.6112314275145936,0 -5764,649798.0,1970-10-21 17:54:00,1973-04-22 07:55:00,43.19765437022932,0.9693574091801964,0 -7522,119376.0,1972-07-31 03:35:00,1975-07-16 08:47:00,56.47696761749504,1.3605685213147618,0 -4502,223638.0,1972-07-03 05:19:00,1975-11-12 06:15:00,34.98520148971061,0.6434139933948642,0 -9709,69183.0,1974-03-24 12:56:00,1971-08-30 13:49:00,46.36256506592974,0.0495232385583465,0 -318,416687.0,1973-11-02 21:28:00,1973-08-04 07:12:00,46.35072288254702,1.7009194273312782,0 -1145,405710.0,1971-01-12 00:58:00,1974-04-13 09:20:00,54.1321751358121,0.8600866586880689,0 -5094,1192240.0,1970-08-25 08:04:00,1971-01-02 14:26:00,50.91194067841924,1.4126350414897275,0 -1393,124132.0,1974-05-12 12:40:00,1973-12-30 20:02:00,50.98244884718815,,0 -6623,1117498.0,1970-03-28 20:47:00,1973-08-14 17:50:00,50.65890474049011,0.7328325207161946,0 -1501,446774.0,1973-09-30 17:59:00,1971-06-09 18:13:00,39.10484091016897,0.990986600152836,0 -6408,671796.0,1972-12-24 21:29:00,1975-04-13 22:33:00,58.007488811001046,0.4198689749947396,1 -376,641759.0,1971-12-07 12:43:00,1974-06-02 13:03:00,40.06142154542746,1.267901848691222,0 -410,230647.0,1974-12-21 19:09:00,1974-05-21 11:53:00,38.85967261565946,1.0446062367968896,0 -1660,830216.0,1973-01-07 11:19:00,1974-09-13 10:14:00,49.49072405822523,0.7133256511793773,0 -3151,648048.0,1972-03-05 11:44:00,1972-12-17 14:38:00,50.91325407225135,0.8511763169365438,0 -1623,874516.0,1974-11-09 16:11:00,1974-05-24 21:27:00,50.89269013142795,1.655194821034733,0 -5609,92884.0,1973-06-26 17:08:00,1975-06-04 07:17:00,37.08213756238528,0.7493404286072016,0 -8532,150463.0,1973-07-03 01:58:00,1973-08-28 12:32:00,40.69561938654163,1.3932119259956202,0 -5802,1027187.0,1972-05-19 12:27:00,1973-03-22 20:37:00,54.68185218695184,1.6490716825462983,0 -5306,703182.0,1974-02-26 07:14:00,1972-11-16 06:30:00,40.76201235102324,1.015377112809018,0 -7086,230795.0,1974-07-04 19:41:00,1974-01-14 01:11:00,50.42693510857918,0.7653832639118145,0 -8897,967402.0,1970-10-17 06:59:00,1974-08-08 16:11:00,55.99622758855226,0.6063250446586801,1 -7488,19402.0,1972-07-14 11:47:00,1971-02-11 16:55:00,45.98133890809989,1.0247881272845545,0 -9615,1188856.0,1973-06-30 05:20:00,1971-03-07 11:25:00,49.16711608055385,0.8051721010090342,0 -9217,1061222.0,1971-12-07 17:21:00,1971-09-01 13:19:00,52.050336772005366,1.0614296522314648,0 -1672,1086885.0,1972-02-24 08:29:00,1975-06-07 14:42:00,50.79236465267903,0.8103316959083833,0 -2358,1117486.0,1974-02-25 20:49:00,1975-11-09 10:09:00,41.92945800788653,0.5911967361579618,0 -8467,960113.0,1972-04-23 08:09:00,1971-06-08 00:18:00,53.78987075964206,0.9520766704798004,0 -274,2340.0,1974-03-01 14:28:00,1973-11-19 05:24:00,50.12013632213293,2.110064758538793,0 -2473,673566.0,1972-08-08 10:40:00,1975-03-26 05:17:00,48.44588626551985,1.5584147304591554,0 -5489,300094.0,1970-04-24 15:12:00,1972-04-14 17:20:00,54.15970546718141,0.8357532759332202,0 -4771,1015757.0,1971-04-27 14:40:00,1974-05-15 03:58:00,51.6235056950667,1.4978430332689636,0 -2107,954916.0,1970-07-14 08:40:00,1973-06-18 01:12:00,45.60962341414197,0.3600552892382537,0 -7500,347382.0,1970-07-31 01:29:00,1974-09-20 21:48:00,51.49595036075189,0.3572282574495361,0 -4414,210141.0,1971-05-18 21:28:00,1975-12-07 12:59:00,47.591514927262,0.3428222357836306,0 -8138,1123772.0,1973-04-30 01:38:00,1974-04-27 04:04:00,48.13795240691858,0.7997095130944476,0 -8660,715171.0,1974-11-05 01:06:00,1973-05-12 06:28:00,50.87118986711633,1.0000230296240122,0 -8239,863950.0,1973-05-28 13:32:00,1971-02-27 17:24:00,45.3472752219818,0.5672294759880134,0 -2417,183102.0,1971-04-10 20:52:00,1972-11-29 18:31:00,49.10043701802523,1.039019617510232,0 -8771,1086500.0,1970-12-04 17:03:00,1973-07-18 05:30:00,51.64478043191623,1.9667019415779232,0 -2236,1124101.0,1971-05-26 18:08:00,1971-12-19 07:00:00,56.48776886004552,1.711964730646366,0 -3767,1056272.0,1972-05-13 05:39:00,1971-08-02 01:56:00,38.4030561143707,0.9466043521064887,0 -9791,443055.0,1974-03-10 16:29:00,1972-02-14 15:33:00,43.90567156477975,1.2610114080771715,0 -9989,367598.0,1974-07-06 20:05:00,1972-08-29 22:18:00,46.08639474801429,0.8200575892197051,0 -9965,300121.0,1974-11-09 22:23:00,1972-02-11 03:25:00,38.97064101586567,1.5376685339299314,0 -7323,704833.0,1973-08-31 22:26:00,1971-01-28 05:01:00,47.089730493745726,0.7346014341986602,0 -1383,843409.0,1972-02-13 18:16:00,1975-04-16 21:17:00,48.43258763704356,1.0496458432198916,0 -3101,766999.0,1973-11-26 06:27:00,1975-01-29 12:20:00,,1.177751792745125,0 -3921,414205.0,1974-07-12 07:15:00,1972-10-02 04:50:00,47.61475195384135,0.8753751988993927,0 -6685,700045.0,1970-10-27 23:44:00,1975-07-10 08:56:00,51.44127371130836,1.018789733909498,0 -3194,293200.0,1971-09-18 03:55:00,1974-08-04 14:36:00,51.35722582771706,0.1654795407091257,0 -1941,1014674.0,1972-09-13 09:11:00,1973-04-26 13:00:00,61.44519205262524,1.280627945080811,1 -7713,640733.0,1974-06-30 21:20:00,1974-06-09 01:48:00,54.99808948699896,1.2985659289309108,0 -4896,1168442.0,1971-08-17 19:25:00,1974-07-25 08:53:00,51.71790035153906,0.0,0 -4782,89902.0,1971-04-30 23:56:00,1973-02-13 12:04:00,40.72086226521294,0.7558810342228961,0 -1496,1129877.0,1973-05-12 04:33:00,1975-08-24 00:12:00,63.85987307819333,1.1294256519978771,1 -1957,742816.0,1973-05-16 07:39:00,1974-07-04 18:04:00,58.511428670162765,1.495269602490395,1 -9171,221022.0,1970-03-04 09:42:00,1972-12-25 08:10:00,46.74693425274253,0.0,0 -9745,226489.0,1974-12-22 17:54:00,1975-06-01 04:52:00,50.66567203053429,0.5573258383931615,0 -7332,384990.0,1973-09-11 03:13:00,1975-09-13 17:19:00,50.47887111764645,1.0886315271264897,0 -7949,6388.0,1974-12-22 12:35:00,1973-04-08 14:31:00,50.05039573252957,1.0103892326712292,0 -3017,1001432.0,1972-10-01 01:38:00,1974-06-23 00:46:00,51.56536768317674,0.8864788234257399,0 -6746,165055.0,1971-04-22 03:20:00,1971-09-21 08:54:00,47.857823934313885,0.0,0 -513,895446.0,1972-03-19 14:53:00,1971-10-02 12:32:00,46.12472209436661,1.490541331882133,0 -3934,695632.0,1971-01-09 23:57:00,1971-09-06 21:01:00,49.06613671547044,1.0492586466895872,0 -3025,793845.0,1973-10-26 21:23:00,1971-08-09 20:43:00,50.995995287081584,0.4533738264060581,0 -1199,31488.0,1972-01-17 21:12:00,1971-04-05 18:44:00,51.21521922134323,1.4804861713769428,0 -5028,617017.0,1974-05-07 01:59:00,1971-08-04 17:54:00,44.38241709839188,1.0541761226180788,0 -9784,586680.0,1970-05-23 11:00:00,1974-03-31 06:05:00,42.75263091908656,0.6297845864968734,0 -921,549588.0,1972-06-09 15:03:00,1971-07-02 05:14:00,54.20138597981492,0.3095358318062643,0 -4649,963339.0,1973-09-06 17:48:00,,49.68236427860172,1.210362044585486,0 -5332,702877.0,1970-08-07 00:25:00,1971-08-11 05:50:00,52.52553461407986,0.7936251514590607,0 -1076,23305.0,1974-07-08 14:40:00,1975-03-16 03:58:00,50.26411209802273,1.3687885197464182,1 -6768,1170535.0,1971-01-16 10:40:00,1972-09-08 20:28:00,50.94095037988984,1.1897684349295456,0 -9410,218855.0,1970-02-24 03:04:00,1975-08-27 04:56:00,43.35279701491272,0.9731840699123692,0 -1671,1018514.0,1971-04-11 13:11:00,1975-07-02 22:38:00,52.77033875796309,1.6296748302564663,0 -474,293284.0,1973-02-13 10:59:00,1975-12-12 01:50:00,49.89474289463655,0.8159688840640553,0 -9186,757540.0,1972-06-17 07:34:00,1971-02-23 05:15:00,52.72078959411755,1.032490055091618,1 -8839,187885.0,1972-11-16 12:44:00,1973-05-29 17:55:00,47.88654719469229,0.7276368893659015,0 -5758,894068.0,1971-11-07 17:51:00,1973-03-22 19:28:00,46.83156182579114,0.0399120198167248,0 -6297,536170.0,1973-01-05 08:40:00,1972-03-10 01:06:00,46.702450139059685,0.8170612791103689,0 -2478,99975.0,1970-04-03 03:37:00,1974-09-03 07:05:00,45.42857025597263,0.6597269001080059,0 -5493,534948.0,1973-07-07 02:46:00,1974-01-04 02:44:00,48.348824198463134,1.3234187606140684,0 -3914,143396.0,1974-05-29 10:40:00,1973-02-16 01:46:00,52.140903013722415,1.2049253731484684,0 -2138,,1970-06-23 05:46:00,1973-05-21 04:27:00,42.61850936520016,0.2732455642601789,0 -5454,329053.0,1974-02-27 08:28:00,1975-02-22 04:17:00,46.83805508839859,1.0935741212882175,0 -5379,14054.0,1974-08-06 12:42:00,1975-01-28 19:17:00,48.513713229915965,1.096993770545466,0 -8985,743325.0,1970-08-25 09:26:00,1975-10-13 17:15:00,40.35901746596862,0.3907078607802746,0 -4023,942140.0,1972-06-16 15:01:00,1971-09-30 15:03:00,46.294705668681175,0.9778886030109688,0 -3485,,1970-02-25 19:53:00,1971-11-23 20:29:00,46.51874817901921,0.6803020591838902,0 -2455,208526.0,1974-05-05 12:54:00,1971-04-10 17:03:00,52.92789210073847,1.1199900928034765,0 -2464,643744.0,1970-08-09 20:20:00,1975-06-02 23:48:00,45.60860984836567,0.4611617606311105,0 -8696,1188111.0,1972-01-17 11:41:00,1974-02-20 02:58:00,49.30786575761533,0.8597689704399402,0 -1369,938817.0,1971-01-06 08:11:00,1975-05-29 13:26:00,51.89193554685409,0.7133944413702307,0 -6688,338565.0,1973-11-28 08:40:00,1973-06-03 08:55:00,47.53436534190353,0.6491964191139257,0 -7456,867576.0,1973-11-21 07:18:00,1971-09-17 17:56:00,58.37155931850629,0.8153899233717432,0 -9974,765746.0,1974-12-23 23:33:00,1972-09-24 17:41:00,40.714445983712885,0.6022689366782392,0 -1901,1136194.0,1972-09-22 03:21:00,1973-03-03 11:37:00,44.787920177987225,0.7123092914454454,0 -4871,817739.0,1971-12-15 08:28:00,1973-08-31 22:35:00,41.270415808727456,1.209912749502199,0 -4710,115331.0,1974-05-14 09:05:00,1973-04-17 22:04:00,50.85153718622211,0.748539086264975,0 -7886,586610.0,1970-05-19 22:53:00,1974-10-22 06:02:00,56.76575410418319,0.4312046055858533,0 -1793,714780.0,1973-04-08 18:23:00,1973-05-15 13:48:00,48.66704421984848,1.424163101741915,0 -2874,1194563.0,1970-01-02 00:53:00,1972-06-21 04:03:00,52.18209403571838,0.5022138455839689,0 -6217,758303.0,1972-02-25 07:03:00,1973-03-08 16:53:00,43.94327170561013,1.047404570717111,0 -5213,223182.0,1971-07-24 22:07:00,1974-04-16 04:14:00,40.354710899797126,0.6883842041550964,0 -2245,245360.0,1970-01-20 22:13:00,1973-10-20 04:52:00,56.44044131708418,1.2381652269704824,0 -1741,73161.0,1974-01-03 14:49:00,1973-11-24 22:30:00,46.54995273162977,0.8672671737904525,0 -1020,36316.0,1972-05-02 21:29:00,1974-12-05 00:20:00,44.60829646538912,1.148999222891732,0 -705,468621.0,1973-09-28 04:37:00,1972-12-12 22:30:00,41.91506728072429,1.9250623441612011,0 -4294,228848.0,1973-12-07 03:50:00,1972-12-10 20:36:00,48.155275280463954,1.3171161039632655,0 -5576,1111330.0,1973-11-11 20:32:00,1974-02-10 06:44:00,48.26977795468432,1.0771681065400982,0 -7166,189360.0,1973-01-06 14:16:00,,50.6367594136985,0.7476695495513264,0 -8177,1007217.0,1971-03-05 01:40:00,1972-12-13 06:18:00,54.33555863138329,1.8406475324500464,0 -908,323994.0,1972-09-08 10:54:00,1974-05-23 07:34:00,47.14130317270126,0.9656369783672704,0 -5193,287536.0,1974-11-01 07:31:00,1974-06-16 00:01:00,51.81098491248814,0.2990147677362986,0 -3077,712960.0,1973-06-22 02:26:00,1973-10-03 10:41:00,48.74740275502834,1.2209447441178898,0 -9366,370157.0,1970-08-02 05:05:00,1973-08-08 10:30:00,51.485390804410905,1.1399801604374282,1 -594,285251.0,1973-05-09 06:46:00,1972-08-22 00:11:00,44.82161038879655,1.892524414624172,0 -5304,500489.0,1972-09-30 15:06:00,1971-10-12 16:43:00,43.38477802351032,1.200616638534484,0 -440,554237.0,1970-02-16 10:34:00,1971-07-07 00:10:00,44.54910585399597,0.8734638538681891,0 -7606,794726.0,1970-05-27 23:43:00,1974-05-26 05:11:00,53.96581716445648,0.3916975345258467,0 -4092,571619.0,1974-10-29 06:41:00,1973-04-17 16:37:00,49.841195421302864,0.9312819807257134,0 -6134,42854.0,1970-04-25 07:00:00,1971-10-26 07:17:00,49.1088680685,1.7108283727352358,0 -10,734522.0,1972-07-08 10:18:00,1974-05-18 08:28:00,46.99582846535272,0.6040741432558137,0 -3776,408551.0,1971-04-21 11:28:00,1972-11-15 15:22:00,46.01250052019328,0.4294175507880017,0 -8999,847615.0,1973-02-04 13:26:00,1974-05-31 19:17:00,52.121566666342765,1.5517243219501444,0 -3708,878069.0,1972-08-25 05:10:00,1973-10-01 16:37:00,48.916499551571576,0.684668944702689,0 -3780,226220.0,1970-05-01 13:25:00,1972-09-01 17:29:00,37.53441955110384,1.5503621909197869,0 -93,397093.0,1973-08-15 11:37:00,1972-05-15 18:06:00,46.85882935038277,0.4076633949502636,0 -9239,422490.0,1971-10-26 18:37:00,1975-06-02 03:14:00,53.02010664399315,1.266939806630888,0 -3949,236849.0,1972-12-28 12:29:00,1973-09-09 03:00:00,39.09687626859339,1.1579450712367183,0 -5785,719475.0,1973-11-24 13:25:00,1971-09-03 01:00:00,42.84074625756042,0.8865592030554974,0 -4870,583530.0,1972-11-25 17:42:00,1971-10-10 21:43:00,53.67219968792707,0.1145915567764772,0 -4802,631053.0,1973-03-21 16:34:00,1975-09-02 08:09:00,47.78097660825803,0.5201210396516812,0 -4867,,1971-03-14 16:09:00,1975-01-01 18:17:00,45.14496751258497,,0 -292,913014.0,1972-07-31 05:50:00,1971-04-19 16:21:00,,1.2308001938854265,0 -7888,1073067.0,1974-09-24 01:31:00,1973-01-28 08:26:00,50.34350002088552,0.6003262655143764,0 -7405,983343.0,1974-05-19 16:03:00,1975-12-20 00:49:00,45.35331426034831,0.6229416538460839,0 -5595,123402.0,1974-03-27 15:43:00,1974-03-21 12:44:00,48.74749173160743,1.2265893454436998,0 -2886,303777.0,1971-05-11 23:27:00,,45.62730086650736,1.06050887482314,0 -6454,63527.0,1971-10-23 14:44:00,1975-05-04 20:19:00,50.22791136727678,1.3288599226933304,0 -2542,441446.0,1971-05-02 12:06:00,1971-01-08 19:49:00,,1.908786713674584,0 -1765,556265.0,1974-07-22 03:21:00,1972-03-08 02:23:00,54.24486617069346,1.2742795069942487,0 -6800,704456.0,1972-05-18 08:46:00,1972-05-28 23:16:00,42.5332543190044,0.365961060191064,0 -1877,1004818.0,1973-10-25 23:25:00,1973-05-21 09:33:00,50.54918603726987,0.4058843167567313,0 -1981,1174536.0,1970-08-29 01:13:00,1971-06-05 19:15:00,51.893415829445416,0.902847474999402,0 -9729,49868.0,1970-02-06 15:48:00,1971-06-10 10:43:00,41.38636379821869,0.6108941079226421,0 -9608,641485.0,1973-10-01 02:48:00,1972-05-29 08:55:00,38.96297797392293,1.7880943077711542,0 -2685,466216.0,1973-05-17 23:52:00,1972-11-13 02:49:00,51.60666079408415,0.0,0 -8930,296445.0,1971-10-30 00:46:00,1971-02-09 15:55:00,50.289021455414016,2.1441359095435333,0 -3458,522966.0,1970-10-04 05:53:00,1974-07-25 10:54:00,46.536803005059454,1.1634533390251776,0 -4541,80123.0,1971-12-29 04:34:00,1972-06-03 22:45:00,41.95034082407996,0.6448469930230316,0 -2178,870191.0,1974-05-01 22:36:00,1973-01-31 15:52:00,48.74117074530166,0.6859586895661312,0 -4450,380018.0,1972-11-30 04:24:00,1974-03-17 15:56:00,39.44944555125572,0.4497118974174142,0 -3859,545489.0,1971-11-19 18:22:00,1971-03-25 05:10:00,45.24216174679766,0.655388308078102,0 -7623,1129810.0,1972-05-01 09:42:00,1973-01-06 20:43:00,50.33548362534547,1.7838363750424608,0 -7654,1092948.0,1971-06-20 04:50:00,1972-08-09 22:37:00,52.62579184593076,1.6311363071976976,0 -4519,183423.0,1973-10-22 15:51:00,1974-02-21 02:51:00,50.288822552123584,2.2121046058794533,0 -2517,684648.0,1971-12-25 02:04:00,1975-05-22 15:40:00,51.8495881954284,0.982456533011045,0 -4836,633472.0,1973-02-02 02:30:00,1974-08-21 14:03:00,46.27813843753641,0.6693538491343038,0 -2885,99377.0,1973-03-16 19:57:00,1972-09-20 10:07:00,48.46694234591067,1.5168340181008673,0 -7281,119414.0,1970-10-27 02:11:00,1972-01-17 13:12:00,47.39915552184396,1.1201778922482375,0 -6255,454277.0,1972-02-08 11:02:00,1974-09-15 05:03:00,54.67865142074204,1.3323803398295646,0 -4539,667519.0,1970-04-22 09:44:00,1975-04-20 02:30:00,47.96645210085568,1.4417448573362075,0 -5639,1186646.0,1972-08-04 23:27:00,1975-12-22 07:55:00,48.59925969707543,1.558657256957683,0 -9459,433558.0,1970-08-19 13:27:00,1972-05-28 01:31:00,55.162687937857065,1.0791141204489376,0 -3481,569038.0,1971-03-26 21:30:00,1973-06-25 00:36:00,44.32314600403781,1.2312107005983317,0 -1277,692047.0,1971-12-02 20:30:00,1971-03-19 05:47:00,48.80158044577078,0.7713597611604541,0 -3146,329342.0,1970-02-03 23:04:00,1975-07-11 21:42:00,53.010554918065694,0.6188254459067128,0 -8262,1140265.0,1972-06-02 10:13:00,1972-10-15 22:11:00,42.36473688475084,1.6784357087884103,0 -3205,487863.0,1972-08-07 15:17:00,1971-05-02 06:31:00,53.51239534741688,0.7434412361331102,0 -9892,553037.0,1974-05-25 03:07:00,1973-07-10 19:16:00,47.505618356782655,1.049723392387126,0 -2742,783654.0,1970-04-18 19:57:00,1974-07-15 10:21:00,45.60860772776493,1.2922344289153305,0 -6076,1118439.0,1974-12-17 10:09:00,1973-10-06 05:41:00,43.60806876466333,0.5528229060704636,0 -4047,1111854.0,1970-06-18 16:33:00,1971-08-08 14:38:00,48.54589327121399,1.1631790564538556,0 -5731,846073.0,1970-01-17 22:46:00,1974-02-17 14:28:00,36.32360465824259,1.7988661171917333,0 -2945,114097.0,1973-11-08 23:23:00,1975-11-03 22:02:00,43.65152234336567,0.5438734530041932,0 -5790,715589.0,1974-07-14 00:37:00,1973-07-29 03:21:00,44.83282349331829,1.4662647106684863,0 -6794,500975.0,1972-07-08 15:47:00,1974-03-30 17:49:00,49.16731929328411,1.552840858920158,0 -6543,485005.0,1972-09-20 22:21:00,1975-05-05 08:41:00,50.75535306499681,1.902788765172836,0 -700,756588.0,1974-10-21 05:32:00,1971-05-22 05:44:00,42.81655387877576,1.0387041461143105,0 -3574,797464.0,1970-11-22 01:21:00,1974-06-15 03:10:00,42.01495672813742,0.3753977208595329,0 -7699,308007.0,1972-12-01 05:03:00,1974-04-30 09:30:00,51.25632816019732,1.3002805155220347,0 -2515,304528.0,1973-06-01 05:57:00,1973-04-16 15:31:00,39.55256419236073,1.3904287023474646,0 -3000,908545.0,1971-03-08 18:04:00,1972-04-06 04:34:00,55.77235897732626,1.4125375857181908,0 -5820,1006069.0,1974-02-17 23:59:00,1972-06-06 17:10:00,51.567950655519454,0.5960848302425057,0 -8581,970589.0,1972-09-12 11:30:00,1972-12-09 18:49:00,45.467835769938375,1.4907910517593912,0 -3684,662013.0,1970-07-13 02:22:00,1973-03-25 20:57:00,56.13368960087297,0.949418420450969,0 -2995,941685.0,1972-05-31 05:07:00,1973-02-16 04:24:00,49.403702777767904,1.7116157557912506,0 -4252,753665.0,1970-06-17 09:37:00,1973-07-22 22:46:00,45.88522766995137,0.727538491077417,0 -3411,1130526.0,1972-10-22 11:41:00,1975-10-08 22:52:00,46.41417374764991,1.3295223717587616,0 -7962,818895.0,1973-06-17 11:20:00,1971-09-30 15:01:00,40.49304380590576,0.8544465284118773,0 -6309,607232.0,1972-11-09 09:48:00,1975-06-13 01:39:00,49.7482732100117,0.9113575431347118,0 -8611,592932.0,1974-04-29 01:11:00,1973-08-12 22:11:00,44.744164615394965,0.415080524279199,0 -5012,102292.0,1974-02-06 02:33:00,1975-07-25 01:25:00,39.79096655177399,1.374500722082323,0 -7750,974396.0,1972-12-06 08:53:00,1973-08-05 19:50:00,46.51789465867533,2.1235193370462198,0 -5979,291454.0,1973-03-05 00:37:00,1973-05-05 15:50:00,46.899782363988415,0.0645834578848336,0 -4048,1005522.0,1970-03-30 19:57:00,1972-12-29 06:35:00,47.11062345596461,1.004300141311046,0 -4899,596821.0,1970-12-12 07:10:00,1972-03-02 14:55:00,57.78404926991887,1.0139793433419684,0 -1318,1137868.0,1973-11-15 18:38:00,1973-08-29 04:46:00,49.33743718554601,1.025347920151281,0 -9772,822763.0,,1974-12-24 18:43:00,49.08394777819076,1.3147521800525326,0 -9137,150875.0,1973-04-07 17:49:00,1971-10-20 13:24:00,37.37988308957146,1.1550467678907896,0 -7142,66480.0,1973-05-31 03:54:00,1973-11-15 13:22:00,44.677581188320886,1.9920733581895005,0 -1897,931764.0,1971-07-26 19:47:00,1972-08-05 13:58:00,45.48604632477343,0.1928926461062743,0 -7465,1177384.0,1972-06-30 04:47:00,1974-03-06 08:03:00,47.59867663113547,0.9509016009313892,0 -603,872533.0,1970-06-06 20:33:00,1971-10-28 11:11:00,36.882857615993615,1.866583307008283,0 -2846,296887.0,1973-07-21 00:30:00,1972-12-05 19:17:00,42.59501588912469,1.928046396760252,0 -8207,597752.0,1970-07-11 03:50:00,1973-01-24 12:13:00,48.09899802268833,,0 -393,854641.0,1970-12-06 01:07:00,1975-10-24 10:26:00,51.13881518575538,0.7002550769448568,0 -4436,77786.0,1974-10-07 11:44:00,1975-08-19 17:47:00,42.79286812470663,0.7158291168470288,0 -9447,66884.0,1971-06-03 06:45:00,1975-12-27 12:55:00,48.10891214731601,0.7023560615941626,0 -7234,525493.0,1971-09-03 04:26:00,1974-07-20 09:53:00,46.4078176627565,1.2521149681263544,0 -5398,53801.0,1971-11-22 05:15:00,1975-02-20 23:47:00,49.70444779115798,0.7682973117491503,0 -95,16690.0,1970-11-20 21:21:00,1974-12-24 13:30:00,45.986049385168464,1.2341018490573343,0 -1662,523819.0,1974-05-14 06:04:00,1975-06-11 22:10:00,49.3694656349296,1.34588813597517,0 -8970,63063.0,1974-09-11 21:47:00,1971-06-01 14:52:00,50.76643789509456,1.14322101717107,0 -5130,719780.0,1974-05-29 00:31:00,1972-04-13 17:36:00,50.87033439436184,0.8609021532322448,0 -1488,43946.0,1971-06-11 18:19:00,1972-07-27 04:31:00,46.39361925081308,1.3815067069685685,0 -8316,393963.0,1972-05-29 08:40:00,1971-10-31 18:33:00,47.02630036222212,1.2452400898785465,0 -2707,932332.0,1973-04-15 19:43:00,1975-12-24 16:17:00,36.59541450474908,0.7505616349200643,0 -1595,893703.0,1974-09-06 13:18:00,1975-02-26 19:14:00,40.17072554826893,0.545402041328799,0 -9277,893806.0,1970-08-31 06:07:00,1973-01-14 19:50:00,36.797895415662175,0.6169933265412357,0 -2377,1163607.0,1974-07-21 12:28:00,1972-02-10 13:52:00,55.101463204805206,0.9421815006463642,0 -5140,109783.0,1973-02-27 06:22:00,1975-03-22 04:06:00,45.47165060802527,1.0490805808433907,0 -6147,728984.0,1970-03-01 16:03:00,1973-12-05 09:20:00,50.97398643056639,1.608768666854457,0 -8241,15507.0,1970-08-29 14:44:00,1975-09-29 06:58:00,47.44703836769291,0.4006110609574411,0 -3948,773614.0,1971-01-25 02:10:00,1972-02-14 07:50:00,50.03603821902092,1.4575875999012728,0 -3933,67841.0,1970-05-05 00:12:00,1971-04-24 20:22:00,48.50185843585413,1.5604299701876885,0 -4797,868665.0,1971-05-12 23:04:00,1972-01-16 02:59:00,41.92954825074304,0.4600071278442393,0 -4372,121621.0,1974-04-30 18:11:00,1975-06-25 01:00:00,45.01507230774397,1.4405872543458127,0 -9862,191688.0,1973-03-26 18:27:00,1973-04-01 02:52:00,46.39678076570216,1.0239972961787949,0 -8242,1042799.0,1974-09-06 20:52:00,1974-11-20 16:36:00,44.34795831181226,1.473792093016625,0 -3448,53401.0,1970-03-01 08:55:00,1974-02-03 07:30:00,54.490470497735394,1.7348405436249228,0 -2943,78063.0,1973-07-21 20:16:00,1972-03-23 03:05:00,48.13760033728235,1.2885101525993308,0 -2465,149150.0,1972-09-26 02:39:00,1972-02-26 17:52:00,44.69543553822626,1.6981659113573948,0 -8582,850887.0,1970-09-09 11:08:00,1973-05-24 13:22:00,50.14208268937672,0.8383312066867564,0 -5506,90868.0,1974-01-22 02:37:00,1971-07-11 02:36:00,50.49942401793694,1.5018044083091608,0 -2698,329595.0,1970-09-30 03:43:00,1971-09-27 06:22:00,51.90613572307176,0.2590428046966005,0 -2447,519182.0,1973-08-31 08:53:00,1974-12-30 11:53:00,60.39696355245562,0.0,1 -19,977349.0,1974-04-20 11:50:00,1972-03-26 23:50:00,48.180172436334274,0.3574413818432579,0 -2748,1151769.0,1971-05-23 08:22:00,1974-01-27 00:42:00,42.06595388654281,1.0525270202911026,0 -5399,6860.0,1973-01-28 06:56:00,1973-09-12 15:24:00,48.49663466281516,0.567817526528335,0 -8078,593149.0,1971-06-26 11:27:00,1973-02-15 18:21:00,51.63648724974475,0.2721594694923414,0 -6871,99294.0,1974-12-28 21:13:00,1974-03-16 04:09:00,58.46701495998815,0.8576769287666691,1 -4708,958767.0,1971-07-03 12:28:00,1974-08-28 20:58:00,51.68990505932991,1.3647883240483374,0 -9476,32686.0,1972-09-07 15:29:00,1972-11-19 13:51:00,49.5027076329226,2.079735617611481,0 -809,507779.0,1973-09-28 03:06:00,1973-02-12 05:15:00,51.828154241146926,1.1974422335379569,0 -7477,807016.0,1971-10-14 07:46:00,1973-05-18 08:05:00,48.34222522833005,0.6418872287181043,0 -2273,908725.0,1973-08-09 21:18:00,1975-09-09 03:54:00,51.37743229254671,1.7218294703125472,0 -1923,904763.0,1974-05-29 16:23:00,1971-08-29 11:16:00,45.96928984346874,0.3329658300129056,0 -1470,501623.0,1971-01-14 03:58:00,1973-07-18 07:53:00,51.23692359438866,0.98878717591813,0 -7934,867639.0,1973-12-18 17:00:00,1972-05-29 02:05:00,41.08246566526391,0.3706977102212342,0 -7407,32848.0,1971-01-15 03:29:00,1975-05-11 20:10:00,43.282495370620445,0.9567755808379662,0 -2406,248235.0,1971-09-12 19:51:00,1971-04-07 07:47:00,45.88521321144105,0.2110432388820038,0 -1142,348981.0,1970-06-10 18:52:00,1974-01-14 12:32:00,39.32835066030269,0.9603117529220389,0 -1747,370104.0,1971-01-31 15:47:00,1971-10-03 00:00:00,48.9251926153712,1.0000723095829829,0 -5709,676290.0,1970-10-02 10:36:00,1971-05-27 19:04:00,45.68350791013691,0.201296371563601,0 -4975,138216.0,1973-07-31 08:46:00,1973-01-15 17:33:00,42.0404167151351,2.0558906211248003,0 -7300,242287.0,1972-08-22 01:26:00,1971-03-23 22:51:00,49.30820561881446,0.7392621164811732,0 -8148,661437.0,1973-08-13 05:42:00,1972-07-22 10:07:00,50.04477703882079,1.1331493778698218,0 -2833,604492.0,1971-03-28 23:10:00,1975-09-13 08:58:00,48.589617854787065,1.5936557384551375,0 -3131,288661.0,1974-02-01 18:31:00,1974-01-21 08:52:00,53.305925901812266,1.0408897958167094,0 -1310,953337.0,1970-03-20 18:47:00,1975-05-03 00:14:00,52.898585799427806,0.2775944058759738,0 -8650,498188.0,1971-05-18 14:31:00,1972-12-24 19:18:00,50.36463123611978,0.5571227726516972,0 -6774,,1971-11-09 17:44:00,1974-03-09 12:12:00,45.33266538334709,1.6179009601925676,0 -6756,615937.0,1973-01-14 22:40:00,1972-03-17 02:55:00,46.966801108707095,1.441305860515322,0 -620,873569.0,1972-04-04 00:26:00,1975-09-30 04:22:00,47.99678721682351,1.4369753469846334,0 -2701,191365.0,,1971-03-25 16:26:00,46.18717302524222,0.9411819551185108,0 -2199,49192.0,1974-10-18 19:04:00,1975-07-20 19:41:00,,0.942958988014296,0 -6196,162172.0,1972-03-14 18:25:00,1975-04-06 03:29:00,50.01829138330826,0.6207362602613751,0 -8824,75962.0,1970-12-26 10:00:00,1972-02-28 21:19:00,41.6614789659178,0.8436596824512275,0 -1046,1124306.0,1974-09-28 15:57:00,1974-11-28 03:40:00,49.6478974198249,0.7661924113383671,0 -5768,629367.0,1971-08-23 19:53:00,1972-09-21 13:32:00,49.60642710328889,0.0,0 -9947,541374.0,1973-05-31 08:44:00,1975-05-28 08:23:00,40.76626828284906,0.0532749749533831,0 -9019,250169.0,1972-05-23 04:59:00,1972-05-14 08:18:00,45.00813192985512,1.2015512930054444,0 -743,1015295.0,1972-06-28 21:22:00,1974-11-15 18:51:00,48.22113872879781,0.6944466061443993,0 -222,259141.0,1972-06-19 01:18:00,1973-02-10 01:54:00,48.2921135706596,1.0710815000370102,0 -3149,1134801.0,1970-09-26 12:06:00,1975-09-24 13:45:00,46.92756294869445,0.844761481249373,0 -625,45445.0,1971-01-16 23:41:00,1974-05-31 07:10:00,52.022064575217485,1.360231241862139,1 -9334,1147684.0,1974-10-26 11:10:00,1974-06-23 03:13:00,43.20317897566811,1.604839527929004,0 -7566,469348.0,1973-01-20 21:31:00,,50.45048891979533,0.560160634012709,0 -4582,988339.0,1971-08-15 12:50:00,1973-07-20 06:17:00,41.60560390160138,1.046858219331828,0 -5711,595977.0,1970-06-22 00:11:00,1975-06-05 02:02:00,53.45099692244918,0.8921096531987186,0 -3284,867990.0,1973-07-08 17:56:00,1974-05-03 23:24:00,57.41812184396529,0.8933194668933392,0 -7585,1017895.0,1970-07-10 07:03:00,1974-05-25 06:49:00,48.62655087529263,1.149971039072152,0 -9646,1041345.0,1971-10-04 03:06:00,1972-01-09 19:12:00,51.97905004214799,1.0617403986296543,0 -1530,569801.0,1973-02-22 00:18:00,1973-03-04 07:47:00,49.49756439592728,1.4880066864091064,0 -9685,601802.0,1970-10-07 13:46:00,1975-09-17 05:18:00,43.78023336896609,0.8877669730967716,0 -353,315362.0,1973-04-28 15:27:00,1974-11-16 00:34:00,48.60744297833229,0.2819706447152003,0 -2474,60262.0,1973-04-04 00:54:00,1971-05-29 14:25:00,48.95982062068791,1.6343485679213918,0 -8013,952916.0,1973-04-29 23:23:00,1971-04-16 06:03:00,51.03013979097252,1.1221791180689504,0 -6475,924650.0,1972-07-03 00:49:00,1972-07-19 17:57:00,41.50012138895057,2.3904185353604133,0 -6449,402736.0,1972-03-12 12:49:00,1971-02-15 01:47:00,44.54441905325139,0.3314712425716239,0 -239,983550.0,1972-08-22 00:47:00,1975-09-27 02:05:00,42.08777394918771,1.1894617929452282,0 -2625,1193215.0,1974-06-04 23:32:00,1972-12-26 02:27:00,49.98768608411834,1.7002328672118856,0 -9786,588732.0,1974-01-25 07:51:00,1974-08-24 16:11:00,42.89536303425973,1.438656765946667,0 -7198,196454.0,1974-10-23 12:56:00,1972-12-03 10:07:00,45.06416069426989,0.661585937848379,0 -7692,868743.0,1970-08-12 14:37:00,1972-08-26 14:13:00,48.16905932311468,0.6172010966946301,0 -2997,373128.0,1973-04-19 22:44:00,1974-06-25 23:58:00,44.91851852999067,0.8113174051700363,0 -6440,1065300.0,1970-03-29 23:48:00,1975-09-18 10:42:00,55.409496101775176,1.6235458977436517,0 -4562,1027948.0,1972-09-26 02:21:00,1973-03-11 13:56:00,47.43639840347444,1.5091705229844856,0 -8614,547848.0,1971-11-17 07:27:00,1972-06-28 12:12:00,42.89930120615694,1.234142758530012,0 -1479,178523.0,1974-10-21 12:09:00,1973-07-03 04:20:00,52.16864623106646,1.1883766114958476,0 -1018,32926.0,1972-12-18 09:08:00,1974-03-18 03:10:00,44.971955098862566,0.5457742807742385,0 -3094,728040.0,1973-06-15 10:35:00,1972-08-12 16:23:00,45.05847685431644,0.4920293300662488,0 -6182,808249.0,1973-10-25 00:54:00,1975-06-22 06:15:00,45.6498055345387,1.1472762182128595,0 -4960,699646.0,1974-12-27 23:45:00,1971-08-30 07:56:00,53.3412558120805,1.066649597068832,0 -8492,284431.0,1971-11-12 10:49:00,1971-02-07 07:26:00,59.80315273414269,0.8985817850779662,1 -1103,125793.0,1973-02-23 08:32:00,1975-03-05 05:35:00,47.229843871600615,0.3176883094665819,0 -6081,1068024.0,1970-01-21 19:11:00,1973-06-22 06:21:00,34.91000779597421,1.4439819632041082,0 -9525,894190.0,1972-05-25 09:21:00,1972-07-27 12:44:00,42.365683469800885,0.7295006256387656,0 -5190,329789.0,1971-03-19 07:40:00,1971-05-13 08:56:00,54.13062446906917,1.0681198358164985,0 -4181,1092366.0,1970-09-23 09:12:00,1973-08-07 01:00:00,51.31596771907882,1.5220058287070968,0 -4467,391010.0,1973-08-29 06:59:00,1975-02-07 03:58:00,48.57836861470186,1.4283530316601658,0 -1626,947179.0,1971-01-11 09:01:00,1975-05-09 08:43:00,53.278139093149136,0.9129218794184336,0 -6717,962190.0,1971-05-01 10:38:00,1973-10-10 11:27:00,44.72177134045794,1.4813474277242575,0 -3798,314552.0,1972-12-23 11:42:00,1971-02-22 13:53:00,62.46000858321278,1.6314791673798597,1 -3053,579968.0,1973-08-12 09:02:00,1975-12-04 04:12:00,45.598243878086215,0.9176970482362956,0 -2867,1007911.0,1971-07-02 04:07:00,1971-06-03 03:21:00,48.02875390847587,0.648559232903275,0 -1432,874793.0,1972-02-13 23:57:00,1975-06-15 12:51:00,52.740789494277465,0.0446518295337047,0 -7983,680209.0,1974-11-09 03:12:00,1973-04-19 10:47:00,49.24355308126712,1.1863629148185084,0 -9346,800405.0,1970-10-28 16:41:00,1974-05-23 01:06:00,48.74816179416795,0.9258382632467684,0 -9419,716916.0,1971-12-02 01:06:00,1975-10-05 08:07:00,42.41827247523784,1.822131500474489,0 -4076,1004140.0,1972-04-03 16:39:00,1971-08-16 05:45:00,46.4556980651944,0.4167541721528507,0 -217,75408.0,1971-03-05 03:06:00,1971-03-29 00:11:00,48.5786525741071,0.8583195814297064,0 -3555,156521.0,1973-11-27 11:40:00,1971-11-23 19:00:00,56.96308971122526,1.79915061559192,0 -7936,1102614.0,1973-10-05 08:52:00,1974-11-27 09:28:00,44.39927333755691,1.09240050756199,0 -8421,697935.0,1972-05-23 18:28:00,1972-09-15 01:29:00,53.94828515231415,0.2563340726374008,0 -1034,41168.0,1971-02-12 11:40:00,1973-01-27 10:19:00,42.922129677980905,1.328874614205842,0 -3773,567608.0,1972-02-07 01:16:00,1972-04-12 12:49:00,,0.9953770127841948,0 -4132,48249.0,1973-06-16 03:00:00,1973-03-21 13:27:00,48.36077515944598,0.5564290601859717,0 -2335,326137.0,1974-12-04 03:01:00,1973-09-05 02:11:00,52.56110809819978,1.3545208283987562,1 -6492,224485.0,1971-03-01 02:21:00,1971-10-04 02:14:00,49.0732630215448,0.1139760341279095,0 -1482,31385.0,1973-06-24 14:28:00,1975-08-16 07:12:00,51.51665131687762,1.3209505019043868,0 -906,576808.0,1973-12-20 19:50:00,1973-09-26 07:17:00,46.37989266582892,0.4494761822147042,0 -6088,789020.0,1971-12-30 07:35:00,1975-07-08 13:32:00,53.78467622848628,1.121552397347669,0 -6466,1112686.0,1974-09-23 02:18:00,1975-12-19 03:47:00,43.74243388604111,1.0075487383706223,0 -5676,1139968.0,1970-02-20 09:11:00,1975-05-23 11:07:00,61.189917842555445,1.4406490324206989,1 -2770,535083.0,1972-12-18 03:36:00,1975-06-08 20:45:00,43.86089872629047,0.4348837551352031,0 -1805,639432.0,1971-01-11 15:42:00,1971-06-25 23:44:00,50.00969489613235,1.5120601593519036,0 -7374,176452.0,1973-02-22 06:24:00,1975-04-28 08:55:00,52.87472379023471,0.6230923928455834,0 -2114,656103.0,1972-02-05 08:47:00,1973-09-26 22:41:00,46.98837604695606,1.2555310140580809,0 -4534,429361.0,1974-09-06 22:56:00,1971-07-14 20:16:00,51.72284288971875,0.3291906683127852,0 -2531,810502.0,1974-04-14 08:31:00,1972-02-25 01:12:00,38.75640465890877,1.093127605894163,0 -8525,699346.0,1973-12-22 05:17:00,1973-12-05 20:05:00,44.41422069572764,0.0,0 -3470,574716.0,1970-02-07 07:42:00,1972-07-01 13:28:00,45.26092995754518,1.066780555679416,0 -1402,1099256.0,1971-03-09 10:27:00,1975-11-18 01:06:00,50.59287153525669,1.7336956765732523,0 -852,339231.0,1974-08-08 09:28:00,1974-07-07 00:56:00,52.65858959328082,0.1374095415744894,0 -3082,449567.0,1974-03-26 04:16:00,1972-09-24 19:03:00,49.43533376961457,1.181996529362726,0 -8024,1037941.0,1974-08-10 18:58:00,1972-02-04 22:01:00,51.38292194334448,0.8613347490212253,0 -7565,106102.0,1970-08-07 22:35:00,1973-01-09 22:43:00,42.38498835951009,0.6543788438338659,0 -5529,917330.0,1970-01-26 14:49:00,1973-08-05 13:42:00,48.69159914126129,1.0700944099343572,0 -7854,490664.0,1970-07-17 21:51:00,1972-04-22 12:58:00,46.59722421291832,1.0293789820693693,0 -4932,340169.0,1970-11-26 18:20:00,1974-06-15 02:51:00,51.08108235636677,1.3810819302199546,0 -5159,859885.0,1971-11-07 15:50:00,1975-07-25 10:08:00,54.752437732446325,1.2780922934815404,0 -9715,621580.0,1974-12-11 03:00:00,1971-05-10 08:56:00,45.28651684918085,0.6309942676964735,0 -3846,204353.0,1973-10-08 06:55:00,1972-06-25 06:08:00,47.97747072520048,1.2703072606280614,0 -6483,739279.0,1974-03-05 05:33:00,1972-08-30 21:49:00,44.826039403483,0.4574331979282486,0 -747,527851.0,1972-11-02 01:32:00,1971-01-23 13:45:00,48.43288395094629,0.6999907706361312,0 -3034,1127998.0,1971-11-18 02:43:00,1973-07-16 22:22:00,57.21393384472738,0.6560751615749323,1 -347,410033.0,1972-01-22 13:02:00,1971-07-08 23:43:00,46.8797614668056,1.000143406026438,0 -3351,677178.0,1973-06-04 00:06:00,1974-06-01 05:31:00,50.65284004929443,1.6642630701199703,0 -2864,72690.0,1973-10-01 15:21:00,1974-04-27 07:30:00,53.2479769541522,1.0997519881204558,0 -2167,488250.0,1974-08-08 12:37:00,1973-01-11 04:57:00,47.026168705017085,1.0286168966281626,0 -6954,441346.0,1973-06-03 10:01:00,1972-01-12 05:55:00,46.083824545439136,0.8577874445350558,0 -6209,898204.0,1971-07-02 13:13:00,1972-01-18 21:43:00,51.59249438258635,1.744501435816096,0 -2777,346348.0,1974-11-04 13:44:00,1975-09-06 06:32:00,45.02710293591296,1.0810970118704937,0 -1441,220951.0,1971-08-02 14:13:00,1975-09-09 01:43:00,55.728839144883615,1.205015060514085,0 -5657,999941.0,1972-07-06 09:08:00,1971-01-29 03:02:00,51.92745850631124,0.4981955220561291,0 -9657,1023631.0,1972-09-28 18:25:00,1973-05-14 20:15:00,44.902483763213205,0.5025971622810654,0 -3027,1092559.0,1972-10-29 16:06:00,1975-05-03 16:25:00,44.19768746873137,0.0460028475072589,0 -6117,490037.0,1970-09-09 05:17:00,1974-08-19 06:02:00,40.954306377413786,0.1680592271384405,0 -2483,605261.0,1973-02-27 01:23:00,1972-02-10 20:53:00,54.69074090095442,0.5129084707227922,0 -2882,,1973-10-29 07:05:00,1975-10-12 08:31:00,45.96635399583766,1.5353759330177108,0 -5561,972192.0,1972-03-15 01:17:00,1971-08-03 21:37:00,46.76961426073448,0.6730996317195702,0 -763,1121746.0,1972-06-10 01:54:00,1971-11-09 01:54:00,50.04499978143412,0.549149323619099,0 -6481,924801.0,1970-07-10 15:32:00,1975-07-15 00:17:00,40.541282295928845,1.241566468207909,0 -1616,359370.0,1970-12-22 06:47:00,1971-08-30 06:04:00,47.99018168086477,1.170215843281392,0 -1222,176061.0,1973-06-08 22:38:00,1971-11-30 15:55:00,,0.3747236762091878,0 -8664,1016962.0,1970-10-06 01:17:00,1973-03-18 07:57:00,49.73188363955688,0.6523943362291363,0 -6221,1073568.0,1971-11-15 18:40:00,1971-01-21 06:49:00,51.18004129615792,1.4591708691904084,0 -1576,790816.0,1970-05-31 04:57:00,1975-05-08 16:15:00,53.30167116994487,0.6017537585313548,0 -9391,15210.0,1971-06-03 11:22:00,1972-07-24 21:02:00,39.92933347633651,0.3507429292839837,0 -6350,201987.0,1971-09-28 23:49:00,1971-05-16 09:29:00,51.700300406400494,0.5562800289002118,0 -3782,528522.0,1970-05-30 19:29:00,1972-10-06 07:46:00,38.19940391866332,1.5405404045486917,0 -4374,331573.0,1974-07-24 23:25:00,1975-01-22 20:11:00,41.26270964355313,0.9920899261612084,0 -708,58452.0,1973-11-06 02:39:00,1974-06-20 12:13:00,51.244238140124246,0.317650510625732,0 -509,31139.0,1970-09-05 22:26:00,1974-02-11 03:08:00,51.48860634330824,0.9032990108029888,0 -2954,325893.0,1972-09-06 02:36:00,1975-12-21 23:11:00,47.70561929381476,2.0516518589974724,0 -7537,44492.0,1973-11-28 13:36:00,1971-11-16 15:31:00,46.600774492128,0.5571401156887495,0 -6338,215482.0,1972-02-17 20:33:00,1974-11-09 00:38:00,43.73742384736604,0.9607329150014284,0 -8922,1196849.0,1970-11-25 15:16:00,1973-09-25 08:42:00,54.89104229998318,0.7964965581156864,0 -7063,519305.0,1974-11-12 20:17:00,1975-04-03 04:45:00,50.39519783366759,0.7923060830801839,0 -7162,819196.0,1973-08-14 17:29:00,1972-05-13 20:26:00,53.15238618129096,0.6895256902205293,0 -7371,713572.0,1974-11-27 09:17:00,1975-02-07 22:06:00,42.60576366874919,0.4397233573865152,0 -6828,132639.0,1971-07-27 21:26:00,1975-09-29 22:48:00,45.6392240308906,0.9824288471055818,0 -3615,968048.0,1971-08-09 23:10:00,1973-12-05 10:31:00,41.87617051743659,1.0723600041611503,0 -4656,987233.0,1971-07-17 02:31:00,1972-11-10 00:45:00,46.26005401385915,1.050263381313161,0 -6975,303497.0,1972-03-11 19:05:00,1972-04-29 23:27:00,55.639925319993765,1.3209466809414694,1 -4350,663671.0,1972-10-05 06:59:00,1975-03-01 22:48:00,50.065506814937606,1.050191256800091,0 -711,998399.0,1971-09-01 15:47:00,1973-10-15 06:20:00,53.7253144942638,0.9905705457941874,0 -6478,290871.0,1972-05-02 21:28:00,1974-04-14 15:59:00,53.672597535850414,,0 -9129,371833.0,1973-06-17 03:57:00,1973-06-13 10:30:00,51.39843839141091,1.6095969169034805,0 -8204,980725.0,1973-05-28 23:19:00,1972-02-24 00:22:00,45.756764941313584,0.9318203628627832,0 -9203,848820.0,1972-04-28 23:36:00,1974-10-01 15:00:00,41.54647266551306,1.268425623901152,0 -712,500436.0,1970-11-08 21:28:00,1971-02-07 02:39:00,50.497735409887945,1.9688018328168344,0 -9112,102106.0,1970-03-15 05:08:00,1974-09-03 11:47:00,54.04229650586602,0.7644203877603895,1 -1245,153560.0,1972-04-14 00:52:00,1974-11-05 03:15:00,45.802539092945736,0.8970843566091485,0 -9785,414005.0,1973-12-08 18:32:00,1971-12-09 07:56:00,36.11894840570783,1.538148700986541,0 -6848,902394.0,1974-11-25 17:55:00,1972-12-01 17:33:00,49.16916706235188,1.1686050266962789,0 -5133,994480.0,1973-10-29 22:34:00,1972-06-20 16:46:00,49.72601698664666,1.620003513225659,0 -715,578052.0,1974-05-22 03:57:00,1973-12-26 02:23:00,37.86552045089418,0.3613387155576966,0 -3463,919892.0,1974-09-18 08:44:00,1973-06-22 11:33:00,47.081051664949584,0.3727768978890136,0 -4394,190864.0,1972-10-13 03:39:00,1973-04-06 19:17:00,49.80617735798655,0.9254121962519886,0 -4568,102924.0,1970-11-26 05:01:00,1972-07-27 23:26:00,49.17725412557243,1.6266764031990917,0 -8803,642775.0,1971-07-20 17:42:00,1975-08-23 19:58:00,51.73996097475217,1.607883508314874,0 -8489,912139.0,1972-05-10 20:18:00,1971-03-26 06:12:00,52.90354952308571,1.4136222366781088,0 -7701,372680.0,1970-05-04 04:42:00,1972-07-14 08:42:00,44.94386657819816,1.0812006055852852,0 -212,88093.0,1974-11-01 02:42:00,1972-02-06 18:37:00,39.53391290698169,1.1828525674796833,0 -9767,493534.0,1970-10-18 07:46:00,1974-01-22 03:55:00,45.45089187102526,0.7506969673430012,0 -6838,955498.0,1971-12-14 20:36:00,1973-06-04 08:08:00,49.53611037693857,0.9384958887897326,0 -1010,764089.0,1974-02-20 18:26:00,1972-09-22 07:24:00,48.52014955267788,0.4947134037456353,0 -323,373252.0,1973-08-13 06:25:00,1973-01-08 09:42:00,44.7150314589803,1.0352833808094437,0 -5396,209819.0,1970-02-01 20:59:00,1973-11-25 01:18:00,49.39191203572874,0.6059836215134242,0 -5990,397372.0,1974-11-14 06:18:00,1971-01-21 07:02:00,44.7297281653773,0.58075390695229,0 -3172,888982.0,1971-08-08 13:23:00,1973-09-05 15:23:00,45.50297489191096,1.0658409489736784,0 -334,837030.0,1970-01-31 06:11:00,1974-08-18 20:12:00,35.00328857401007,1.1964151461273853,0 -8305,227686.0,1972-04-01 17:41:00,1975-08-01 11:41:00,48.0682044921429,1.002039976139015,0 -2210,535316.0,1971-08-25 20:36:00,1975-05-12 11:14:00,52.53917564552144,1.0835026508206915,0 -4271,131097.0,1971-05-08 04:10:00,1972-01-20 19:52:00,44.19653274276883,1.1619153565222766,0 -6740,981498.0,1970-09-19 06:36:00,1975-10-28 08:40:00,52.03634525355162,1.167664300493422,0 -233,307916.0,,1973-12-12 09:44:00,47.56666779184958,1.5080447546692315,0 -5950,624575.0,1971-03-05 07:56:00,1974-10-10 03:52:00,49.61318878337631,0.3518535737398423,0 -5737,645837.0,1972-08-04 12:29:00,1971-05-21 18:20:00,44.26530646874608,1.606170497577648,0 -7921,724676.0,1972-01-12 07:23:00,1973-10-16 12:16:00,50.98969449061591,0.8878301204806771,0 -2348,807191.0,1972-11-08 20:35:00,1971-08-19 06:19:00,53.16885414573857,0.962748165449676,0 -2036,355509.0,1973-07-03 14:50:00,1972-01-23 01:04:00,42.85551641480973,1.4978124061407931,0 -7484,830695.0,1970-08-10 06:33:00,1975-09-28 10:22:00,41.2981096752861,1.0560823402993598,0 -6006,391927.0,1970-03-31 04:46:00,1971-03-29 21:09:00,44.63670500495356,0.0,0 -4553,824370.0,1970-05-15 23:52:00,1973-01-11 09:53:00,49.19981043827367,1.5440399775072966,0 -8072,768537.0,1972-08-01 00:41:00,1975-03-18 21:55:00,48.76875854979886,0.6878241598921262,0 -1458,454151.0,1971-10-21 00:25:00,1974-05-20 01:06:00,48.2428014114423,0.4241624579493338,0 -3288,1105318.0,1973-12-16 04:03:00,1973-11-18 07:53:00,41.34063535785885,0.8425013438955279,0 -3064,457298.0,1972-09-14 13:15:00,1973-11-26 13:40:00,44.22678268333043,,0 -9436,1095418.0,1974-01-03 13:31:00,1971-02-28 22:43:00,54.87694604075711,0.9299227097959684,0 -774,548455.0,1973-06-05 10:06:00,1974-06-05 13:18:00,49.57587127808349,0.3620405795225246,0 -6832,848424.0,1974-06-06 22:48:00,1974-02-07 12:37:00,46.8087580213371,0.8208656285595359,0 -871,776123.0,1974-02-26 11:12:00,1972-01-13 18:35:00,48.59300770667785,0.0,0 -8749,348119.0,1974-09-27 17:10:00,1974-07-03 22:42:00,44.516276046525576,1.5894980755581545,0 -1263,298702.0,1971-10-27 20:43:00,1974-12-25 15:44:00,52.121205068218536,0.8970185996155657,0 -4833,440922.0,1974-08-22 13:22:00,1974-01-30 14:49:00,52.36813041345365,1.2181799523450971,0 -3894,491308.0,1970-12-31 17:14:00,1975-05-08 07:56:00,48.4365501167284,1.276094085477286,0 -6323,523535.0,1974-11-17 03:38:00,1973-09-26 03:06:00,38.54349338411345,1.2117238474990564,0 -9212,224302.0,1972-07-12 07:13:00,1972-10-23 20:22:00,51.76130540396578,1.194322062454379,0 -7019,742200.0,1971-09-09 11:10:00,1971-01-01 22:20:00,58.41789823107479,0.4122947349636087,0 -1220,537832.0,1971-05-13 23:09:00,1971-08-22 07:31:00,54.565606339027255,0.0463239296489642,0 -1446,305861.0,1972-03-26 14:18:00,1972-12-26 21:48:00,48.2594115407512,0.9421470294094596,0 -3184,272421.0,1972-05-04 11:58:00,1973-02-08 18:18:00,34.60482209419595,1.3605073814907982,0 -408,481136.0,1974-06-19 21:00:00,1972-11-10 18:27:00,39.56147271796303,1.3347390724661117,0 -4344,397014.0,1972-03-24 14:16:00,1973-03-01 09:03:00,,0.6195249358537989,0 -3021,963863.0,1971-06-14 18:29:00,1972-04-08 15:39:00,48.128858444635,0.6088988682784487,0 -2303,630573.0,1973-11-08 05:56:00,1972-03-10 17:54:00,50.46069148481556,0.4862807498661595,0 -6271,322557.0,1972-12-20 23:02:00,1974-03-08 11:09:00,52.16318012388183,0.8684654102334121,0 -8280,168247.0,1973-07-28 23:57:00,1972-02-15 08:08:00,33.7074610954258,,0 -6641,736759.0,1971-06-19 15:40:00,1972-08-15 17:41:00,43.17532653463312,1.000219618331554,0 -6955,811742.0,1970-09-20 06:06:00,1971-09-22 05:09:00,43.6544191841188,1.189387942597241,0 -2109,670784.0,1974-03-28 00:51:00,1974-09-25 03:54:00,56.66786624023568,0.4406485270776319,0 -5351,462816.0,1970-12-25 22:08:00,1974-01-08 13:18:00,37.0719894416534,0.6763735902921487,0 -9683,759033.0,1971-01-27 05:41:00,1975-10-16 21:44:00,53.23757293428272,1.7878488408240378,0 -8343,668594.0,1971-08-13 22:14:00,1973-08-23 01:31:00,51.20860433832529,0.7071044210070582,0 -4549,130380.0,1974-03-01 00:09:00,1972-12-18 13:45:00,54.69119827722356,0.0,0 -1880,285984.0,1972-01-10 20:23:00,1971-10-28 10:03:00,42.640000691155166,1.4639753449639206,0 -5945,638969.0,1973-11-27 00:26:00,1973-03-03 00:06:00,55.01105919718157,0.2777007629303474,0 -1737,886624.0,1970-12-29 19:17:00,1972-06-22 23:19:00,48.4345441680258,0.5847887952228499,0 -7793,300738.0,1973-09-05 04:34:00,1973-07-01 00:27:00,44.80037421723375,0.9874978839083138,0 -5212,294643.0,1972-07-03 07:17:00,1972-11-30 16:13:00,50.403525522287104,1.5225355958834426,0 -3208,1153014.0,1972-08-11 00:36:00,1972-02-25 22:19:00,47.110763164867215,1.061406884822602,0 -7082,279842.0,1971-03-01 09:55:00,1975-12-01 10:03:00,,1.5539749307526167,0 -2055,896681.0,1974-12-21 19:41:00,1971-12-25 18:55:00,60.15322833119584,0.3079828501478789,1 -1688,50515.0,1974-05-11 20:16:00,1971-04-29 16:47:00,46.47477464266518,0.9178823191256202,0 -4779,341090.0,1970-03-18 06:35:00,1972-05-14 09:26:00,48.37394790559946,0.6831888256610377,0 -7475,1078361.0,1971-06-30 06:40:00,1973-03-23 22:40:00,40.61389568629443,0.7649656440985344,0 -7876,958505.0,1974-11-29 12:39:00,1973-04-27 13:53:00,55.85315798748725,1.1480581475281393,0 -6749,,1971-01-16 02:36:00,1973-12-26 09:47:00,55.94287481961664,0.691732959450219,0 -8555,930483.0,1973-09-30 11:30:00,1972-12-19 15:55:00,48.56900732266431,0.7091768796930825,0 -8122,350026.0,1974-03-17 13:21:00,1975-08-20 18:38:00,39.5093008419562,1.0951905474593575,0 -6990,745495.0,1972-06-15 04:33:00,1972-12-11 06:43:00,43.79046788787622,0.8619717289425102,0 -8266,734529.0,1972-03-05 19:48:00,1973-07-12 03:22:00,51.29970201187444,0.5247470865329799,0 -8539,481870.0,1971-06-11 17:29:00,1975-06-19 23:58:00,42.19709233247844,1.1397069719817003,0 -3392,637652.0,1971-07-31 02:56:00,1972-03-12 05:45:00,55.17726457485717,0.0,1 -6325,61644.0,1973-05-17 16:32:00,1972-01-05 00:54:00,51.1638706337669,0.5570975667039826,0 -3528,980634.0,1970-06-20 11:41:00,1971-06-09 00:27:00,38.98713994766409,0.6114985909570763,0 -4604,724366.0,1970-07-20 14:01:00,1974-07-10 10:46:00,45.6952400220912,0.791915231118536,0 -7023,1140284.0,1970-10-11 05:13:00,1974-04-20 11:31:00,57.93266524597782,0.3305791678368106,0 -6321,52678.0,1971-08-11 16:59:00,1974-02-10 12:24:00,43.76879382391088,0.8678308455947973,0 -745,46206.0,1972-10-23 07:38:00,1972-10-20 22:00:00,48.85584326586504,1.403428964776659,0 -710,30159.0,1970-09-11 12:18:00,1975-09-07 05:48:00,53.196809182554325,0.4294456104752138,1 -379,806870.0,1973-08-01 21:33:00,1971-09-01 23:41:00,62.71648319659769,1.6912923140830702,0 -8782,1122636.0,1971-11-23 10:56:00,1973-12-26 21:27:00,56.13125790857678,0.8883264039521692,0 -3011,81944.0,1973-01-01 17:09:00,1974-03-22 09:58:00,50.997503549774905,1.3023560439379238,0 -8858,1075845.0,1973-10-04 17:56:00,1972-02-11 04:34:00,40.524056481560606,0.9708226332336228,0 -7152,400400.0,1971-04-19 11:49:00,1972-02-26 12:12:00,45.19414204720477,1.7045097384289165,0 -8566,954051.0,1970-05-09 18:03:00,1974-02-21 02:57:00,58.58657394744343,0.8917749946455695,1 -3497,261077.0,1971-02-16 21:30:00,1973-11-19 12:23:00,48.98862727552569,0.7169324373335767,0 -3889,223448.0,1973-12-12 00:59:00,1971-02-08 04:24:00,46.0940324682556,1.3397841280723002,0 -4484,130523.0,1971-02-08 01:47:00,1972-11-16 21:35:00,48.85323649076725,0.6054348126975755,0 -4011,838013.0,,1972-01-09 04:08:00,53.56483093405082,0.8916984126806117,0 -2619,675063.0,1970-09-28 18:39:00,1975-12-30 22:28:00,54.39955465169104,1.281941269786144,0 -6670,1087564.0,1973-12-06 19:53:00,1973-05-23 20:45:00,50.85839881808153,1.42353124890522,0 -6512,1003147.0,1974-05-17 12:40:00,1973-12-17 05:18:00,46.508458723395,0.8862274466207053,0 -3467,817497.0,1970-10-19 02:33:00,1972-02-03 20:29:00,53.49289976491108,0.4755730844504729,0 -1313,448435.0,1972-03-01 08:50:00,1973-10-08 05:46:00,41.76373927479936,0.5815855660874423,0 -8605,425277.0,1970-07-26 12:31:00,1975-06-10 20:19:00,31.192106669653228,1.171804759025724,0 -2069,839370.0,1972-02-15 23:46:00,1972-07-14 10:43:00,41.78170985419913,1.1255414919643998,0 -2982,910047.0,1972-07-27 19:19:00,1972-09-20 07:05:00,59.43358426006749,0.0,0 -5914,813381.0,1970-09-10 03:07:00,1973-10-26 17:15:00,45.18580976490411,0.8407181645079381,0 -9170,,1972-01-10 14:50:00,1972-06-24 20:50:00,43.117104912621805,0.083384898991651,0 -1285,1154332.0,1974-08-05 13:30:00,1975-06-17 20:34:00,50.31132562812383,1.205955960793753,0 -8990,963774.0,1971-03-03 21:41:00,1971-03-20 22:45:00,43.513268097124566,1.4388968239981823,0 -8429,269583.0,1972-02-21 03:23:00,1975-10-02 22:33:00,45.79686080675226,1.6670764961794176,0 -1349,809986.0,1973-11-19 09:43:00,1971-10-11 00:15:00,53.00478984976956,1.019962068675886,0 -2611,949417.0,1972-09-18 12:00:00,1971-12-18 17:14:00,44.61587914485771,0.8262999424119536,0 -9494,999851.0,1973-08-25 11:39:00,1974-05-18 07:53:00,49.19072650775985,1.4831181134720943,0 -3668,1117421.0,1971-08-18 16:25:00,1972-02-01 13:33:00,52.0273856447029,0.1007547976837222,0 -2221,1083874.0,1973-09-03 13:43:00,1973-04-23 20:03:00,45.94136486727252,0.7843932392892008,0 -427,164587.0,1971-06-25 19:07:00,1971-01-30 01:38:00,39.33664621772988,0.5916397474287415,0 -653,313349.0,1972-10-07 10:08:00,1972-02-09 21:48:00,39.495299391115125,1.1767738933159595,0 -9913,893020.0,1973-05-18 14:20:00,1974-12-04 05:02:00,41.05096190196588,0.8852768632366026,0 -3535,901598.0,1970-06-25 12:24:00,1971-05-26 14:42:00,45.294568587038285,0.0,0 -7736,1018950.0,1971-12-05 08:26:00,1972-07-15 14:18:00,52.12257386876747,1.0483933813048525,0 -3245,147712.0,1974-04-30 15:11:00,1975-06-13 16:54:00,43.6546004450133,1.2742548077187656,0 -4740,48237.0,1972-10-23 14:48:00,1974-01-19 04:50:00,52.39192471732,0.8835044460204553,0 -9068,1146745.0,1970-11-19 00:40:00,1973-05-15 22:41:00,47.28610446497604,0.4177375582532034,0 -4099,900373.0,1970-10-09 23:46:00,1974-02-18 18:40:00,59.97115795243562,1.5560829504485945,0 -4100,612856.0,1972-06-23 08:32:00,1973-08-16 05:41:00,60.62222882633338,1.1789850133109363,0 -6959,331810.0,1970-07-27 22:37:00,1973-07-16 18:16:00,55.74568687550886,1.3682012044702974,1 -611,953859.0,1971-12-09 12:27:00,1975-09-16 09:12:00,52.0563459269981,1.0718432568094356,0 -4288,780232.0,1972-09-17 10:25:00,1972-08-26 21:37:00,45.362442351789774,1.1521882945276334,0 -8570,655567.0,1971-03-12 13:28:00,1973-12-09 16:26:00,43.60736363679024,1.5908571035363748,0 -9712,216316.0,1974-12-28 19:25:00,1972-12-17 01:14:00,53.23036071696078,1.681151950193066,0 -1543,173594.0,1972-09-20 08:18:00,1975-12-03 10:31:00,40.6896416631974,1.1316769269604328,0 -9535,740055.0,1974-07-24 16:06:00,1975-08-20 12:59:00,52.419097383296496,0.8024706843678321,0 -3853,399895.0,1971-05-18 06:26:00,1973-12-14 17:41:00,45.95435093024253,0.9567882045130148,0 -554,564402.0,1972-07-19 23:04:00,1973-02-14 08:37:00,39.85462801934111,0.8198068143037642,0 -6365,206218.0,1970-04-30 14:54:00,1972-11-27 07:41:00,56.72199410704903,2.002289022546605,1 -511,1020486.0,1971-02-16 04:02:00,1971-08-25 23:52:00,46.15915314093505,1.0278759956699128,0 -3206,884696.0,1973-09-02 12:19:00,1974-09-02 21:39:00,43.99317068522768,0.7875496924284404,0 -8084,524887.0,1973-03-14 06:33:00,1975-02-05 04:28:00,40.31555237686056,1.3771383725688453,0 -967,73491.0,1974-11-27 04:35:00,1973-03-05 17:38:00,48.85470852167864,0.9957470015079212,0 -6043,232941.0,1973-07-19 10:22:00,1972-10-06 02:58:00,47.45544759345163,1.0728937651467745,0 -6879,449721.0,1972-08-10 13:55:00,1974-04-30 00:37:00,51.10272464098037,1.1040493994149416,0 -6775,1112057.0,1971-08-18 12:03:00,1973-10-21 14:16:00,50.18234365626551,1.0593718282402065,0 -3295,544141.0,1973-12-16 09:51:00,1974-08-06 14:37:00,45.0938635250013,1.6431589103871498,0 -8701,731897.0,1971-04-13 09:00:00,1975-05-04 10:04:00,54.30986806277722,0.7847938143342945,0 -3429,1169531.0,1973-12-23 13:02:00,1974-01-27 04:15:00,47.04190159177385,0.3688036076931213,0 -8870,709685.0,1972-02-29 18:51:00,1972-11-22 08:45:00,44.93354101046305,0.5400874125090251,0 -6962,98359.0,1971-02-27 23:05:00,1975-07-06 01:27:00,44.89355391910871,0.0950118976154019,0 -2088,458737.0,1972-01-10 12:02:00,1975-10-22 12:32:00,49.45859333660113,0.4786524832808652,0 -8499,439555.0,1973-11-25 08:44:00,1975-11-05 04:48:00,47.79823171483694,0.6808824049651556,0 -6162,1085518.0,1972-06-30 00:20:00,1974-10-27 19:40:00,57.01494506165985,1.5422739314313485,1 -3210,1012590.0,1970-09-12 18:20:00,1975-04-02 18:08:00,42.186311200895766,1.5347079933206451,0 -9200,556668.0,1971-07-26 01:24:00,1974-04-13 13:42:00,45.30937715254558,0.5828888632629436,0 -6605,554153.0,1970-06-28 06:14:00,1974-08-20 16:57:00,48.28898381863369,1.5035895887814177,0 -1109,766267.0,1973-12-26 07:24:00,1971-03-01 02:13:00,48.004366009744444,0.8547065993542682,0 -5728,1028919.0,1972-02-22 20:22:00,1972-03-24 17:25:00,40.68933173626029,1.1412531927960303,0 -7829,423492.0,1972-04-21 19:36:00,1972-08-27 18:55:00,45.477026616661206,1.1797131384105586,0 -1038,936547.0,1974-12-01 03:03:00,1971-09-19 23:28:00,48.0937635221337,0.3569538213344355,0 -1194,1188272.0,1974-08-04 14:19:00,1974-04-16 17:02:00,40.885606114783954,0.60641220013178,0 -4474,82503.0,1974-07-11 02:09:00,1971-02-13 12:51:00,44.618971449228326,0.0134406203168713,0 -9874,996079.0,1970-07-27 16:43:00,1971-12-25 04:45:00,50.81652791049324,1.2854075589817486,0 -2122,370045.0,1970-02-22 12:10:00,1973-04-02 18:48:00,34.71653762404381,0.0215601861992917,0 -4982,509958.0,1974-10-09 23:33:00,1972-11-13 14:59:00,45.54813996247672,2.0221070481757097,0 -8973,721498.0,1971-03-25 05:58:00,1972-09-08 21:40:00,46.22355993766178,1.2648530132017592,0 -5700,286482.0,1971-05-14 22:41:00,1974-07-19 05:34:00,38.7503250023575,1.906193492567883,0 -934,748136.0,1972-11-20 15:46:00,1972-10-06 08:02:00,54.889726420698274,0.5333825343960272,0 -6101,653789.0,1970-02-04 01:18:00,1972-01-06 23:02:00,47.640945817876414,0.6744981634486181,0 -4689,949244.0,1973-01-02 21:12:00,1974-01-02 00:16:00,38.16184364452177,1.1064811707503566,0 -394,273018.0,1971-06-23 04:51:00,1971-11-02 22:03:00,46.53919490622413,0.8150009995025642,0 -4685,419793.0,1971-07-01 12:36:00,1975-07-14 22:18:00,55.04315266531806,0.6884663042331427,1 -8776,882926.0,1973-09-17 17:44:00,1971-10-17 08:04:00,53.88172364858461,1.193938973592632,0 -9165,197674.0,1971-11-23 12:56:00,1975-04-12 20:22:00,42.642265429466256,0.95629254154726,0 -5980,634302.0,1973-05-02 00:05:00,1972-01-18 08:33:00,49.399386757029866,1.4832959443502935,0 -9942,996596.0,1974-08-27 16:05:00,1975-11-16 04:44:00,44.844939232891214,1.378149127284345,0 -2191,751373.0,1972-08-31 02:21:00,1975-10-23 07:58:00,45.89646412099408,1.8671417428667931,0 -1297,103841.0,1974-10-11 22:54:00,1975-01-01 18:15:00,49.80921065896184,0.6889375923689858,0 -5044,1023796.0,1974-02-18 13:41:00,1973-05-04 22:49:00,49.58432778979176,0.4283646244256419,0 -1162,1111810.0,1972-07-08 01:11:00,1974-12-06 21:28:00,44.45702627477354,0.0,0 -4254,558631.0,1973-11-26 20:41:00,1971-01-13 00:14:00,52.9739816634746,1.2930120351185292,0 -6372,482568.0,1974-12-06 11:34:00,1972-12-17 11:03:00,39.349789700494426,1.0462237020788892,0 -1527,45751.0,1971-12-21 04:05:00,1974-11-17 03:51:00,46.33950528130999,1.4409069609278284,0 -4342,72564.0,1974-09-26 14:21:00,1972-10-05 05:09:00,53.75671195526611,1.696592547697765,0 -2030,167072.0,1972-02-21 10:03:00,1975-09-26 01:04:00,64.46140896555217,0.0,0 -3060,244436.0,1970-06-25 00:39:00,1971-02-26 16:35:00,51.29492097858461,0.6569424766842262,0 -58,1155189.0,1972-01-27 07:18:00,1973-08-21 05:57:00,48.48888116591002,0.7373515397043398,0 -2405,9950.0,1970-06-28 04:08:00,,45.764057916444486,1.1784376757322492,0 -5006,379299.0,1972-04-12 09:57:00,1973-10-30 00:36:00,47.13639978293256,1.6833921758501864,0 -6157,1088644.0,1970-02-01 20:01:00,1975-06-17 02:27:00,51.78278362677155,0.7475778175204892,0 -7375,312497.0,1973-06-06 03:32:00,1975-02-08 19:50:00,47.5471784942737,1.4455602877840552,0 -4506,678934.0,1973-08-19 15:55:00,1972-12-15 03:30:00,47.61010068607701,1.2166922844384838,0 -5214,510690.0,1970-11-17 21:51:00,1971-03-15 23:15:00,46.60446560924246,1.737977576141389,0 -6029,1176308.0,1971-06-21 16:54:00,1975-12-02 16:08:00,48.51089613830691,0.8157411828858936,0 -1780,514519.0,1970-02-25 08:51:00,1972-10-11 17:31:00,50.52805812880028,1.709951086968454,0 -5447,795062.0,1974-12-14 14:50:00,1974-06-13 00:18:00,42.79846576389274,0.6865527607668644,0 -4606,403143.0,1971-10-27 07:56:00,1972-04-09 12:53:00,53.81619716805267,0.5471981917068338,0 -6914,550963.0,1970-11-10 14:16:00,1971-04-26 15:25:00,55.00245292259849,0.997104842785468,0 -676,564143.0,1974-08-29 12:36:00,1973-07-23 01:07:00,50.8931649085086,0.8165623616398201,0 -3582,916542.0,1971-11-28 05:42:00,1972-03-14 04:07:00,51.7120695776623,1.3854510831025582,0 -3653,928502.0,1973-12-29 15:14:00,1974-07-19 07:16:00,54.77776823061222,0.7415664638341335,0 -7920,42697.0,1973-06-21 20:17:00,1971-08-29 10:34:00,45.68674403234688,0.55655967255275,0 -9499,686241.0,1973-08-17 11:41:00,1973-06-02 11:31:00,43.37356916176648,0.2026080547206125,0 -2732,355234.0,1971-01-06 12:11:00,1974-05-21 23:43:00,48.99216015525923,1.9862259032861933,0 -4787,697872.0,1972-05-27 10:17:00,1974-08-05 16:46:00,63.09038580951984,1.7827402272581443,1 -2754,851787.0,1970-04-25 02:12:00,1973-10-24 14:59:00,42.86667967290116,1.5752350397201684,0 -2337,287341.0,1973-04-02 22:01:00,1975-08-15 09:20:00,45.15425834846625,0.9250941703662806,0 -3643,396689.0,1970-11-10 13:33:00,1972-03-13 10:09:00,48.7360490964812,1.801621460220982,0 -7737,981849.0,1974-05-11 19:07:00,1973-09-02 13:25:00,45.06945557327351,0.4674686503284387,0 -5516,1107185.0,1973-08-11 17:09:00,1972-07-16 22:18:00,50.40223073339366,0.7251405093025458,0 -5246,467261.0,1971-07-07 20:13:00,1975-02-07 22:22:00,45.13417133346279,0.828003705811364,0 -866,1064687.0,1974-06-23 03:15:00,1971-04-29 14:03:00,47.23914011290215,0.5962597012835988,0 -4447,1018450.0,1974-04-04 18:54:00,1971-05-16 11:16:00,46.4249733037406,1.217007653249257,0 -5071,1052408.0,1971-01-20 12:07:00,1974-07-19 02:11:00,42.23803671696516,1.794556672488979,0 -4881,1047108.0,1973-07-15 22:58:00,1972-03-08 15:03:00,46.354382064392944,2.050272064874835,0 -9510,927048.0,1971-12-02 04:32:00,1975-10-16 00:02:00,43.507381466196186,1.54435948553692,0 -3002,148805.0,1974-11-14 02:55:00,1972-10-22 20:24:00,45.36936382948612,0.6579739977427406,0 -2225,320589.0,1974-05-06 12:32:00,1971-09-22 16:53:00,43.07618526855644,0.8080686361855531,0 -9056,860971.0,1972-01-19 07:11:00,1971-11-03 06:42:00,45.8179075921741,0.7035525552829973,0 -4826,1199908.0,1974-01-29 16:33:00,1975-08-03 23:46:00,54.83907517880033,0.4201233030911044,0 -7621,458951.0,1970-04-13 05:10:00,1972-01-18 15:55:00,50.78482583870895,0.6419845719265374,0 -9689,625929.0,1974-03-01 14:58:00,1973-08-12 22:20:00,44.73615132368512,0.8422085723396597,0 -5500,127165.0,1974-01-28 02:32:00,1974-09-19 21:41:00,47.01743062764268,1.9083236023671764,0 -9700,102019.0,1970-02-04 03:23:00,1975-08-14 14:17:00,38.25424517577959,0.415032333908982,0 -8478,1081814.0,1972-04-26 00:17:00,1974-08-10 13:29:00,53.02017987878913,1.4440577288195149,0 -5502,653179.0,1971-12-29 07:19:00,1974-12-14 09:20:00,51.406167053570165,1.4108347960169096,1 -1210,1188363.0,1973-07-14 17:26:00,1975-09-05 23:12:00,52.731732706796606,0.1411257048866212,0 -9083,160220.0,1970-06-09 00:44:00,1975-02-19 17:11:00,48.1526544460356,1.5090037993232843,0 -2288,1178573.0,1970-12-20 04:58:00,1972-04-11 17:38:00,52.88724629110465,1.1896248530905835,0 -2183,668463.0,1970-08-29 04:51:00,1975-06-28 10:20:00,51.12782811635349,0.929407931716264,0 -2862,155468.0,1972-08-20 09:30:00,1971-12-30 17:46:00,43.38412258270691,1.2952735454800548,0 -6861,432082.0,1971-10-13 09:03:00,1975-08-31 12:16:00,48.96253798302054,0.74703790245185,0 -2362,163611.0,1973-07-02 19:35:00,1973-08-27 14:59:00,57.81015725492604,0.2245305333792381,1 -8463,903833.0,1971-03-31 18:32:00,1974-12-08 22:11:00,49.180284129454805,1.4381300596885196,0 -6332,876333.0,1972-03-31 14:08:00,1975-04-04 00:49:00,42.27616210907184,0.4481147899833723,0 -4064,839466.0,1971-08-10 11:04:00,1974-04-15 20:33:00,57.00781024621506,0.3693881992700127,1 -9546,697242.0,1974-08-12 19:04:00,1975-01-16 19:29:00,44.718844552569685,1.127042702566659,0 -617,291598.0,1970-12-25 22:17:00,1971-11-30 14:47:00,47.94641741717462,0.8492127023636686,0 -3281,104037.0,1974-09-21 11:17:00,1975-01-15 14:54:00,57.40887390040661,0.9038267870594028,0 -5226,106462.0,1974-10-13 19:54:00,1972-08-22 17:44:00,49.5426275005117,0.9070049434094934,0 -3397,1100951.0,1974-10-15 11:50:00,1975-01-15 12:50:00,47.56521920610517,1.3940059710058774,0 -3065,173570.0,1971-12-11 10:20:00,1972-04-11 11:05:00,51.057275452361225,1.0206910479685751,0 -766,621205.0,1970-08-01 00:28:00,1975-05-01 20:24:00,49.034479628345146,0.2254238227484967,0 -7078,984405.0,1972-05-14 04:08:00,1971-01-21 16:03:00,49.00841292087061,0.9910926292653904,0 -5279,456672.0,1974-10-04 15:03:00,1975-12-24 20:24:00,49.7626093772541,0.1969496323010402,0 -4149,452836.0,1974-11-15 20:44:00,1972-05-14 13:56:00,43.19076897289323,0.9571955357364712,0 -1144,1114627.0,1972-10-20 20:02:00,1975-12-10 10:47:00,46.32451470102211,0.8353981258278936,0 -4248,336901.0,1972-01-26 03:30:00,1974-12-15 16:24:00,48.83829817403869,1.1803098837953103,0 -4110,970597.0,1973-05-22 18:16:00,1973-09-05 16:52:00,40.80662708568606,0.5997733418180416,0 -462,136208.0,1974-10-19 03:34:00,1974-07-22 08:34:00,43.5571301796129,1.1092779489570754,0 -2932,509834.0,1970-10-05 03:31:00,1974-07-18 18:17:00,51.18539586490411,0.0,0 -4623,96669.0,1970-09-13 16:52:00,1975-07-05 22:15:00,49.92282221091286,0.9766088575127314,0 -3813,71993.0,1973-10-19 00:00:00,1973-10-30 10:27:00,45.99140824749209,0.9925553481050932,0 -6308,399214.0,1970-02-03 09:40:00,1973-03-27 05:40:00,48.89593521377095,0.9363218579579262,0 -4341,518970.0,1974-09-25 12:28:00,1975-02-25 06:20:00,48.8435291374389,1.034990771358729,0 -5300,560853.0,,1972-11-22 07:21:00,46.34670647689491,0.6544082635990274,0 -6804,1052923.0,1970-04-15 21:57:00,1971-07-23 21:19:00,52.11489497754614,0.940820715665986,0 -3282,79604.0,1972-01-18 18:23:00,1971-12-08 14:35:00,52.61008622813197,0.1235454349422645,0 -2574,961118.0,1974-09-01 01:11:00,1972-03-21 15:26:00,40.46106596935142,1.699156791908194,0 -7961,1099278.0,1974-09-12 02:42:00,1971-08-07 01:58:00,45.51953463370997,1.86416052347038,0 -7879,79753.0,1973-07-17 16:18:00,1974-11-15 00:10:00,49.36391588540923,0.684259818668884,0 -828,310873.0,1972-08-18 19:08:00,1974-11-11 01:57:00,43.22811862700138,1.0453937324580649,0 -6486,1105246.0,1971-03-11 19:37:00,1975-08-21 13:01:00,45.83600361966929,0.7000571072269044,0 -7599,1006093.0,1971-08-27 17:27:00,1971-06-17 22:50:00,46.42713278774095,0.4790777918512856,0 -2540,724381.0,1971-08-14 22:34:00,1975-10-30 06:37:00,42.63847305835158,1.0741390593703048,0 -5746,570154.0,1970-05-26 19:13:00,1972-12-05 19:20:00,61.19102218148684,1.3064880538283976,0 -8526,255790.0,1971-06-19 07:44:00,1974-07-19 14:20:00,42.388030627952965,1.5733645180974174,0 -9566,899643.0,1973-10-08 22:51:00,1972-11-09 23:16:00,47.50596830310271,1.0491614135760403,0 -3742,483391.0,1974-10-05 23:51:00,1975-06-23 22:57:00,54.59092310137123,0.731699910631805,0 -7498,481842.0,1973-06-12 14:45:00,1975-03-20 19:52:00,51.82006782096458,0.6208549200368333,0 -3524,326909.0,1972-12-04 04:40:00,1973-08-13 03:39:00,53.57003373239309,1.78137417413644,1 -20,1188234.0,1974-08-15 11:20:00,1973-06-10 19:36:00,39.38337577132185,1.0984542013195293,0 -1915,973242.0,1973-11-15 06:07:00,1974-04-01 00:15:00,56.47313537302734,0.5830246888740254,0 -6571,730293.0,1973-04-01 03:26:00,1971-07-20 11:05:00,40.96906355329547,0.964899548698926,0 -9018,125746.0,1972-05-18 05:52:00,1972-06-05 22:54:00,45.67642204795856,0.3030127770194185,0 -2012,284500.0,1974-04-06 10:54:00,1972-01-06 21:08:00,50.11962263961779,1.1462322275165828,0 -5405,436557.0,1970-03-20 04:32:00,1975-07-01 19:17:00,43.280021052600645,1.0620295856869648,0 -1295,59161.0,1971-05-08 13:05:00,1972-03-16 02:29:00,48.09564639834102,0.7099911641412873,0 -3745,195584.0,1971-01-28 18:58:00,1971-07-01 03:41:00,45.23237556025919,,0 -591,948028.0,1973-01-31 00:53:00,1975-07-13 10:15:00,41.4579208083676,1.6928853553128866,0 -1406,834868.0,1974-02-15 06:33:00,1971-10-25 04:36:00,47.11400690509726,1.4005474262211994,0 -221,250353.0,1971-07-16 23:51:00,1972-06-20 08:32:00,51.122673744479016,0.360801764985734,0 -5617,71745.0,1970-05-08 20:29:00,1974-01-21 17:54:00,43.07070575480381,0.798500189055789,0 -6248,1083061.0,1970-02-23 00:42:00,1974-09-07 16:26:00,46.32112012089789,1.741574837864626,0 -4418,187349.0,1970-12-22 13:22:00,1973-04-26 13:31:00,47.35593745967196,0.405617700801996,0 -858,1001897.0,1970-07-31 22:15:00,1974-08-31 10:53:00,44.26239711013572,0.7332935401850559,0 -1783,45729.0,1973-10-26 09:34:00,1973-06-26 13:19:00,39.63535014529474,1.0572060342341831,0 -7259,660772.0,,1973-01-28 01:47:00,57.88782540520748,1.4704081621606475,1 -6856,1104803.0,1972-04-28 03:23:00,1973-05-07 06:01:00,44.96513664693853,1.3357986858591948,0 -1954,316676.0,1974-03-13 03:42:00,1974-01-30 04:06:00,50.50972750137478,1.8955618096781608,0 -1746,925588.0,1970-03-22 08:22:00,1971-11-29 02:47:00,53.21896885733791,0.7333715146796846,0 -3132,1130612.0,1971-04-14 07:05:00,1974-07-30 10:52:00,42.865832220729466,1.5725043217650754,0 -8036,90561.0,1970-02-24 00:19:00,1971-09-06 13:46:00,55.89799697740737,1.111450158952723,0 -8850,903322.0,1972-02-19 19:08:00,1973-02-17 04:31:00,45.21089161416736,0.1155330672328953,0 -994,599440.0,1973-06-20 22:17:00,1974-05-12 07:08:00,38.62635650817363,1.3598596187137135,0 -6108,15372.0,1970-06-03 04:06:00,1973-10-19 07:53:00,41.71538415011255,0.8020783101003294,0 -730,725690.0,1972-11-01 17:09:00,1971-10-05 06:17:00,49.56740151087917,0.622390137417089,0 -6974,929992.0,1971-01-27 05:34:00,1974-11-21 20:14:00,41.63100921278943,1.4067312317705536,0 -6273,504638.0,1971-05-06 21:46:00,1975-12-04 19:23:00,43.80760342964868,1.5641792104601762,0 -6751,191003.0,1972-10-20 09:12:00,1973-12-17 09:01:00,43.65978118316238,1.2041407964943454,0 -3509,882488.0,1970-09-09 18:06:00,1973-11-30 05:26:00,47.07213460014622,0.6883894856338149,0 -3533,400023.0,1971-04-22 16:31:00,1973-02-06 15:23:00,46.11821673692621,0.5470718043500538,0 -2513,679867.0,1970-06-20 21:03:00,1972-08-04 15:39:00,47.045430292814494,0.7656674259980113,0 -5436,708569.0,1974-06-28 05:17:00,1972-03-29 16:32:00,43.79501175280694,1.2206605306385774,0 -3625,1067327.0,1971-10-19 10:36:00,1971-09-01 19:45:00,52.217898220276496,0.8340708969592752,0 -465,527998.0,1972-06-06 13:02:00,1971-08-20 00:53:00,44.48249828717184,0.0,0 -6755,319224.0,1971-08-19 13:03:00,1973-08-12 20:47:00,56.7769562277557,1.29911753043676,0 -6759,769416.0,1970-01-23 20:57:00,1972-02-25 22:24:00,45.492123419624974,2.1271846987934877,0 -7991,907152.0,1973-02-15 10:54:00,1973-12-04 01:40:00,53.48879931327289,1.3555217388209242,1 -157,1137533.0,1970-05-11 22:33:00,1973-04-20 21:57:00,50.80570172338573,0.2258465744199959,1 -3960,389985.0,1974-05-09 06:54:00,1971-07-16 09:11:00,44.21648309674677,1.310735460909549,0 -8832,615983.0,1974-12-23 07:19:00,1974-08-20 16:52:00,44.9475447069214,0.3952648038540476,0 -5470,27715.0,1973-08-09 16:28:00,1975-12-03 14:56:00,52.8077408021896,0.7089952827373792,0 -185,463782.0,1973-05-24 02:52:00,1972-06-15 10:05:00,48.780165877215175,0.3623682734083527,1 -1002,877558.0,1973-07-24 20:27:00,1971-10-14 05:44:00,47.00576042496433,1.7178027859588836,0 -9508,319154.0,1971-03-05 21:45:00,1975-08-11 05:19:00,46.67557517490718,1.4968567852055443,0 -5623,6189.0,1972-05-10 15:17:00,1975-08-10 02:46:00,45.69208544127397,0.2577277291298709,0 -400,33161.0,1973-05-12 08:40:00,1972-03-26 22:04:00,43.08354933529715,1.3506722075704751,0 -6240,93229.0,1970-04-01 12:10:00,1972-03-11 12:24:00,45.089231072445685,0.0,0 -8940,267831.0,1971-09-26 17:59:00,1974-06-19 12:09:00,51.35063821748884,0.8313525912944801,0 -9932,583465.0,1973-03-26 23:37:00,1975-12-18 23:11:00,46.673298788864095,0.3071293455166174,0 -7342,127967.0,1972-10-08 13:39:00,1972-08-14 10:55:00,49.80340204677186,1.7099686216701824,0 -9832,864791.0,,1974-04-26 01:21:00,49.41188054646425,1.3504744583242698,0 -8466,82005.0,1973-06-24 14:20:00,1971-01-24 10:05:00,53.077407079959016,0.5693947801548348,0 -8756,138220.0,1970-02-01 09:06:00,1972-06-29 07:40:00,38.32294945958328,1.7435156625709514,0 -7958,352193.0,1973-09-04 18:48:00,1972-09-12 02:05:00,48.62820709128784,0.1360532693783991,0 -1250,276447.0,1971-05-26 20:48:00,1973-12-14 08:28:00,45.06800654592754,0.8041760539741011,0 -3143,413698.0,1973-07-21 21:09:00,1971-12-19 20:02:00,50.64419835956609,0.1952814143329115,0 -7430,269383.0,1973-07-07 23:46:00,1973-01-08 14:30:00,48.057344419591736,,0 -59,265523.0,1971-11-19 07:30:00,1971-01-13 03:56:00,47.16988365619613,0.7833819726962807,0 -7855,60093.0,1973-10-06 20:16:00,1973-03-05 23:08:00,46.12228921598951,1.6728195220679978,0 -1113,1082110.0,1971-12-21 14:35:00,1972-11-29 15:14:00,54.45879655178262,0.4521351716742281,0 -3057,76347.0,1973-12-08 10:44:00,1973-05-11 16:57:00,52.32646123663223,1.2324924484292876,0 -9569,1112148.0,1974-03-28 10:18:00,1975-12-01 18:56:00,49.58903399446331,0.9050296292667,0 -1328,613303.0,1972-07-15 10:32:00,1973-11-27 00:34:00,55.64904171556677,1.235071797051435,0 -4995,23116.0,1970-01-09 14:41:00,1973-03-07 16:05:00,42.95838692759227,1.1870397162448405,0 -6682,784680.0,1972-04-02 02:39:00,1975-05-28 19:39:00,49.92495088262627,2.1349588820329206,0 -2072,37350.0,1972-04-27 22:32:00,1971-06-10 18:15:00,50.09802616936272,0.4226610131536101,0 -4793,39744.0,1971-01-03 23:02:00,1973-04-22 09:27:00,44.09612812212492,0.8860622677519456,0 -6829,70789.0,1971-03-10 11:17:00,1975-03-10 04:42:00,53.07618737910131,1.3503891151531544,0 -9629,161085.0,1973-06-08 21:13:00,1975-09-30 13:01:00,47.65889589453253,1.0867332886084151,0 -8218,382755.0,1972-03-25 08:01:00,1972-06-29 01:04:00,45.94437419688815,1.153105429631247,0 -7567,966276.0,1973-01-23 05:50:00,1971-11-18 18:26:00,51.53838572509791,0.3408917962263708,0 -5922,1177899.0,1970-11-07 12:19:00,1971-07-21 04:15:00,50.68884944284367,0.7061706429817496,0 -1550,683563.0,1974-12-10 21:48:00,1974-10-26 00:29:00,41.04721406051095,1.0062311079483808,0 -1009,653085.0,1971-05-02 02:51:00,1974-10-20 06:19:00,43.57331310326412,0.8051038563345656,0 -3755,1125598.0,1971-07-17 06:23:00,1973-05-29 01:03:00,48.43788505466854,1.0600000501341549,0 -8681,1112778.0,1973-10-15 20:09:00,1974-02-18 08:20:00,51.56417862902957,0.985503190709124,0 -9342,1100295.0,1973-06-28 13:43:00,1973-12-18 00:06:00,41.3870414702561,0.8785426043217198,0 -8009,62212.0,1971-12-13 21:54:00,1971-07-09 15:27:00,47.82067944110258,0.40404775176783,0 -3860,592897.0,1971-11-20 02:07:00,1972-10-01 09:52:00,46.60884886478803,1.1755546320818957,0 -3148,1141946.0,1970-10-29 17:12:00,1971-03-17 10:20:00,50.78729512991289,0.116040554375439,0 -2519,325629.0,1974-04-28 09:11:00,1974-05-17 01:33:00,48.5677444891038,1.740662341985966,0 -3127,250235.0,1970-05-02 21:42:00,1971-01-13 22:04:00,56.70423374960979,0.9675400295152066,0 -9084,534612.0,1970-11-07 15:26:00,1972-04-04 21:23:00,47.89400818193566,1.3677072985606058,1 -5316,282549.0,1972-06-26 04:06:00,1971-05-09 05:44:00,47.7071930561198,1.4628523699416487,0 -1195,392572.0,1973-10-28 02:46:00,1971-04-20 06:34:00,49.54175576801776,0.5709881924746003,0 -9050,646948.0,1971-11-28 17:24:00,1974-11-08 21:48:00,43.28341670495792,0.5322389252762612,0 -879,980357.0,1972-02-03 23:41:00,1972-05-20 21:17:00,48.33017187681786,1.118264241861623,0 -6989,110053.0,1973-07-03 05:55:00,1973-06-03 15:39:00,47.5041127049955,0.8730782199850469,0 -2487,1038099.0,1974-10-04 10:29:00,1972-08-27 18:05:00,37.618246371915006,1.1777451510294574,0 -2840,568376.0,1971-10-14 07:59:00,1975-02-07 01:36:00,55.84006031155754,1.4975988871885109,1 -4329,713632.0,1972-02-14 05:55:00,1974-02-20 18:00:00,45.02849616137601,0.7635203091395519,0 -2930,160564.0,1973-07-01 11:25:00,1975-03-17 21:39:00,46.67130350023709,1.924605299293736,0 -6424,230422.0,1971-06-19 16:40:00,1974-12-09 04:23:00,49.85632547206476,1.0590255408036469,0 -2485,792948.0,1973-10-17 03:11:00,1974-11-27 01:06:00,49.53735480261379,1.6251538814421935,0 -5747,886438.0,1972-04-02 23:36:00,1971-03-21 08:51:00,43.41130247225064,1.458338550544727,0 -883,545030.0,1974-08-26 03:54:00,1971-08-06 21:15:00,44.58532384617308,1.5606402435325692,0 -4914,30702.0,1971-03-20 21:57:00,1973-04-24 03:38:00,49.88870833800579,1.6097321751690925,0 -6210,311093.0,1970-11-02 05:08:00,1974-04-17 18:37:00,55.03174356667877,0.4936188695165853,1 -9578,41271.0,1973-04-02 12:52:00,1971-02-25 13:08:00,53.91178985012995,0.98257652586041,0 -211,183725.0,1974-12-29 18:28:00,1972-08-31 09:07:00,57.11606683962926,1.2963383225023866,0 -2275,249995.0,1972-10-04 08:58:00,1971-08-30 07:55:00,45.74763614499242,0.8706756876576308,0 -2328,662347.0,1973-04-26 05:55:00,1974-02-13 04:58:00,52.97055873818266,0.7296715126592428,0 -4950,794455.0,1972-12-21 09:58:00,1974-06-10 11:13:00,40.64559074281498,0.5295321983085209,0 -3319,224516.0,1970-04-27 07:35:00,1972-07-22 08:56:00,46.527467857807856,1.1311338074807624,0 -9834,729091.0,1970-01-30 12:53:00,1975-10-10 21:47:00,57.37122130571262,1.1680944002871647,0 -4607,477967.0,1972-12-09 14:26:00,1972-12-20 23:50:00,41.57138102449717,0.9840313271546212,0 -1438,1082014.0,1972-07-01 03:04:00,1974-01-30 02:55:00,43.27997079263106,0.2934434977628444,0 -467,1034279.0,1972-06-10 18:47:00,1971-04-17 10:55:00,50.110428208905454,0.5815950761351718,0 -5466,46105.0,1970-12-16 14:17:00,1972-03-27 13:33:00,55.36544372744601,0.3547254669041972,0 -3329,5934.0,1974-12-28 00:33:00,,56.18745176948634,1.2541482837136737,0 -5828,1151278.0,1970-12-02 07:03:00,1971-05-31 09:21:00,50.47148588600061,0.5766733243367008,0 -8607,268432.0,1971-01-20 15:18:00,1971-08-22 00:37:00,47.94286802894655,1.79841470797362,0 -696,451959.0,1973-09-05 12:09:00,1973-01-26 02:38:00,48.57691583080602,0.5735885468815352,0 -7267,289805.0,1974-04-21 20:32:00,1975-02-14 08:34:00,44.81026818891295,1.8465075640562785,0 -9144,695473.0,1973-04-08 13:07:00,1974-06-04 16:12:00,52.77991978072872,0.9714527111867344,0 -8180,302075.0,1974-01-31 11:22:00,1974-12-25 13:08:00,41.49589986324154,0.0990688566578218,0 -9938,183850.0,1974-01-04 20:33:00,1971-06-04 19:24:00,41.605834311072975,0.5383356660644762,0 -1314,621514.0,1974-05-29 22:47:00,1972-03-11 07:08:00,45.9473248144031,1.2219539446417578,0 -2301,757860.0,1974-12-12 20:02:00,1975-06-15 12:45:00,58.88053203113175,1.1072968868274775,1 -2039,403414.0,1971-10-29 11:57:00,1973-04-12 03:28:00,40.24109284139213,1.5306625622945236,0 -7108,296014.0,1973-09-26 15:39:00,1973-11-03 22:22:00,53.48910226176226,1.8000221207746718,0 -3666,738862.0,1972-12-17 12:41:00,1972-10-26 18:57:00,47.51680102012183,1.3625012961790135,0 -914,715805.0,1974-06-19 09:17:00,1975-01-30 14:39:00,47.73379366114124,0.6399480897470109,0 -12,63369.0,1971-02-23 18:58:00,1971-09-01 17:44:00,49.70006208734339,0.3567019589339784,0 -8583,1028778.0,1972-12-13 09:38:00,1972-08-19 05:33:00,51.49715975419399,0.1319867362495137,0 -6427,265391.0,1971-10-07 13:30:00,1972-12-14 19:06:00,44.63407781049555,1.3795567946005856,0 -1536,657741.0,1974-10-10 13:42:00,1971-03-20 07:28:00,48.93802738389972,1.0349126680965623,0 -736,467276.0,1971-07-15 16:09:00,1971-04-26 08:20:00,49.54247602562692,0.8866718276627192,0 -8201,539914.0,1974-02-19 12:13:00,1971-05-18 15:15:00,51.56170139839436,0.5022127043858773,0 -8652,78913.0,1974-05-08 00:46:00,1973-09-21 20:59:00,42.28595795173599,1.7495055132388906,0 -453,425361.0,1972-10-04 23:18:00,1974-07-01 21:38:00,49.76714537926713,0.7489829858156447,0 -4345,989642.0,1972-09-25 22:22:00,1974-10-14 08:41:00,44.55730694960945,1.747340077377857,0 -927,119956.0,,1971-02-01 01:45:00,47.74433894329748,0.8593015023726369,0 -6291,771666.0,1972-05-03 22:38:00,1974-01-27 23:32:00,50.92670163146751,0.7923316612422218,0 -8281,756893.0,1974-08-29 20:29:00,1975-06-07 05:36:00,55.37187152465437,1.129242283858718,0 -8722,1157650.0,1971-05-09 14:51:00,1975-03-28 01:41:00,55.21493479491569,1.2169613479577417,0 -6473,944498.0,1971-07-13 03:38:00,1973-06-22 03:39:00,43.61003003220087,1.012099422370378,0 -37,345895.0,1973-06-23 14:35:00,1975-11-21 09:16:00,49.92617884341836,1.1871976444115413,0 -5770,673417.0,1971-05-05 01:40:00,1971-01-13 14:09:00,56.66096475904215,1.0023998702641712,0 -2554,835635.0,1972-05-31 20:20:00,1971-12-23 15:07:00,46.47121820891342,1.311966266225241,0 -7632,1170308.0,1971-11-24 09:45:00,1974-11-04 18:05:00,50.6184106846975,0.9728266571730828,0 -9998,852610.0,1974-12-07 08:33:00,1975-04-19 01:32:00,46.90888283162276,1.7243193821637328,0 -6620,936211.0,1973-07-11 20:07:00,1975-06-01 16:11:00,40.80288953736877,1.2368854593714804,0 -940,747496.0,1971-11-23 07:03:00,1972-11-26 03:22:00,45.61321905144714,1.4364172705524263,0 -7398,73561.0,1973-12-29 06:46:00,1975-06-08 17:38:00,46.567687464749966,1.9121172746857904,0 -6128,722741.0,1973-08-19 10:02:00,1974-07-11 12:44:00,50.27694155617219,0.3792995153066005,0 -9829,385092.0,1972-01-12 16:30:00,1972-04-18 00:47:00,44.28731442555089,0.9059540689407356,0 -2680,442705.0,1971-06-02 02:55:00,1971-10-23 09:59:00,51.66755080066443,1.7657335818148858,0 -4354,697048.0,1970-11-21 12:00:00,1975-10-06 11:39:00,49.18159294782706,1.2469450540648956,0 -3058,173770.0,1970-10-17 21:58:00,1974-11-15 01:38:00,52.763138106468375,1.2951491254282297,0 -7880,1096152.0,1973-12-20 14:33:00,1975-04-20 11:15:00,43.20555191717881,0.8896641135873975,0 -738,141067.0,1972-08-24 04:08:00,1971-07-15 07:56:00,49.31604509763564,1.5202931125171633,0 -538,334338.0,1974-07-21 12:07:00,1971-04-03 19:34:00,46.72396043463223,1.0975879033248148,0 -3325,846935.0,,1973-02-09 05:52:00,40.496430465247215,2.0185579302568195,0 -4239,1022506.0,1970-04-07 09:05:00,1972-03-18 07:40:00,49.61542630277334,0.6245348770266272,0 -1400,340441.0,1971-12-16 08:37:00,1971-02-24 02:00:00,57.72086714250275,1.0267656627328758,0 -4046,798828.0,1973-12-25 09:30:00,1972-03-04 05:07:00,46.79131843036786,0.4581321745295567,0 -5137,1175380.0,1973-09-24 00:42:00,1973-11-03 09:29:00,53.261719850731474,1.3436958704952842,0 -4229,556328.0,1973-02-03 13:27:00,1973-10-22 05:45:00,45.3444542088764,1.0264100690317162,0 -4191,1196487.0,1972-06-07 12:39:00,1973-08-16 13:45:00,48.78771093185931,0.4222063104173017,0 -9142,660856.0,1970-07-23 11:23:00,1972-11-30 01:15:00,44.475379227669634,1.1265079713692625,0 -5538,1038296.0,1970-06-18 17:13:00,1975-06-05 05:43:00,49.27470582509866,0.6253221048017762,0 -2692,186654.0,1971-08-24 02:16:00,1973-05-09 10:22:00,47.41456338217033,0.5881155385705541,0 -5340,394230.0,1972-08-29 23:44:00,1975-01-22 04:17:00,39.872468559703215,1.6765939320770524,0 -9917,957936.0,1973-04-23 08:28:00,1974-03-11 03:12:00,53.992664902418426,1.2656169574133869,0 -7670,988438.0,1971-09-19 01:29:00,1971-01-16 13:51:00,50.985049683954216,1.1704078131250342,0 -9173,520293.0,1970-07-06 17:32:00,1974-03-16 18:01:00,49.08071229542143,0.7941017506920587,0 -1807,625071.0,1972-04-29 07:36:00,1974-02-26 22:34:00,49.98682127484993,1.9052615026556328,0 -5111,819065.0,1971-12-22 01:58:00,1975-12-15 18:22:00,49.07960584607729,1.6098420943380831,0 -3989,354808.0,1974-05-01 05:49:00,1974-06-27 22:49:00,46.3266354628712,0.6302049320394039,0 -3455,391134.0,1970-02-24 03:32:00,1971-07-23 01:17:00,53.45963568978762,0.6109636378890528,1 -2907,858398.0,1973-04-18 09:40:00,1974-09-26 13:46:00,51.42514802006741,1.3725053660463338,0 -6651,638805.0,1971-08-28 13:58:00,1971-07-12 17:36:00,42.67714551986211,0.8869935760610955,0 -8287,335881.0,1972-10-05 13:43:00,1971-04-28 22:47:00,44.42849716303134,0.7777998815880822,0 -6244,169055.0,1972-10-19 21:01:00,1975-01-05 18:40:00,35.90127484854264,1.1396246452102894,0 -2697,29732.0,1974-07-07 17:19:00,1972-08-21 00:22:00,50.74923644535775,0.8329321785896798,0 -4016,517860.0,1974-05-03 21:44:00,1975-05-07 08:42:00,51.67641829772699,0.3441384855306232,0 -4339,52373.0,1974-01-24 06:51:00,1975-11-11 23:04:00,38.09958258255757,0.8876754563824898,0 -4645,343964.0,1972-10-19 13:19:00,1972-11-15 07:36:00,41.09811022075698,0.9444415053531712,0 -7739,954642.0,1971-08-30 19:33:00,1974-10-13 12:00:00,47.39309328793635,0.5422981185362414,0 -7091,729226.0,1971-10-11 07:43:00,1974-04-27 04:21:00,42.04277655258275,0.3451293741995301,0 -4692,816842.0,1973-10-28 19:45:00,1974-01-23 23:18:00,50.32772019444103,1.8321710988702664,0 -1739,634423.0,1973-08-04 01:09:00,1972-10-31 01:05:00,43.06743705975253,0.5328211614883516,0 -5406,758895.0,1970-10-23 07:17:00,1974-04-14 15:48:00,46.90267750905549,0.8546177890553653,0 -4588,144704.0,1970-11-12 16:39:00,1974-03-08 04:16:00,55.42469138893277,1.075186301081126,1 -3125,1160030.0,1973-11-24 20:08:00,1975-06-12 10:21:00,40.260382776428685,1.3328272266289576,0 -2157,978447.0,1973-03-07 08:13:00,1972-01-05 20:37:00,48.59941153387118,0.8965590621884983,0 -5333,1164306.0,1974-03-06 21:23:00,1975-12-24 12:27:00,58.07068426291698,0.0,1 -8636,1016857.0,1973-12-19 16:12:00,1974-03-17 06:23:00,50.0019149491847,0.0,0 -1825,545480.0,1972-02-05 22:37:00,1972-10-14 00:35:00,49.88877890236139,0.6999398423167181,0 -4230,551227.0,1970-07-15 18:52:00,1971-12-02 04:14:00,46.362752232561206,0.8710192107561142,0 -3487,674573.0,1972-10-04 01:29:00,1974-05-20 07:35:00,52.16589484370058,1.3214690749786038,0 -9053,869899.0,1973-08-18 06:22:00,1973-12-02 21:38:00,43.61450677642802,0.8869454568433602,0 -9768,354116.0,1970-06-16 16:18:00,1973-09-07 11:11:00,52.88889891141064,1.4823102602449223,0 -3647,518988.0,1974-09-26 03:06:00,1974-04-24 16:04:00,46.971236935140574,0.8280591821938601,0 -5902,1091875.0,1970-09-01 06:52:00,1973-06-29 05:06:00,52.26079669995151,0.8388500455252443,0 -6385,169978.0,1970-06-02 01:26:00,1971-04-12 09:50:00,52.231598143251055,1.5357984907926103,1 -5638,883798.0,1974-07-29 15:48:00,1975-01-07 20:32:00,51.32179025984675,1.5880762941272182,0 -6423,475334.0,1971-10-13 08:36:00,1973-09-15 16:35:00,51.71808929489272,0.3579848904910805,0 -7826,195520.0,1972-02-11 08:45:00,1973-01-16 02:49:00,48.13051495558403,0.0524278290447232,0 -7743,351283.0,1974-01-05 21:07:00,1972-01-09 05:21:00,41.794716096735534,1.0284116463856143,0 -3012,522380.0,1970-01-06 14:32:00,1971-03-27 23:12:00,39.838335122713495,0.904542317258204,0 -7671,1085943.0,1970-02-21 08:59:00,1971-01-03 15:36:00,49.4006746161721,1.3065305018460645,0 -9548,207424.0,1974-05-20 04:49:00,1971-11-06 09:17:00,42.5263502996377,1.2967303215303474,0 -9977,900241.0,1972-02-14 22:16:00,1975-03-12 12:41:00,51.28000048575787,1.776732448578675,0 -3080,536246.0,1974-09-09 22:46:00,1972-11-12 01:15:00,50.80037930223224,1.1028870710202916,0 -3520,359843.0,1972-12-30 02:43:00,1974-07-29 10:18:00,48.60566395378285,0.0746230197906921,0 -4978,952781.0,1974-09-12 21:54:00,1974-09-11 20:44:00,50.63650013275864,0.3062757847199414,0 -7619,610529.0,1973-06-17 08:04:00,1973-04-19 14:36:00,46.13041635771875,1.2454357086992074,0 -4347,1133479.0,1972-08-28 11:03:00,1974-04-12 23:55:00,41.39611017961775,1.0340517169407997,0 -8440,400155.0,1972-08-14 05:06:00,1974-10-17 12:06:00,46.029569811890006,1.2458563695237226,0 -1346,950401.0,1972-10-10 01:05:00,1974-11-10 09:02:00,47.46703694766036,0.597927626722184,0 -7087,434315.0,1973-11-18 21:14:00,1971-10-30 04:59:00,45.87991353618193,0.3645256311235982,0 -8947,733144.0,1971-05-16 00:52:00,1974-07-02 09:14:00,46.69857723532307,0.8567304047386588,0 -5651,283768.0,1970-06-15 13:53:00,1971-11-24 01:22:00,48.398245371949216,1.8099196746353077,0 -8081,266082.0,1970-10-17 09:30:00,1974-08-19 22:13:00,42.3419323890964,1.1586992492547987,0 -1791,1058618.0,1970-08-17 10:07:00,1972-07-25 21:02:00,50.721054728195256,2.0707240720206563,1 -7428,724258.0,1972-06-06 01:32:00,1974-08-08 11:29:00,43.766288404188735,0.9847409845757764,0 -9579,970491.0,1974-11-16 20:53:00,1973-04-20 20:42:00,52.17229867141998,1.239322456788686,0 -9959,210617.0,1971-11-10 09:43:00,1973-08-09 19:14:00,50.60315127885259,0.2675132751964154,0 -2270,727174.0,1970-09-02 09:11:00,1973-01-05 06:56:00,50.56963770874198,0.7158135608741967,0 -9766,1197331.0,1971-01-24 13:40:00,1974-01-01 23:02:00,47.95913158898986,0.7556213213149026,0 -2955,769236.0,1972-06-29 08:02:00,1973-04-17 14:08:00,42.34149572843972,0.5923489690169821,0 -3443,315139.0,,1971-06-18 00:52:00,52.83905230187743,0.756095028993462,0 -7735,755491.0,1970-11-28 05:55:00,1972-09-26 01:41:00,47.63145767268646,1.8129902616059368,0 -833,1190441.0,1973-08-12 07:28:00,1972-05-28 10:17:00,53.82605450086129,1.3048369494126535,0 -6498,732164.0,1970-04-17 01:59:00,1973-12-01 11:26:00,48.59673326878916,1.40767646758257,0 -2991,1044968.0,1971-07-23 09:15:00,1975-08-01 11:26:00,47.00356718735571,0.3806563896478465,0 -7792,239219.0,1974-03-07 10:09:00,1974-07-12 02:17:00,43.53389300209188,,0 -2150,178865.0,1972-05-22 17:07:00,1972-01-01 20:43:00,39.87347711054376,0.8017977854258833,0 -4022,248375.0,1970-01-30 00:54:00,1973-08-14 02:14:00,47.57829727185438,0.6751034188270943,0 -7614,665919.0,1972-05-25 16:58:00,1971-08-31 00:31:00,49.987885928838445,0.777114017663253,0 -6123,255265.0,1974-12-12 14:36:00,1975-08-16 02:24:00,48.68570744572773,1.33830431775691,0 -3338,206065.0,1972-03-23 05:36:00,1974-03-07 20:41:00,42.946560491309256,0.5132481724909977,0 -4343,1057242.0,1970-01-17 02:31:00,1971-08-19 02:25:00,49.56841019624685,1.0216738272797077,0 -4463,950993.0,1972-01-13 23:46:00,1975-07-15 02:26:00,48.10898711040637,1.136881891913709,0 -2375,532330.0,1974-05-20 14:53:00,1971-09-04 15:03:00,55.96861424331146,0.0768596575542273,0 -9043,506966.0,1972-03-22 05:44:00,1974-07-16 06:44:00,48.3830148323522,1.6449091871987327,0 -5570,504323.0,1974-04-27 11:34:00,1973-08-09 21:58:00,44.50867082539407,0.5150646845229763,0 -8598,1167065.0,1973-08-27 02:16:00,1974-02-26 07:54:00,52.04002354596642,1.3946039109483557,0 -8503,1120674.0,1971-01-16 06:30:00,1973-12-26 00:43:00,42.37657178008092,0.6780705767182004,0 -8879,816437.0,1970-06-09 04:10:00,1973-10-05 08:56:00,43.66884740100824,1.463739411103869,0 -1886,426904.0,1974-07-09 02:05:00,1972-04-28 10:11:00,51.43031533558612,1.1838806761264036,0 -1197,691304.0,1972-02-15 16:44:00,1975-12-14 05:07:00,47.19384535801954,0.3374674878513198,0 -6426,798668.0,1970-01-02 03:38:00,1972-07-09 02:35:00,51.30249041321429,0.0,0 -8910,79776.0,1971-11-02 16:23:00,1973-02-16 13:26:00,39.32747688066329,1.536859397687006,0 -2935,1198576.0,1971-11-01 20:12:00,1975-07-20 10:17:00,53.62449789486749,1.051932964117306,1 -6341,682143.0,1974-11-05 00:49:00,1972-08-07 22:29:00,47.7305680186516,1.2892889797680926,0 -1429,369423.0,1970-08-07 18:30:00,1972-07-09 23:27:00,39.94568666431376,0.0310725855428327,0 -6306,1094094.0,1972-10-15 21:39:00,1974-04-23 07:38:00,39.77756156542512,0.6615683142531847,0 -3649,720997.0,1974-07-08 06:12:00,1974-04-12 23:44:00,38.05433454513362,0.8650209510629975,0 -1937,26915.0,1972-07-02 22:44:00,1974-01-23 22:41:00,44.701960754557845,1.3342971957143928,0 -5171,77538.0,1971-04-11 04:49:00,1973-11-27 22:04:00,50.166523951978434,0.5388615095817244,0 -7763,19556.0,1974-03-14 07:05:00,1971-07-09 13:00:00,54.18743260654033,1.432299148544941,0 -6392,257387.0,1971-05-25 23:41:00,1971-02-07 16:21:00,57.772146220324245,1.4024075386381707,0 -1153,5219.0,1971-12-05 23:56:00,1975-04-17 00:04:00,49.06031584505429,1.132382466970953,0 -6249,250179.0,1971-10-12 14:57:00,1974-09-02 13:39:00,49.86181482405804,1.5890800020497111,0 -7036,670038.0,1973-06-15 17:39:00,1971-05-28 12:26:00,51.08388693685963,1.1008503919370731,0 -4228,509783.0,1971-02-06 15:10:00,1972-10-09 01:36:00,43.283940608149614,0.2237416800079466,0 -4974,541668.0,1971-10-04 14:44:00,1973-02-25 17:26:00,44.26845203753755,1.1458655947417806,0 -6400,595320.0,1973-06-28 09:21:00,,45.78958090493922,0.4951982476360751,0 -3639,228445.0,1971-07-13 01:56:00,1971-06-14 11:49:00,41.51721010821648,1.5068338332692632,0 -3971,788473.0,1973-03-01 16:21:00,1972-01-13 11:20:00,50.88585135791837,1.5870732056227288,0 -9593,982405.0,1974-01-31 22:11:00,1971-07-26 21:58:00,36.31423996803358,1.195152516228541,0 -3375,52551.0,1970-07-29 17:20:00,1972-06-13 23:28:00,43.93621947734345,1.1438885259816658,0 -2486,885553.0,1971-11-12 15:22:00,1973-01-14 08:40:00,47.53548727840942,0.99457031799146,0 -6953,1101495.0,1974-07-14 06:20:00,1973-01-17 23:45:00,40.32781491030545,1.3823681523565754,0 -605,818885.0,1973-07-13 08:15:00,1971-05-06 09:26:00,51.34870842396862,0.9578565236164936,0 -7443,153689.0,1970-09-25 08:14:00,1971-04-25 04:16:00,40.935798826016224,0.6619196467846056,0 -5927,278811.0,1970-08-03 02:47:00,1972-04-13 10:17:00,49.52494892419944,2.181686112224969,0 -2453,710185.0,1973-04-19 19:17:00,1975-12-03 06:47:00,50.0306195457632,0.8910175590734405,0 -3608,330618.0,1971-04-12 02:13:00,1974-10-11 09:32:00,52.46302055777482,0.475017500795879,0 -1483,365932.0,1970-06-15 08:28:00,1972-04-15 14:07:00,62.07599609505896,0.7732045069649119,0 -4518,50263.0,1971-10-03 20:56:00,1973-03-02 08:21:00,53.3109396855321,1.0459895343322665,0 -3037,350612.0,1973-07-24 22:16:00,1974-01-18 09:20:00,45.19412048184108,1.7986510921686878,0 -9351,1157869.0,1971-10-17 22:58:00,1973-11-17 14:21:00,49.57012946983042,1.4731053501265836,0 -7691,907245.0,1970-04-14 22:58:00,1972-10-14 22:40:00,47.369140201790685,1.619895500648556,0 -4115,877730.0,1970-02-16 15:44:00,1972-03-10 19:27:00,48.60125816757716,1.3642201468805908,0 -1426,978341.0,1972-04-25 07:20:00,1972-05-02 17:01:00,44.1834400031638,1.2537493895332337,0 -496,3820.0,1971-11-17 16:39:00,1971-05-20 20:30:00,49.26576542444005,0.6252147714222527,0 -3352,483725.0,1971-09-07 06:43:00,1973-06-18 10:52:00,42.97099724775544,0.8751743084823231,0 -8793,479307.0,1974-02-26 00:13:00,1973-03-06 00:11:00,55.22642320010592,1.0742208740493049,0 -758,391663.0,1973-10-26 14:35:00,1973-03-05 08:27:00,43.49456561091477,1.3396791295687418,0 -837,709050.0,1970-03-30 15:36:00,1973-12-19 04:20:00,44.37622010729201,0.5990288553725582,0 -4326,739528.0,1971-05-29 07:33:00,1971-09-12 23:59:00,48.14000473008776,0.3356349574511432,0 -2127,643851.0,1974-03-23 19:22:00,1973-04-27 17:17:00,49.61042608283203,1.458262882147474,0 -1022,863462.0,1971-03-28 12:32:00,1973-02-04 07:31:00,45.88195623405701,0.7748358816522638,0 -8761,1090689.0,1972-06-18 04:24:00,1975-03-15 12:55:00,42.72983918480118,0.930586734167652,0 -5613,614963.0,1973-07-18 21:50:00,1972-04-04 02:19:00,48.21630465117212,0.630056470604575,0 -5580,920800.0,1971-12-25 02:26:00,1975-02-10 23:33:00,47.95290007479216,1.1550167948963843,0 -1057,1124564.0,1972-12-20 15:15:00,1972-06-24 14:30:00,50.670769469737,1.0779445497254023,0 -9541,661382.0,1974-10-11 23:02:00,1974-11-07 18:19:00,41.32817739742691,0.6912627837521994,0 -6855,513552.0,1973-02-08 00:23:00,1973-04-28 14:41:00,46.92620349139707,0.9370956687739757,0 -7348,528099.0,1972-06-05 17:09:00,1975-07-11 02:43:00,50.187683448391965,0.8774125627330321,0 -9044,1050623.0,1971-08-18 08:47:00,1974-07-23 22:53:00,48.07917144276284,0.5561700599122346,0 -2128,875802.0,1974-01-07 23:08:00,1975-03-04 22:49:00,61.23075538862229,1.2020078417738231,1 -2766,566018.0,1971-04-15 17:39:00,1975-04-18 12:17:00,47.18533682157649,1.2487214345850066,0 -2108,1067666.0,1972-02-24 17:05:00,1972-11-17 04:04:00,54.43685343579769,1.373122349656542,0 -3616,1891.0,1970-08-01 14:53:00,1972-10-19 02:14:00,55.880284909717794,1.299417933516151,0 -1544,315848.0,1971-08-14 00:36:00,1974-06-03 10:39:00,54.13515941958087,0.3158791623307662,0 -6913,127134.0,1974-09-09 16:59:00,1973-03-05 21:20:00,54.763395235305424,1.3769792709033233,0 -1718,914335.0,1971-01-29 19:25:00,1974-01-11 08:48:00,54.22348142778212,0.718011921776749,0 -7434,814204.0,1971-11-27 18:31:00,1971-01-09 18:21:00,54.43392353289904,1.3848420439442055,0 -7364,38247.0,1974-07-26 10:37:00,1973-03-19 03:53:00,49.005154598658585,1.258126002785025,0 -6234,410143.0,1970-03-30 07:43:00,1971-05-29 13:18:00,40.20684136146015,1.4603207704515366,0 -724,1097486.0,1971-12-05 21:42:00,1971-12-02 23:54:00,41.962008461828944,0.740873707128838,0 -6672,352353.0,1972-08-11 15:37:00,1973-07-03 07:07:00,48.43451845267733,0.5566156652681722,0 -8028,167530.0,1971-07-21 18:45:00,1971-05-26 18:48:00,42.72781871211626,0.7301263980520947,0 -5491,243772.0,1973-03-13 21:01:00,1971-10-20 15:56:00,48.88505768484413,0.7561600876266675,0 -1127,620729.0,1972-06-09 09:48:00,1971-10-15 11:42:00,47.17555523675077,1.062978037188736,0 -2956,910794.0,1971-12-11 05:29:00,1975-10-04 14:15:00,44.05534179329236,0.2745344773799806,0 -5155,298886.0,1974-10-04 04:25:00,1975-08-06 05:57:00,43.96385099096062,1.925187363599458,0 -4816,765912.0,1971-02-12 11:58:00,1975-10-01 02:46:00,54.68492887563769,1.9731401970774032,0 -6201,,1974-05-03 17:42:00,1974-06-17 06:08:00,66.86322318353596,1.5201270494310255,1 -6223,146459.0,1972-09-14 11:41:00,1974-10-16 08:51:00,40.10015494952738,1.1867474968321408,0 -8685,415397.0,1972-06-13 21:21:00,1975-12-22 04:21:00,49.18429685796133,1.591549422711274,0 -7113,595601.0,1972-07-31 03:31:00,1973-08-20 05:48:00,38.29248266641867,0.6758063388469453,0 -5274,527652.0,1974-05-20 16:30:00,1971-04-22 23:17:00,51.26668039129132,1.6793814094378006,0 -8535,1161589.0,1973-02-28 13:35:00,1973-12-19 16:32:00,48.32713279844286,0.5952834616086184,0 -3043,24127.0,1973-11-26 02:01:00,1971-05-11 11:55:00,52.960116784676494,1.0922140967037457,0 -6911,1127787.0,1974-11-26 15:16:00,1972-12-21 13:55:00,46.06397258194213,1.3523318894492475,0 -149,771071.0,1973-10-31 02:43:00,1971-06-05 23:58:00,57.461638057952165,1.2633840614958043,0 -7573,1011753.0,1971-08-24 10:18:00,1971-09-12 11:33:00,44.40521219661988,0.6192784519791151,0 -4205,737570.0,1971-07-25 19:52:00,1975-08-28 17:42:00,39.68737292173338,0.6269632919266241,0 -5492,54987.0,1973-12-17 15:27:00,1971-08-10 02:53:00,56.501649361938384,0.5181787784899414,1 -2689,957404.0,1971-06-14 22:15:00,1972-08-07 16:39:00,42.10691227569172,1.1460543771617966,0 -4220,846716.0,1974-08-26 07:10:00,1972-10-03 12:56:00,53.60935625462285,1.355421965267729,0 -9101,396758.0,1972-10-26 14:28:00,1971-01-06 01:09:00,46.144431104240574,1.3125510469186303,0 -841,887610.0,1972-09-11 18:46:00,1971-10-27 15:46:00,45.305789690154704,0.7212397874781987,0 -8136,579839.0,1974-09-18 04:00:00,1975-02-03 21:55:00,51.82181152127461,0.8832048611420587,0 -6437,161033.0,1970-10-04 14:28:00,1972-05-27 22:46:00,54.848407552156,0.4547183376733271,0 -9699,149912.0,1974-11-24 21:11:00,1973-12-28 23:51:00,48.16589133811311,1.1180149721097754,0 -6199,425402.0,1971-08-14 10:20:00,1972-08-27 00:34:00,41.5138277809804,0.5217838864238122,0 -2794,476983.0,1971-09-23 14:47:00,1972-04-06 01:43:00,51.93133016520057,0.0,0 -7625,1074839.0,1974-07-03 01:44:00,1973-08-15 13:59:00,48.87100726725813,1.5538561508893676,0 -8474,64066.0,1970-11-28 01:43:00,1974-08-15 21:50:00,43.47101866060351,0.5414296341005542,0 -7889,395086.0,1974-06-13 02:42:00,1973-01-10 07:36:00,44.69374702887438,1.2915722782641468,0 -6607,227068.0,1974-07-26 09:30:00,1971-11-07 17:16:00,46.59226132276124,1.3747912461217244,0 -9194,313515.0,1971-07-18 18:32:00,1974-08-28 13:07:00,50.32329856580748,0.8395010534374823,0 -8247,104617.0,1971-06-28 01:20:00,1971-10-25 11:48:00,44.61095546873758,1.716759119152086,0 -1392,99371.0,1974-08-22 04:22:00,1975-02-14 15:03:00,51.10723917422432,1.4052629098596734,0 -1921,969478.0,1972-12-24 06:51:00,1973-05-15 18:56:00,49.72621276825457,1.1776593446310333,0 -7018,1099995.0,1974-04-28 14:20:00,1974-02-20 05:45:00,50.510635524473486,0.9223392728913412,0 -3621,1122975.0,1971-12-18 10:16:00,1972-11-11 00:21:00,50.6402172781068,0.7818866678256767,0 -4848,1144746.0,1971-11-25 14:08:00,1973-02-13 12:22:00,47.1973142190196,1.6972897501386868,0 -2291,769935.0,1970-08-15 23:10:00,1975-06-22 15:17:00,54.70548873554935,0.3827847213892743,1 -2133,35271.0,1971-11-13 19:03:00,1974-08-13 23:13:00,48.47279154830501,0.5830943108091822,0 -550,961253.0,1974-03-11 20:24:00,1972-01-18 17:10:00,43.252391440962974,1.134979947382879,0 -1740,1145433.0,1973-04-06 02:11:00,1974-03-19 19:00:00,48.91984492322362,0.1759153545658461,0 -5289,545149.0,1971-02-03 10:55:00,1974-03-28 01:12:00,50.46291755211327,1.0023984182825734,0 -1817,563751.0,1973-12-28 22:53:00,1972-09-23 21:35:00,61.40606440462142,0.152408697047322,1 -4698,1191463.0,1970-07-29 20:44:00,1972-07-04 04:18:00,46.3951025533275,1.284283129734168,0 -5181,1188757.0,1970-09-28 11:21:00,1974-07-06 18:28:00,52.55520820372325,1.3823103764997515,0 -3018,1051679.0,1971-04-07 16:04:00,1975-05-18 09:32:00,42.537623802356606,0.582820129315458,0 -17,709849.0,1974-11-30 21:23:00,1971-05-09 16:31:00,46.58192416040915,1.2663605242308926,0 -1770,469076.0,1973-10-16 04:52:00,1975-07-10 12:27:00,40.19073822996826,1.4028665878116804,0 -1888,639852.0,1970-09-15 22:32:00,1974-01-26 11:24:00,56.126692268552745,0.6512843105300563,0 -2152,525202.0,1972-10-18 07:44:00,1975-08-16 16:45:00,44.26061175171134,0.6631537525285456,0 -1642,519795.0,1970-06-20 19:56:00,1973-07-07 09:28:00,45.6627057277288,0.5848532596584513,0 -7846,124379.0,1974-12-18 01:07:00,1972-03-05 20:48:00,43.004383225361295,0.1482075339568869,0 -4193,570354.0,1970-06-25 12:59:00,1974-04-19 01:56:00,52.21212477315188,1.8286709018307308,0 -9432,559575.0,1973-12-25 15:24:00,1975-08-01 01:16:00,55.19968007943774,0.7674742017538156,0 -8898,190930.0,1973-07-21 03:23:00,1975-11-27 08:50:00,43.99519870270643,0.3943061806114056,0 -533,120794.0,1974-04-22 00:30:00,1975-11-03 08:02:00,39.58437719530554,2.1240171806618675,0 -132,652107.0,1973-03-02 01:08:00,1974-03-09 21:19:00,46.03818128292439,0.8993519074570797,0 -7722,249174.0,1971-07-19 03:06:00,1973-09-17 20:51:00,42.08698252698528,0.7284866420840466,0 -8458,837539.0,1972-10-30 17:38:00,1974-09-26 04:14:00,45.25567926896326,1.192642508975753,0 -964,472037.0,1973-04-25 10:35:00,1972-12-09 16:33:00,54.594804907695874,0.5529955434119447,0 -8719,88754.0,1971-09-15 10:42:00,1974-07-06 19:25:00,35.20045174932134,0.9902183133127423,0 -6412,13396.0,1974-11-06 00:15:00,1974-05-31 23:10:00,51.07867362043541,1.6248318045153525,0 -8285,730053.0,1971-05-02 02:40:00,1971-06-09 06:09:00,52.460803219977855,1.4093980059152231,0 -7853,123770.0,1974-04-11 04:36:00,1973-07-17 17:25:00,55.2799995573253,1.0662635723446283,0 -1095,934719.0,1970-05-06 08:35:00,1973-05-19 17:01:00,54.48462707729865,1.7781382343672818,0 -6929,914686.0,1973-06-24 12:29:00,1973-01-22 19:30:00,55.732884316932726,1.2714495523777871,0 -9254,960020.0,1970-10-30 03:32:00,1975-12-09 16:09:00,44.91089908277247,0.8025384693007107,0 -1561,774123.0,1974-05-15 22:30:00,1971-02-07 19:17:00,38.79868432663109,0.6681120423799711,0 -1670,1083294.0,1972-01-11 18:12:00,1972-03-30 20:37:00,50.63017224217089,1.5917717351273883,0 -6087,791713.0,1970-01-25 16:23:00,1974-11-12 00:49:00,52.03766281729259,0.5937783391529718,0 -6669,474154.0,1970-08-30 14:39:00,1974-12-25 08:43:00,52.20451072369008,0.839687260334205,0 -5933,152963.0,1973-02-01 23:28:00,1975-01-15 23:36:00,49.17468602840979,0.8205083878984689,0 -8829,1015226.0,1972-07-29 10:55:00,1972-06-15 19:33:00,54.84957529033392,0.9707586701871086,0 -7945,28404.0,1971-01-28 23:18:00,1973-10-12 15:24:00,53.89374402621152,1.154329243678978,0 -3508,250817.0,1971-09-13 17:31:00,1975-07-20 19:03:00,45.18365424653892,1.3182632541784178,0 -2002,290535.0,1972-04-23 01:26:00,1975-08-01 00:51:00,44.00910655252276,1.538242189282181,0 -5866,702840.0,1972-07-17 10:52:00,1973-02-24 09:39:00,41.09152539086307,1.5978039130676616,0 -168,346060.0,1974-12-21 05:04:00,1973-04-15 14:01:00,44.10373714662216,2.07786074675679,0 -2588,709061.0,1973-03-04 04:22:00,1974-07-07 03:27:00,41.10901247180728,0.0,0 -5905,552340.0,1972-07-21 09:56:00,1975-01-14 23:51:00,50.715728997098864,0.8343645288762584,0 -9529,2895.0,1973-10-12 03:55:00,1973-03-25 04:57:00,42.78611680725714,1.902216495021097,0 -6384,234537.0,1970-11-16 07:28:00,1974-03-28 16:57:00,48.823752217563545,1.3938968684037665,0 -7824,916862.0,1970-03-19 12:24:00,1973-05-07 19:54:00,52.58210358373413,1.5019589587758333,0 -9779,219114.0,1971-08-13 16:59:00,1975-05-16 06:57:00,48.344777103947095,1.1530941065779692,0 -4629,989620.0,1974-12-08 00:11:00,,44.76103523184824,0.8520199940344925,0 -8560,277841.0,1972-01-23 13:54:00,1973-11-06 20:52:00,38.93787816579142,0.7176843403503281,0 -9291,917013.0,1972-09-18 12:27:00,1975-11-13 08:20:00,61.06414572666234,0.8276419826095358,1 -6874,1127713.0,1974-09-09 22:56:00,1973-08-20 17:49:00,56.71552510025957,0.5336327371945929,0 -6521,738093.0,1972-09-17 08:02:00,1972-06-06 03:22:00,51.503880082628456,1.1444487410748228,0 -8979,234898.0,1971-08-11 02:01:00,1974-12-03 19:16:00,38.060980158676536,1.458498616008874,0 -6647,649716.0,1970-08-02 06:36:00,1973-03-07 19:43:00,50.15252552562604,1.0588626863359467,0 -9825,1171798.0,1970-05-15 14:34:00,1975-02-22 04:27:00,50.83670934496831,0.3998703608013836,0 -210,,1972-08-21 08:29:00,1973-03-31 01:35:00,56.52978923780743,1.375124033679539,1 -5278,409661.0,1974-05-22 06:25:00,1975-03-14 22:07:00,46.36501604315174,0.9357154196071916,0 -1919,1039069.0,1973-06-10 02:47:00,1971-07-02 21:18:00,44.06505436689864,0.7132293975359508,0 -718,723467.0,1970-07-28 10:28:00,1972-05-15 06:24:00,53.454749762354886,1.5956372335066584,0 -4868,345041.0,1974-02-20 05:02:00,1974-11-22 17:16:00,57.655151834506015,0.7961674653357795,0 -7834,653755.0,1972-08-22 17:26:00,1975-04-04 00:54:00,40.37065115840222,1.1846044529564443,0 -1298,600035.0,1970-04-05 00:38:00,1972-12-04 05:37:00,53.14720994431183,1.366669135225483,0 -9193,917409.0,1973-04-12 19:58:00,1971-04-09 01:32:00,49.712352402997006,1.742276790794446,0 -4617,653906.0,1970-09-30 23:56:00,1973-02-19 09:57:00,40.5405928808789,1.6943833398691763,0 -3128,858990.0,1974-11-24 15:44:00,1975-11-06 02:52:00,48.91907568200835,1.391675419416014,0 -9795,68788.0,1974-05-18 01:21:00,1975-04-23 08:39:00,46.44148232500559,1.5856468948497286,0 -3979,238664.0,1971-12-28 16:29:00,1973-02-02 03:19:00,51.91026854504875,1.176360820172312,0 -9924,170971.0,1970-07-11 18:27:00,1972-08-13 03:47:00,50.15268033136908,0.9800403505000648,0 -8317,961653.0,1971-09-29 18:19:00,1975-02-06 01:34:00,44.80919946728422,1.07614835001354,0 -4393,1095884.0,1970-09-08 16:16:00,1975-11-16 16:13:00,34.001033789193286,1.6214485007742114,0 -1287,426670.0,1972-01-18 01:35:00,1971-03-02 07:15:00,37.465868105088845,1.1610132600652576,0 -4355,283851.0,1971-02-11 17:11:00,1973-11-01 03:30:00,53.23508487574889,1.4529495038511815,0 -7013,552286.0,1972-02-14 20:09:00,1975-10-25 09:23:00,39.88599168262601,1.7122037754410944,0 -3885,643046.0,1972-09-17 17:37:00,1971-08-28 09:05:00,47.786009933206735,1.3508606657586757,0 -5749,,1971-01-03 11:49:00,1971-02-21 20:36:00,43.71965585868665,1.168716899949236,0 -9169,184208.0,1971-07-30 01:20:00,1973-02-14 21:05:00,39.309647860740725,0.5233899961956883,0 -2407,585270.0,1970-09-29 06:10:00,1974-07-11 14:36:00,42.3165387073098,0.7779722711352861,0 -2013,128093.0,1972-06-28 21:29:00,1974-09-03 18:46:00,48.351092143257006,1.5042672235835777,0 -5153,666527.0,1973-03-19 15:22:00,1975-10-04 22:38:00,41.94403210985952,1.4752718026824765,0 -8551,24578.0,1974-05-13 13:39:00,1975-10-22 08:13:00,49.54874357044913,0.6022714418410827,0 -4376,835672.0,1973-04-04 05:59:00,1971-12-29 00:32:00,50.795320353606215,0.4296808678190569,0 -8822,21548.0,1974-07-23 12:59:00,1973-07-20 00:54:00,43.13846098170165,1.503247674971803,0 -4273,821546.0,1970-01-24 01:59:00,1973-08-27 00:32:00,44.16214653685632,0.1975871540436611,0 -5825,437688.0,1972-10-27 01:17:00,1972-06-12 22:03:00,42.918194471776765,1.6165812627493112,0 -6699,46465.0,1972-04-13 14:25:00,1971-11-23 02:29:00,48.641860369271,1.3618033857851748,0 -7243,341254.0,1972-09-26 21:27:00,1974-10-30 02:56:00,,0.2866142007997703,0 -449,1191040.0,1971-04-21 06:54:00,1973-12-31 04:21:00,45.6076614873717,0.7060015481033686,0 -2227,961492.0,1971-08-14 08:01:00,1974-03-15 05:53:00,52.719677825031525,0.685772337103483,0 -5756,391793.0,1972-01-22 07:59:00,1971-04-14 01:20:00,48.41732879812767,1.397025048093881,0 -810,907967.0,1973-12-12 11:43:00,1971-12-16 23:27:00,46.085328337113765,1.2398551547532544,0 -4180,788172.0,1970-01-21 00:42:00,1971-02-28 04:21:00,41.52093647196953,1.2529827168893082,0 -9000,9903.0,1972-03-09 20:12:00,1974-02-03 11:39:00,41.08392550440964,0.7736380456528162,0 -5438,451022.0,1973-07-08 10:14:00,1975-09-10 09:15:00,40.25414599167152,0.7937734697727215,0 -7533,1179951.0,1973-11-15 21:50:00,1973-03-27 13:30:00,45.13836620002,0.8703865984784398,0 -6369,454366.0,1974-12-25 07:59:00,1974-03-21 23:35:00,49.42570941692584,1.5373608618794714,0 -8416,256113.0,1970-03-06 18:40:00,1974-04-08 20:05:00,44.59102598409672,1.5886983228958198,0 -1477,639735.0,1971-01-21 09:00:00,1971-09-30 02:46:00,51.49027552141504,0.992446024046862,0 -1790,511334.0,1972-08-09 08:14:00,1974-08-27 23:14:00,45.71348801758497,1.5423835938539368,0 -2008,808896.0,1974-09-05 10:53:00,1974-03-08 20:48:00,54.13243993520737,0.1484188286689547,0 -682,972890.0,1974-09-20 17:22:00,1971-02-11 12:05:00,40.81476363903574,1.4534615375584212,0 -2816,363686.0,1974-01-11 22:35:00,1972-02-01 07:39:00,41.1938116927494,0.641128056188458,0 -9431,73836.0,1972-03-17 19:50:00,1973-06-18 23:43:00,59.50653945191049,0.6254422161982025,0 -3774,,1973-12-20 21:05:00,1971-02-12 22:24:00,48.586727272398186,0.8566073092321606,0 -6495,1198300.0,1974-10-11 05:15:00,1974-12-29 15:55:00,50.02638545377805,1.07623868359855,0 -8878,557767.0,1970-04-02 04:13:00,1974-02-16 01:34:00,39.81887552225253,0.3371940289084598,0 -7361,392009.0,1970-07-01 22:21:00,1975-08-12 12:27:00,46.00444128543187,0.8329532130780158,0 -8366,712011.0,1973-04-13 13:03:00,1973-11-07 09:11:00,44.899985241120426,1.609878062888523,0 -7474,166100.0,1971-08-02 23:55:00,1971-06-07 02:32:00,62.327318198668216,1.0850230854748788,1 -46,717328.0,1973-04-03 08:06:00,1975-06-24 09:34:00,43.4742021650718,1.2468268011220025,0 -30,126255.0,1972-05-07 13:51:00,1972-05-29 13:05:00,47.52560596736371,0.7872881259807663,0 -8250,337708.0,1971-07-17 06:02:00,1971-09-04 13:25:00,49.4180873701963,0.7510500243025429,0 -6935,906718.0,1974-07-27 05:26:00,1974-06-06 11:52:00,44.783342919975446,1.2628461818210557,0 -1468,26996.0,1974-11-23 16:28:00,1974-07-08 03:49:00,59.650734129359705,0.3408298986134905,1 -1665,138670.0,1972-07-12 10:56:00,1975-08-05 09:35:00,43.07857177374393,0.3456303705018411,0 -1416,981851.0,1972-12-23 16:09:00,1974-08-27 19:48:00,49.01443647588038,0.8506931482845033,0 -6480,352821.0,1974-01-21 22:30:00,1975-06-27 02:40:00,52.85136445418718,0.76774846817943,0 -4852,280590.0,1970-10-29 19:13:00,1974-11-28 18:16:00,47.48364187326476,1.4283038569751094,0 -2470,970880.0,1972-08-09 00:45:00,1972-03-12 17:15:00,38.68240309386633,0.8161999359229299,0 -4373,326946.0,1970-09-03 23:15:00,1973-12-10 22:08:00,54.25854289428656,0.0,0 -8524,112402.0,1971-06-09 16:49:00,1975-03-10 10:41:00,42.55377513624981,0.1997717223856152,0 -429,932004.0,1974-03-13 17:00:00,1973-08-31 14:37:00,49.7322804157692,1.8782058682166607,0 -5244,471563.0,,1974-03-17 14:21:00,39.60138521521034,1.6020585548975834,0 -2119,519210.0,1973-02-25 03:46:00,1972-03-05 15:11:00,55.83468435958983,1.3433462573606754,0 -385,11921.0,1973-12-15 01:16:00,1973-02-23 07:58:00,45.90291827162208,1.1833789152179344,0 -1945,309016.0,1973-06-12 23:48:00,1971-08-04 05:20:00,54.32315898233735,0.879942204306188,0 -4224,699256.0,1974-05-31 20:28:00,1972-01-24 15:06:00,40.44050936589234,0.6194102379803905,0 -473,23240.0,1973-10-10 01:21:00,1973-07-20 04:47:00,47.394694199684245,1.4274007253612355,0 -2129,1012264.0,,1974-01-22 07:44:00,51.51903739496754,0.2469446956893952,0 -6556,1114632.0,1974-10-19 22:54:00,1974-11-14 13:24:00,43.92832937970959,1.5227658617661866,0 -6998,945295.0,1970-08-01 10:51:00,1974-10-24 14:33:00,45.23242236242368,0.0017580557370117,0 -1055,903116.0,1970-12-19 11:44:00,1973-12-02 02:34:00,44.956422208297326,0.2253816607468526,0 -3274,527708.0,1973-04-13 18:23:00,1972-07-13 04:13:00,46.151492162946745,0.0,0 -4961,934333.0,1971-04-26 04:02:00,1974-03-30 21:08:00,52.97964782431575,0.2544465391733378,1 -5363,988333.0,1971-05-11 12:58:00,1973-10-18 08:53:00,45.57700327112405,0.9328465629740742,0 -5816,1165483.0,1974-07-17 01:28:00,1974-03-19 09:32:00,45.37601903049416,1.302430680403753,0 -811,476311.0,1970-05-02 12:04:00,1974-03-03 13:19:00,46.10814091236447,1.0427078805924122,0 -4573,400118.0,1970-10-09 09:10:00,1971-12-07 01:50:00,37.85532175866389,1.1988465020879686,0 -6137,1092494.0,1971-07-05 15:08:00,1973-09-28 06:23:00,45.675018004466494,0.1843953501365978,0 -2388,276342.0,1971-04-01 14:29:00,1971-03-26 03:01:00,45.57237592482235,1.7010878179222364,0 -9648,1021499.0,1972-03-11 03:37:00,1974-11-04 22:12:00,44.15768206635085,0.0768359138025843,0 -6225,328728.0,1970-06-29 12:33:00,1971-03-23 11:36:00,49.694034573331294,1.1497429570400128,0 -111,598675.0,1970-03-28 12:04:00,1975-12-17 02:00:00,54.952554038214885,0.8141061876078051,1 -8909,852796.0,1974-02-08 13:41:00,1971-06-18 12:06:00,41.2026518936778,0.1502474944189796,0 -1745,85453.0,1970-03-20 15:30:00,1973-08-14 19:08:00,47.420967759732,1.4710452519713413,0 -7851,724317.0,1971-03-07 11:03:00,1973-12-05 02:21:00,49.71199967401306,1.1361313707222414,0 -1452,1172961.0,1972-07-06 01:45:00,1974-09-04 18:57:00,48.81973222617911,0.5505118808252998,0 -319,841880.0,1971-10-08 22:23:00,1971-01-02 04:21:00,59.06317259319636,1.1329608413840542,0 -8593,706496.0,1971-08-17 11:32:00,1975-02-05 08:37:00,57.12186970884962,1.003533254259669,0 -3333,110280.0,1973-10-07 22:50:00,1973-04-16 02:18:00,44.87601376111448,0.8722687933865076,0 -1922,187327.0,1974-08-26 07:08:00,1975-05-01 23:53:00,46.89289645462413,0.876536400651696,0 -5865,1013797.0,1973-11-09 10:01:00,1971-07-09 20:55:00,47.16147928417949,0.4331438678463443,0 -9528,1183081.0,1972-10-15 18:43:00,1974-06-23 01:43:00,45.57200925360526,1.1654359053128818,0 -3685,942501.0,1972-12-30 06:19:00,1975-03-11 11:03:00,47.14985722088432,2.2155446872504765,0 -4275,380151.0,1974-04-13 15:20:00,1972-12-05 05:28:00,47.21423709487114,1.357896213550745,0 -4889,379664.0,1971-07-23 07:37:00,1971-08-24 08:41:00,40.47161226860396,1.1708169781937527,0 -5225,462629.0,1973-10-05 20:17:00,1975-12-07 04:28:00,49.39862302351771,0.936681514783188,0 -7472,872845.0,1970-02-21 14:45:00,1975-03-12 15:23:00,45.77341807910717,0.5335812499969326,0 -3605,1023279.0,1973-03-26 07:39:00,1972-02-03 05:18:00,44.64870369118909,1.4171048081636135,0 -1052,428884.0,1974-07-25 02:36:00,1975-12-11 03:34:00,52.05770906219409,1.1958676710264644,1 -4156,494532.0,1971-09-23 01:57:00,1971-11-08 02:24:00,48.23692132461005,0.45105163332171,0 -9676,475064.0,1972-11-17 04:46:00,1972-09-02 04:24:00,44.2415822722114,0.8870723654906225,0 -99,560438.0,1971-04-19 07:44:00,1974-10-01 03:25:00,44.09773145222339,1.6158136962504668,0 -7508,458271.0,1973-09-27 10:48:00,1974-11-15 14:20:00,43.14308966898929,1.176480899620127,0 -1456,265705.0,1972-07-11 04:51:00,1972-08-15 14:19:00,41.65712880868132,0.8286576472897654,0 -7688,475204.0,1974-06-02 23:38:00,1972-10-13 03:28:00,50.35790732626079,1.0235759941223606,0 -4004,888106.0,1972-04-06 00:18:00,1973-04-29 06:27:00,55.757223960346806,0.7960451200659697,0 -6866,1194767.0,1970-08-28 11:44:00,1975-04-16 16:02:00,44.87226025436512,0.9137877052836056,0 -4509,110619.0,1974-09-08 07:47:00,1974-11-06 18:58:00,50.71079645317213,0.8536795947659188,0 -3299,834507.0,1974-08-21 03:21:00,1972-11-16 17:35:00,51.84080299616191,0.26639582312884,0 -3799,991751.0,1974-06-06 11:13:00,1975-03-19 03:47:00,50.31693254892637,1.328190110419695,0 -4281,729988.0,1970-08-11 18:20:00,1974-12-24 14:55:00,55.28277406850206,0.3037159141867508,0 -9051,649790.0,1972-03-25 13:51:00,1973-06-06 10:04:00,46.61520882737226,1.2753412751884183,0 -6462,623944.0,1970-08-10 01:52:00,1971-09-11 08:16:00,47.05223998370984,0.8264216752335056,0 -7912,20122.0,1970-05-30 08:14:00,1974-12-31 20:04:00,50.02049292145543,0.3323196864279224,0 -1414,779817.0,1970-02-28 13:37:00,1973-05-15 08:34:00,45.0705838940429,0.7997869933267242,0 -540,916509.0,1971-01-15 02:07:00,1975-03-16 12:50:00,53.19953779388823,0.0,0 -5815,383237.0,1972-09-01 09:55:00,1971-10-22 20:22:00,41.03925690159078,2.3548408616862235,0 -8199,314166.0,1974-01-26 14:15:00,1973-09-24 08:07:00,44.09023879605096,1.3164473558400585,0 -3680,445012.0,1972-02-19 13:08:00,1974-04-28 11:38:00,36.020812655826944,1.3984292688772204,0 -754,1169726.0,1970-03-09 01:18:00,1972-05-11 01:44:00,42.721945539471164,1.2688124655812247,0 -4196,460525.0,1970-06-30 03:13:00,1971-11-03 20:43:00,45.60196303396919,1.186317903428071,0 -2650,751914.0,1970-04-19 00:48:00,1974-10-16 00:29:00,47.69202185276523,1.4168822005828126,0 -4522,130448.0,1973-08-29 23:49:00,1975-05-13 14:07:00,39.54794076258939,0.8570525509203575,0 -9519,784760.0,1971-03-10 22:58:00,1973-06-17 07:32:00,44.8861247671003,1.1071182817935603,0 -3118,1000104.0,1974-11-05 12:35:00,1972-07-14 13:47:00,43.94273640621819,0.0193261368793925,0 -3728,27918.0,1971-08-14 12:01:00,1973-09-08 14:21:00,45.48958538296759,1.4479468228280934,0 -3886,883740.0,1972-12-02 05:36:00,1972-03-18 17:50:00,44.501279275700746,0.3986778769259619,0 -7107,346272.0,1971-11-23 18:06:00,1972-02-25 19:27:00,48.501107979096254,1.306107692199225,0 -8068,113770.0,1971-02-15 06:01:00,1973-04-26 09:20:00,53.56075307668334,1.1931365208968188,0 -7325,1084352.0,1971-08-13 21:24:00,1973-06-26 20:08:00,36.34864154441029,0.3119029955690028,0 -8483,32051.0,1974-06-23 16:14:00,1972-11-22 08:58:00,49.00131091151729,0.0731441461283599,0 -8767,427086.0,1974-07-05 13:11:00,1975-07-20 11:47:00,51.49294911834339,1.7038936110876124,0 -6500,545968.0,,1972-03-15 21:52:00,46.78097723520865,0.5627203139195387,0 -8426,741904.0,1971-12-15 22:15:00,1972-11-20 21:08:00,45.75953908083511,1.4765808623088437,0 -7963,707996.0,1974-05-11 05:39:00,1972-12-21 13:52:00,56.26977627375961,0.994430133973466,0 -601,683367.0,1972-01-24 17:42:00,1973-09-30 00:08:00,43.36045367024669,1.7145669462513062,0 -9249,897954.0,1974-12-04 09:34:00,1975-02-08 01:49:00,50.63511712654663,0.4016535548581306,0 -8919,910942.0,1970-06-01 05:42:00,1972-10-13 16:42:00,48.16674703459939,0.5728493534377356,0 -6814,1158460.0,1972-02-02 08:16:00,1974-04-10 02:49:00,51.062958528565375,0.9473816599172344,0 -5411,40068.0,1974-05-20 21:32:00,,50.9822350684647,0.629001274261179,0 -8747,98460.0,1970-02-22 13:47:00,1971-06-19 21:13:00,48.64163102679176,0.2603736147125778,0 -5522,409641.0,1971-09-11 19:44:00,1973-07-12 07:37:00,44.30679339079393,0.8397241136987467,0 -1044,534726.0,1973-09-26 01:35:00,1971-02-19 16:24:00,,1.1565268344584536,0 -7334,9402.0,1971-03-28 16:56:00,1972-11-21 20:42:00,48.95926572827763,1.6003356097243375,0 -1557,341658.0,1972-08-02 14:24:00,1974-08-15 07:01:00,46.94686203171642,1.5409168930374872,0 -3739,526184.0,1974-12-04 02:11:00,1974-05-10 17:11:00,51.38825275231464,0.9142679030253652,0 -3522,926693.0,1971-09-20 01:02:00,1972-12-09 08:54:00,57.85086087972928,1.347190604205916,0 -180,948916.0,1970-12-27 14:08:00,1971-10-05 04:18:00,44.70906663564661,0.7955715445012103,0 -2115,432471.0,1972-05-18 21:10:00,1975-02-08 13:07:00,44.66711474741941,1.8013124490483985,0 -1699,794497.0,1974-08-03 02:42:00,1971-09-21 09:47:00,46.068230843035984,0.4309903713019692,0 -1379,1101136.0,1971-01-17 20:49:00,1972-11-14 17:54:00,50.264508925956434,0.4493255407867073,0 -7229,707269.0,1973-10-24 21:23:00,1973-07-17 15:52:00,43.43734835061716,1.7403189694013494,0 -9143,568706.0,1972-11-01 14:06:00,1974-07-01 05:05:00,45.34337704880897,1.6356557915995924,0 -618,739748.0,1970-02-15 17:55:00,1973-04-22 04:26:00,53.70437277342136,0.5607714111138478,0 -3181,479277.0,1972-02-28 13:40:00,1972-07-09 18:42:00,55.09934452561784,0.9926202524911368,0 -9851,998863.0,1974-10-14 02:11:00,1972-12-13 12:41:00,48.6113788815662,0.277053024467885,0 -1600,414164.0,1971-09-02 16:36:00,1975-02-10 04:38:00,42.09992316274888,0.575461107498982,0 -5963,370631.0,1973-05-27 19:47:00,1973-08-20 18:07:00,60.80922626708854,1.4780653669556971,1 -1615,,1973-01-15 03:52:00,1975-09-06 07:11:00,47.55790839367385,1.2478532087961494,0 -5920,757947.0,1970-07-31 03:47:00,1974-01-12 04:42:00,60.72185324648304,1.5550977339554264,0 -9591,517013.0,1974-04-21 15:56:00,1972-12-05 13:45:00,46.53772021394158,0.0858236569835481,0 -3891,1147037.0,1974-10-22 07:21:00,1974-09-10 08:00:00,54.07019303581747,1.207393162413579,0 -2083,632876.0,1970-01-22 02:11:00,1972-06-15 21:09:00,53.95096574370479,1.2665369979467391,1 -4574,387610.0,1972-11-29 07:52:00,1973-04-18 23:30:00,49.83247947633109,1.1965935883491132,0 -5594,708062.0,1971-03-15 23:52:00,1974-11-14 12:49:00,45.828496415811614,0.0,0 -5121,1156082.0,1973-05-02 06:50:00,1973-06-20 08:29:00,46.692043300111344,0.7539883927299798,0 -4587,1139616.0,1973-12-30 06:56:00,1974-02-07 01:58:00,45.58920078630148,0.3362899855490714,0 -4902,1155835.0,1970-11-30 18:20:00,1973-06-18 02:21:00,51.22910579887855,0.780414064361709,0 -8252,825643.0,1972-07-11 08:46:00,1975-08-24 08:54:00,47.415032928852135,1.0722078432825664,0 -5916,102753.0,1974-07-12 07:05:00,1975-06-25 12:27:00,51.28185252051821,1.1240986788429808,0 -5129,742646.0,1973-07-07 15:56:00,1974-07-10 16:10:00,49.05669099801074,2.1568413273246225,0 -8334,1110983.0,1974-02-12 09:07:00,1973-08-12 09:16:00,36.35934815147014,0.7225370578145599,0 -1918,158740.0,1971-06-08 12:40:00,1972-01-31 07:08:00,51.26938260927978,1.0695203517715104,0 -8330,690527.0,1972-04-29 03:35:00,1973-09-14 03:20:00,40.5465657018604,1.2441674858712832,0 -5707,1008904.0,1970-05-13 16:22:00,1974-07-27 13:26:00,49.48542233563557,1.587756219860082,0 -5384,863642.0,1971-05-12 02:40:00,1975-01-24 14:50:00,48.66658543853392,1.1621001932044372,0 -6336,883166.0,1973-06-09 18:30:00,1971-11-16 00:13:00,46.34913373176759,0.672230843345115,0 -2054,898685.0,1973-09-03 23:32:00,1974-08-14 10:04:00,54.80525057109237,0.9070940322697354,0 -7612,318223.0,1974-06-19 16:03:00,1974-03-25 12:13:00,49.36587146133776,0.99859350449067,0 -9209,1056987.0,1971-06-27 06:42:00,1972-07-18 12:03:00,44.14264800871833,1.243021987058457,0 -3963,1029295.0,1973-07-27 23:46:00,1974-11-11 05:14:00,49.4995193394593,0.5128547989656542,0 -1126,747263.0,1970-05-03 04:29:00,1973-02-24 19:46:00,47.54107055820988,2.289546481265873,0 -3428,849612.0,1974-05-01 20:51:00,1975-07-05 12:53:00,47.93409970653621,1.688293833342615,0 -4601,910429.0,,1973-04-29 20:59:00,50.58639540087023,0.783765498846488,0 -3721,1105041.0,1971-06-13 09:00:00,1974-08-15 01:18:00,42.332451647370505,0.5257513602380834,0 -2389,519940.0,1974-06-10 02:56:00,1974-11-20 00:56:00,46.15978775946381,1.4387505172464232,0 -1322,302604.0,1972-07-28 13:04:00,1974-01-15 10:02:00,44.11021570284397,1.3325887513307488,0 -1603,121713.0,1974-06-02 14:18:00,1972-02-13 19:02:00,53.32874051710328,1.179468057910286,0 -7224,44747.0,1970-06-18 16:15:00,1975-05-16 17:05:00,51.551537721555725,1.4091783571541463,0 -7425,274695.0,1974-01-26 13:06:00,1972-03-05 09:14:00,42.95842727244624,1.5028781940923124,0 -4336,1024255.0,1974-01-06 17:37:00,1972-11-01 12:04:00,48.58203988744263,1.0541613674855277,0 -5593,86240.0,1972-06-27 02:49:00,1974-07-05 07:21:00,47.39249702342715,0.6615765417696325,0 -4411,837967.0,1974-08-30 07:52:00,1975-10-12 19:38:00,38.34963307060397,1.2217610284630671,0 -5858,185864.0,1971-06-08 07:20:00,1972-02-24 23:14:00,55.81266021732765,1.122148994502464,0 -9343,297320.0,1972-04-13 08:15:00,1975-12-23 09:10:00,43.54624765324701,1.1259634273934132,0 -3991,278747.0,1971-02-09 04:25:00,1971-01-16 00:11:00,50.396936881403605,1.158164062793124,0 -6079,1139510.0,1973-11-22 10:21:00,1972-11-20 22:32:00,41.80696227830583,1.2422284327438575,0 -1559,653659.0,1971-03-02 22:00:00,1972-11-29 10:20:00,47.69808408466465,1.2298421883625843,0 -4682,112267.0,1973-03-27 18:11:00,1971-03-10 20:11:00,43.76914048756451,1.4055280125159133,0 -7557,938702.0,1973-04-14 11:32:00,1972-06-09 15:06:00,43.65847643552159,0.8876681497411917,0 -3772,250630.0,1973-07-22 02:18:00,1971-11-10 17:56:00,48.74136163020176,1.615862581239979,0 -8779,1132421.0,1970-01-16 22:27:00,1971-02-25 15:23:00,41.54196814396172,1.0332851113818449,0 -3457,860702.0,1970-06-12 15:21:00,1971-07-20 23:03:00,52.152401794919705,1.3095440132606866,0 -8383,223787.0,1970-11-15 02:39:00,1973-03-02 19:58:00,51.51215415821459,0.931599503405123,0 -1354,832877.0,1970-01-02 15:31:00,1972-08-10 05:35:00,46.28537110217008,0.7550847531389803,0 -45,860941.0,1974-06-03 05:46:00,1971-07-22 22:37:00,44.76893349648085,,0 -9872,611463.0,1973-07-25 08:19:00,1973-08-23 05:32:00,43.92249562444213,1.0788325567995356,0 -748,290721.0,1971-01-10 18:39:00,1974-09-15 20:06:00,44.28163129522514,0.0,0 -7917,364880.0,,1974-07-27 22:15:00,40.07615189774943,1.409422425786874,0 -4241,360275.0,1974-03-31 07:03:00,1971-05-31 02:24:00,42.107429121760006,0.6947897407091117,0 -5628,997099.0,1974-06-09 02:34:00,1973-04-28 23:33:00,38.04622269904933,0.2379891380400715,0 -4657,501646.0,1970-04-03 11:20:00,,50.32704593607325,1.4103012864107642,0 -4238,997762.0,1973-12-08 23:40:00,1973-10-10 11:59:00,49.12260191856274,1.6227542305877996,0 -3460,322984.0,1970-06-12 05:03:00,1973-10-25 10:13:00,51.48870823736603,0.8063160892175952,0 -7381,268022.0,1971-11-21 22:21:00,1971-03-25 04:20:00,43.47383401390649,0.6343743045895569,0 -5549,868558.0,1971-05-14 09:50:00,1971-02-26 00:45:00,47.9949240717708,0.4353901362481909,0 -7075,801561.0,1974-12-11 22:50:00,1975-07-24 17:58:00,49.71579862260582,1.1294223451466692,0 -5838,550257.0,1974-01-23 18:16:00,1975-03-13 18:16:00,49.62864706520411,1.598531817959024,0 -8091,40350.0,1970-01-01 20:55:00,1971-06-29 08:36:00,55.94268950697486,,0 -5474,193759.0,1973-06-10 21:24:00,1971-04-15 09:44:00,55.12836124727379,1.431695466451426,0 -3614,220111.0,1974-11-01 22:57:00,1973-12-30 10:44:00,41.4416361009014,0.3290258689981052,0 -7501,60250.0,1970-08-27 16:57:00,1971-12-09 09:03:00,45.5409815160544,0.3743998988631526,0 -7053,67160.0,1971-03-13 15:38:00,1974-04-13 13:45:00,52.838278225555925,0.9594935257831686,0 -7367,366288.0,1974-02-14 23:08:00,1971-08-24 00:20:00,49.60727584805207,1.6038632814467182,0 -8019,873441.0,1972-06-12 14:47:00,1972-02-28 07:22:00,49.2107785064961,1.1031744632781677,0 -9638,240635.0,1974-09-17 03:37:00,1975-09-11 20:42:00,43.37554936143664,0.5462278691709248,0 -9055,1067064.0,1970-03-04 22:03:00,1974-04-24 19:31:00,47.61951245807674,1.1032708102155429,0 -664,60966.0,1973-04-12 01:27:00,1974-11-03 02:54:00,50.84247809333705,0.2801897707400544,0 -2319,684453.0,1974-12-06 23:07:00,1973-12-28 05:21:00,40.92505974438042,0.9501987213092514,0 -3542,,1974-03-09 02:05:00,1972-11-18 07:58:00,51.85099576857986,0.5658438268513475,0 -3677,322782.0,1974-08-15 20:27:00,1974-12-24 23:43:00,61.36660470215061,1.2331860151932033,1 -9599,174888.0,1972-03-09 02:31:00,1972-04-06 08:30:00,47.67721874924939,0.9881428208434296,0 -3091,429394.0,1974-06-13 01:18:00,1972-01-08 11:03:00,43.509788434707644,0.317186519945959,0 -675,305673.0,1971-11-29 07:22:00,1971-05-12 17:32:00,55.1807887607645,0.9629950850294042,0 -8676,783669.0,1972-07-25 13:36:00,1972-03-09 04:34:00,54.75709372866588,1.2343175247713298,0 -4884,6784.0,1974-04-26 17:55:00,1972-05-29 23:32:00,40.29039758154768,0.231792761646729,0 -8079,748443.0,1974-12-18 23:13:00,1975-06-23 12:46:00,54.08541481352396,0.4200972828323389,0 -1962,555366.0,1970-12-18 08:55:00,1975-12-20 05:16:00,42.91593182971822,0.1426237626534853,0 -1840,828089.0,1972-03-28 08:02:00,1971-06-22 21:16:00,36.729999801411104,0.3399598949723584,0 -7168,1157692.0,1973-03-29 03:28:00,1974-02-28 04:46:00,53.269384631480285,0.9590273547900904,0 -9898,18790.0,1974-08-08 22:36:00,1972-06-12 08:40:00,58.38773762798516,0.7114611813576301,1 -3538,651813.0,1971-07-23 08:49:00,1973-02-08 17:00:00,45.23625044469904,0.8121560753565964,0 -8026,242902.0,1971-02-26 21:23:00,1975-05-06 07:16:00,46.17797849610925,0.7606647178595347,0 -4866,1023930.0,1973-07-07 03:58:00,1971-09-04 01:00:00,50.4418040401035,1.4442146783219554,0 -4174,415091.0,1972-10-15 22:30:00,1975-02-18 11:12:00,45.448096317734034,0.8541065776636451,0 -8088,350292.0,1972-11-16 15:47:00,1972-06-24 07:26:00,39.68777978819848,1.2323294893819674,0 -4377,1197007.0,1971-12-10 16:40:00,1975-05-11 21:39:00,45.88059745539929,0.015263232898115,0 -6211,1044889.0,1970-09-19 12:37:00,1975-08-08 02:05:00,42.62628411359377,0.8297612504360239,0 -4766,7253.0,1974-08-06 06:51:00,1975-01-03 19:20:00,45.838655420115884,0.909024041950272,0 -411,950425.0,1974-08-23 01:08:00,1974-08-07 07:39:00,53.57490905912312,1.325648925178362,0 -613,495672.0,1974-04-20 13:27:00,1973-03-22 08:19:00,44.82479649233199,0.4288120414713249,0 -6126,347606.0,1974-12-27 07:28:00,1975-08-06 06:45:00,46.95253036166317,0.0,0 -5210,1118647.0,1971-12-14 16:57:00,1973-07-14 07:53:00,54.06983691057003,1.3923994678611928,0 -1430,340826.0,1971-06-27 00:44:00,1974-01-27 19:04:00,43.29583057027453,0.1273365529033111,0 -2425,1025218.0,1974-01-27 10:18:00,1975-12-23 06:02:00,60.14436151183215,1.550611509644818,1 -8841,156453.0,1973-12-29 21:36:00,1971-03-01 21:53:00,45.270341323955805,1.0412030511338617,0 -3833,751635.0,1971-12-20 00:02:00,1975-05-11 05:28:00,46.11039433687375,1.129106161510731,0 -4718,996698.0,1972-07-09 12:55:00,1972-07-16 14:42:00,46.794374154761286,0.5963734146775999,0 -7185,1121950.0,1971-11-12 14:44:00,1972-12-30 01:36:00,55.55621854470426,1.3244566889316294,0 -1417,217000.0,1973-03-13 05:31:00,1971-10-13 05:44:00,37.020405448573314,0.5918292054911135,0 -7199,214883.0,1974-10-11 07:30:00,1974-12-20 19:50:00,46.26461922821102,1.482193089848474,0 -604,41125.0,1972-05-25 16:36:00,1974-09-01 15:07:00,45.28588339524244,0.784154278688397,0 -1272,181202.0,1974-02-17 19:53:00,1975-12-25 13:51:00,56.05997174477562,1.5135585363257291,0 -3964,14842.0,1974-02-07 21:34:00,1972-10-27 21:57:00,46.10839446061463,1.0388965667337793,0 -6367,48715.0,1972-10-17 04:22:00,1974-03-16 02:31:00,47.974771431805976,0.5987854232376814,0 -8746,939799.0,1973-07-31 06:42:00,1972-05-15 12:25:00,51.7848153810873,1.7386810981189489,0 -247,295644.0,1974-12-27 03:00:00,1973-09-04 21:00:00,56.71514232786305,1.5358429051216391,1 -9226,974454.0,1973-01-27 04:06:00,1972-09-14 08:52:00,50.46067565452898,1.8722362164715527,0 -1982,1165688.0,1970-07-17 03:49:00,1973-06-19 04:47:00,48.606452612616266,0.6868196996052438,0 -2835,9039.0,1970-06-09 05:46:00,1972-12-19 04:39:00,46.35373135465918,1.1810509396970037,0 -5375,202380.0,1974-01-31 03:52:00,1974-06-21 15:36:00,49.209533190103066,0.8888489454994835,0 -199,754506.0,1970-01-06 06:31:00,1973-09-04 02:29:00,52.98660040955112,1.471766994678512,0 -485,209633.0,1973-03-01 00:57:00,1972-03-01 02:03:00,45.363295594109374,0.9488989019000728,0 -6083,428723.0,1972-02-09 07:46:00,1973-12-06 18:41:00,55.14051389404947,0.8758402762040128,0 -8956,827916.0,1974-05-05 18:17:00,1975-03-01 09:29:00,43.26238092027125,0.4218862349612724,0 -455,14453.0,1971-12-28 20:26:00,1972-04-27 15:46:00,43.44514850807917,1.6142021246234797,0 -9798,965336.0,1973-11-21 21:45:00,1973-11-30 04:51:00,50.5606413140571,0.4143991837254979,0 -8826,1059273.0,1973-04-10 05:13:00,1971-09-30 12:11:00,43.936058626747794,1.528257221334561,0 -6515,1011850.0,1971-04-10 04:12:00,1972-05-16 03:17:00,44.003975064225685,1.093161820128674,0 -1721,912601.0,1974-04-06 06:25:00,1975-01-01 18:40:00,51.45907913102265,1.0637849996996538,0 -7050,495361.0,1973-08-11 19:29:00,1975-11-30 02:47:00,49.76777371627946,1.3506593266745663,0 -6382,1036892.0,1971-02-09 05:38:00,1973-05-06 16:25:00,47.61707849434832,1.0358719810696888,0 -8165,504876.0,1970-04-09 03:38:00,1971-06-29 00:58:00,45.10426767169192,0.2527696328403022,0 -5767,154010.0,1974-05-29 17:00:00,1974-02-17 19:57:00,55.40070921518449,1.8444241695595769,0 -5809,573288.0,1971-07-20 00:21:00,1972-11-25 06:50:00,44.49122911309493,1.1629281153512054,0 -4626,793052.0,1974-04-13 06:43:00,1972-08-03 15:37:00,60.13065304108999,0.7793581295843387,1 -862,80799.0,1973-08-30 19:28:00,1974-01-25 02:43:00,51.136330687306405,1.0662053408144727,0 -2094,170355.0,1971-01-27 11:05:00,1975-07-28 10:05:00,,0.1956361965181754,0 -947,166092.0,1972-10-14 05:09:00,1972-04-21 23:55:00,54.52575810241167,1.1676546792929887,0 -5641,,1970-06-26 16:28:00,1973-04-29 23:51:00,42.090372122153695,0.9633828652284232,0 -1444,346046.0,1974-10-22 01:19:00,1971-03-27 18:17:00,56.14507777861924,0.5339323478311453,1 -1280,680039.0,1971-09-23 00:48:00,1974-05-10 12:28:00,46.871919474799824,0.6916995210068808,0 -3110,143184.0,1970-07-28 22:24:00,1973-02-18 20:32:00,45.03118292448866,0.5986303176231764,0 -8952,1029277.0,1974-01-16 00:33:00,1971-01-21 15:40:00,42.06630569338861,0.5536190767662148,0 -7609,628335.0,1973-10-17 00:28:00,1975-12-18 07:40:00,48.48232774469641,0.7263764811461737,0 -5135,217632.0,1973-07-22 03:44:00,1975-02-05 00:16:00,42.12414625490271,1.1673952766694755,0 -3016,1095786.0,1973-07-08 08:02:00,1972-09-08 14:08:00,41.437821641474,1.452856352503697,0 -2302,1126410.0,1970-06-07 20:22:00,1972-05-29 05:30:00,52.94832385610013,0.9350998294986684,0 -2004,432330.0,1973-03-25 04:38:00,1974-05-09 13:44:00,42.01189984856804,1.119511988973034,0 -4580,944015.0,1970-03-25 13:40:00,1971-01-16 18:01:00,44.77625706064877,1.4567223437690633,0 -8704,954155.0,1972-03-21 21:12:00,1974-08-23 00:16:00,46.41834357694711,0.9284357102456228,0 -1005,930893.0,1974-11-15 22:37:00,1974-02-27 09:34:00,44.05743810399886,1.092073773126727,0 -5138,492275.0,1970-01-25 01:06:00,1971-11-11 09:26:00,51.95031832180213,0.9781550457046132,0 -4317,50235.0,1974-12-03 18:08:00,1974-10-03 06:41:00,49.370750540461,1.1703773998818536,0 -6558,933155.0,1970-04-12 05:55:00,1975-05-04 15:41:00,45.77352430942839,0.6831649336584613,0 -4387,1035143.0,1971-07-03 15:35:00,1973-02-04 23:50:00,50.24166678201976,0.7799047256703072,0 -2132,1030323.0,1972-06-20 00:15:00,1971-08-25 00:49:00,50.377017000094376,1.1326418001803509,0 -4265,609877.0,1970-10-19 21:29:00,1972-08-25 18:50:00,47.42976635736779,0.462356991627589,0 -2057,850734.0,1971-05-18 20:34:00,1974-12-16 02:16:00,42.65763600794308,1.3931421141465097,0 -5386,1028716.0,1971-06-03 07:13:00,1971-02-02 20:10:00,48.77386182701756,1.628529634446362,0 -229,786150.0,1971-02-14 05:21:00,1975-12-16 21:28:00,37.79690579320263,,0 -2889,829760.0,1974-11-22 10:56:00,1971-05-20 12:53:00,51.95691944038897,1.117504056764251,0 -4472,875012.0,1973-07-25 08:42:00,1972-02-16 04:16:00,46.278368430496265,0.8479180493903308,0 -6064,1073321.0,1971-03-11 07:28:00,1974-04-29 01:32:00,41.67191796774871,1.5161572754231447,0 -7924,729463.0,1973-08-06 04:29:00,1973-06-30 18:21:00,46.197828811207486,1.0458939181612177,0 -7649,592899.0,1972-11-22 04:18:00,1973-12-13 12:33:00,52.231654165829056,0.6136926139361631,0 -8381,38163.0,1971-06-22 04:04:00,1973-09-17 19:19:00,50.98194881016767,1.3414908209563503,0 -209,35198.0,1970-09-06 07:56:00,1971-01-22 05:22:00,50.83880221561078,1.2054263920080728,0 -2758,323803.0,1971-02-21 07:53:00,1974-01-31 18:11:00,41.446838686238735,0.947816908996489,0 -8471,757742.0,1972-09-03 19:33:00,1975-09-30 14:42:00,47.79797254013302,0.902710008671988,0 -2948,806658.0,1972-09-29 22:25:00,1974-01-25 12:40:00,44.47676787739719,1.2690822285394725,0 -7116,252163.0,1970-04-18 16:27:00,1975-01-15 06:36:00,52.71816186931049,0.2425927594090997,1 -6330,154722.0,1971-02-02 22:54:00,1975-08-22 07:22:00,41.38121623548547,1.598413528382922,0 -1728,136281.0,1970-08-30 21:32:00,1975-04-06 11:23:00,52.95597673878517,,0 -4176,663949.0,1971-06-15 21:30:00,1972-03-20 21:52:00,51.35378992877722,1.066170004901688,0 -337,154379.0,1972-11-21 05:13:00,1972-01-18 18:25:00,45.86929072773661,0.8710302417324352,0 -4984,781826.0,1973-04-12 13:58:00,1972-12-26 22:36:00,40.63404481704835,0.9394178262781196,0 -6878,,1972-10-13 23:23:00,1973-02-17 10:46:00,47.36116335218068,0.8316653324625318,0 -7248,375971.0,1972-01-08 11:03:00,1971-10-31 03:06:00,42.52578017920271,0.8152570198431919,0 -8452,863213.0,1971-01-23 02:28:00,1975-07-17 19:14:00,44.9632994388575,0.8891542420192252,0 -1226,289682.0,1970-05-28 13:19:00,1973-11-11 01:45:00,50.08905290912411,1.2594689514088866,0 -7608,77436.0,1972-01-19 08:23:00,1973-02-27 09:26:00,48.34598241033728,0.6715298029401064,0 -6827,1179048.0,1974-10-01 19:11:00,1974-01-25 10:24:00,51.25149824943671,1.596421965784519,0 -3540,295045.0,1974-02-22 21:11:00,1971-02-09 03:58:00,50.18901421423378,0.7559390702338107,0 -5868,711015.0,1972-08-25 20:34:00,1972-04-15 17:44:00,49.01659711518688,1.1574867079332647,0 -2111,492068.0,1970-08-26 18:14:00,1971-09-14 13:02:00,51.540145043026655,0.8277954077368638,0 -2691,1165778.0,1971-07-22 13:18:00,1971-11-19 11:10:00,44.295987684483,1.3861911996917644,0 -7153,29023.0,1971-12-27 09:30:00,1971-01-30 02:48:00,49.925350013407616,1.6689606734000086,0 -3707,845709.0,1970-01-06 20:26:00,1975-05-28 02:03:00,48.23504302339039,1.7306603326969672,0 -1017,632780.0,1974-02-12 20:54:00,1973-10-19 21:49:00,33.725090140739844,0.6455917836752102,0 -8511,743357.0,1971-01-04 11:03:00,1972-01-24 14:38:00,38.01412129375503,0.6390112926677989,0 -2807,209063.0,1972-01-31 20:57:00,1973-08-30 16:39:00,49.73286825630199,1.2465663284177615,0 -5015,393831.0,1970-12-20 05:00:00,1972-02-07 06:08:00,53.84483066851841,0.2428903663812807,0 -1928,1095384.0,1974-08-10 00:52:00,1971-05-06 02:45:00,52.69406962314179,1.740843912211457,0 -350,697702.0,1973-04-22 18:04:00,1975-03-26 12:42:00,47.43958122653509,0.5785910147162199,0 -5173,1153355.0,1970-06-05 10:50:00,1974-06-03 22:07:00,50.82686523496517,0.8212000273838493,0 -4192,151598.0,1973-01-19 02:48:00,1975-03-04 09:42:00,42.21477925758583,1.4076042067546788,0 -1934,969854.0,1974-11-04 10:48:00,1971-02-03 18:48:00,46.395154185001374,0.9687644661287594,0 -6901,1100575.0,1971-07-17 02:28:00,1972-11-25 08:44:00,41.80024454358934,1.2059870859094324,0 -4823,736509.0,1971-11-02 05:24:00,1972-02-14 10:59:00,50.186293008181,0.7354096933693202,0 -564,833626.0,1971-10-11 08:20:00,1973-07-16 18:09:00,43.53714819738997,1.18683149775672,0 -1582,249398.0,1972-08-02 08:10:00,1971-02-15 20:56:00,43.12479973664218,0.3362154937845812,0 -4694,698941.0,1974-12-21 21:38:00,1971-04-27 03:49:00,52.022085059834446,1.6044265898344885,0 -2175,831525.0,1974-01-05 19:36:00,1974-11-27 22:02:00,57.94763480492648,1.2217058065041424,1 -7028,872255.0,1973-10-24 12:33:00,1971-09-11 14:57:00,57.32569142971878,1.52768674794739,0 -4880,27504.0,1971-02-19 04:18:00,1971-07-05 19:02:00,42.82157651543166,,0 -2228,268618.0,1973-06-30 22:53:00,1972-10-16 22:16:00,52.87149949949707,0.8675548001658747,1 -1115,30075.0,1970-09-21 03:46:00,1975-04-06 23:40:00,41.469009393001606,1.0102160783037926,0 -3126,1087688.0,1974-11-23 17:55:00,1971-02-03 22:50:00,44.54611996673082,1.6348807751222454,0 -3544,862432.0,1974-03-13 09:16:00,1974-10-28 07:54:00,50.1369660829268,1.4643371475179363,0 -5048,446068.0,1972-12-11 21:05:00,1973-01-21 06:57:00,45.52233491327843,1.5818427909372068,0 -7476,487516.0,1970-07-10 15:12:00,1971-10-25 04:29:00,53.24248735554415,1.6589145946921553,0 -821,595463.0,1972-03-15 05:21:00,1974-01-11 18:22:00,44.43466098728538,1.1644158737545087,0 -6532,667211.0,1971-03-13 12:16:00,1972-05-19 16:42:00,43.0105513229538,1.0900282013016485,0 -2272,1113724.0,1971-06-01 09:40:00,1972-12-31 15:01:00,52.99691540665792,1.3486477420943352,0 -5545,583995.0,1971-12-03 23:11:00,1974-03-30 05:44:00,47.30718765423862,0.5191187828340399,0 -81,504549.0,1973-10-01 00:26:00,1972-04-17 16:36:00,46.548867744239416,0.706736389695577,0 -1323,433267.0,1970-11-22 19:20:00,1973-07-08 02:45:00,45.38937804348515,1.0182947585938975,0 -9405,776371.0,1970-05-18 18:02:00,1975-07-07 16:42:00,47.481925781325614,0.8648265118633495,0 -1614,821179.0,1974-04-29 14:37:00,1973-06-25 17:53:00,47.09470841722329,0.4292606900310813,0 -831,17948.0,1974-11-13 01:38:00,1972-09-05 08:03:00,52.87301805074696,0.4620292220851116,0 -3883,1115019.0,1973-12-24 15:48:00,1972-05-08 19:54:00,45.63790159127776,1.475865197989643,0 -8641,1192608.0,1971-07-07 09:33:00,1972-12-01 03:41:00,49.50155468256319,0.936981982018921,0 -4464,848400.0,1974-11-11 08:09:00,1974-11-27 07:19:00,45.01713219052221,1.248499185919853,0 -5339,916208.0,1973-07-16 02:36:00,1971-02-10 21:42:00,49.12859214086004,0.8087707254490488,0 -8066,947126.0,1974-10-19 10:06:00,1975-06-01 04:05:00,,0.6551599779216905,0 -1649,855449.0,1972-02-03 00:00:00,1972-11-03 17:26:00,47.371076747703015,0.6395214654080075,0 -4065,429082.0,1971-06-23 07:55:00,1973-10-21 21:51:00,49.46236134942024,0.6419875581671485,0 -9665,797270.0,1972-10-04 08:05:00,1973-09-08 05:05:00,46.11627283959073,1.3257649474043778,0 -3038,1123546.0,,1972-02-17 20:25:00,49.97161040683014,1.1880503866481753,0 -3320,397511.0,1970-04-13 08:24:00,1972-09-27 13:06:00,41.05416900901507,0.989587012032808,0 -7143,879438.0,1972-06-15 04:05:00,1975-04-08 10:56:00,55.65429830437663,0.2086877757985442,0 -6889,1011773.0,1974-12-24 23:57:00,1974-05-17 14:04:00,50.06140405201867,0.4465146053228367,0 -5092,355661.0,1971-02-07 14:24:00,1972-10-19 23:23:00,46.8863963753211,1.1832740170987337,0 -3720,701414.0,1974-02-19 15:13:00,1972-03-17 05:23:00,44.67378138200832,1.3721790143707289,0 -2423,691324.0,1972-10-09 17:10:00,1974-10-21 02:25:00,51.64597700376137,1.2378991952962133,0 -749,796882.0,1974-11-29 03:35:00,1972-07-14 23:18:00,55.89210811734471,0.9008913401635168,0 -5271,1128435.0,1972-12-03 00:29:00,1974-06-14 07:38:00,47.65038586386749,0.0,0 -2373,704994.0,1973-02-07 11:29:00,1972-06-22 19:10:00,41.29204210795228,0.3060327789068042,0 -4693,17184.0,1974-06-27 07:21:00,1972-03-04 08:47:00,53.71275035363731,1.1806473947725742,0 -9879,959254.0,1971-11-12 00:50:00,1971-09-09 03:51:00,48.568457724769424,0.8567043605521538,0 -8370,442408.0,1971-08-18 05:22:00,1973-08-07 19:36:00,44.75735752822296,0.9502618745714156,0 -7319,610858.0,1970-07-29 22:58:00,1974-03-04 20:36:00,48.201946716375545,0.9003006013459081,0 -4368,648994.0,1971-09-18 07:50:00,1973-12-30 07:34:00,46.90917132095774,1.0161120948874915,0 -6785,987338.0,1970-08-21 12:45:00,1971-03-31 13:18:00,49.937242460482665,1.2141100332977537,0 -7401,1017183.0,1971-06-08 22:47:00,1972-09-10 18:27:00,49.78014954374891,0.6537972126367001,0 -1139,998433.0,1970-11-14 03:29:00,1974-06-16 12:58:00,50.78000040973743,1.1689821049369231,0 -7631,979493.0,1973-04-03 04:11:00,1975-08-29 10:10:00,35.37454425766524,0.601508801994849,0 -2231,678083.0,1972-02-28 09:38:00,1975-01-04 22:34:00,51.92916061469937,0.4183775146919406,0 -2164,100542.0,1973-12-22 19:56:00,1974-02-23 07:20:00,49.80944115003497,0.9382599098504802,0 -5217,531569.0,1973-05-09 16:30:00,1975-09-25 21:45:00,45.9142919117057,1.4328742524509055,0 -9444,343096.0,1971-03-24 18:56:00,1972-01-17 13:20:00,47.08755002997594,1.1518854215197596,0 -9237,789091.0,1970-12-09 02:50:00,1971-08-26 04:33:00,45.48606658071221,1.4843290009780954,0 -4561,94791.0,1974-01-27 22:28:00,1975-03-30 23:55:00,46.4929622476229,0.7861922283954307,0 -1570,282701.0,1974-06-13 09:01:00,1972-12-13 02:11:00,44.98452483326777,1.679379008608696,0 -172,420631.0,1974-06-11 19:24:00,1974-10-09 17:38:00,50.24232017675488,0.9762909133962429,0 -7163,508299.0,1972-08-05 11:54:00,1971-02-01 00:27:00,45.44997900846917,,0 -2087,680449.0,1971-02-25 02:51:00,1974-01-04 03:59:00,43.85285480684918,1.9286378437853973,0 -4667,100609.0,1972-07-05 20:47:00,1971-03-22 08:00:00,39.15188347785118,0.8114393897156613,0 -4565,997789.0,1973-12-13 20:49:00,1975-12-11 12:45:00,52.494387296900726,1.0754219594284102,0 -7089,615784.0,1973-12-27 01:53:00,1974-02-03 06:14:00,37.79895945038081,0.9237773955677248,0 -6569,669151.0,1973-08-22 14:13:00,1972-06-24 18:27:00,49.28643531111817,1.275768495451294,0 -4783,683078.0,1973-10-23 15:00:00,1973-03-10 18:12:00,46.251368111037095,1.053290430342998,0 -2684,670646.0,1971-08-20 20:33:00,1974-04-22 08:45:00,55.05392910079223,0.9405273974126754,0 -1832,441477.0,1970-04-30 08:29:00,1973-12-28 03:42:00,51.333135358782656,0.7763345027407472,0 -8546,146355.0,1970-01-27 09:33:00,1971-05-12 15:42:00,46.16605307714824,1.032812479846046,0 -5065,719826.0,1972-06-29 17:10:00,1973-08-02 00:16:00,47.29863346503155,1.2491632841416456,0 -9130,1171277.0,1974-12-04 18:08:00,1973-03-28 22:38:00,46.42043625336163,1.4785660120544306,0 -9355,,1972-07-12 15:03:00,1973-06-19 08:36:00,45.18059060549963,1.467409099853,0 -4412,933571.0,1974-10-31 22:05:00,1975-10-15 04:17:00,45.57621715017124,0.9662596315166158,0 -7207,462545.0,1974-04-07 22:32:00,1974-09-06 05:49:00,45.13342433843984,0.3267044523241806,0 -9890,18065.0,1972-10-03 23:45:00,1973-12-04 00:48:00,47.221207873553325,1.2494035516238513,0 -834,802845.0,1970-01-16 01:30:00,1972-06-29 23:18:00,49.435587938259445,1.180285661463491,0 -6821,57046.0,1972-11-10 16:58:00,1973-05-31 20:58:00,53.45003269969661,0.2312128115039601,0 -3781,888111.0,1971-05-01 22:43:00,1974-01-09 06:52:00,42.487377188164665,1.3373888185593568,0 -9012,1146672.0,1970-06-02 08:22:00,1973-06-19 02:52:00,39.92946376431654,0.8687795054253169,0 -7499,1103638.0,1973-12-16 10:55:00,1972-03-04 06:27:00,50.08352773162012,0.5189324640912917,0 -3424,302959.0,1970-12-06 03:24:00,1971-04-01 01:19:00,48.37554464501331,0.9556033076405474,0 -65,684415.0,1974-02-05 03:57:00,1971-06-14 07:38:00,53.99900431922588,0.8958103250891482,0 -2963,368382.0,1970-09-24 12:48:00,1975-12-10 08:25:00,43.55958867161027,1.7773309066281553,0 -5669,335263.0,1974-05-02 17:40:00,1971-01-19 15:14:00,53.52539853390314,0.0,0 -8962,986610.0,1971-09-27 10:19:00,1971-02-13 12:08:00,44.76442325682038,1.0305174205279255,0 -354,302282.0,1974-08-23 11:24:00,1972-08-12 16:02:00,42.97229117802118,1.040188660318302,0 -8171,57706.0,1972-04-10 20:17:00,1974-12-27 10:48:00,53.26914151312848,1.6635266872254135,0 -4030,303465.0,1971-05-13 15:35:00,1974-02-12 06:33:00,56.85291774175116,0.5944616950904678,1 -8534,898154.0,1970-01-17 11:02:00,1971-10-04 02:45:00,49.04061219243454,0.619557131211256,0 -3651,339157.0,1972-12-21 00:50:00,1973-05-18 18:26:00,47.37008191619839,0.9941372767720172,0 -6739,327803.0,1972-01-01 04:00:00,1975-12-20 10:33:00,43.02828065732389,1.177722281873355,0 -3297,267301.0,1972-11-08 07:39:00,1975-07-05 06:10:00,45.53809740645774,1.0612180912700155,0 -4127,1107979.0,1973-04-10 01:09:00,1973-07-22 14:24:00,46.82706503506397,1.6016186585721326,0 -8043,133242.0,1972-05-04 13:01:00,1974-11-13 07:04:00,55.40187388331786,0.7541209406061202,0 -4767,301126.0,1971-06-09 14:05:00,1975-05-16 17:18:00,47.17156932171394,1.1723416273713074,0 -472,16686.0,1973-06-17 21:44:00,1974-11-13 21:33:00,43.27199798645108,0.8275994527814097,0 -3761,1080395.0,1970-06-04 22:33:00,1973-06-01 02:57:00,43.94142384112572,0.4948540133380286,0 -8617,202482.0,1971-02-15 21:30:00,1974-12-22 14:39:00,43.67219858818728,0.536406987723572,0 -3566,193472.0,1973-01-31 06:56:00,1974-03-09 14:49:00,47.4003002462104,1.0564739110268095,0 -2760,469569.0,1972-07-28 06:50:00,1972-04-10 21:30:00,44.55416103226997,0.2978498694957189,0 -868,1012128.0,1973-05-07 14:02:00,1973-05-20 12:34:00,42.67746199536044,0.0,0 -9382,58528.0,1972-04-10 08:46:00,1975-07-22 23:13:00,58.017770562158674,0.0,0 -8688,612424.0,1972-02-06 12:10:00,1973-06-19 07:33:00,52.52899722912006,0.9927933004553268,0 -4052,225761.0,1970-11-10 12:02:00,1971-01-31 17:21:00,41.67567245544504,,0 -6130,206405.0,1974-03-31 15:46:00,1971-09-01 23:05:00,52.129946454115945,1.9628258853770624,0 -3244,321576.0,1972-02-27 17:47:00,1972-01-09 10:58:00,42.95645170953868,0.9903408715435182,0 -4842,540121.0,1972-08-10 20:37:00,1971-02-22 07:12:00,50.91902150071468,0.5978494315681446,0 -9330,667098.0,1973-11-22 18:38:00,1974-01-04 01:46:00,47.57053961980536,1.4849990901133443,0 -5640,706602.0,1974-10-27 23:11:00,1971-03-13 13:02:00,43.34060178698887,1.155931130961622,0 -5780,,1970-09-15 19:25:00,1974-07-28 18:37:00,45.4915899297451,0.6937032159691746,0 -8540,375084.0,1970-11-05 10:09:00,1972-09-30 04:02:00,48.44023134582878,0.7964253358087079,0 -1075,273049.0,1970-12-24 10:30:00,1971-07-26 04:49:00,47.54515369056454,1.272439850047752,0 -2957,1044821.0,1972-03-19 16:08:00,1971-12-23 04:04:00,59.27868083025176,1.2833334606442206,0 -6752,803226.0,1972-03-17 17:38:00,1971-10-23 23:56:00,46.80540769977189,0.9382946381877304,0 -8657,857113.0,1971-03-20 16:38:00,1973-08-20 16:27:00,44.85552461810903,1.66127589793243,0 -7272,191240.0,1973-02-14 19:43:00,1973-07-23 18:48:00,49.6060554174945,0.6694731977625776,0 -4759,436281.0,1970-01-31 08:00:00,1973-11-09 15:04:00,48.36312152512381,1.1008789148402964,0 -4862,699579.0,1970-06-22 20:07:00,1975-02-27 04:00:00,46.34962347574351,1.5135411925195736,0 -7025,300846.0,1973-10-16 21:49:00,1973-09-22 14:02:00,47.1136555396068,0.7555051544811946,0 -7647,941225.0,1974-08-17 04:36:00,1972-08-09 04:39:00,50.060756724119294,1.4547059555682114,0 -7161,417093.0,1973-06-25 08:49:00,1975-05-26 07:43:00,55.487374439162245,1.8428603030746065,0 -73,840557.0,1973-12-21 23:22:00,1974-05-07 04:22:00,48.11807084880171,1.227568826455157,0 From 4ac88c8051ccff1442e49663955362d48cef9df4 Mon Sep 17 00:00:00 2001 From: Martin Bernstorff Date: Tue, 25 Oct 2022 10:11:52 +0200 Subject: [PATCH 4/6] refactor: suggestions for improvements --- src/psycopt2d/evaluation.py | 32 ++++++++++++-------- src/psycopt2d/tables/__init__.py | 2 +- src/psycopt2d/tables/tables.py | 52 ++++++++++++++++++++++---------- src/psycopt2d/train_model.py | 26 ++++++++++------ tests/test_auc_by_group_table.py | 4 +-- tests/test_train_model.py | 9 ++---- 6 files changed, 79 insertions(+), 46 deletions(-) diff --git a/src/psycopt2d/evaluation.py b/src/psycopt2d/evaluation.py index 09a220cd..4f932661 100644 --- a/src/psycopt2d/evaluation.py +++ b/src/psycopt2d/evaluation.py @@ -5,7 +5,6 @@ import numpy as np import pandas as pd -import wandb from omegaconf.dictconfig import DictConfig from sklearn.metrics import recall_score, roc_auc_score from sklearn.pipeline import Pipeline @@ -121,15 +120,22 @@ def evaluate_model( outcome_timestamps = eval_df[cfg.data.outcome_timestamp_col_name] pred_timestamps = eval_df[cfg.data.pred_timestamp_col_name] y_hat_int = np.round(y_hat_probs, 0) - - if 'feature_selection' in pipe["preprocessing"].named_steps: - selected_features = eval_df[train_col_names].columns[pipe["preprocessing"]["feature_selection"].get_support()].to_list() - run.log({"feature_selection_table": feature_selection_table( - feature_names=train_col_names, - selected_feature_names=selected_features, - )}) + if "feature_selection" in pipe["preprocessing"].named_steps: + selected_features = ( + eval_df[train_col_names] + .columns[pipe["preprocessing"]["feature_selection"].get_support()] + .to_list() + ) + run.log( + { + "feature_selection_table": feature_selection_table( + feature_names=train_col_names, + selected_feature_names=selected_features, + ) + } + ) first_visit_timestamp = eval_df.groupby(cfg.data.id_col_name)[ cfg.data.pred_timestamp_col_name @@ -141,10 +147,12 @@ def evaluate_model( ) msg.info(f"AUC: {auc}") - run.log({ - "roc_auc_unweighted": auc, - "1_minus_roc_auc_unweighted": 1 - auc, - }) + run.log( + { + "roc_auc_unweighted": auc, + "1_minus_roc_auc_unweighted": 1 - auc, + } + ) log_auc_to_file(cfg, run=run, auc=auc) diff --git a/src/psycopt2d/tables/__init__.py b/src/psycopt2d/tables/__init__.py index 20d4dcf2..2db3255c 100644 --- a/src/psycopt2d/tables/__init__.py +++ b/src/psycopt2d/tables/__init__.py @@ -1,3 +1,3 @@ # pylint: disable=missing-module-docstring from .performance_by_threshold import generate_performance_by_positive_rate_table -from .tables import auc_by_group_table, generate_feature_importances_table +from .tables import auc_by_group_df, generate_feature_importances_table diff --git a/src/psycopt2d/tables/tables.py b/src/psycopt2d/tables/tables.py index a094f575..cdec5069 100644 --- a/src/psycopt2d/tables/tables.py +++ b/src/psycopt2d/tables/tables.py @@ -1,7 +1,7 @@ """Tables for evaluation of models.""" from collections.abc import Iterable from functools import partial -from typing import Union +from typing import Sequence, Union import pandas as pd import wandb @@ -28,7 +28,7 @@ def _calc_auc_and_n( return pd.Series([auc, n], index=["AUC", "N"]) -def auc_by_group_table( +def auc_by_group_df( df: pd.DataFrame, pred_probs_col_name: str, outcome_col_name: str, @@ -90,24 +90,44 @@ def generate_feature_importances_table( ) df = df.sort_values("feature_importance", ascending=False) - if output_format == "html": - return df.reset_index(drop=True).to_html() - elif output_format == "df": - return df.reset_index(drop=True) - elif output_format == "wandb_table": - return wandb.Table(dataframe=df) - else: - raise ValueError("Output format does not match anything that is allowed") + return output_table(output_format=output_format, df=df) -def feature_selection_table( - feature_names: Iterable[str], - selected_feature_names: Iterable[str], + +def feature_selection_table( + feature_names: Sequence[str], + selected_feature_names: Sequence[str], output_format: str = "wandb_table", + removed_first: bool = True, ) -> Union[pd.DataFrame, wandb.Table]: + """Get table with feature selection results. + + Args: + feature_names (Sequence[str]): The names of the features + selected_feature_names (Sequence[str]): The names of the selected features + output_format (str, optional): The output format. Takes one of "html", "df", "wandb_table". Defaults to "wandb_table". + removed_first (bool, optional): Ordering of features in the table, whether the removed features are first. Defaults to True. + + """ - df = pd.DataFrame({"train_col_names": feature_names, "is_removed": [0 if i in selected_feature_names else 1 for i in feature_names]}) + df = pd.DataFrame( + { + "train_col_names": feature_names, + "is_removed": [ + 0 if i in selected_feature_names else 1 for i in feature_names + ], + } + ) - # Refactor, this control flow is identical to the function above. Unify into something like "log_df_as_wandb_table". + # Sort df so removed columns appear first + df = df.sort_values("is_removed", ascending=removed_first) + + return output_table(output_format=output_format, df=df) + + +def output_table( + output_format: str, df: pd.DataFrame +) -> Union[pd.DataFrame, wandb.Table]: + """Output table in specified format.""" if output_format == "html": return df.reset_index(drop=True).to_html() elif output_format == "df": @@ -115,4 +135,4 @@ def feature_selection_table( elif output_format == "wandb_table": return wandb.Table(dataframe=df) else: - raise ValueError("Output format does not match anything that is allowed") \ No newline at end of file + raise ValueError("Output format does not match anything that is allowed") diff --git a/src/psycopt2d/train_model.py b/src/psycopt2d/train_model.py index f4a4e6b1..13ddc2a7 100644 --- a/src/psycopt2d/train_model.py +++ b/src/psycopt2d/train_model.py @@ -2,7 +2,6 @@ import os from collections.abc import Iterable from datetime import datetime -from logging import raiseExceptions from pathlib import Path from typing import Optional @@ -11,13 +10,12 @@ import pandas as pd import wandb from omegaconf.dictconfig import DictConfig -from sklearn.feature_selection import SelectFromModel, SelectPercentile, chi2, f_classif +from sklearn.feature_selection import SelectPercentile, chi2, f_classif from sklearn.impute import SimpleImputer from sklearn.metrics import roc_auc_score from sklearn.model_selection import StratifiedGroupKFold from sklearn.pipeline import Pipeline from sklearn.preprocessing import StandardScaler -from sklearn.svm import LinearSVC from wasabi import Printer from psycopt2d.evaluation import evaluate_model @@ -63,11 +61,23 @@ def create_preprocessing_pipeline(cfg): if cfg.preprocessing.feature_selection_method == "f_classif": steps.append( - ("feature_selection", SelectPercentile(f_classif, percentile = cfg.preprocessing.feature_selection_params.percentile)), + ( + "feature_selection", + SelectPercentile( + f_classif, + percentile=cfg.preprocessing.feature_selection_params.percentile, + ), + ), ) if cfg.preprocessing.feature_selection_method == "chi2": steps.append( - ("feature_selection", SelectPercentile(chi2, percentile = cfg.preprocessing.feature_selection_params.percentile)), + ( + "feature_selection", + SelectPercentile( + chi2, + percentile=cfg.preprocessing.feature_selection_params.percentile, + ), + ), ) return Pipeline(steps) @@ -83,8 +93,7 @@ def create_model(cfg): training_arguments = getattr(cfg.model, "args") model_args.update(training_arguments) - mdl = model_dict["model"](**model_args) - return mdl + return model_dict["model"](**model_args) def stratified_cross_validation( @@ -281,8 +290,7 @@ def create_pipeline(cfg): mdl = create_model(cfg) steps.append(("model", mdl)) - pipe = Pipeline(steps) - return pipe + return Pipeline(steps) def get_col_names(cfg: DictConfig, train: pd.DataFrame) -> tuple[str, list[str]]: diff --git a/tests/test_auc_by_group_table.py b/tests/test_auc_by_group_table.py index b4103307..d7d88ac3 100644 --- a/tests/test_auc_by_group_table.py +++ b/tests/test_auc_by_group_table.py @@ -1,7 +1,7 @@ """table_test_auc_by_group_table.""" # pylint: disable=missing-function-docstring -from psycopt2d.tables import auc_by_group_table +from psycopt2d.tables import auc_by_group_df from psycopt2d.utils import bin_continuous_data @@ -11,7 +11,7 @@ def test_auc_by_group_table(synth_data): bins=[0, 18, 30, 50, 120], ) - table = auc_by_group_table( + table = auc_by_group_df( synth_data, pred_probs_col_name="pred_prob", outcome_col_name="label", diff --git a/tests/test_train_model.py b/tests/test_train_model.py index f38e66d1..501808a1 100644 --- a/tests/test_train_model.py +++ b/tests/test_train_model.py @@ -48,8 +48,8 @@ def test_crossvalidation(): """Test crossvalidation.""" with initialize(version_base=None, config_path=CONFIG_DIR_PATH): cfg = compose( - config_name="integration_testing.yaml", - overrides=["+model=logistic-regression", "+training.n_splits=2"], + config_name=CONFIG_FILE_NAME, + overrides=[INTEGRATION_TESTING_MODEL_OVERRIDE, "+data.n_splits=2"], ) main(cfg) @@ -76,10 +76,7 @@ def test_feature_selection(): INTEGRATION_TESTING_MODEL_OVERRIDE, "preprocessing.feature_selection_method=f_classif", "preprocessing.feature_selection_params.percentile=10", - #"project.wandb_mode=run", + # "project.wandb_mode=run", ], ) main(cfg) - - - From 94ffd4a18a9ba9321755d3de48ca12f515a9bee1 Mon Sep 17 00:00:00 2001 From: Martin Bernstorff Date: Tue, 25 Oct 2022 10:13:32 +0200 Subject: [PATCH 5/6] style: linting --- src/psycopt2d/evaluation.py | 6 +++--- src/psycopt2d/tables/tables.py | 36 +++++++++++++++++----------------- tests/test_train_model.py | 2 +- 3 files changed, 22 insertions(+), 22 deletions(-) diff --git a/src/psycopt2d/evaluation.py b/src/psycopt2d/evaluation.py index 4f932661..9355285a 100644 --- a/src/psycopt2d/evaluation.py +++ b/src/psycopt2d/evaluation.py @@ -133,8 +133,8 @@ def evaluate_model( "feature_selection_table": feature_selection_table( feature_names=train_col_names, selected_feature_names=selected_features, - ) - } + ), + }, ) first_visit_timestamp = eval_df.groupby(cfg.data.id_col_name)[ @@ -151,7 +151,7 @@ def evaluate_model( { "roc_auc_unweighted": auc, "1_minus_roc_auc_unweighted": 1 - auc, - } + }, ) log_auc_to_file(cfg, run=run, auc=auc) diff --git a/src/psycopt2d/tables/tables.py b/src/psycopt2d/tables/tables.py index cdec5069..d077bb26 100644 --- a/src/psycopt2d/tables/tables.py +++ b/src/psycopt2d/tables/tables.py @@ -1,7 +1,7 @@ """Tables for evaluation of models.""" -from collections.abc import Iterable +from collections.abc import Iterable, Sequence from functools import partial -from typing import Sequence, Union +from typing import Union import pandas as pd import wandb @@ -69,6 +69,21 @@ def auc_by_group_df( return pd.concat(groups_df) +def output_table( + output_format: str, + df: pd.DataFrame, +) -> Union[pd.DataFrame, wandb.Table]: + """Output table in specified format.""" + if output_format == "html": + return df.reset_index(drop=True).to_html() + elif output_format == "df": + return df.reset_index(drop=True) + elif output_format == "wandb_table": + return wandb.Table(dataframe=df) + else: + raise ValueError("Output format does not match anything that is allowed") + + def generate_feature_importances_table( feature_names: Iterable[str], feature_importances: Iterable[str], @@ -106,7 +121,6 @@ def feature_selection_table( selected_feature_names (Sequence[str]): The names of the selected features output_format (str, optional): The output format. Takes one of "html", "df", "wandb_table". Defaults to "wandb_table". removed_first (bool, optional): Ordering of features in the table, whether the removed features are first. Defaults to True. - """ df = pd.DataFrame( @@ -115,24 +129,10 @@ def feature_selection_table( "is_removed": [ 0 if i in selected_feature_names else 1 for i in feature_names ], - } + }, ) # Sort df so removed columns appear first df = df.sort_values("is_removed", ascending=removed_first) return output_table(output_format=output_format, df=df) - - -def output_table( - output_format: str, df: pd.DataFrame -) -> Union[pd.DataFrame, wandb.Table]: - """Output table in specified format.""" - if output_format == "html": - return df.reset_index(drop=True).to_html() - elif output_format == "df": - return df.reset_index(drop=True) - elif output_format == "wandb_table": - return wandb.Table(dataframe=df) - else: - raise ValueError("Output format does not match anything that is allowed") diff --git a/tests/test_train_model.py b/tests/test_train_model.py index 501808a1..90cd70dd 100644 --- a/tests/test_train_model.py +++ b/tests/test_train_model.py @@ -68,7 +68,7 @@ def test_min_prediction_time_date(): def test_feature_selection(): - """Test feature selection""" + """Test feature selection.""" with initialize(version_base=None, config_path=CONFIG_DIR_PATH): cfg = compose( config_name=CONFIG_FILE_NAME, From b77406679235bb61b362d6983045b0513edacec8 Mon Sep 17 00:00:00 2001 From: Martin Bernstorff Date: Tue, 25 Oct 2022 10:24:23 +0200 Subject: [PATCH 6/6] fix: errors introduce on merge --- .pre-commit-config.yaml | 26 +++++++++++++++----------- src/psycopt2d/evaluation.py | 12 ++++++------ src/psycopt2d/train_model.py | 1 - 3 files changed, 21 insertions(+), 18 deletions(-) diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 1b49cbe5..644d885d 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -6,7 +6,12 @@ repos: rev: v1.7.6 hooks: - id: autoflake - args: ['--in-place', '--remove-all-unused-imports', "--ignore-init-module-imports"] + args: + [ + "--in-place", + "--remove-all-unused-imports", + "--ignore-init-module-imports", + ] - repo: https://github.com/pycqa/isort rev: 5.10.1 @@ -21,7 +26,7 @@ repos: - id: add-trailing-comma - repo: https://github.com/asottile/pyupgrade - rev: v3.1.0 + rev: v3.1.0 hooks: - id: pyupgrade args: ["--py39-plus"] @@ -29,7 +34,7 @@ repos: - repo: https://github.com/bwhmather/ssort rev: v0.11.6 hooks: - - id: ssort + - id: ssort - repo: https://github.com/myint/docformatter rev: v1.5.0 @@ -47,7 +52,7 @@ repos: hooks: - id: flake8 args: [--config, .flake8] - + - repo: https://github.com/pre-commit/pre-commit-hooks rev: v4.3.0 # Use the ref you want to point at hooks: @@ -63,20 +68,19 @@ repos: hooks: - id: pylint types: [python] - args: - [ + args: [ "-rn", # Only display messages "-sn", # Don't display the score - "--disable=R,import-error" # Refactors are not important enough to block a commit. - # Unused-imports aren't testable by the github action without installing the whole project, so don't test that here. + "--disable=R,import-error", # Refactors are not important enough to block a commit. ] - + + # Unused-imports aren't testable by the github action without installing the whole project, so don't test that here. - repo: local hooks: - - id: pytest + - id: pytest name: Run integration tests before push entry: .venv/bin/pytest -m pre_push_test language: script stages: [push] pass_filenames: false - always_run: true \ No newline at end of file + always_run: true diff --git a/src/psycopt2d/evaluation.py b/src/psycopt2d/evaluation.py index a74482b5..b57e9c3f 100644 --- a/src/psycopt2d/evaluation.py +++ b/src/psycopt2d/evaluation.py @@ -7,6 +7,7 @@ import pandas as pd from omegaconf.dictconfig import DictConfig from sklearn.metrics import recall_score, roc_auc_score +from sklearn.pipeline import Pipeline from wandb.sdk.wandb_run import Run as wandb_run # pylint: disable=no-name-in-module from wasabi import Printer @@ -15,12 +16,7 @@ generate_performance_by_positive_rate_table, ) from psycopt2d.tables.tables import feature_selection_table -from psycopt2d.utils import ( - AUC_LOGGING_FILE_PATH, - PROJECT_ROOT, - positive_rate_to_pred_probs, - prediction_df_with_metadata_to_disk, -) +from psycopt2d.utils import PROJECT_ROOT, positive_rate_to_pred_probs from psycopt2d.visualization import ( plot_auc_by_time_from_first_visit, plot_feature_importances, @@ -61,7 +57,9 @@ def log_feature_importances( def evaluate_model( cfg, eval_df: pd.DataFrame, + pipe: Pipeline, y_col_name: str, + train_col_names: Iterable[str], y_hat_prob_col_name: str, run: wandb_run, feature_importance_dict: Optional[dict[str, float]], @@ -78,8 +76,10 @@ def evaluate_model( Args: cfg (OmegaConf): The hydra config from the run + pipe (Pipeline): Pipeline including the model eval_df (pd.DataFrame): Evalaution split y_col_name (str): Label column name + train_col_names (Iterable[str]): Column names for all predictors y_hat_prob_col_name (str): Column name containing pred_proba output run (wandb_run): WandB run to log to. feature_importance_dict (Optional[dict[str, float]]): Dict of feature diff --git a/src/psycopt2d/train_model.py b/src/psycopt2d/train_model.py index 68b52c02..4bd41b13 100644 --- a/src/psycopt2d/train_model.py +++ b/src/psycopt2d/train_model.py @@ -25,7 +25,6 @@ ConvertToBoolean, DateTimeConverter, ) - from psycopt2d.utils import ( create_wandb_folders, flatten_nested_dict,