From d3dff387ed728a6a74a236eb9b65d59d4929714a Mon Sep 17 00:00:00 2001 From: Deepanshu Karnwal Date: Wed, 16 Dec 2020 05:22:26 +0000 Subject: [PATCH] Revert "[Issue-Id:RICAPP-155]Code changes to support for JJB and Unit testing for AD xApp" This reverts commit f98ee76af036d60b8f5077105830ed61a13ed5aa. Reason for revert: will commit these changes in cherry release maintenance release in Jan Change-Id: I98c0b53ccf37421f31fa22a8a19771134325ee2a Signed-off-by: deepanshuk --- Dockerfile | 15 +- Dockerfile-Unit-Test | 48 - ad/__init__.py | 16 +- ad/ad_model/ad_model.py | 37 +- ad/ad_model/processing.py | 66 +- ad/ad_model/tb_format.py | 8 +- ad/ad_train.py | 95 +- ad/main.py | 65 +- ad/ue_test.csv | 6339 +++++++++++++++++++++++++++++++------- rmr-version.yaml | 3 - setup.py | 4 +- tests/__init__.py | 2 +- tests/fixtures/local.rt | 18 - tests/fixtures/test_local.rt | 2 +- tests/test_main.py | 69 - tests/{conftest.py => testad.py} | 22 +- tox.ini | 15 +- 17 files changed, 5410 insertions(+), 1414 deletions(-) delete mode 100644 Dockerfile-Unit-Test delete mode 100644 rmr-version.yaml delete mode 100644 tests/fixtures/local.rt delete mode 100644 tests/test_main.py rename tests/{conftest.py => testad.py} (59%) diff --git a/Dockerfile b/Dockerfile index 3262e0c..df9c2b8 100644 --- a/Dockerfile +++ b/Dockerfile @@ -1,4 +1,5 @@ # ================================================================================== +# Copyright (c) 2019 AT&T Intellectual Property. # Copyright (c) 2020 HCL Technologies Limited. # # Licensed under the Apache License, Version 2.0 (the "License"); @@ -32,15 +33,9 @@ RUN conda install pandas RUN conda install -c conda-forge/label/cf202003 hdbscan RUN pip install schedule RUN conda install scikit-learn -# RUN pip install -U scikit-learn +#RUN pip install -U scikit-learn -# Install -COPY setup.py /tmp -COPY LICENSE.txt /tmp/ -# RUN mkdir -p /tmp/ad/ -#COPY ad/ /tmp/ad -COPY ad/ /ad -RUN pip install /tmp +COPY ad/ /tmp/ad ENV PYTHONUNBUFFERED 1 -CMD PYTHONPATH=/ad:/usr/lib/python3.7/site-packages/:$PYTHONPATH run-ad.py -# CMD python -W ignore /tmp/ad/main.py +CMD python -W ignore /tmp/ad/main.py + diff --git a/Dockerfile-Unit-Test b/Dockerfile-Unit-Test deleted file mode 100644 index 4f5ec78..0000000 --- a/Dockerfile-Unit-Test +++ /dev/null @@ -1,48 +0,0 @@ -# ================================================================================== -# Copyright (c) 2020 HCL Technologies Limited. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ================================================================================== - -FROM frolvlad/alpine-miniconda3 -# FROM python:3.8-alpine - -# RMR setup -RUN mkdir -p /opt/route/ - -# sdl uses hiredis which needs gcc -RUN apk update && apk add gcc musl-dev - -# copy rmr libraries from builder image in lieu of an Alpine package -COPY --from=nexus3.o-ran-sc.org:10002/o-ran-sc/bldr-alpine3-rmr:4.0.5 /usr/local/lib64/librmr* /usr/local/lib64/ - -# Upgrade pip, install tox -RUN pip install --upgrade pip && pip install tox - -RUN apk update && apk add gcc musl-dev -RUN pip install ricxappframe -RUN conda update -n base -c defaults conda -RUN conda install -c anaconda pandas -RUN conda install -c conda-forge/label/cf202003 hdbscan -RUN pip install schedule -RUN conda install scikit-learn - -# copies -COPY setup.py tox.ini LICENSE.txt /tmp/ -COPY ad/ /tmp/ad -COPY tests/ /tmp/tests -RUN pip install /tmp - -# Run the unit tests -WORKDIR /tmp -RUN PYTHONPATH=/tmp/ad:/usr/lib/python3.7/site-packages/:$PYTHONPATH tox -e code,flake8 diff --git a/ad/__init__.py b/ad/__init__.py index 7569f61..d4f2f7e 100644 --- a/ad/__init__.py +++ b/ad/__init__.py @@ -1 +1,15 @@ -# in __init__.py +# ================================================================================== +# Copyright (c) 2020 AT&T Intellectual Property. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +# ================================================================================== diff --git a/ad/ad_model/ad_model.py b/ad/ad_model/ad_model.py index cf517b0..eee9b67 100644 --- a/ad/ad_model/ad_model.py +++ b/ad/ad_model/ad_model.py @@ -14,59 +14,60 @@ # limitations under the License. # ================================================================================== +import hdbscan +import pandas as pd +import numpy as np import joblib import random import json - - + class modelling(object): - def __init__(self, data): + def __init__(self,data): """ Separating UEID and timestamp features to be mapped later after prediction """ self.time = data.MeasTimestampRF self.id = data.UEID - self.data = data.drop(['UEID', 'MeasTimestampRF'], axis=1) - + self.data = data.drop(['UEID', 'MeasTimestampRF'], axis = 1) + def predict(self, name): - """ + """ Load the saved model and map the predicted category into Category field. - Map UEID, MeasTimestampRF with the predicted result. + Map UEID, MeasTimestampRF with the predicted result. """ - model = joblib.load('ad/' + name) + model = joblib.load('/tmp/ad/' + name) pred = model.predict(self.data) data = self.data.copy() - le = joblib.load('ad/LabelEncoder') + le = joblib.load('/tmp/ad/LabelEncoder') data['Category'] = le.inverse_transform(pred) data['MeasTimestampRF'] = self.time data['UEID'] = self.id return data - def compare(df): """ If the category of UEID is present in the segment file, it is considered as normal(0) otherwise, the sample is considered as anomaly. - """ - with open("ad/ue_seg.json", "r") as json_data: + """ + with open("/tmp/ad/ue_seg.json", "r") as json_data: segment = json.loads(json_data.read()) anomaly = [] for i in df.index: - if df.loc[i, 'Category'] in segment[str(df.loc[i, 'UEID'])]: + if df.loc[i, 'Category'] in segment[str(df.loc[i,'UEID'])]: anomaly.append(0) else: anomaly.append(1) return anomaly - - + def HDB_PREDICT(df): """ - Extract all the unique UEID + Extract all the unique UEID Call Predict method to get the final data for the randomly selected UEID """ ue_list = df.UEID.unique() # Extract unique UEIDs - ue = random.choice(ue_list) # Randomly selected the ue list + ue = random.choice(ue_list) # Randomly selected the ue list df = df[df['UEID'] == ue] db = modelling(df) - db_df = db.predict('RF') # Calls predict module and store the result into db_df + db_df = db.predict('RF')# Calls predict module and store the result into db_df del db + db_df['Anomaly'] = compare(db_df) return db_df diff --git a/ad/ad_model/processing.py b/ad/ad_model/processing.py index dab328f..300dc71 100644 --- a/ad/ad_model/processing.py +++ b/ad/ad_model/processing.py @@ -1,28 +1,46 @@ +# ================================================================================== +# Copyright (c) 2020 HCL Technologies Limited. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +# ================================================================================== import pandas as pd import numpy as np +from scipy.stats import skew +import json import joblib +from sklearn.decomposition import PCA from sklearn.preprocessing import StandardScaler - class preprocess(object): - - def __init__(self, data): + + def __init__(self,data): """ Columns that are not useful for the prediction will be dropped(UEID, Category, & Timestamp) - """ + """ self.id = data.UEID self.time = data.MeasTimestampRF - self.data = data.drop(['UEID', 'MeasTimestampRF'], axis=1) + self.data = data.drop(['UEID','MeasTimestampRF'], axis = 1) def variation(self): """ drop the constant parameters """ - self.data = self.data.loc[:, self.data.apply(pd.Series.nunique) != 1] - + self.data = self.data.loc[:,self.data.apply(pd.Series.nunique) != 1] + + def numerical_data(self): """ Filters only numeric data types """ numerics = ['int16', 'int32', 'int64', 'float16', 'float32', 'float64'] - self.data = self.data.select_dtypes(include=numerics) - + self.data = self.data.select_dtypes(include=numerics) + def drop_na(self): """ drop observations having nan values """ self.data = self.data.dropna(axis=0) @@ -30,28 +48,32 @@ class preprocess(object): def correlation(self): """ check and drop high correlation parameters """ corr = self.data.corr().abs() - corr = pd.DataFrame(np.tril(corr, k=-1), columns=self.data.columns) + corr = pd.DataFrame(np.tril(corr, k =-1), columns = self.data.columns) drop = [column for column in corr.columns if any(corr[column] > 0.98)] - self.data = self.data.drop(drop, axis=1) - - # check skewness of all parameters and use log transform if half of parameters are enough skewd - # otherwise use standardization + self.data = self.data.drop(drop,axis=1) + + #check skewness of all parameters and use log transform if half of parameters are enough skewd + #otherwise use standardization def transform(self): - """ use log transform for skewed data """ + """ Use standard scalar and save the scale """ scale = StandardScaler() data = scale.fit_transform(self.data) - self.data = pd.DataFrame(data, columns=self.data.columns) - joblib.dump(scale, 'ad/scale') + self.data = pd.DataFrame(data, columns = self.data.columns) + joblib.dump(scale, '/tmp/ad/scale') + def normalize(self): + """ normalize the data """ + upper = self.data.max() + lower = self.data.min() + self.data = (self.data - lower)/(upper-lower) + def process(self): - """ - Calls the modules for the data preprocessing like dropping columns, normalization etc., - """ + """ Calls the modules for the data preprocessing like dropping columns, normalization etc., """ self.numerical_data() self.drop_na() self.variation() # self.correlation() self.transform() - self.data.loc[:, 'UEID'] = self.id - self.data.loc[:, 'MeasTimestampRF'] = self.time + self.data.loc[:,'UEID'] = self.id + self.data.loc[:,'MeasTimestampRF'] = self.time return self.data diff --git a/ad/ad_model/tb_format.py b/ad/ad_model/tb_format.py index 8116616..91f3c08 100644 --- a/ad/ad_model/tb_format.py +++ b/ad/ad_model/tb_format.py @@ -16,14 +16,14 @@ import pandas as pd from ad_model.processing import preprocess -import datetime - -UEKeyList = ['MeasTimestampRF', 'UEPDCPBytesDL', 'UEPDCPBytesUL', 'UEPRBUsageDL', 'UEPRBUsageUL', 'S_RSRP', 'S_RSRQ', 'S_SINR', 'UEID'] +import json, datetime +UEKeyList = ['MeasTimestampRF','UEPDCPBytesDL', 'UEPDCPBytesUL', 'UEPRBUsageDL', 'UEPRBUsageUL','S_RSRP', 'S_RSRQ', 'S_SINR','UEID'] def parse(df): """ This block will be modified when we are going to fetch the data from database via sdl api. + start the preprocessing, processing steps using the keycolumns populates the current timestamp value for MeasTimestampRF """ @@ -32,5 +32,5 @@ def parse(df): db = preprocess(df) df = db.process() del db - df['MeasTimestampRF'] = pd.date_range(start=datetime.datetime.now(), periods=len(df), freq='-10ms') + df['MeasTimestampRF'] = pd.date_range(start = datetime.datetime.now(), periods = len(df), freq = '-10ms') return df diff --git a/ad/ad_train.py b/ad/ad_train.py index d1aa31b..b6aa843 100644 --- a/ad/ad_train.py +++ b/ad/ad_train.py @@ -1,25 +1,45 @@ +# ================================================================================== +# Copyright (c) 2020 HCL Technologies Limited. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +# ================================================================================== +import warnings import json import hdbscan import pandas as pd -import joblib -import os +import numpy as np +import joblib, os from ad_model.processing import preprocess from sklearn.ensemble import RandomForestClassifier +from sklearn.metrics import accuracy_score, confusion_matrix,f1_score from sklearn.preprocessing import LabelEncoder from sklearn.model_selection import train_test_split # Ranges for input features based on excellent, good, average, & poor category -UEKeyList = ['MeasTimestampRF', 'UEPDCPBytesDL', 'UEPDCPBytesUL', 'UEPRBUsageDL', 'UEPRBUsageUL', 'S_RSRP', 'S_RSRQ', 'S_SINR', 'UEID'] +UEKeyList = ['MeasTimestampRF','UEPDCPBytesDL', 'UEPDCPBytesUL', 'UEPRBUsageDL', 'UEPRBUsageUL', 'S_RSRP', 'S_RSRQ', 'S_SINR','UEID'] +#UEKeyList = ['S_RSRP', 'S_RSRQ', 'S_SINR','UEID','MeasTimestampRF'] -sigstr = {'S_RSRP': {'Excellent Signal': [-80, 10000000000000000], 'Good Signal': [-90, -80], 'Average Signal': [-100, -90], 'Poor Signal': [-100000000000000000, -100]}, 'S_RSRQ': {'Excellent Signal': [-10, 10000000000000000], 'Good Signal': [-15, -10], 'Average Signal': [-20, -15], 'Poor Signal': [-100000000000000000, -20]}, 'S_SINR': {'Excellent Signal': [20, 10000000000000000], 'Good Signal': [13, 20], 'Average Signal': [0, 13], 'Poor Signal': [-100000000000000000, 0]}} +sigstr = {'S_RSRP': {'Excellent Signal' : [-80, 10000000000000000], 'Good Signal': [-90,-80], 'Average Signal':[-100,-90], 'Poor Signal':[-100000000000000000,-100]}, 'S_RSRQ' : {'Excellent Signal' : [-10, 10000000000000000], 'Good Signal': [-15,-10], 'Average Signal':[-20,-15], 'Poor Signal':[-100000000000000000,-20]}, 'S_SINR' : {'Excellent Signal' : [20, 10000000000000000], 'Good Signal': [13,20], 'Average Signal':[0,13], 'Poor Signal':[-100000000000000000,0]}} -PRB = {'UEPRBUsageDL': {'Excellent Signal': [25, 10000000000000000], 'Good Signal': [20, 25], 'Average Signal': [10, 20], 'Poor Signal': [-100000000000000000, 10]}, 'UEPRBUsageUL': {'Excellent Signal': [15, 10000000000000000], 'Good Signal': [10, 15], 'Average Signal': [5, 10], 'Poor Signal': [-100000000000000000, 5]}} +PRB = {'UEPRBUsageDL': {'Excellent Signal' : [25, 10000000000000000], 'Good Signal': [20,25], 'Average Signal':[10,20], 'Poor Signal':[-100000000000000000,10]}, 'UEPRBUsageUL' : {'Excellent Signal' : [15, 10000000000000000], 'Good Signal': [10,15], 'Average Signal':[5,10], 'Poor Signal':[-100000000000000000,5]}} -tput = {'UEPDCPBytesDL': {'Excellent Signal': [300000, 10000000000000000], 'Good Signal': [200000, 300000], 'Average Signal': [100000, 200000], 'Poor Signal': [-100000000000000000, 100000]}, 'UEPDCPBytesUL': {'Excellent Signal': [125000, 10000000000000000], 'Good Signal': [100000, 125000], 'Average Signal': [10000, 100000], 'Poor Signal': [-100000000000000000, 10000]}} +tput = {'UEPDCPBytesDL': {'Excellent Signal' : [300000, 10000000000000000], 'Good Signal': [200000,300000], 'Average Signal':[100000,200000], 'Poor Signal':[-100000000000000000,100000]}, 'UEPDCPBytesUL' : {'Excellent Signal' : [125000, 10000000000000000], 'Good Signal': [100000,125000], 'Average Signal':[10000,100000], 'Poor Signal':[-100000000000000000,10000]}} -def category(df, ranges): - # Based on ranges, each sample is return with category(excellent, good, average, & poor category). +def category(df,ranges): + """ + Based on ranges, each sample is return with category(excellent, good, average, & poor category). + """ data = df.copy() for block in ranges: df = data[list(block.keys())].copy() @@ -29,27 +49,26 @@ def category(df, ranges): ind = temp[(temp[key] <= bounds[1]) & (temp[key] > bounds[0])].index df.loc[ind, key] = cat data[df.columns] = df - # Maximum category value is considered as final category value. - category = data[['UEPDCPBytesDL', 'UEPDCPBytesUL', 'UEPRBUsageDL', 'UEPRBUsageUL', 'S_RSRP', 'S_RSRQ', 'S_SINR']].mode(axis=1)[0] + category = data[['UEPDCPBytesDL', 'UEPDCPBytesUL', 'UEPRBUsageDL', 'UEPRBUsageUL', + 'S_RSRP', 'S_RSRQ', 'S_SINR']].mode(axis = 1)[0] return category class modelling(object): - def __init__(self, data): + def __init__(self,data): self.time = data.MeasTimestampRF self.id = data.UEID - self.data = data.drop(['UEID', 'MeasTimestampRF'], axis=1) - + self.data = data.drop(['UEID', 'MeasTimestampRF'], axis = 1) + def dbscan(self): """ Train hdbscan for the input dataframe save the hdbscan model - """ - + """ df = self.data.copy() - hdb = hdbscan.HDBSCAN(min_cluster_size=16000, min_samples=5, prediction_data=True).fit(df) - joblib.dump(hdb, 'ad/hdbscan') - self.data['Category'] = hdb.labels_ # Stores the labels into category field + hdb = hdbscan.HDBSCAN(min_cluster_size=16000, min_samples = 5, prediction_data = True).fit(df) + joblib.dump(hdb, '/tmp/ad/hdbscan') + self.data['Category'] = hdb.labels_ def RandomForest(self, y): """ @@ -59,33 +78,53 @@ class modelling(object): df = self.data.copy() le = LabelEncoder() y = le.fit_transform(y) - joblib.dump(le, 'ad/LabelEncoder') + joblib.dump(le, '/tmp/ad/LabelEncoder') X_train, X_test, y_train, y_test = train_test_split(df, y, test_size=0.20, stratify=y, random_state=42) rf = RandomForestClassifier(max_depth=9, random_state=0) - rf.fit(X_train, y_train) # Fit the RFC model - print("X_train cols:", X_train.columns) - joblib.dump(rf, 'ad/RF') # Save the RF model + rf.fit(X_train, y_train) + + joblib.dump(rf, '/tmp/ad/RF') + print('--------------------------- Training Score------------------------------------') + score(X_test, y_test, rf) + print('--------------------------- Test Score------------------------------------') + test = pd.read_csv('/tmp/ad/ue_test.csv') + test = test[UEKeyList] + y = category(test, [sigstr, PRB, tput]) + y =le.transform(y) + ps = preprocess(test) + ps.process() + test = ps.data.drop(['UEID', 'MeasTimestampRF'], axis = 1) + score(test, y, rf) + +def score(X, y, model): + y_pred = model.predict(X) + print('Accuracy : {}'.format(accuracy_score(y, y_pred))) + + print('confusion matrix : {}'.format(confusion_matrix(y, y_pred))) + print('f1-score : {}'.format(f1_score(y, y_pred, average = 'macro'))) def train(): """ Main function to perform training on input files Read all the csv file in the current path and create trained model - """ + """ print('Training Starts : ') - path = 'ad/ue_data/' + path = '/tmp/ad/ue_data/' df = pd.DataFrame() # Read all the csv files and store the combined data into df for file in os.listdir(path): df = df.append(pd.read_csv(path + file)) + df = df[UEKeyList] df.index = range(len(df)) - y = category(df, [sigstr, PRB, tput]) + y = category(df, [sigstr, PRB, tput]) seg = {} - # Save the category of each UEID and save it as json file + + #Save the category of each UEID and save it as json file for ue in df.UEID.unique(): seg[str(ue)] = list(set(y[df[df['UEID'] == ue].index])) - + with open('ue_seg.json', 'w') as outfile: json.dump(seg, outfile) @@ -94,5 +133,5 @@ def train(): ps.process() df = ps.data db = modelling(df) - # db.dbscan() +# db.dbscan() db.RandomForest(y) diff --git a/ad/main.py b/ad/main.py index 3298b5f..8156af3 100644 --- a/ad/main.py +++ b/ad/main.py @@ -14,69 +14,60 @@ # limitations under the License. # ================================================================================== +import warnings import json import os from ricxappframe.xapp_frame import Xapp import pandas as pd from ad_model.tb_format import parse from ad_model.ad_model import HDB_PREDICT -import schedule +import schedule, time from ad_train import train - def entry(self): """ - If RF model is not present in the path, run train() to train the model for the prediction. - Calls predict function for every 1 second(for now as we are using simulated data). + If RF model is not present in the path, run train() to train the model for the prediction. + Calls predict function for every 1 second(for now as we are using simulated data). """ - if not os.path.isfile('ad/RF'): + if not os.path.isfile('/tmp/ad/RF'): train() schedule.every(1).seconds.do(predict, self) while True: schedule.run_pending() - def predict(self): """ - Read the input csv file that has both normal and anomalous data. - Simulate diff UEIDs that participate in the anomaly by randomly selecting records from this scoring data set - Send the UEID and timestamp for the anomalous entries to the Traffic Steering (rmr with the message type as 30003) - Get the acknowledgement message from the traffic steering. + Read the input csv file that has both normal and anomalous data. + Simulate diff UEIDs that participate in the anomaly by randomly selecting records from this scoring data set + Send the UEID and timestamp for the anomalous entries to the Traffic Steering (rmr with the message type as 30003) + Get the acknowledgement message from the traffic steering. """ - val = predict_anomaly(self) - if len(val) > 2: - msg_to_ts(self, val) - -def predict_anomaly(self): - # The read_csv logic will be modified when we are going to fetch the data from database via sdl api. - # Read the input csv file - ue_data = pd.read_csv('ad/ue_test.csv') + #The read_csv logic will be modified when we are going to fetch the data from database via sdl api. + #Read the input csv file + ue_data = pd.read_csv('/tmp/ad/ue_test.csv') - # Parse the ue data and predict the anomaly records for the randomly selected UEID + #Parse the ue data and predict the anomaly records for the randomly selected UEID data = parse(ue_data) db_df = HDB_PREDICT(data) - db_df = db_df.loc[db_df['Anomaly'] == 1][['UEID', 'MeasTimestampRF']].head(1) - db_df['MeasTimestampRF'] = db_df['MeasTimestampRF'].apply(lambda x: str(x)) # converts into string format + db_df = db_df.loc[db_df['Anomaly'] == 1][['UEID','MeasTimestampRF' ]].head(1) + db_df['MeasTimestampRF'] = db_df['MeasTimestampRF'].apply(lambda x : str(x)) # converts into string format + #print("db_df: ", db_df) # For debug purpose, we can enable this print statement # rmr send 30003(TS_ANOMALY_UPDATE), should trigger registered callback - result = json.loads(db_df.to_json(orient='records')) + result = json.loads(db_df.to_json(orient = 'records')) val = json.dumps(result).encode() - return val - - -def msg_to_ts(self, val): - # send message from ad to ts - print("rmr send value:", val) - self.rmr_send(val, 30003) - # rmr receive to get the acknowledgement message from the traffic steering. - for (summary, sbuf) in self.rmr_get_messages(): - print("TS_ANOMALY_ACK: {}".format(summary)) - self.rmr_free(sbuf) + if len(val) > 2 : + print("val: ", val) + self.rmr_send(val, 30003) + # rmr receive to get the acknowledgement message from the traffic steering. + for (summary, sbuf) in self.rmr_get_messages(): + print("TS_ANOMALY_ACK: {}".format(summary)) + self.rmr_free(sbuf) + +# Initiates xapp api and runs the entry() using xapp.run() +xapp = Xapp(entrypoint=entry, rmr_port=4560, use_fake_sdl=True) +xapp.run() -def start(): - # Initiates xapp api and runs the entry() using xapp.run() - xapp = Xapp(entrypoint=entry, rmr_port=4560, use_fake_sdl=True) - xapp.run() diff --git a/ad/ue_test.csv b/ad/ue_test.csv index 08ea39b..ce0387f 100644 --- a/ad/ue_test.csv +++ b/ad/ue_test.csv @@ -1,1138 +1,5201 @@ -UEPDCPBytesDL,UEPDCPBytesUL,UEPRBUsageDL,UEPRBUsageUL,S_RSRP,S_RSRQ,S_SINR,N1_RSRP,N1_RSRQ,N1_SINR,N2_RSRP,N2_RSRQ,N2_SINR,UEID,ServingCellID,N1,N2,MeasTimestampRF,Category -300000,123000,25,10,-39,-3.0,25,-49,-6.0,20,-64,-9.0,17,12345,555011,555010,555012,2020-10-18 06:30:17.768246,0 -280000,123000,25,10,-47,-3.8,23,-57,-6.8,18,-72,-9.8,15,12345,555011,555010,555012,2020-10-18 06:30:17.778246,0 -280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12345,555011,555010,555012,2020-10-18 06:30:17.788246,0 -280000,121000,25,10,-48,-3.9,23,-58,-6.9,18,-73,-9.9,15,12345,555011,555010,555012,2020-10-18 06:30:17.798246,0 -280000,121000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12345,555011,555010,555012,2020-10-18 06:30:17.808246,0 -300000,123000,25,10,-43,-3.4,25,-53,-6.4,20,-68,-9.4,17,12345,555011,555010,555012,2020-10-18 06:30:17.818246,0 -100000,115000,14,6,-115,-22.3,3,-125,-25.3,3,-140,-28.3,0,12345,555011,555010,555012,2020-10-18 06:30:17.828246,0 -290000,121000,25,10,-89,-13.2,6,-94,-16.2,1,-109,-19.2,-2,12345,555011,555010,555012,2020-10-18 06:30:17.838246,0 -9000,5000,14,6,-130,-25.9,-4,-130,-23.9,-9,-145,-26.9,-12,12345,555011,555010,555012,2020-10-18 06:30:17.848246,1 -280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12345,555011,555010,555012,2020-10-18 06:30:17.858246,0 -7000,6000,9,4,-131,-27.7,-6,-131,-25.7,-11,-146,-28.7,1,12345,555011,555010,555012,2020-10-18 06:30:17.868246,1 -290000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12345,555011,555010,555012,2020-10-18 06:30:17.878246,0 -150000,68722,20,2,-84,-15.7,14,-94,-18.7,9,-109,-21.7,6,12345,555011,555010,555012,2020-10-18 06:30:17.888246,0 -280000,123000,25,10,-47,-3.8,23,-57,-6.8,18,-72,-9.8,15,12346,555011,555010,555012,2020-10-18 06:30:17.898246,0 -290000,123000,25,10,-43,-3.4,24,-53,-6.4,19,-68,-9.4,16,12346,555011,555010,555012,2020-10-18 06:30:17.908246,0 -290000,123000,25,10,-44,-3.5,23,-54,-6.5,18,-69,-9.5,15,12346,555011,555010,555012,2020-10-18 06:30:17.918246,0 -230000,98722,20,10,-85,-13.3,5,-95,-16.3,0,-110,-19.3,-3,12346,555011,555010,555012,2020-10-18 06:30:17.928246,0 -300000,123000,25,10,-42,-3.3,25,-52,-6.3,20,-67,-9.3,17,12346,555011,555010,555012,2020-10-18 06:30:17.938246,0 -280000,122000,25,10,-39,-3.0,24,-49,-6.0,19,-64,-9.0,16,12346,555011,555010,555012,2020-10-18 06:30:17.948246,0 -150000,108722,20,6,-84,-13.5,3,-94,-16.5,-2,-109,-19.5,-5,12346,555011,555010,555012,2020-10-18 06:30:17.958246,0 -5000,2000,10,4,-128,-29.3,-1,-128,-27.3,0,-143,-30.3,-6,12346,555011,555010,555012,2020-10-18 06:30:17.968246,1 -9000,6000,14,6,-125,-25.9,-1,-125,-23.9,-6,-140,-26.9,-9,12346,555011,555010,555012,2020-10-18 06:30:17.978246,1 -280000,122000,25,10,-39,-3.0,25,-49,-6.0,20,-64,-9.0,17,12346,555011,555010,555012,2020-10-18 06:30:17.988246,0 -280000,122000,25,10,-50,-4.1,23,-60,-7.1,18,-75,-10.1,15,12346,555011,555010,555012,2020-10-18 06:30:17.998246,0 -280000,121000,25,10,-53,-4.4,23,-63,-7.4,18,-78,-10.4,15,12346,555011,555010,555012,2020-10-18 06:30:18.008246,0 -300000,125000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12347,555011,555010,555012,2020-10-18 06:30:18.018246,0 -280000,122000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12347,555011,555010,555012,2020-10-18 06:30:18.028246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12347,555011,555010,555012,2020-10-18 06:30:18.038246,0 -3000,2000,9,3,-134,-27.1,-3,-134,-25.1,-8,-149,-28.1,-11,12347,555011,555010,555012,2020-10-18 06:30:18.048246,1 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12347,555011,555010,555012,2020-10-18 06:30:18.058246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12347,555011,555010,555012,2020-10-18 06:30:18.068246,0 -7000,5000,9,4,-121,-29.3,-17,-121,-27.3,-22,-136,-30.3,-25,12347,555011,555010,555012,2020-10-18 06:30:18.078246,1 -280000,123000,25,10,-95,-18.4,4,-95,-16.4,-1,-110,-19.4,-4,12347,555011,555010,555012,2020-10-18 06:30:18.088246,0 -300000,123000,25,10,-52,-8.3,24,-52,-6.3,19,-67,-9.3,16,12347,555011,555010,555012,2020-10-18 06:30:18.098246,0 -290000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12347,555011,555010,555012,2020-10-18 06:30:18.108246,0 -280000,123000,25,10,-85,-13.2,6,-95,-16.2,1,-110,-19.2,-2,12347,555011,555010,555012,2020-10-18 06:30:18.118246,0 -230000,108722,20,10,-95,-18.2,6,-95,-16.2,1,-110,-19.2,-2,12347,555011,555010,555012,2020-10-18 06:30:18.128246,0 -290000,121000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12348,555011,555010,555012,2020-10-18 06:30:18.138246,0 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12348,555011,555010,555012,2020-10-18 06:30:18.148246,0 -5000,20,10,4,-135,-26.9,-3,-135,-24.9,-11,-150,-27.9,0,12348,555011,555010,555012,2020-10-18 06:30:18.158246,1 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12348,555011,555010,555012,2020-10-18 06:30:18.168246,0 -300000,123000,25,10,-51,-8.2,24,-51,-6.2,19,-66,-9.2,16,12348,555011,555010,555012,2020-10-18 06:30:18.178246,0 -110000,108722,20,8,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12348,555011,555010,555012,2020-10-18 06:30:18.188246,0 -300000,125000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12348,555011,555010,555012,2020-10-18 06:30:18.198246,0 -3000,2,10,3,-135,-27.1,-6,-135,-25.1,-11,-150,-28.1,-14,12348,555011,555010,555012,2020-10-18 06:30:18.208246,1 -270000,121000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12348,555011,555010,555012,2020-10-18 06:30:18.218246,0 -280000,122000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12348,555011,555010,555012,2020-10-18 06:30:18.228246,0 -300000,123000,25,10,-53,-8.4,24,-53,-6.4,19,-68,-9.4,16,12348,555011,555010,555012,2020-10-18 06:30:18.238246,0 -150000,108722,20,6,-94,-18.1,7,-94,-16.1,2,-109,-19.1,-1,12348,555011,555010,555012,2020-10-18 06:30:18.248246,0 -280000,123000,25,10,-94,-18.5,3,-94,-16.5,-2,-109,-19.5,-5,12349,555011,555010,555012,2020-10-18 06:30:18.258246,0 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12349,555011,555010,555012,2020-10-18 06:30:18.268246,0 -290000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12349,555011,555010,555012,2020-10-18 06:30:18.278246,0 -150000,108722,20,5,-95,-18.4,4,-95,-16.4,-1,-110,-19.4,-4,12349,555011,555010,555012,2020-10-18 06:30:18.288246,0 -300000,123000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12349,555011,555010,555012,2020-10-18 06:30:18.298246,0 -290000,123000,25,10,-94,-18.4,4,-94,-16.4,-1,-109,-19.4,-4,12349,555011,555010,555012,2020-10-18 06:30:18.308246,0 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12349,555011,555010,555012,2020-10-18 06:30:18.318246,0 -8000,5000,10,4,-129,-28.5,-19,-129,-26.5,-24,-144,-29.5,-27,12349,555011,555010,555012,2020-10-18 06:30:18.328246,1 -280000,121000,25,10,-96,-18.5,3,-96,-16.5,-2,-111,-19.5,-5,12349,555011,555010,555012,2020-10-18 06:30:18.338246,0 -280000,122000,25,10,-50,-8.1,24,-50,-6.1,19,-65,-9.1,16,12349,555011,555010,555012,2020-10-18 06:30:18.348246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12349,555011,555010,555012,2020-10-18 06:30:18.358246,0 -100,2,9,4,-132,-27.5,-6,-132,-25.5,-5,-147,-28.5,1,12349,555011,555010,555012,2020-10-18 06:30:18.368246,1 -280000,122000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12350,555011,555010,555012,2020-10-18 06:30:18.378246,0 -200000,108722,20,6,-96,-18.3,5,-96,-16.3,0,-111,-19.3,-3,12350,555011,555010,555012,2020-10-18 06:30:18.388246,0 -110000,68722,20,3,-94,-20.7,15,-94,-18.7,10,-109,-21.7,7,12350,555011,555010,555012,2020-10-18 06:30:18.398246,0 -300000,125000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12350,555011,555010,555012,2020-10-18 06:30:18.408246,0 -9000,6000,14,6,-123,-27.7,-7,-123,-25.7,-12,-138,-28.7,-15,12350,555011,555010,555012,2020-10-18 06:30:18.418246,1 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12350,555011,555010,555012,2020-10-18 06:30:18.428246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12350,555011,555010,555012,2020-10-18 06:30:18.438246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12350,555011,555010,555012,2020-10-18 06:30:18.448246,0 -9000,6722,14,6,-125,-27.9,-12,-125,-25.9,-17,-140,-28.9,-20,12350,555011,555010,555012,2020-10-18 06:30:18.458246,1 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12350,555011,555010,555012,2020-10-18 06:30:18.468246,0 -280000,122000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12350,555011,555010,555012,2020-10-18 06:30:18.478246,0 -110000,108722,20,4,-95,-18.3,5,-95,-16.3,0,-110,-19.3,-3,12350,555011,555010,555012,2020-10-18 06:30:18.488246,0 -4000,2000,10,4,-132,-27.7,-2,-132,-25.7,-7,-147,-28.7,-10,12351,555011,555010,555012,2020-10-18 06:30:18.498246,1 -150000,88722,20,4,-94,-20.7,14,-94,-18.7,9,-109,-21.7,6,12351,555011,555010,555012,2020-10-18 06:30:18.508246,0 -270000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12351,555011,555010,555012,2020-10-18 06:30:18.518246,0 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12351,555011,555010,555012,2020-10-18 06:30:18.528246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12351,555011,555010,555012,2020-10-18 06:30:18.538246,0 -200000,98722,20,6,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12351,555011,555010,555012,2020-10-18 06:30:18.548246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12351,555011,555010,555012,2020-10-18 06:30:18.558246,0 -9000,5000,14,6,-125,-26.1,-2,-125,-24.1,-7,-140,-27.1,-10,12351,555011,555010,555012,2020-10-18 06:30:18.568246,1 -280000,122000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12351,555011,555010,555012,2020-10-18 06:30:18.578246,0 -290000,123000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12351,555011,555010,555012,2020-10-18 06:30:18.588246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12351,555011,555010,555012,2020-10-18 06:30:18.598246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12351,555011,555010,555012,2020-10-18 06:30:18.608246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12352,555011,555010,555012,2020-10-18 06:30:18.618246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12352,555011,555010,555012,2020-10-18 06:30:18.628246,0 -1000,500,10,4,-135,-27.1,-4,-135,-25.1,-8,-150,-28.1,0,12352,555011,555010,555012,2020-10-18 06:30:18.638246,1 -300000,123000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12352,555011,555010,555012,2020-10-18 06:30:18.648246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12352,555011,555010,555012,2020-10-18 06:30:18.658246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12352,555011,555010,555012,2020-10-18 06:30:18.668246,0 -280000,122000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12352,555011,555010,555012,2020-10-18 06:30:18.678246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12352,555011,555010,555012,2020-10-18 06:30:18.688246,0 -5000,1000,9,4,-135,-27.5,-5,-135,-25.5,-5,-150,-28.5,0,12352,555011,555010,555012,2020-10-18 06:30:18.698246,1 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12352,555011,555010,555012,2020-10-18 06:30:18.708246,0 -270000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12352,555011,555010,555012,2020-10-18 06:30:18.718246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12352,555011,555010,555012,2020-10-18 06:30:18.728246,0 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12353,555011,555010,555012,2020-10-18 06:30:18.738246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12353,555011,555010,555012,2020-10-18 06:30:18.748246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12353,555011,555010,555012,2020-10-18 06:30:18.758246,0 -5000,1000,10,3,-120,-28.9,-20,-120,-26.9,-25,-135,-29.9,-28,12353,555011,555010,555012,2020-10-18 06:30:18.768246,1 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12353,555011,555010,555012,2020-10-18 06:30:18.778246,0 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12353,555011,555010,555012,2020-10-18 06:30:18.788246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12353,555011,555010,555012,2020-10-18 06:30:18.798246,0 -280000,122000,25,10,-94,-18.2,6,-94,-16.2,1,-109,-19.2,-2,12353,555011,555010,555012,2020-10-18 06:30:18.808246,0 -150000,88722,20,8,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12353,555011,555010,555012,2020-10-18 06:30:18.818246,0 -1000,500,9,3,-135,-27.1,-6,-135,-25.1,-11,-150,-28.1,-14,12353,555011,555010,555012,2020-10-18 06:30:18.828246,1 -100000,108722,20,2,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12353,555011,555010,555012,2020-10-18 06:30:18.838246,0 -110000,88722,20,4,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12353,555011,555010,555012,2020-10-18 06:30:18.848246,0 -1000,4800,18,7,-116,-26.3,-5,-116,-24.3,-12,-131,-27.3,-15,12354,555011,555010,555012,2020-10-18 06:30:18.858246,1 -300000,125000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12354,555011,555010,555012,2020-10-18 06:30:18.868246,0 -280000,122000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12354,555011,555010,555012,2020-10-18 06:30:18.878246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12354,555011,555010,555012,2020-10-18 06:30:18.888246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12354,555011,555010,555012,2020-10-18 06:30:18.898246,0 -100,6000,15,6,-121,-27.5,-4,-121,-25.5,-9,-136,-28.5,-11,12354,555011,555010,555012,2020-10-18 06:30:18.908246,1 -290000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12354,555011,555010,555012,2020-10-18 06:30:18.918246,0 -270000,121000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12354,555011,555010,555012,2020-10-18 06:30:18.928246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12354,555011,555010,555012,2020-10-18 06:30:18.938246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12354,555011,555010,555012,2020-10-18 06:30:18.948246,0 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12354,555011,555010,555012,2020-10-18 06:30:18.958246,0 -290000,123000,25,10,-95,-18.1,7,-95,-16.1,2,-110,-19.1,-1,12354,555011,555010,555012,2020-10-18 06:30:18.968246,0 -300000,125000,25,10,-51,-8.2,24,-51,-6.2,19,-66,-9.2,16,12355,555011,555010,555012,2020-10-18 06:30:18.978246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12355,555011,555010,555012,2020-10-18 06:30:18.988246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12355,555011,555010,555012,2020-10-18 06:30:18.998246,0 -280000,123000,25,10,-94,-18.1,7,-94,-16.1,2,-109,-19.1,-1,12355,555011,555010,555012,2020-10-18 06:30:19.008246,0 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12355,555011,555010,555012,2020-10-18 06:30:19.018246,0 -1000,500,10,4,-130,-29.3,-12,-130,-27.3,-17,-145,-30.3,-20,12355,555011,555010,555012,2020-10-18 06:30:19.028246,1 -110000,98722,20,6,-96,-18.1,7,-96,-16.1,2,-111,-19.1,-1,12355,555011,555010,555012,2020-10-18 06:30:19.038246,0 -200000,98722,20,7,-96,-18.4,4,-96,-16.4,-1,-111,-19.4,-4,12355,555011,555010,555012,2020-10-18 06:30:19.048246,0 -110000,78722,20,3,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12355,555011,555010,555012,2020-10-18 06:30:19.058246,0 -8000,5000,10,3,-122,-26.3,-9,-122,-24.3,-14,-137,-27.3,-17,12355,555011,555010,555012,2020-10-18 06:30:19.068246,1 -100000,78722,20,2,-94,-20.7,14,-94,-18.7,9,-109,-21.7,6,12355,555011,555010,555012,2020-10-18 06:30:19.078246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12355,555011,555010,555012,2020-10-18 06:30:19.088246,0 -290000,123000,25,10,-95,-18.1,7,-95,-16.1,2,-110,-19.1,-1,12356,555011,555010,555012,2020-10-18 06:30:19.098246,0 -4000,1000,9,4,-135,-27.5,-6,-135,-25.5,-6,-150,-28.5,1,12356,555011,555010,555012,2020-10-18 06:30:19.108246,1 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12356,555011,555010,555012,2020-10-18 06:30:19.118246,0 -110000,108722,20,7,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12356,555011,555010,555012,2020-10-18 06:30:19.128246,0 -280000,121000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12356,555011,555010,555012,2020-10-18 06:30:19.138246,0 -280000,122000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12356,555011,555010,555012,2020-10-18 06:30:19.148246,0 -150000,98722,20,4,-95,-20.9,15,-95,-18.9,10,-110,-21.9,7,12356,555011,555010,555012,2020-10-18 06:30:19.158246,0 -110000,108722,20,5,-94,-18.4,4,-94,-16.4,-1,-109,-19.4,-4,12356,555011,555010,555012,2020-10-18 06:30:19.168246,0 -1000,20,9,4,-129,-29.1,-12,-129,-27.1,-17,-144,-30.1,-20,12356,555011,555010,555012,2020-10-18 06:30:19.178246,1 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12356,555011,555010,555012,2020-10-18 06:30:19.188246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12356,555011,555010,555012,2020-10-18 06:30:19.198246,0 -270000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12356,555011,555010,555012,2020-10-18 06:30:19.208246,0 -280000,121000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12357,555011,555010,555012,2020-10-18 06:30:19.218246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12357,555011,555010,555012,2020-10-18 06:30:19.228246,0 -200000,108722,20,7,-96,-18.3,5,-96,-16.3,0,-111,-19.3,-3,12357,555011,555010,555012,2020-10-18 06:30:19.238246,0 -4000,2000,9,3,-126,-28.7,-14,-126,-26.7,-19,-141,-29.7,-22,12357,555011,555010,555012,2020-10-18 06:30:19.248246,1 -150000,108722,20,4,-96,-18.4,4,-96,-16.4,-1,-111,-19.4,-4,12357,555011,555010,555012,2020-10-18 06:30:19.258246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12357,555011,555010,555012,2020-10-18 06:30:19.268246,0 -1000,500,10,3,-135,-27.5,-4,-135,-25.5,-12,-150,-28.5,0,12357,555011,555010,555012,2020-10-18 06:30:19.278246,1 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12357,555011,555010,555012,2020-10-18 06:30:19.288246,0 -290000,121000,25,10,-96,-18.2,6,-96,-16.2,1,-111,-19.2,-2,12357,555011,555010,555012,2020-10-18 06:30:19.298246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12357,555011,555010,555012,2020-10-18 06:30:19.308246,0 -280000,121000,25,10,-94,-18.4,4,-94,-16.4,-1,-109,-19.4,-4,12357,555011,555010,555012,2020-10-18 06:30:19.318246,0 -10000,5000,16,6,-122,-26.1,3,-122,-24.1,-1,-137,-27.1,-5,12357,555011,555010,555012,2020-10-18 06:30:19.328246,0 -270000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12358,555011,555010,555012,2020-10-18 06:30:19.338246,0 -150000,88722,20,5,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12358,555011,555010,555012,2020-10-18 06:30:19.348246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12358,555011,555010,555012,2020-10-18 06:30:19.358246,0 -280000,121000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12358,555011,555010,555012,2020-10-18 06:30:19.368246,0 -9000,6722,14,6,-127,-27.7,-11,-127,-25.7,-16,-142,-28.7,-19,12358,555011,555010,555012,2020-10-18 06:30:19.378246,1 -110000,108722,20,4,-94,-20.7,14,-94,-18.7,9,-109,-21.7,6,12358,555011,555010,555012,2020-10-18 06:30:19.388246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12358,555011,555010,555012,2020-10-18 06:30:19.398246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12358,555011,555010,555012,2020-10-18 06:30:19.408246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12358,555011,555010,555012,2020-10-18 06:30:19.418246,0 -150000,108722,20,3,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12358,555011,555010,555012,2020-10-18 06:30:19.428246,0 -280000,123000,25,10,-94,-18.2,6,-94,-16.2,1,-109,-19.2,-2,12358,555011,555010,555012,2020-10-18 06:30:19.438246,0 -3000,2000,9,3,-129,-26.5,-10,-129,-24.5,-15,-144,-27.5,-18,12358,555011,555010,555012,2020-10-18 06:30:19.448246,1 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12359,555011,555010,555012,2020-10-18 06:30:19.458246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12359,555011,555010,555012,2020-10-18 06:30:19.468246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12359,555011,555010,555012,2020-10-18 06:30:19.478246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12359,555011,555010,555012,2020-10-18 06:30:19.488246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12359,555011,555010,555012,2020-10-18 06:30:19.498246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12359,555011,555010,555012,2020-10-18 06:30:19.508246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12359,555011,555010,555012,2020-10-18 06:30:19.518246,0 -10,1000,9,3,-128,-28.3,-16,-128,-26.3,-21,-143,-29.3,-24,12359,555011,555010,555012,2020-10-18 06:30:19.528246,1 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12359,555011,555010,555012,2020-10-18 06:30:19.538246,0 -110000,108722,20,4,-94,-20.7,14,-94,-18.7,9,-109,-21.7,6,12359,555011,555010,555012,2020-10-18 06:30:19.548246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12359,555011,555010,555012,2020-10-18 06:30:19.558246,0 -8000,6722,10,4,-128,-28.3,-16,-128,-26.3,-21,-143,-29.3,-24,12359,555011,555010,555012,2020-10-18 06:30:19.568246,1 -280000,122000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12360,555011,555010,555012,2020-10-18 06:30:19.578246,0 -290000,121000,25,10,-95,-18.5,3,-95,-16.5,-2,-110,-19.5,-5,12360,555011,555010,555012,2020-10-18 06:30:19.588246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12360,555011,555010,555012,2020-10-18 06:30:19.598246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12360,555011,555010,555012,2020-10-18 06:30:19.608246,0 -4000,2,9,3,-128,-28.7,-15,-128,-26.7,-20,-143,-29.7,-23,12360,555011,555010,555012,2020-10-18 06:30:19.618246,1 -230000,108722,20,10,-94,-18.5,3,-94,-16.5,-2,-109,-19.5,-5,12360,555011,555010,555012,2020-10-18 06:30:19.628246,0 -9000,5000,14,6,-125,-27.7,-8,-125,-25.7,-13,-140,-28.7,-16,12360,555011,555010,555012,2020-10-18 06:30:19.638246,1 -280000,121000,25,10,-95,-18.2,6,-95,-16.2,1,-110,-19.2,-2,12360,555011,555010,555012,2020-10-18 06:30:19.648246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12360,555011,555010,555012,2020-10-18 06:30:19.658246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12360,555011,555010,555012,2020-10-18 06:30:19.668246,0 -280000,122000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12360,555011,555010,555012,2020-10-18 06:30:19.678246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12360,555011,555010,555012,2020-10-18 06:30:19.688246,0 -280000,122000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12361,555011,555010,555012,2020-10-18 06:30:19.698246,0 -290000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12361,555011,555010,555012,2020-10-18 06:30:19.708246,0 -7000,4000,10,4,-125,-28.3,-20,-125,-26.3,-25,-140,-29.3,-28,12361,555011,555010,555012,2020-10-18 06:30:19.718246,1 -1000,4800,18,7,-118,-25.7,-6,-118,-23.7,-9,-133,-26.7,-11,12361,555011,555010,555012,2020-10-18 06:30:19.728246,1 -270000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12361,555011,555010,555012,2020-10-18 06:30:19.738246,0 -100000,108722,20,4,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12361,555011,555010,555012,2020-10-18 06:30:19.748246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12361,555011,555010,555012,2020-10-18 06:30:19.758246,0 -300000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12361,555011,555010,555012,2020-10-18 06:30:19.768246,0 -270000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12361,555011,555010,555012,2020-10-18 06:30:19.778246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12361,555011,555010,555012,2020-10-18 06:30:19.788246,0 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12361,555011,555010,555012,2020-10-18 06:30:19.798246,0 -280000,122000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12361,555011,555010,555012,2020-10-18 06:30:19.808246,0 -150000,78722,20,5,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12362,555011,555010,555012,2020-10-18 06:30:19.818246,0 -270000,121000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12362,555011,555010,555012,2020-10-18 06:30:19.828246,0 -300000,123000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12362,555011,555010,555012,2020-10-18 06:30:19.838246,0 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12362,555011,555010,555012,2020-10-18 06:30:19.848246,0 -8000,5000,10,4,-126,-29.5,-13,-126,-27.5,-18,-141,-30.5,-21,12362,555011,555010,555012,2020-10-18 06:30:19.858246,1 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12362,555011,555010,555012,2020-10-18 06:30:19.868246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12362,555011,555010,555012,2020-10-18 06:30:19.878246,0 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12362,555011,555010,555012,2020-10-18 06:30:19.888246,0 -9000,6722,14,6,-128,-26.1,-4,-128,-24.1,-9,-143,-27.1,-12,12362,555011,555010,555012,2020-10-18 06:30:19.898246,1 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12362,555011,555010,555012,2020-10-18 06:30:19.908246,0 -110000,108722,20,4,-94,-20.7,15,-94,-18.7,10,-109,-21.7,7,12362,555011,555010,555012,2020-10-18 06:30:19.918246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12362,555011,555010,555012,2020-10-18 06:30:19.928246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12363,555011,555010,555012,2020-10-18 06:30:19.938246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12363,555011,555010,555012,2020-10-18 06:30:19.948246,0 -9000,6000,14,6,-122,-27.7,-8,-122,-25.7,-13,-137,-28.7,-16,12363,555011,555010,555012,2020-10-18 06:30:19.958246,1 -290000,121000,25,10,-95,-18.1,7,-95,-16.1,2,-110,-19.1,-1,12363,555011,555010,555012,2020-10-18 06:30:19.968246,0 -280000,121000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12363,555011,555010,555012,2020-10-18 06:30:19.978246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12363,555011,555010,555012,2020-10-18 06:30:19.988246,0 -300000,125000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12363,555011,555010,555012,2020-10-18 06:30:19.998246,0 -270000,121000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12363,555011,555010,555012,2020-10-18 06:30:20.008246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12363,555011,555010,555012,2020-10-18 06:30:20.018246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12363,555011,555010,555012,2020-10-18 06:30:20.028246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12363,555011,555010,555012,2020-10-18 06:30:20.038246,0 -1000,6800,18,7,-118,-25.9,-4,-118,-23.9,-4,-133,-26.9,-11,12363,555011,555010,555012,2020-10-18 06:30:20.048246,1 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12364,555011,555010,555012,2020-10-18 06:30:20.058246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12364,555011,555010,555012,2020-10-18 06:30:20.068246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12364,555011,555010,555012,2020-10-18 06:30:20.078246,0 -280000,122000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12364,555011,555010,555012,2020-10-18 06:30:20.088246,0 -280000,122000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12364,555011,555010,555012,2020-10-18 06:30:20.098246,0 -4000,200,10,3,-135,-26.9,-5,-135,-24.9,-9,-150,-27.9,1,12364,555011,555010,555012,2020-10-18 06:30:20.108246,1 -5000,2000,10,4,-120,-28.3,-17,-120,-26.3,-22,-135,-29.3,-25,12364,555011,555010,555012,2020-10-18 06:30:20.118246,1 -110000,98722,20,5,-95,-20.9,15,-95,-18.9,10,-110,-21.9,7,12364,555011,555010,555012,2020-10-18 06:30:20.128246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12364,555011,555010,555012,2020-10-18 06:30:20.138246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12364,555011,555010,555012,2020-10-18 06:30:20.148246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12364,555011,555010,555012,2020-10-18 06:30:20.158246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12364,555011,555010,555012,2020-10-18 06:30:20.168246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12365,555011,555010,555012,2020-10-18 06:30:20.178246,0 -270000,122000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12365,555011,555010,555012,2020-10-18 06:30:20.188246,0 -200000,98722,20,4,-95,-20.9,15,-95,-18.9,10,-110,-21.9,7,12365,555011,555010,555012,2020-10-18 06:30:20.198246,0 -300000,125000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12365,555011,555010,555012,2020-10-18 06:30:20.208246,0 -300000,125000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12365,555011,555010,555012,2020-10-18 06:30:20.218246,0 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12365,555011,555010,555012,2020-10-18 06:30:20.228246,0 -3000,200,9,3,-134,-27.5,-3,-134,-25.5,-5,-149,-28.5,0,12365,555011,555010,555012,2020-10-18 06:30:20.238246,1 -290000,123000,25,10,-94,-18.2,6,-94,-16.2,1,-109,-19.2,-2,12365,555011,555010,555012,2020-10-18 06:30:20.248246,0 -200000,68722,20,6,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12365,555011,555010,555012,2020-10-18 06:30:20.258246,0 -100,6722,14,6,-127,-26.9,-1,-127,-24.9,-4,-142,-27.9,0,12365,555011,555010,555012,2020-10-18 06:30:20.268246,1 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12365,555011,555010,555012,2020-10-18 06:30:20.278246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12365,555011,555010,555012,2020-10-18 06:30:20.288246,0 -280000,121000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12366,555011,555010,555012,2020-10-18 06:30:20.298246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12366,555011,555010,555012,2020-10-18 06:30:20.308246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12366,555011,555010,555012,2020-10-18 06:30:20.318246,0 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12366,555011,555010,555012,2020-10-18 06:30:20.328246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12366,555011,555010,555012,2020-10-18 06:30:20.338246,0 -5000,500,10,4,-121,-28.3,-12,-121,-26.3,-17,-136,-29.3,-20,12366,555011,555010,555012,2020-10-18 06:30:20.348246,1 -150000,108722,20,6,-95,-18.4,4,-95,-16.4,-1,-110,-19.4,-4,12366,555011,555010,555012,2020-10-18 06:30:20.358246,0 -280000,121000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12366,555011,555010,555012,2020-10-18 06:30:20.368246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12366,555011,555010,555012,2020-10-18 06:30:20.378246,0 -270000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12366,555011,555010,555012,2020-10-18 06:30:20.388246,0 -8000,5000,14,6,-130,-28.5,-13,-130,-26.5,-18,-145,-29.5,-21,12366,555011,555010,555012,2020-10-18 06:30:20.398246,1 -200000,108722,20,8,-95,-20.9,15,-95,-18.9,10,-110,-21.9,7,12366,555011,555010,555012,2020-10-18 06:30:20.408246,0 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12367,555011,555010,555012,2020-10-18 06:30:20.418246,0 -290000,121000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12367,555011,555010,555012,2020-10-18 06:30:20.428246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12367,555011,555010,555012,2020-10-18 06:30:20.438246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12367,555011,555010,555012,2020-10-18 06:30:20.448246,0 -300000,123000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12367,555011,555010,555012,2020-10-18 06:30:20.458246,0 -5000,1000,10,3,-121,-28.3,-21,-121,-26.3,-26,-136,-29.3,-29,12367,555011,555010,555012,2020-10-18 06:30:20.468246,1 -110000,108722,20,2,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12367,555011,555010,555012,2020-10-18 06:30:20.478246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12367,555011,555010,555012,2020-10-18 06:30:20.488246,0 -230000,108722,20,5,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12367,555011,555010,555012,2020-10-18 06:30:20.498246,0 -8000,5000,14,6,-128,-29.3,-17,-128,-27.3,-22,-143,-30.3,-25,12367,555011,555010,555012,2020-10-18 06:30:20.508246,1 -280000,121000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12367,555011,555010,555012,2020-10-18 06:30:20.518246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12367,555011,555010,555012,2020-10-18 06:30:20.528246,0 -4000,1000,9,3,-133,-27.3,-5,-133,-25.3,-10,-148,-28.3,-13,12368,555011,555010,555012,2020-10-18 06:30:20.538246,1 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12368,555011,555010,555012,2020-10-18 06:30:20.548246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12368,555011,555010,555012,2020-10-18 06:30:20.558246,0 -110000,98722,20,8,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12368,555011,555010,555012,2020-10-18 06:30:20.568246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12368,555011,555010,555012,2020-10-18 06:30:20.578246,0 -110000,98722,20,6,-94,-18.5,3,-94,-16.5,-2,-109,-19.5,-5,12368,555011,555010,555012,2020-10-18 06:30:20.588246,0 -200000,78722,20,3,-94,-20.7,14,-94,-18.7,9,-109,-21.7,6,12368,555011,555010,555012,2020-10-18 06:30:20.598246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12368,555011,555010,555012,2020-10-18 06:30:20.608246,0 -4000,1000,10,4,-129,-28.1,-19,-129,-26.1,-24,-144,-29.1,-27,12368,555011,555010,555012,2020-10-18 06:30:20.618246,1 -300000,125000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12368,555011,555010,555012,2020-10-18 06:30:20.628246,0 -110000,88722,20,7,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12368,555011,555010,555012,2020-10-18 06:30:20.638246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12368,555011,555010,555012,2020-10-18 06:30:20.648246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12369,555011,555010,555012,2020-10-18 06:30:20.658246,0 -1000,6800,18,7,-119,-25.7,-3,-119,-23.7,-10,-134,-26.7,-15,12369,555011,555010,555012,2020-10-18 06:30:20.668246,1 -280000,122000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12369,555011,555010,555012,2020-10-18 06:30:20.678246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12369,555011,555010,555012,2020-10-18 06:30:20.688246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12369,555011,555010,555012,2020-10-18 06:30:20.698246,0 -280000,122000,25,10,-50,-8.1,24,-50,-6.1,19,-65,-9.1,16,12369,555011,555010,555012,2020-10-18 06:30:20.708246,0 -290000,123000,25,10,-51,-8.2,24,-51,-6.2,19,-66,-9.2,16,12369,555011,555010,555012,2020-10-18 06:30:20.718246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12369,555011,555010,555012,2020-10-18 06:30:20.728246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12369,555011,555010,555012,2020-10-18 06:30:20.738246,0 -3000,200,9,4,-132,-27.5,-4,-132,-25.5,-5,-147,-28.5,1,12369,555011,555010,555012,2020-10-18 06:30:20.748246,1 -270000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12369,555011,555010,555012,2020-10-18 06:30:20.758246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12369,555011,555010,555012,2020-10-18 06:30:20.768246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12370,555011,555010,555012,2020-10-18 06:30:20.778246,0 -300000,125000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12370,555011,555010,555012,2020-10-18 06:30:20.788246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12370,555011,555010,555012,2020-10-18 06:30:20.798246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12370,555011,555010,555012,2020-10-18 06:30:20.808246,0 -280000,122000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12370,555011,555010,555012,2020-10-18 06:30:20.818246,0 -9000,5000,14,6,-123,-27.9,-15,-123,-25.9,-20,-138,-28.9,-23,12370,555011,555010,555012,2020-10-18 06:30:20.828246,1 -280000,121000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12370,555011,555010,555012,2020-10-18 06:30:20.838246,0 -280000,121000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12370,555011,555010,555012,2020-10-18 06:30:20.848246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12370,555011,555010,555012,2020-10-18 06:30:20.858246,0 -150000,108722,20,5,-94,-18.1,7,-94,-16.1,2,-109,-19.1,-1,12370,555011,555010,555012,2020-10-18 06:30:20.868246,0 -8000,6000,14,6,-123,-29.7,-13,-123,-27.7,-18,-138,-30.7,-21,12370,555011,555010,555012,2020-10-18 06:30:20.878246,1 -8000,6000,14,6,-121,-29.5,3,-121,-27.5,-3,-136,-30.5,-9,12370,555011,555010,555012,2020-10-18 06:30:20.888246,0 -110000,108722,20,6,-96,-18.2,6,-96,-16.2,1,-111,-19.2,-2,12371,555011,555010,555012,2020-10-18 06:30:20.898246,0 -200000,108722,20,6,-94,-18.2,6,-94,-16.2,1,-109,-19.2,-2,12371,555011,555010,555012,2020-10-18 06:30:20.908246,0 -280000,122000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12371,555011,555010,555012,2020-10-18 06:30:20.918246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12371,555011,555010,555012,2020-10-18 06:30:20.928246,0 -270000,122000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12371,555011,555010,555012,2020-10-18 06:30:20.938246,0 -290000,122000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12371,555011,555010,555012,2020-10-18 06:30:20.948246,0 -270000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12371,555011,555010,555012,2020-10-18 06:30:20.958246,0 -9000,6000,14,6,-121,-25.9,-7,-121,-23.9,-12,-136,-26.9,-15,12371,555011,555010,555012,2020-10-18 06:30:20.968246,1 -280000,123000,25,10,-95,-18.5,3,-95,-16.5,-2,-110,-19.5,-5,12371,555011,555010,555012,2020-10-18 06:30:20.978246,0 -280000,122000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12371,555011,555010,555012,2020-10-18 06:30:20.988246,0 -4000,500,9,3,-133,-27.1,-2,-133,-25.1,-7,-148,-28.1,-10,12371,555011,555010,555012,2020-10-18 06:30:20.998246,1 -270000,122000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12371,555011,555010,555012,2020-10-18 06:30:21.008246,0 -110000,108722,20,3,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12372,555011,555010,555012,2020-10-18 06:30:21.018246,0 -200000,78722,20,3,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12372,555011,555010,555012,2020-10-18 06:30:21.028246,0 -300000,123000,25,10,-53,-8.4,24,-53,-6.4,19,-68,-9.4,16,12372,555011,555010,555012,2020-10-18 06:30:21.038246,0 -280000,121000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12372,555011,555010,555012,2020-10-18 06:30:21.048246,0 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12372,555011,555010,555012,2020-10-18 06:30:21.058246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12372,555011,555010,555012,2020-10-18 06:30:21.068246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12372,555011,555010,555012,2020-10-18 06:30:21.078246,0 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12372,555011,555010,555012,2020-10-18 06:30:21.088246,0 -100,6722,14,6,-127,-27.5,-1,-127,-25.5,-5,-142,-28.5,0,12372,555011,555010,555012,2020-10-18 06:30:21.098246,1 -9000,6000,14,6,-129,-25.9,-6,-129,-23.9,-11,-144,-26.9,-14,12372,555011,555010,555012,2020-10-18 06:30:21.108246,1 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12372,555011,555010,555012,2020-10-18 06:30:21.118246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12372,555011,555010,555012,2020-10-18 06:30:21.128246,0 -300000,123000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12373,555011,555010,555012,2020-10-18 06:30:21.138246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12373,555011,555010,555012,2020-10-18 06:30:21.148246,0 -300000,125000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12373,555011,555010,555012,2020-10-18 06:30:21.158246,0 -4000,500,10,4,-130,-26.7,-8,-130,-24.7,-13,-145,-27.7,-16,12373,555011,555010,555012,2020-10-18 06:30:21.168246,1 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12373,555011,555010,555012,2020-10-18 06:30:21.178246,0 -280000,122000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12373,555011,555010,555012,2020-10-18 06:30:21.188246,0 -280000,121000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12373,555011,555010,555012,2020-10-18 06:30:21.198246,0 -100000,78722,20,3,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12373,555011,555010,555012,2020-10-18 06:30:21.208246,0 -8000,6000,10,4,-123,-29.1,-1,-123,-27.1,-5,-138,-30.1,-7,12373,555011,555010,555012,2020-10-18 06:30:21.218246,1 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12373,555011,555010,555012,2020-10-18 06:30:21.228246,0 -300000,123000,25,10,-52,-8.3,24,-52,-6.3,19,-67,-9.3,16,12373,555011,555010,555012,2020-10-18 06:30:21.238246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12373,555011,555010,555012,2020-10-18 06:30:21.248246,0 -150000,108722,20,5,-96,-18.5,3,-96,-16.5,-2,-111,-19.5,-5,12374,555011,555010,555012,2020-10-18 06:30:21.258246,0 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12374,555011,555010,555012,2020-10-18 06:30:21.268246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12374,555011,555010,555012,2020-10-18 06:30:21.278246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12374,555011,555010,555012,2020-10-18 06:30:21.288246,0 -230000,108722,20,10,-94,-18.3,5,-94,-16.3,0,-109,-19.3,-3,12374,555011,555010,555012,2020-10-18 06:30:21.298246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12374,555011,555010,555012,2020-10-18 06:30:21.308246,0 -280000,121000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12374,555011,555010,555012,2020-10-18 06:30:21.318246,0 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12374,555011,555010,555012,2020-10-18 06:30:21.328246,0 -8000,6000,10,4,-128,-26.7,-5,-128,-24.7,-10,-143,-27.7,-13,12374,555011,555010,555012,2020-10-18 06:30:21.338246,1 -8000,6000,14,6,-121,-28.9,-15,-121,-26.9,-20,-136,-29.9,-23,12374,555011,555010,555012,2020-10-18 06:30:21.348246,1 -100000,88722,20,6,-94,-20.7,15,-94,-18.7,10,-109,-21.7,7,12374,555011,555010,555012,2020-10-18 06:30:21.358246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12374,555011,555010,555012,2020-10-18 06:30:21.368246,0 -3000,3000,9,4,-130,-28.9,-17,-130,-26.9,-22,-145,-29.9,-25,12375,555011,555010,555012,2020-10-18 06:30:21.378246,1 -200000,108722,20,5,-96,-18.2,6,-96,-16.2,1,-111,-19.2,-2,12375,555011,555010,555012,2020-10-18 06:30:21.388246,0 -300000,125000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12375,555011,555010,555012,2020-10-18 06:30:21.398246,0 -280000,121000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12375,555011,555010,555012,2020-10-18 06:30:21.408246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12375,555011,555010,555012,2020-10-18 06:30:21.418246,0 -300000,123000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12375,555011,555010,555012,2020-10-18 06:30:21.428246,0 -280000,122000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12375,555011,555010,555012,2020-10-18 06:30:21.438246,0 -270000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12375,555011,555010,555012,2020-10-18 06:30:21.448246,0 -3000,500,9,4,-127,-28.1,-20,-127,-26.1,-25,-142,-29.1,-28,12375,555011,555010,555012,2020-10-18 06:30:21.458246,1 -110000,108722,20,2,-94,-20.7,15,-94,-18.7,10,-109,-21.7,7,12375,555011,555010,555012,2020-10-18 06:30:21.468246,0 -270000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12375,555011,555010,555012,2020-10-18 06:30:21.478246,0 -300000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12375,555011,555010,555012,2020-10-18 06:30:21.488246,0 -3000,3000,9,3,-129,-29.1,-12,-129,-27.1,-17,-144,-30.1,-20,12376,555011,555010,555012,2020-10-18 06:30:21.498246,1 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12376,555011,555010,555012,2020-10-18 06:30:21.508246,0 -150000,108722,20,6,-96,-18.5,3,-96,-16.5,-2,-111,-19.5,-5,12376,555011,555010,555012,2020-10-18 06:30:21.518246,0 -280000,121000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12376,555011,555010,555012,2020-10-18 06:30:21.528246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12376,555011,555010,555012,2020-10-18 06:30:21.538246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12376,555011,555010,555012,2020-10-18 06:30:21.548246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12376,555011,555010,555012,2020-10-18 06:30:21.558246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12376,555011,555010,555012,2020-10-18 06:30:21.568246,0 -100,5000,14,6,-120,-26.9,-2,-120,-24.9,-5,-135,-27.9,-11,12376,555011,555010,555012,2020-10-18 06:30:21.578246,1 -280000,123000,25,10,-95,-18.5,3,-95,-16.5,-2,-110,-19.5,-5,12376,555011,555010,555012,2020-10-18 06:30:21.588246,0 -280000,122000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12376,555011,555010,555012,2020-10-18 06:30:21.598246,0 -300000,125000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12376,555011,555010,555012,2020-10-18 06:30:21.608246,0 -200000,108722,20,4,-96,-18.2,6,-96,-16.2,1,-111,-19.2,-2,12377,555011,555010,555012,2020-10-18 06:30:21.618246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12377,555011,555010,555012,2020-10-18 06:30:21.628246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12377,555011,555010,555012,2020-10-18 06:30:21.638246,0 -280000,121000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12377,555011,555010,555012,2020-10-18 06:30:21.648246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12377,555011,555010,555012,2020-10-18 06:30:21.658246,0 -110000,98722,20,5,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12377,555011,555010,555012,2020-10-18 06:30:21.668246,0 -4000,500,10,4,-135,-27.3,-5,-135,-25.3,-10,-150,-28.3,-13,12377,555011,555010,555012,2020-10-18 06:30:21.678246,1 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12377,555011,555010,555012,2020-10-18 06:30:21.688246,0 -280000,121000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12377,555011,555010,555012,2020-10-18 06:30:21.698246,0 -3000,500,10,4,-134,-27.7,-8,-134,-25.7,-13,-149,-28.7,-16,12377,555011,555010,555012,2020-10-18 06:30:21.708246,1 -200000,108722,20,6,-94,-18.4,4,-94,-16.4,-1,-109,-19.4,-4,12377,555011,555010,555012,2020-10-18 06:30:21.718246,0 -150000,108722,20,4,-95,-18.1,7,-95,-16.1,2,-110,-19.1,-1,12377,555011,555010,555012,2020-10-18 06:30:21.728246,0 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12378,555011,555010,555012,2020-10-18 06:30:21.738246,0 -9000,4000,14,6,-121,-25.7,-4,-121,-23.7,-9,-136,-26.7,-12,12378,555011,555010,555012,2020-10-18 06:30:21.748246,1 -8000,6722,10,4,-130,-26.5,-4,-130,-24.5,-9,-145,-27.5,-12,12378,555011,555010,555012,2020-10-18 06:30:21.758246,1 -150000,108722,20,3,-95,-20.9,15,-95,-18.9,10,-110,-21.9,7,12378,555011,555010,555012,2020-10-18 06:30:21.768246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12378,555011,555010,555012,2020-10-18 06:30:21.778246,0 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12378,555011,555010,555012,2020-10-18 06:30:21.788246,0 -110000,108722,20,6,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12378,555011,555010,555012,2020-10-18 06:30:21.798246,0 -290000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12378,555011,555010,555012,2020-10-18 06:30:21.808246,0 -300000,125000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12378,555011,555010,555012,2020-10-18 06:30:21.818246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12378,555011,555010,555012,2020-10-18 06:30:21.828246,0 -300000,125000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12378,555011,555010,555012,2020-10-18 06:30:21.838246,0 -270000,123000,25,10,-50,-8.1,24,-50,-6.1,19,-65,-9.1,16,12378,555011,555010,555012,2020-10-18 06:30:21.848246,0 -1000,4800,18,7,-120,-26.1,-5,-120,-24.1,-5,-135,-27.1,-12,12379,555011,555010,555012,2020-10-18 06:30:21.858246,1 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12379,555011,555010,555012,2020-10-18 06:30:21.868246,0 -7000,6000,14,6,-122,-29.3,-21,-122,-27.3,-26,-137,-30.3,-29,12379,555011,555010,555012,2020-10-18 06:30:21.878246,1 -290000,121000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12379,555011,555010,555012,2020-10-18 06:30:21.888246,0 -280000,122000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12379,555011,555010,555012,2020-10-18 06:30:21.898246,0 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12379,555011,555010,555012,2020-10-18 06:30:21.908246,0 -280000,121000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12379,555011,555010,555012,2020-10-18 06:30:21.918246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12379,555011,555010,555012,2020-10-18 06:30:21.928246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12379,555011,555010,555012,2020-10-18 06:30:21.938246,0 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12379,555011,555010,555012,2020-10-18 06:30:21.948246,0 -280000,121000,25,10,-96,-18.2,6,-96,-16.2,1,-111,-19.2,-2,12379,555011,555010,555012,2020-10-18 06:30:21.958246,0 -280000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12379,555011,555010,555012,2020-10-18 06:30:21.968246,0 -100000,78722,20,5,-95,-20.9,15,-95,-18.9,10,-110,-21.9,7,12380,555011,555010,555012,2020-10-18 06:30:21.978246,0 -4000,2,10,4,-132,-27.7,-7,-132,-25.7,-12,-147,-28.7,-15,12380,555011,555010,555012,2020-10-18 06:30:21.988246,1 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12380,555011,555010,555012,2020-10-18 06:30:21.998246,0 -270000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12380,555011,555010,555012,2020-10-18 06:30:22.008246,0 -290000,122000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12380,555011,555010,555012,2020-10-18 06:30:22.018246,0 -290000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12380,555011,555010,555012,2020-10-18 06:30:22.028246,0 -300000,123000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12380,555011,555010,555012,2020-10-18 06:30:22.038246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12380,555011,555010,555012,2020-10-18 06:30:22.048246,0 -280000,121000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12380,555011,555010,555012,2020-10-18 06:30:22.058246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12380,555011,555010,555012,2020-10-18 06:30:22.068246,0 -10,200,10,4,-130,-28.9,-16,-130,-26.9,-21,-145,-29.9,-24,12380,555011,555010,555012,2020-10-18 06:30:22.078246,1 -290000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12380,555011,555010,555012,2020-10-18 06:30:22.088246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12381,555011,555010,555012,2020-10-18 06:30:22.098246,0 -300000,125000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12381,555011,555010,555012,2020-10-18 06:30:22.108246,0 -8000,6000,10,4,-123,-29.7,-12,-123,-27.7,-17,-138,-30.7,-20,12381,555011,555010,555012,2020-10-18 06:30:22.118246,1 -200000,108722,20,7,-96,-18.3,5,-96,-16.3,0,-111,-19.3,-3,12381,555011,555010,555012,2020-10-18 06:30:22.128246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12381,555011,555010,555012,2020-10-18 06:30:22.138246,0 -9000,6000,14,6,-121,-26.7,3,-121,-24.7,3,-136,-27.7,-9,12381,555011,555010,555012,2020-10-18 06:30:22.148246,0 -290000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12381,555011,555010,555012,2020-10-18 06:30:22.158246,0 -100,5000,14,6,-128,-27.9,-1,-123,-25.9,-5,-138,-28.9,-8,12381,555011,555010,555012,2020-10-18 06:30:22.168246,1 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12381,555011,555010,555012,2020-10-18 06:30:22.178246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12381,555011,555010,555012,2020-10-18 06:30:22.188246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12381,555011,555010,555012,2020-10-18 06:30:22.198246,0 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12381,555011,555010,555012,2020-10-18 06:30:22.208246,0 -150000,98722,20,7,-94,-20.7,15,-94,-18.7,10,-109,-21.7,7,12382,555011,555010,555012,2020-10-18 06:30:22.218246,0 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12382,555011,555010,555012,2020-10-18 06:30:22.228246,0 -290000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12382,555011,555010,555012,2020-10-18 06:30:22.238246,0 -7000,6000,10,4,-129,-29.3,-14,-124,-27.3,-19,-139,-30.3,-22,12382,555011,555010,555012,2020-10-18 06:30:22.248246,1 -280000,121000,25,10,-95,-18.1,7,-95,-16.1,2,-110,-19.1,-1,12382,555011,555010,555012,2020-10-18 06:30:22.258246,0 -8000,6722,9,4,-129,-28.1,-12,-129,-26.1,-17,-144,-29.1,-20,12382,555011,555010,555012,2020-10-18 06:30:22.268246,1 -300000,125000,25,10,-53,-8.4,24,-53,-6.4,19,-68,-9.4,16,12382,555011,555010,555012,2020-10-18 06:30:22.278246,0 -300000,125000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12382,555011,555010,555012,2020-10-18 06:30:22.288246,0 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12382,555011,555010,555012,2020-10-18 06:30:22.298246,0 -280000,122000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12382,555011,555010,555012,2020-10-18 06:30:22.308246,0 -200000,108722,20,6,-96,-18.1,7,-96,-16.1,2,-111,-19.1,-1,12382,555011,555010,555012,2020-10-18 06:30:22.318246,0 -280000,122000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12382,555011,555010,555012,2020-10-18 06:30:22.328246,0 -110000,98722,20,3,-95,-20.9,15,-95,-18.9,10,-110,-21.9,7,12383,555011,555010,555012,2020-10-18 06:30:22.338246,0 -270000,122000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12383,555011,555010,555012,2020-10-18 06:30:22.348246,0 -290000,121000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12383,555011,555010,555012,2020-10-18 06:30:22.358246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12383,555011,555010,555012,2020-10-18 06:30:22.368246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12383,555011,555010,555012,2020-10-18 06:30:22.378246,0 -280000,123000,25,10,-95,-18.5,3,-95,-16.5,-2,-110,-19.5,-5,12383,555011,555010,555012,2020-10-18 06:30:22.388246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12383,555011,555010,555012,2020-10-18 06:30:22.398246,0 -300000,123000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12383,555011,555010,555012,2020-10-18 06:30:22.408246,0 -270000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12383,555011,555010,555012,2020-10-18 06:30:22.418246,0 -150000,108722,20,4,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12383,555011,555010,555012,2020-10-18 06:30:22.428246,0 -9000,6000,14,6,-129,-27.7,-10,-129,-25.7,-15,-144,-28.7,-18,12383,555011,555010,555012,2020-10-18 06:30:22.438246,1 -110000,108722,20,6,-94,-18.2,6,-94,-16.2,1,-109,-19.2,-2,12384,555011,555010,555012,2020-10-18 06:30:22.448246,0 -9000,6722,14,6,-120,-25.9,4,-120,-23.9,3,-135,-26.9,-4,12384,555011,555010,555012,2020-10-18 06:30:22.458246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12384,555011,555010,555012,2020-10-18 06:30:22.468246,0 -8000,5000,10,3,-126,-28.3,-19,-126,-26.3,-24,-141,-29.3,-27,12384,555011,555010,555012,2020-10-18 06:30:22.478246,1 -280000,121000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12384,555011,555010,555012,2020-10-18 06:30:22.488246,0 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12384,555011,555010,555012,2020-10-18 06:30:22.498246,0 -290000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12384,555011,555010,555012,2020-10-18 06:30:22.508246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12384,555011,555010,555012,2020-10-18 06:30:22.518246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12384,555011,555010,555012,2020-10-18 06:30:22.528246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12384,555011,555010,555012,2020-10-18 06:30:22.538246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12384,555011,555010,555012,2020-10-18 06:30:22.548246,0 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12385,555011,555010,555012,2020-10-18 06:30:22.558246,0 -110000,98722,20,4,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12385,555011,555010,555012,2020-10-18 06:30:22.568246,0 -300000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12385,555011,555010,555012,2020-10-18 06:30:22.578246,0 -280000,122000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12385,555011,555010,555012,2020-10-18 06:30:22.588246,0 -200000,98722,20,5,-96,-18.2,6,-96,-16.2,1,-111,-19.2,-2,12385,555011,555010,555012,2020-10-18 06:30:22.598246,0 -280000,123000,25,10,-94,-18.3,5,-94,-16.3,0,-109,-19.3,-3,12385,555011,555010,555012,2020-10-18 06:30:22.608246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12385,555011,555010,555012,2020-10-18 06:30:22.618246,0 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12385,555011,555010,555012,2020-10-18 06:30:22.628246,0 -4000,1000,10,3,-133,-27.1,-4,-133,-25.1,-9,-148,-28.1,-12,12385,555011,555010,555012,2020-10-18 06:30:22.638246,1 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12385,555011,555010,555012,2020-10-18 06:30:22.648246,0 -9000,5000,15,6,-120,-27.1,3,-120,-25.1,1,-135,-28.1,-5,12385,555011,555010,555012,2020-10-18 06:30:22.658246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12386,555011,555010,555012,2020-10-18 06:30:22.668246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12386,555011,555010,555012,2020-10-18 06:30:22.678246,0 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12386,555011,555010,555012,2020-10-18 06:30:22.688246,0 -230000,88722,20,5,-94,-20.7,14,-94,-18.7,9,-109,-21.7,6,12386,555011,555010,555012,2020-10-18 06:30:22.698246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12386,555011,555010,555012,2020-10-18 06:30:22.708246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12386,555011,555010,555012,2020-10-18 06:30:22.718246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12386,555011,555010,555012,2020-10-18 06:30:22.728246,0 -300000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12386,555011,555010,555012,2020-10-18 06:30:22.738246,0 -280000,122000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12386,555011,555010,555012,2020-10-18 06:30:22.748246,0 -100,6722,16,6,-121,-26.7,-5,-121,-24.7,-4,-136,-27.7,-13,12386,555011,555010,555012,2020-10-18 06:30:22.758246,1 -300000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12386,555011,555010,555012,2020-10-18 06:30:22.768246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12387,555011,555010,555012,2020-10-18 06:30:22.778246,0 -200000,78722,20,3,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12387,555011,555010,555012,2020-10-18 06:30:22.788246,0 -1000,2000,9,4,-129,-28.5,-1,-129,-26.5,-4,-144,-29.5,-8,12387,555011,555010,555012,2020-10-18 06:30:22.798246,1 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12387,555011,555010,555012,2020-10-18 06:30:22.808246,0 -290000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12387,555011,555010,555012,2020-10-18 06:30:22.818246,0 -230000,108722,20,10,-96,-18.3,5,-96,-16.3,0,-111,-19.3,-3,12387,555011,555010,555012,2020-10-18 06:30:22.828246,0 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12387,555011,555010,555012,2020-10-18 06:30:22.838246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12387,555011,555010,555012,2020-10-18 06:30:22.848246,0 -110000,108722,20,4,-95,-18.4,4,-95,-16.4,-1,-110,-19.4,-4,12387,555011,555010,555012,2020-10-18 06:30:22.858246,0 -290000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12387,555011,555010,555012,2020-10-18 06:30:22.868246,0 -150000,108722,20,2,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12387,555011,555010,555012,2020-10-18 06:30:22.878246,0 -300000,121000,25,10,-95,-18.5,3,-95,-16.5,-2,-110,-19.5,-5,12388,555011,555010,555012,2020-10-18 06:30:22.888246,0 -270000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12388,555011,555010,555012,2020-10-18 06:30:22.898246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12388,555011,555010,555012,2020-10-18 06:30:22.908246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12388,555011,555010,555012,2020-10-18 06:30:22.918246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12388,555011,555010,555012,2020-10-18 06:30:22.928246,0 -110000,108722,20,6,-95,-18.4,4,-95,-16.4,-1,-110,-19.4,-4,12388,555011,555010,555012,2020-10-18 06:30:22.938246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12388,555011,555010,555012,2020-10-18 06:30:22.948246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12388,555011,555010,555012,2020-10-18 06:30:22.958246,0 -8000,6000,10,3,-130,-28.5,-18,-130,-26.5,-23,-145,-29.5,-26,12388,555011,555010,555012,2020-10-18 06:30:22.968246,1 -270000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12388,555011,555010,555012,2020-10-18 06:30:22.978246,0 -290000,122000,25,10,-95,-18.4,4,-95,-16.4,-1,-110,-19.4,-4,12388,555011,555010,555012,2020-10-18 06:30:22.988246,0 -1000,4800,18,7,-116,-25.9,-4,-116,-23.9,-8,-131,-26.9,-11,12389,555011,555010,555012,2020-10-18 06:30:22.998246,1 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12389,555011,555010,555012,2020-10-18 06:30:23.008246,0 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12389,555011,555010,555012,2020-10-18 06:30:23.018246,0 -280000,121000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12389,555011,555010,555012,2020-10-18 06:30:23.028246,0 -270000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12389,555011,555010,555012,2020-10-18 06:30:23.038246,0 -300000,123000,25,10,-51,-8.2,24,-51,-6.2,19,-66,-9.2,16,12389,555011,555010,555012,2020-10-18 06:30:23.048246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12389,555011,555010,555012,2020-10-18 06:30:23.058246,0 -280000,122000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12389,555011,555010,555012,2020-10-18 06:30:23.068246,0 -110000,88722,20,6,-94,-20.7,15,-94,-18.7,10,-109,-21.7,7,12389,555011,555010,555012,2020-10-18 06:30:23.078246,0 -290000,121000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12389,555011,555010,555012,2020-10-18 06:30:23.088246,0 -280000,121000,25,10,-96,-18.3,5,-96,-16.3,0,-111,-19.3,-3,12389,555011,555010,555012,2020-10-18 06:30:23.098246,0 -150000,108722,20,3,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12390,555011,555010,555012,2020-10-18 06:30:23.108246,0 -290000,121000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12390,555011,555010,555012,2020-10-18 06:30:23.118246,0 -4000,500,9,4,-132,-27.5,-6,-132,-25.5,-6,-147,-28.5,1,12390,555011,555010,555012,2020-10-18 06:30:23.128246,1 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12390,555011,555010,555012,2020-10-18 06:30:23.138246,0 -110000,68722,20,4,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12390,555011,555010,555012,2020-10-18 06:30:23.148246,0 -200000,78722,20,3,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12390,555011,555010,555012,2020-10-18 06:30:23.158246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12390,555011,555010,555012,2020-10-18 06:30:23.168246,0 -290000,123000,25,10,-52,-8.3,24,-52,-6.3,19,-67,-9.3,16,12390,555011,555010,555012,2020-10-18 06:30:23.178246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12390,555011,555010,555012,2020-10-18 06:30:23.188246,0 -290000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12390,555011,555010,555012,2020-10-18 06:30:23.198246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12390,555011,555010,555012,2020-10-18 06:30:23.208246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12391,555011,555010,555012,2020-10-18 06:30:23.218246,0 -290000,123000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12391,555011,555010,555012,2020-10-18 06:30:23.228246,0 -5000,3000,10,4,-120,-29.5,-13,-120,-27.5,-18,-135,-30.5,-21,12391,555011,555010,555012,2020-10-18 06:30:23.238246,1 -9000,6722,14,6,-126,-26.7,4,-126,-24.7,-2,-141,-27.7,0,12391,555011,555010,555012,2020-10-18 06:30:23.248246,0 -300000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12391,555011,555010,555012,2020-10-18 06:30:23.258246,0 -280000,121000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12391,555011,555010,555012,2020-10-18 06:30:23.268246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12391,555011,555010,555012,2020-10-18 06:30:23.278246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12391,555011,555010,555012,2020-10-18 06:30:23.288246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12391,555011,555010,555012,2020-10-18 06:30:23.298246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12391,555011,555010,555012,2020-10-18 06:30:23.308246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12391,555011,555010,555012,2020-10-18 06:30:23.318246,0 -280000,122000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12392,555011,555010,555012,2020-10-18 06:30:23.328246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12392,555011,555010,555012,2020-10-18 06:30:23.338246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12392,555011,555010,555012,2020-10-18 06:30:23.348246,0 -230000,88722,20,7,-94,-20.7,14,-94,-18.7,9,-109,-21.7,6,12392,555011,555010,555012,2020-10-18 06:30:23.358246,0 -150000,108722,20,6,-94,-18.5,3,-94,-16.5,-2,-109,-19.5,-5,12392,555011,555010,555012,2020-10-18 06:30:23.368246,0 -110000,78722,20,8,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12392,555011,555010,555012,2020-10-18 06:30:23.378246,0 -100,4000,14,6,-123,-27.7,-7,-123,-25.7,-11,-138,-28.7,-11,12392,555011,555010,555012,2020-10-18 06:30:23.388246,1 -280000,121000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12392,555011,555010,555012,2020-10-18 06:30:23.398246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12392,555011,555010,555012,2020-10-18 06:30:23.408246,0 -300000,125000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12392,555011,555010,555012,2020-10-18 06:30:23.418246,0 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12392,555011,555010,555012,2020-10-18 06:30:23.428246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12393,555011,555010,555012,2020-10-18 06:30:23.438246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12393,555011,555010,555012,2020-10-18 06:30:23.448246,0 -280000,122000,25,10,-95,-18.1,7,-95,-16.1,2,-110,-19.1,-1,12393,555011,555010,555012,2020-10-18 06:30:23.458246,0 -1000,4800,18,7,-117,-26.3,-7,-117,-24.3,-12,-132,-27.3,-12,12393,555011,555010,555012,2020-10-18 06:30:23.468246,1 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12393,555011,555010,555012,2020-10-18 06:30:23.478246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12393,555011,555010,555012,2020-10-18 06:30:23.488246,0 -280000,121000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12393,555011,555010,555012,2020-10-18 06:30:23.498246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12393,555011,555010,555012,2020-10-18 06:30:23.508246,0 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12393,555011,555010,555012,2020-10-18 06:30:23.518246,0 -290000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12393,555011,555010,555012,2020-10-18 06:30:23.528246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12393,555011,555010,555012,2020-10-18 06:30:23.538246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12394,555011,555010,555012,2020-10-18 06:30:23.548246,0 -280000,121000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12394,555011,555010,555012,2020-10-18 06:30:23.558246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12394,555011,555010,555012,2020-10-18 06:30:23.568246,0 -3000,20,10,3,-129,-29.5,-20,-129,-27.5,-25,-144,-30.5,-28,12394,555011,555010,555012,2020-10-18 06:30:23.578246,1 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12394,555011,555010,555012,2020-10-18 06:30:23.588246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12394,555011,555010,555012,2020-10-18 06:30:23.598246,0 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12394,555011,555010,555012,2020-10-18 06:30:23.608246,0 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12394,555011,555010,555012,2020-10-18 06:30:23.618246,0 -280000,121000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12394,555011,555010,555012,2020-10-18 06:30:23.628246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12394,555011,555010,555012,2020-10-18 06:30:23.638246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12394,555011,555010,555012,2020-10-18 06:30:23.648246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12395,555011,555010,555012,2020-10-18 06:30:23.658246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12395,555011,555010,555012,2020-10-18 06:30:23.668246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12395,555011,555010,555012,2020-10-18 06:30:23.678246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12395,555011,555010,555012,2020-10-18 06:30:23.688246,0 -270000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12395,555011,555010,555012,2020-10-18 06:30:23.698246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12395,555011,555010,555012,2020-10-18 06:30:23.708246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12395,555011,555010,555012,2020-10-18 06:30:23.718246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12395,555011,555010,555012,2020-10-18 06:30:23.728246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12395,555011,555010,555012,2020-10-18 06:30:23.738246,0 -10,1000,10,3,-133,-27.7,-2,-133,-25.7,-3,-148,-28.7,0,12395,555011,555010,555012,2020-10-18 06:30:23.748246,1 -100000,48722,18,7,-117,-26.1,3,-117,-24.1,-2,-132,-27.1,-9,12395,555011,555010,555012,2020-10-18 06:30:23.758246,0 -270000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12396,555011,555010,555012,2020-10-18 06:30:23.768246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12396,555011,555010,555012,2020-10-18 06:30:23.778246,0 -280000,122000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12396,555011,555010,555012,2020-10-18 06:30:23.788246,0 -150000,108722,20,6,-94,-18.2,6,-94,-16.2,1,-109,-19.2,-2,12396,555011,555010,555012,2020-10-18 06:30:23.798246,0 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12396,555011,555010,555012,2020-10-18 06:30:23.808246,0 -150000,68722,20,6,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12396,555011,555010,555012,2020-10-18 06:30:23.818246,0 -7000,6000,10,4,-125,-28.7,-12,-125,-26.7,-17,-140,-29.7,-20,12396,555011,555010,555012,2020-10-18 06:30:23.828246,1 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12396,555011,555010,555012,2020-10-18 06:30:23.838246,0 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12396,555011,555010,555012,2020-10-18 06:30:23.848246,0 -280000,121000,25,10,-50,-8.1,24,-50,-6.1,19,-65,-9.1,16,12396,555011,555010,555012,2020-10-18 06:30:23.858246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12396,555011,555010,555012,2020-10-18 06:30:23.868246,0 -280000,123000,25,10,-50,-8.1,24,-50,-6.1,19,-65,-9.1,16,12397,555011,555010,555012,2020-10-18 06:30:23.878246,0 -270000,121000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12397,555011,555010,555012,2020-10-18 06:30:23.888246,0 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12397,555011,555010,555012,2020-10-18 06:30:23.898246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12397,555011,555010,555012,2020-10-18 06:30:23.908246,0 -8000,5000,10,4,-122,-26.7,-5,-122,-24.7,-10,-137,-27.7,-13,12397,555011,555010,555012,2020-10-18 06:30:23.918246,1 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12397,555011,555010,555012,2020-10-18 06:30:23.928246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12397,555011,555010,555012,2020-10-18 06:30:23.938246,0 -270000,122000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12397,555011,555010,555012,2020-10-18 06:30:23.948246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12397,555011,555010,555012,2020-10-18 06:30:23.958246,0 -150000,98722,20,6,-95,-18.5,3,-95,-16.5,-2,-110,-19.5,-5,12397,555011,555010,555012,2020-10-18 06:30:23.968246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12397,555011,555010,555012,2020-10-18 06:30:23.978246,0 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12398,555011,555010,555012,2020-10-18 06:30:23.988246,0 -300000,123000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12398,555011,555010,555012,2020-10-18 06:30:23.998246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12398,555011,555010,555012,2020-10-18 06:30:24.008246,0 -280000,121000,25,10,-50,-8.1,24,-50,-6.1,19,-65,-9.1,16,12398,555011,555010,555012,2020-10-18 06:30:24.018246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12398,555011,555010,555012,2020-10-18 06:30:24.028246,0 -100000,88722,20,3,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12398,555011,555010,555012,2020-10-18 06:30:24.038246,0 -150000,98722,20,6,-96,-18.3,5,-96,-16.3,0,-111,-19.3,-3,12398,555011,555010,555012,2020-10-18 06:30:24.048246,0 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12398,555011,555010,555012,2020-10-18 06:30:24.058246,0 -9000,5000,14,6,-123,-25.7,-8,-123,-23.7,-13,-138,-26.7,-16,12398,555011,555010,555012,2020-10-18 06:30:24.068246,1 -280000,122000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12398,555011,555010,555012,2020-10-18 06:30:24.078246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12398,555011,555010,555012,2020-10-18 06:30:24.088246,0 -300000,125000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12399,555011,555010,555012,2020-10-18 06:30:24.098246,0 -4000,200,10,3,-134,-27.1,-9,-134,-25.1,-14,-149,-28.1,-17,12399,555011,555010,555012,2020-10-18 06:30:24.108246,1 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12399,555011,555010,555012,2020-10-18 06:30:24.118246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12399,555011,555010,555012,2020-10-18 06:30:24.128246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12399,555011,555010,555012,2020-10-18 06:30:24.138246,0 -280000,121000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12399,555011,555010,555012,2020-10-18 06:30:24.148246,0 -280000,123000,25,10,-50,-8.1,24,-50,-6.1,19,-65,-9.1,16,12399,555011,555010,555012,2020-10-18 06:30:24.158246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12399,555011,555010,555012,2020-10-18 06:30:24.168246,0 -280000,122000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12399,555011,555010,555012,2020-10-18 06:30:24.178246,0 -150000,88722,20,2,-94,-20.7,15,-94,-18.7,10,-109,-21.7,7,12399,555011,555010,555012,2020-10-18 06:30:24.188246,0 -270000,121000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12399,555011,555010,555012,2020-10-18 06:30:24.198246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12400,555011,555010,555012,2020-10-18 06:30:24.208246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12400,555011,555010,555012,2020-10-18 06:30:24.218246,0 -270000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12400,555011,555010,555012,2020-10-18 06:30:24.228246,0 -280000,121000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12400,555011,555010,555012,2020-10-18 06:30:24.238246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12400,555011,555010,555012,2020-10-18 06:30:24.248246,0 -280000,122000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12400,555011,555010,555012,2020-10-18 06:30:24.258246,0 -280000,122000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12400,555011,555010,555012,2020-10-18 06:30:24.268246,0 -150000,108722,20,3,-94,-20.7,14,-94,-18.7,9,-109,-21.7,6,12400,555011,555010,555012,2020-10-18 06:30:24.278246,0 -300000,123000,25,10,-53,-8.4,24,-53,-6.4,19,-68,-9.4,16,12400,555011,555010,555012,2020-10-18 06:30:24.288246,0 -7000,4000,10,4,-129,-28.5,-20,-129,-26.5,-25,-144,-29.5,-28,12400,555011,555010,555012,2020-10-18 06:30:24.298246,1 -280000,121000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12400,555011,555010,555012,2020-10-18 06:30:24.308246,0 -280000,121000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12401,555011,555010,555012,2020-10-18 06:30:24.318246,0 -270000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12401,555011,555010,555012,2020-10-18 06:30:24.328246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12401,555011,555010,555012,2020-10-18 06:30:24.338246,0 -100000,98722,20,4,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12401,555011,555010,555012,2020-10-18 06:30:24.348246,0 -300000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12401,555011,555010,555012,2020-10-18 06:30:24.358246,0 -300000,123000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12401,555011,555010,555012,2020-10-18 06:30:24.368246,0 -280000,121000,25,10,-94,-18.5,3,-94,-16.5,-2,-109,-19.5,-5,12401,555011,555010,555012,2020-10-18 06:30:24.378246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12401,555011,555010,555012,2020-10-18 06:30:24.388246,0 -290000,123000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12401,555011,555010,555012,2020-10-18 06:30:24.398246,0 -4000,2000,9,4,-131,-27.5,-5,-131,-25.5,-5,-146,-28.5,2,12401,555011,555010,555012,2020-10-18 06:30:24.408246,1 -280000,122000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12401,555011,555010,555012,2020-10-18 06:30:24.418246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12402,555011,555010,555012,2020-10-18 06:30:24.428246,0 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12402,555011,555010,555012,2020-10-18 06:30:24.438246,0 -110000,108722,20,4,-96,-18.3,5,-96,-16.3,0,-111,-19.3,-3,12402,555011,555010,555012,2020-10-18 06:30:24.448246,0 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12402,555011,555010,555012,2020-10-18 06:30:24.458246,0 -270000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12402,555011,555010,555012,2020-10-18 06:30:24.468246,0 -300000,123000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12402,555011,555010,555012,2020-10-18 06:30:24.478246,0 -3000,1000,9,3,-131,-27.3,-4,-131,-25.3,-9,-146,-28.3,-12,12402,555011,555010,555012,2020-10-18 06:30:24.488246,1 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12402,555011,555010,555012,2020-10-18 06:30:24.498246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12402,555011,555010,555012,2020-10-18 06:30:24.508246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12402,555011,555010,555012,2020-10-18 06:30:24.518246,0 -280000,121000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12402,555011,555010,555012,2020-10-18 06:30:24.528246,0 -9000,5000,14,6,-120,-25.7,-1,-120,-23.7,-6,-135,-26.7,-9,12403,555011,555010,555012,2020-10-18 06:30:24.538246,1 -280000,122000,25,10,-95,-18.3,5,-95,-16.3,0,-110,-19.3,-3,12403,555011,555010,555012,2020-10-18 06:30:24.548246,0 -290000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12403,555011,555010,555012,2020-10-18 06:30:24.558246,0 -150000,68722,20,7,-94,-20.7,14,-94,-18.7,9,-109,-21.7,6,12403,555011,555010,555012,2020-10-18 06:30:24.568246,0 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12403,555011,555010,555012,2020-10-18 06:30:24.578246,0 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12403,555011,555010,555012,2020-10-18 06:30:24.588246,0 -300000,125000,25,10,-52,-8.3,24,-52,-6.3,19,-67,-9.3,16,12403,555011,555010,555012,2020-10-18 06:30:24.598246,0 -280000,122000,25,10,-94,-18.1,7,-94,-16.1,2,-109,-19.1,-1,12403,555011,555010,555012,2020-10-18 06:30:24.608246,0 -280000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12403,555011,555010,555012,2020-10-18 06:30:24.618246,0 -280000,122000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12403,555011,555010,555012,2020-10-18 06:30:24.628246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12403,555011,555010,555012,2020-10-18 06:30:24.638246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12404,555011,555010,555012,2020-10-18 06:30:24.648246,0 -100,6722,15,6,-122,-27.1,-5,-122,-25.1,-9,-137,-28.1,-13,12404,555011,555010,555012,2020-10-18 06:30:24.658246,1 -230000,108722,20,10,-94,-18.2,6,-94,-16.2,1,-109,-19.2,-2,12404,555011,555010,555012,2020-10-18 06:30:24.668246,0 -290000,123000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12404,555011,555010,555012,2020-10-18 06:30:24.678246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12404,555011,555010,555012,2020-10-18 06:30:24.688246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12404,555011,555010,555012,2020-10-18 06:30:24.698246,0 -150000,108722,20,5,-96,-18.1,7,-96,-16.1,2,-111,-19.1,-1,12404,555011,555010,555012,2020-10-18 06:30:24.708246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12404,555011,555010,555012,2020-10-18 06:30:24.718246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12404,555011,555010,555012,2020-10-18 06:30:24.728246,0 -290000,121000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12404,555011,555010,555012,2020-10-18 06:30:24.738246,0 -150000,98722,20,3,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12404,555011,555010,555012,2020-10-18 06:30:24.748246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12405,555011,555010,555012,2020-10-18 06:30:24.758246,0 -290000,123000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12405,555011,555010,555012,2020-10-18 06:30:24.768246,0 -300000,125000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12405,555011,555010,555012,2020-10-18 06:30:24.778246,0 -4000,1000,9,4,-126,-29.3,-16,-126,-27.3,-21,-141,-30.3,-24,12405,555011,555010,555012,2020-10-18 06:30:24.788246,1 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12405,555011,555010,555012,2020-10-18 06:30:24.798246,0 -300000,125000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12405,555011,555010,555012,2020-10-18 06:30:24.808246,0 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12405,555011,555010,555012,2020-10-18 06:30:24.818246,0 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12405,555011,555010,555012,2020-10-18 06:30:24.828246,0 -230000,108722,20,8,-94,-18.5,3,-94,-16.5,-2,-109,-19.5,-5,12405,555011,555010,555012,2020-10-18 06:30:24.838246,0 -280000,121000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12405,555011,555010,555012,2020-10-18 06:30:24.848246,0 -150000,108722,20,5,-95,-18.4,4,-95,-16.4,-1,-110,-19.4,-4,12405,555011,555010,555012,2020-10-18 06:30:24.858246,0 -270000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12406,555011,555010,555012,2020-10-18 06:30:24.868246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12406,555011,555010,555012,2020-10-18 06:30:24.878246,0 -290000,121000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12406,555011,555010,555012,2020-10-18 06:30:24.888246,0 -280000,121000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12406,555011,555010,555012,2020-10-18 06:30:24.898246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12406,555011,555010,555012,2020-10-18 06:30:24.908246,0 -4000,3000,10,3,-130,-28.3,-12,-130,-26.3,-17,-145,-29.3,-20,12406,555011,555010,555012,2020-10-18 06:30:24.918246,1 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12406,555011,555010,555012,2020-10-18 06:30:24.928246,0 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12406,555011,555010,555012,2020-10-18 06:30:24.938246,0 -280000,122000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12406,555011,555010,555012,2020-10-18 06:30:24.948246,0 -280000,122000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12406,555011,555010,555012,2020-10-18 06:30:24.958246,0 -110000,108722,20,6,-96,-18.3,5,-96,-16.3,0,-111,-19.3,-3,12406,555011,555010,555012,2020-10-18 06:30:24.968246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12407,555011,555010,555012,2020-10-18 06:30:24.978246,0 -150000,108722,20,6,-96,-18.3,5,-96,-16.3,0,-111,-19.3,-3,12407,555011,555010,555012,2020-10-18 06:30:24.988246,0 -300000,125000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12407,555011,555010,555012,2020-10-18 06:30:24.998246,0 -10,3000,9,3,-134,-27.1,-2,-134,-25.1,-7,-149,-28.1,-10,12407,555011,555010,555012,2020-10-18 06:30:25.008246,1 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12407,555011,555010,555012,2020-10-18 06:30:25.018246,0 -270000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12407,555011,555010,555012,2020-10-18 06:30:25.028246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12407,555011,555010,555012,2020-10-18 06:30:25.038246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12407,555011,555010,555012,2020-10-18 06:30:25.048246,0 -300000,125000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12407,555011,555010,555012,2020-10-18 06:30:25.058246,0 -300000,125000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12407,555011,555010,555012,2020-10-18 06:30:25.068246,0 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12407,555011,555010,555012,2020-10-18 06:30:25.078246,0 -280000,121000,25,10,-96,-18.1,7,-96,-16.1,2,-111,-19.1,-1,12408,555011,555010,555012,2020-10-18 06:30:25.088246,0 -300000,123000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12408,555011,555010,555012,2020-10-18 06:30:25.098246,0 -280000,121000,25,10,-94,-18.2,6,-94,-16.2,1,-109,-19.2,-2,12408,555011,555010,555012,2020-10-18 06:30:25.108246,0 -290000,121000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12408,555011,555010,555012,2020-10-18 06:30:25.118246,0 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12408,555011,555010,555012,2020-10-18 06:30:25.128246,0 -290000,122000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12408,555011,555010,555012,2020-10-18 06:30:25.138246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12408,555011,555010,555012,2020-10-18 06:30:25.148246,0 -7000,6000,9,3,-131,-26.9,-3,-131,-24.9,-8,-146,-27.9,0,12408,555011,555010,555012,2020-10-18 06:30:25.158246,1 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12408,555011,555010,555012,2020-10-18 06:30:25.168246,0 -280000,122000,25,10,-94,-18.5,3,-94,-16.5,-2,-109,-19.5,-5,12408,555011,555010,555012,2020-10-18 06:30:25.178246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12408,555011,555010,555012,2020-10-18 06:30:25.188246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12409,555011,555010,555012,2020-10-18 06:30:25.198246,0 -110000,108722,20,6,-94,-18.5,3,-94,-16.5,-2,-109,-19.5,-5,12409,555011,555010,555012,2020-10-18 06:30:25.208246,0 -110000,98722,20,4,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12409,555011,555010,555012,2020-10-18 06:30:25.218246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12409,555011,555010,555012,2020-10-18 06:30:25.228246,0 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12409,555011,555010,555012,2020-10-18 06:30:25.238246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12409,555011,555010,555012,2020-10-18 06:30:25.248246,0 -300000,125000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12409,555011,555010,555012,2020-10-18 06:30:25.258246,0 -110000,108722,20,7,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12409,555011,555010,555012,2020-10-18 06:30:25.268246,0 -280000,122000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12409,555011,555010,555012,2020-10-18 06:30:25.278246,0 -280000,123000,25,10,-94,-18.3,5,-94,-16.3,0,-109,-19.3,-3,12409,555011,555010,555012,2020-10-18 06:30:25.288246,0 -8000,4000,9,4,-123,-28.3,-12,-123,-26.3,-17,-138,-29.3,-20,12409,555011,555010,555012,2020-10-18 06:30:25.298246,1 -280000,122000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12410,555011,555010,555012,2020-10-18 06:30:25.308246,0 -110000,88722,20,2,-94,-20.7,14,-94,-18.7,9,-109,-21.7,6,12410,555011,555010,555012,2020-10-18 06:30:25.318246,0 -280000,123000,25,10,-95,-18.3,5,-95,-16.3,0,-110,-19.3,-3,12410,555011,555010,555012,2020-10-18 06:30:25.328246,0 -300000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12410,555011,555010,555012,2020-10-18 06:30:25.338246,0 -230000,108722,20,10,-95,-18.1,7,-95,-16.1,2,-110,-19.1,-1,12410,555011,555010,555012,2020-10-18 06:30:25.348246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12410,555011,555010,555012,2020-10-18 06:30:25.358246,0 -150000,108722,20,4,-94,-20.7,14,-94,-18.7,9,-109,-21.7,6,12410,555011,555010,555012,2020-10-18 06:30:25.368246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12410,555011,555010,555012,2020-10-18 06:30:25.378246,0 -280000,121000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12410,555011,555010,555012,2020-10-18 06:30:25.388246,0 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12410,555011,555010,555012,2020-10-18 06:30:25.398246,0 -4000,3000,9,3,-128,-29.5,-20,-128,-27.5,-25,-143,-30.5,-28,12410,555011,555010,555012,2020-10-18 06:30:25.408246,1 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12411,555011,555010,555012,2020-10-18 06:30:25.418246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12411,555011,555010,555012,2020-10-18 06:30:25.428246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12411,555011,555010,555012,2020-10-18 06:30:25.438246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12411,555011,555010,555012,2020-10-18 06:30:25.448246,0 -150000,108722,20,3,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12411,555011,555010,555012,2020-10-18 06:30:25.458246,0 -280000,122000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12411,555011,555010,555012,2020-10-18 06:30:25.468246,0 -9000,5000,14,6,-130,-26.1,-10,-130,-24.1,-15,-145,-27.1,-18,12411,555011,555010,555012,2020-10-18 06:30:25.478246,1 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12411,555011,555010,555012,2020-10-18 06:30:25.488246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12411,555011,555010,555012,2020-10-18 06:30:25.498246,0 -280000,121000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12411,555011,555010,555012,2020-10-18 06:30:25.508246,0 -290000,122000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12411,555011,555010,555012,2020-10-18 06:30:25.518246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12412,555011,555010,555012,2020-10-18 06:30:25.528246,0 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12412,555011,555010,555012,2020-10-18 06:30:25.538246,0 -300000,123000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12412,555011,555010,555012,2020-10-18 06:30:25.548246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12412,555011,555010,555012,2020-10-18 06:30:25.558246,0 -4000,1000,9,4,-132,-27.7,-3,-132,-25.7,-8,-147,-28.7,-11,12412,555011,555010,555012,2020-10-18 06:30:25.568246,1 -280000,121000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12412,555011,555010,555012,2020-10-18 06:30:25.578246,0 -110000,98722,20,6,-94,-20.7,14,-94,-18.7,9,-109,-21.7,6,12412,555011,555010,555012,2020-10-18 06:30:25.588246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12412,555011,555010,555012,2020-10-18 06:30:25.598246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12412,555011,555010,555012,2020-10-18 06:30:25.608246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12412,555011,555010,555012,2020-10-18 06:30:25.618246,0 -280000,122000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12412,555011,555010,555012,2020-10-18 06:30:25.628246,0 -280000,121000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12413,555011,555010,555012,2020-10-18 06:30:25.638246,0 -300000,125000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12413,555011,555010,555012,2020-10-18 06:30:25.648246,0 -290000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12413,555011,555010,555012,2020-10-18 06:30:25.658246,0 -270000,121000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12413,555011,555010,555012,2020-10-18 06:30:25.668246,0 -7000,5000,10,4,-125,-26.7,-3,-125,-24.7,-8,-140,-27.7,-11,12413,555011,555010,555012,2020-10-18 06:30:25.678246,1 -280000,122000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12413,555011,555010,555012,2020-10-18 06:30:25.688246,0 -150000,88722,20,7,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12413,555011,555010,555012,2020-10-18 06:30:25.698246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12413,555011,555010,555012,2020-10-18 06:30:25.708246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12413,555011,555010,555012,2020-10-18 06:30:25.718246,0 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12413,555011,555010,555012,2020-10-18 06:30:25.728246,0 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12413,555011,555010,555012,2020-10-18 06:30:25.738246,0 -300000,125000,25,10,-52,-8.3,24,-52,-6.3,19,-67,-9.3,16,12414,555011,555010,555012,2020-10-18 06:30:25.748246,0 -8000,6000,10,4,-131,-27.7,-6,-131,-25.7,-11,-146,-28.7,0,12414,555011,555010,555012,2020-10-18 06:30:25.758246,1 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12414,555011,555010,555012,2020-10-18 06:30:25.768246,0 -280000,122000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12414,555011,555010,555012,2020-10-18 06:30:25.778246,0 -100000,108722,20,6,-94,-20.7,14,-94,-18.7,9,-109,-21.7,6,12414,555011,555010,555012,2020-10-18 06:30:25.788246,0 -100000,78722,20,3,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12414,555011,555010,555012,2020-10-18 06:30:25.798246,0 -150000,108722,20,5,-96,-18.2,6,-96,-16.2,1,-111,-19.2,-2,12414,555011,555010,555012,2020-10-18 06:30:25.808246,0 -280000,121000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12414,555011,555010,555012,2020-10-18 06:30:25.818246,0 -300000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12414,555011,555010,555012,2020-10-18 06:30:25.828246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12414,555011,555010,555012,2020-10-18 06:30:25.838246,0 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12414,555011,555010,555012,2020-10-18 06:30:25.848246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12415,555011,555010,555012,2020-10-18 06:30:25.858246,0 -150000,108722,20,6,-94,-18.5,3,-94,-16.5,-2,-109,-19.5,-5,12415,555011,555010,555012,2020-10-18 06:30:25.868246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12415,555011,555010,555012,2020-10-18 06:30:25.878246,0 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12415,555011,555010,555012,2020-10-18 06:30:25.888246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12415,555011,555010,555012,2020-10-18 06:30:25.898246,0 -230000,108722,20,4,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12415,555011,555010,555012,2020-10-18 06:30:25.908246,0 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12415,555011,555010,555012,2020-10-18 06:30:25.918246,0 -8000,6000,9,3,-124,-28.1,-21,-124,-26.1,-26,-139,-29.1,-29,12415,555011,555010,555012,2020-10-18 06:30:25.928246,1 -280000,121000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12415,555011,555010,555012,2020-10-18 06:30:25.938246,0 -300000,125000,25,10,-51,-8.2,24,-51,-6.2,19,-66,-9.2,16,12415,555011,555010,555012,2020-10-18 06:30:25.948246,0 -280000,121000,25,8,-95,-18.2,6,-95,-16.2,1,-110,-19.2,-2,12415,555011,555010,555012,2020-10-18 06:30:25.958246,0 -200000,108722,20,4,-96,-18.5,3,-96,-16.5,-2,-111,-19.5,-5,12416,555011,555010,555012,2020-10-18 06:30:25.968246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12416,555011,555010,555012,2020-10-18 06:30:25.978246,0 -110000,68722,20,2,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12416,555011,555010,555012,2020-10-18 06:30:25.988246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12416,555011,555010,555012,2020-10-18 06:30:25.998246,0 -290000,123000,25,10,-94,-18.1,7,-94,-16.1,2,-109,-19.1,-1,12416,555011,555010,555012,2020-10-18 06:30:26.008246,0 -230000,108722,20,10,-94,-18.3,5,-94,-16.3,0,-109,-19.3,-3,12416,555011,555010,555012,2020-10-18 06:30:26.018246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12416,555011,555010,555012,2020-10-18 06:30:26.028246,0 -8000,5000,10,3,-126,-29.1,-17,-126,-27.1,-22,-141,-30.1,-25,12416,555011,555010,555012,2020-10-18 06:30:26.038246,1 -280000,121000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12416,555011,555010,555012,2020-10-18 06:30:26.048246,0 -280000,123000,25,10,-50,-8.1,24,-50,-6.1,19,-65,-9.1,16,12416,555011,555010,555012,2020-10-18 06:30:26.058246,0 -300000,125000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12416,555011,555010,555012,2020-10-18 06:30:26.068246,0 -100000,38722,18,7,-117,-27.1,3,-117,-25.1,-3,-132,-28.1,-5,12417,555011,555010,555012,2020-10-18 06:30:26.078246,0 -110000,108722,20,3,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12417,555011,555010,555012,2020-10-18 06:30:26.088246,0 -280000,121000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12417,555011,555010,555012,2020-10-18 06:30:26.098246,0 -300000,125000,25,10,-52,-8.3,24,-52,-6.3,19,-67,-9.3,16,12417,555011,555010,555012,2020-10-18 06:30:26.108246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12417,555011,555010,555012,2020-10-18 06:30:26.118246,0 -1000,2000,9,3,-128,-29.7,-20,-128,-27.7,-25,-143,-30.7,-28,12417,555011,555010,555012,2020-10-18 06:30:26.128246,1 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12417,555011,555010,555012,2020-10-18 06:30:26.138246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12417,555011,555010,555012,2020-10-18 06:30:26.148246,0 -280000,123000,25,10,-95,-18.1,7,-95,-16.1,2,-110,-19.1,-1,12417,555011,555010,555012,2020-10-18 06:30:26.158246,0 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12417,555011,555010,555012,2020-10-18 06:30:26.168246,0 -300000,125000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12417,555011,555010,555012,2020-10-18 06:30:26.178246,0 -100000,108722,20,4,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12418,555011,555010,555012,2020-10-18 06:30:26.188246,0 -3000,1000,9,3,-133,-27.3,-2,-133,-25.3,-4,-148,-28.3,1,12418,555011,555010,555012,2020-10-18 06:30:26.198246,1 -280000,121000,25,10,-96,-18.5,3,-96,-16.5,-2,-111,-19.5,-5,12418,555011,555010,555012,2020-10-18 06:30:26.208246,0 -280000,122000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12418,555011,555010,555012,2020-10-18 06:30:26.218246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12418,555011,555010,555012,2020-10-18 06:30:26.228246,0 -280000,121000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12418,555011,555010,555012,2020-10-18 06:30:26.238246,0 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12418,555011,555010,555012,2020-10-18 06:30:26.248246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12418,555011,555010,555012,2020-10-18 06:30:26.258246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12418,555011,555010,555012,2020-10-18 06:30:26.268246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12418,555011,555010,555012,2020-10-18 06:30:26.278246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12418,555011,555010,555012,2020-10-18 06:30:26.288246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12419,555011,555010,555012,2020-10-18 06:30:26.298246,0 -280000,121000,25,10,-95,-18.1,7,-95,-16.1,2,-110,-19.1,-1,12419,555011,555010,555012,2020-10-18 06:30:26.308246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12419,555011,555010,555012,2020-10-18 06:30:26.318246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12419,555011,555010,555012,2020-10-18 06:30:26.328246,0 -300000,125000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12419,555011,555010,555012,2020-10-18 06:30:26.338246,0 -290000,123000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12419,555011,555010,555012,2020-10-18 06:30:26.348246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12419,555011,555010,555012,2020-10-18 06:30:26.358246,0 -270000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12419,555011,555010,555012,2020-10-18 06:30:26.368246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12419,555011,555010,555012,2020-10-18 06:30:26.378246,0 -100,6722,14,6,-121,-27.5,-3,-121,-25.5,-7,-136,-28.5,-13,12419,555011,555010,555012,2020-10-18 06:30:26.388246,1 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12419,555011,555010,555012,2020-10-18 06:30:26.398246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12420,555011,555010,555012,2020-10-18 06:30:26.408246,0 -280000,123000,25,10,-50,-8.1,24,-50,-6.1,19,-65,-9.1,16,12420,555011,555010,555012,2020-10-18 06:30:26.418246,0 -270000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12420,555011,555010,555012,2020-10-18 06:30:26.428246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12420,555011,555010,555012,2020-10-18 06:30:26.438246,0 -3000,20,10,3,-130,-26.3,-4,-130,-24.3,-9,-145,-27.3,-12,12420,555011,555010,555012,2020-10-18 06:30:26.448246,1 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12420,555011,555010,555012,2020-10-18 06:30:26.458246,0 -270000,121000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12420,555011,555010,555012,2020-10-18 06:30:26.468246,0 -110000,108722,20,6,-94,-18.5,3,-94,-16.5,-2,-109,-19.5,-5,12420,555011,555010,555012,2020-10-18 06:30:26.478246,0 -280000,123000,25,8,-94,-18.2,6,-94,-16.2,1,-109,-19.2,-2,12420,555011,555010,555012,2020-10-18 06:30:26.488246,0 -270000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12420,555011,555010,555012,2020-10-18 06:30:26.498246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12420,555011,555010,555012,2020-10-18 06:30:26.508246,0 -110000,108722,20,3,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12421,555011,555010,555012,2020-10-18 06:30:26.518246,0 -300000,125000,25,10,-52,-8.3,24,-52,-6.3,19,-67,-9.3,16,12421,555011,555010,555012,2020-10-18 06:30:26.528246,0 -280000,122000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12421,555011,555010,555012,2020-10-18 06:30:26.538246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12421,555011,555010,555012,2020-10-18 06:30:26.548246,0 -280000,123000,25,10,-94,-18.5,3,-94,-16.5,-2,-109,-19.5,-5,12421,555011,555010,555012,2020-10-18 06:30:26.558246,0 -3000,2000,9,3,-131,-27.3,-4,-131,-25.3,-9,-146,-28.3,1,12421,555011,555010,555012,2020-10-18 06:30:26.568246,1 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12421,555011,555010,555012,2020-10-18 06:30:26.578246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12421,555011,555010,555012,2020-10-18 06:30:26.588246,0 -8000,6722,14,6,-122,-29.7,4,-122,-27.7,3,-137,-30.7,-7,12421,555011,555010,555012,2020-10-18 06:30:26.598246,0 -280000,121000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12421,555011,555010,555012,2020-10-18 06:30:26.608246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12421,555011,555010,555012,2020-10-18 06:30:26.618246,0 -290000,122000,25,10,-94,-18.3,5,-94,-16.3,0,-109,-19.3,-3,12422,555011,555010,555012,2020-10-18 06:30:26.628246,0 -110000,98722,20,6,-96,-18.2,6,-96,-16.2,1,-111,-19.2,-2,12422,555011,555010,555012,2020-10-18 06:30:26.638246,0 -1000,6800,18,7,-118,-26.3,-2,-118,-24.3,-7,-133,-27.3,-14,12422,555011,555010,555012,2020-10-18 06:30:26.648246,1 -300000,123000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12422,555011,555010,555012,2020-10-18 06:30:26.658246,0 -300000,123000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12422,555011,555010,555012,2020-10-18 06:30:26.668246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12422,555011,555010,555012,2020-10-18 06:30:26.678246,0 -280000,122000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12422,555011,555010,555012,2020-10-18 06:30:26.688246,0 -280000,121000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12422,555011,555010,555012,2020-10-18 06:30:26.698246,0 -280000,122000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12422,555011,555010,555012,2020-10-18 06:30:26.708246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12422,555011,555010,555012,2020-10-18 06:30:26.718246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12422,555011,555010,555012,2020-10-18 06:30:26.728246,0 -290000,122000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12423,555011,555010,555012,2020-10-18 06:30:26.738246,0 -10,2000,9,3,-131,-27.1,-6,-131,-25.1,-6,-146,-28.1,0,12423,555011,555010,555012,2020-10-18 06:30:26.748246,1 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12423,555011,555010,555012,2020-10-18 06:30:26.758246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12423,555011,555010,555012,2020-10-18 06:30:26.768246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12423,555011,555010,555012,2020-10-18 06:30:26.778246,0 -270000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12423,555011,555010,555012,2020-10-18 06:30:26.788246,0 -300000,125000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12423,555011,555010,555012,2020-10-18 06:30:26.798246,0 -280000,123000,25,10,-95,-18.5,3,-95,-16.5,-2,-110,-19.5,-5,12423,555011,555010,555012,2020-10-18 06:30:26.808246,0 -290000,122000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12423,555011,555010,555012,2020-10-18 06:30:26.818246,0 -290000,123000,25,10,-51,-8.2,24,-51,-6.2,19,-66,-9.2,16,12423,555011,555010,555012,2020-10-18 06:30:26.828246,0 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12423,555011,555010,555012,2020-10-18 06:30:26.838246,0 -10,2000,9,3,-127,-28.3,-17,-127,-26.3,-22,-142,-29.3,-25,12424,555011,555010,555012,2020-10-18 06:30:26.848246,1 -280000,122000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12424,555011,555010,555012,2020-10-18 06:30:26.858246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12424,555011,555010,555012,2020-10-18 06:30:26.868246,0 -300000,125000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12424,555011,555010,555012,2020-10-18 06:30:26.878246,0 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12424,555011,555010,555012,2020-10-18 06:30:26.888246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12424,555011,555010,555012,2020-10-18 06:30:26.898246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12424,555011,555010,555012,2020-10-18 06:30:26.908246,0 -150000,108722,20,7,-96,-18.4,4,-96,-16.4,-1,-111,-19.4,-4,12424,555011,555010,555012,2020-10-18 06:30:26.918246,0 -290000,121000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12424,555011,555010,555012,2020-10-18 06:30:26.928246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12424,555011,555010,555012,2020-10-18 06:30:26.938246,0 -100000,98722,20,6,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12424,555011,555010,555012,2020-10-18 06:30:26.948246,0 -270000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12425,555011,555010,555012,2020-10-18 06:30:26.958246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12425,555011,555010,555012,2020-10-18 06:30:26.968246,0 -300000,123000,25,10,-51,-8.2,24,-51,-6.2,19,-66,-9.2,16,12425,555011,555010,555012,2020-10-18 06:30:26.978246,0 -5000,200,10,4,-132,-26.9,-2,-132,-24.9,-4,-147,-27.9,2,12425,555011,555010,555012,2020-10-18 06:30:26.988246,1 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12425,555011,555010,555012,2020-10-18 06:30:26.998246,0 -150000,68722,20,7,-94,-20.7,15,-94,-18.7,10,-109,-21.7,7,12425,555011,555010,555012,2020-10-18 06:30:27.008246,0 -270000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12425,555011,555010,555012,2020-10-18 06:30:27.018246,0 -280000,121000,25,10,-96,-18.4,4,-96,-16.4,-1,-111,-19.4,-4,12425,555011,555010,555012,2020-10-18 06:30:27.028246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12425,555011,555010,555012,2020-10-18 06:30:27.038246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12425,555011,555010,555012,2020-10-18 06:30:27.048246,0 -110000,108722,20,4,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12425,555011,555010,555012,2020-10-18 06:30:27.058246,0 -300000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12426,555011,555010,555012,2020-10-18 06:30:27.068246,0 -10,3000,10,3,-130,-29.5,-14,-130,-27.5,-19,-145,-30.5,-22,12426,555011,555010,555012,2020-10-18 06:30:27.078246,1 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12426,555011,555010,555012,2020-10-18 06:30:27.088246,0 -230000,108722,20,10,-96,-18.5,3,-96,-16.5,-2,-111,-19.5,-5,12426,555011,555010,555012,2020-10-18 06:30:27.098246,0 -300000,123000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12426,555011,555010,555012,2020-10-18 06:30:27.108246,0 -150000,108722,20,6,-94,-18.4,4,-94,-16.4,-1,-109,-19.4,-4,12426,555011,555010,555012,2020-10-18 06:30:27.118246,0 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12426,555011,555010,555012,2020-10-18 06:30:27.128246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12426,555011,555010,555012,2020-10-18 06:30:27.138246,0 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12426,555011,555010,555012,2020-10-18 06:30:27.148246,0 -110000,78722,20,8,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12426,555011,555010,555012,2020-10-18 06:30:27.158246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12426,555011,555010,555012,2020-10-18 06:30:27.168246,0 -290000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12427,555011,555010,555012,2020-10-18 06:30:27.178246,0 -230000,108722,20,10,-96,-18.5,3,-96,-16.5,-2,-111,-19.5,-5,12427,555011,555010,555012,2020-10-18 06:30:27.188246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12427,555011,555010,555012,2020-10-18 06:30:27.198246,0 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12427,555011,555010,555012,2020-10-18 06:30:27.208246,0 -110000,108722,20,6,-96,-18.2,6,-96,-16.2,1,-111,-19.2,-2,12427,555011,555010,555012,2020-10-18 06:30:27.218246,0 -280000,122000,25,10,-95,-18.1,7,-95,-16.1,2,-110,-19.1,-1,12427,555011,555010,555012,2020-10-18 06:30:27.228246,0 -100,6722,14,6,-122,-25.9,-2,-122,-23.9,-7,-137,-26.9,-10,12427,555011,555010,555012,2020-10-18 06:30:27.238246,1 -270000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12427,555011,555010,555012,2020-10-18 06:30:27.248246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12427,555011,555010,555012,2020-10-18 06:30:27.258246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12427,555011,555010,555012,2020-10-18 06:30:27.268246,0 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12427,555011,555010,555012,2020-10-18 06:30:27.278246,0 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12428,555011,555010,555012,2020-10-18 06:30:27.288246,0 -280000,121000,25,10,-96,-18.1,7,-96,-16.1,2,-111,-19.1,-1,12428,555011,555010,555012,2020-10-18 06:30:27.298246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12428,555011,555010,555012,2020-10-18 06:30:27.308246,0 -290000,121000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12428,555011,555010,555012,2020-10-18 06:30:27.318246,0 -280000,121000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12428,555011,555010,555012,2020-10-18 06:30:27.328246,0 -110000,98722,20,6,-96,-18.3,5,-96,-16.3,0,-111,-19.3,-3,12428,555011,555010,555012,2020-10-18 06:30:27.338246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12428,555011,555010,555012,2020-10-18 06:30:27.348246,0 -8000,6000,10,3,-121,-28.7,-12,-121,-26.7,-17,-136,-29.7,-20,12428,555011,555010,555012,2020-10-18 06:30:27.358246,1 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12428,555011,555010,555012,2020-10-18 06:30:27.368246,0 -280000,123000,25,10,-94,-18.3,5,-94,-16.3,0,-109,-19.3,-3,12428,555011,555010,555012,2020-10-18 06:30:27.378246,0 -270000,122000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12428,555011,555010,555012,2020-10-18 06:30:27.388246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12429,555011,555010,555012,2020-10-18 06:30:27.398246,0 -110000,108722,20,3,-95,-20.9,15,-95,-18.9,10,-110,-21.9,7,12429,555011,555010,555012,2020-10-18 06:30:27.408246,0 -300000,125000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12429,555011,555010,555012,2020-10-18 06:30:27.418246,0 -270000,121000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12429,555011,555010,555012,2020-10-18 06:30:27.428246,0 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12429,555011,555010,555012,2020-10-18 06:30:27.438246,0 -280000,122000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12429,555011,555010,555012,2020-10-18 06:30:27.448246,0 -110000,98722,20,3,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12429,555011,555010,555012,2020-10-18 06:30:27.458246,0 -110000,108722,20,4,-95,-20.9,14,-95,-18.9,9,-110,-21.9,6,12429,555011,555010,555012,2020-10-18 06:30:27.468246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12429,555011,555010,555012,2020-10-18 06:30:27.478246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12429,555011,555010,555012,2020-10-18 06:30:27.488246,0 -3000,200,10,3,-135,-27.7,-2,-135,-25.7,-4,-150,-28.7,2,12429,555011,555010,555012,2020-10-18 06:30:27.498246,1 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12430,555011,555010,555012,2020-10-18 06:30:27.508246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12430,555011,555010,555012,2020-10-18 06:30:27.518246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12430,555011,555010,555012,2020-10-18 06:30:27.528246,0 -150000,98722,20,2,-94,-20.7,14,-94,-18.7,9,-109,-21.7,6,12430,555011,555010,555012,2020-10-18 06:30:27.538246,0 -290000,123000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12430,555011,555010,555012,2020-10-18 06:30:27.548246,0 -290000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12430,555011,555010,555012,2020-10-18 06:30:27.558246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12430,555011,555010,555012,2020-10-18 06:30:27.568246,0 -1000,6800,18,7,-117,-25.7,-7,-117,-23.7,-9,-132,-26.7,-11,12430,555011,555010,555012,2020-10-18 06:30:27.578246,1 -200000,108722,20,6,-94,-18.4,4,-94,-16.4,-1,-109,-19.4,-4,12430,555011,555010,555012,2020-10-18 06:30:27.588246,0 -150000,108722,20,6,-95,-18.5,3,-95,-16.5,-2,-110,-19.5,-5,12430,555011,555010,555012,2020-10-18 06:30:27.598246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12430,555011,555010,555012,2020-10-18 06:30:27.608246,0 -280000,121000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12431,555011,555010,555012,2020-10-18 06:30:27.618246,0 -290000,122000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12431,555011,555010,555012,2020-10-18 06:30:27.628246,0 -300000,122000,25,10,-95,-18.5,3,-95,-16.5,-2,-110,-19.5,-5,12431,555011,555010,555012,2020-10-18 06:30:27.638246,0 -280000,121000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12431,555011,555010,555012,2020-10-18 06:30:27.648246,0 -270000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12431,555011,555010,555012,2020-10-18 06:30:27.658246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12431,555011,555010,555012,2020-10-18 06:30:27.668246,0 -4000,200,10,3,-135,-27.7,-5,-135,-25.7,-10,-150,-28.7,-13,12431,555011,555010,555012,2020-10-18 06:30:27.678246,1 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12431,555011,555010,555012,2020-10-18 06:30:27.688246,0 -280000,121000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12431,555011,555010,555012,2020-10-18 06:30:27.698246,0 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12431,555011,555010,555012,2020-10-18 06:30:27.708246,0 -110000,98722,20,5,-95,-18.5,3,-95,-16.5,-2,-110,-19.5,-5,12431,555011,555010,555012,2020-10-18 06:30:27.718246,0 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12432,555011,555010,555012,2020-10-18 06:30:27.728246,0 -280000,123000,25,10,-95,-18.5,3,-95,-16.5,-2,-110,-19.5,-5,12432,555011,555010,555012,2020-10-18 06:30:27.738246,0 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12432,555011,555010,555012,2020-10-18 06:30:27.748246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12432,555011,555010,555012,2020-10-18 06:30:27.758246,0 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12432,555011,555010,555012,2020-10-18 06:30:27.768246,0 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12432,555011,555010,555012,2020-10-18 06:30:27.778246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12432,555011,555010,555012,2020-10-18 06:30:27.788246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12432,555011,555010,555012,2020-10-18 06:30:27.798246,0 -290000,122000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12432,555011,555010,555012,2020-10-18 06:30:27.808246,0 -9000,6000,14,6,-128,-25.9,-11,-128,-23.9,-16,-143,-26.9,-19,12432,555011,555010,555012,2020-10-18 06:30:27.818246,1 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12432,555011,555010,555012,2020-10-18 06:30:27.828246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12433,555011,555010,555012,2020-10-18 06:30:27.838246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12433,555011,555010,555012,2020-10-18 06:30:27.848246,0 -280000,121000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12433,555011,555010,555012,2020-10-18 06:30:27.858246,0 -300000,125000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12433,555011,555010,555012,2020-10-18 06:30:27.868246,0 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12433,555011,555010,555012,2020-10-18 06:30:27.878246,0 -280000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12433,555011,555010,555012,2020-10-18 06:30:27.888246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12433,555011,555010,555012,2020-10-18 06:30:27.898246,0 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12433,555011,555010,555012,2020-10-18 06:30:27.908246,0 -300000,125000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12433,555011,555010,555012,2020-10-18 06:30:27.918246,0 -4000,200,9,4,-126,-26.3,-4,-126,-24.3,-9,-141,-27.3,-12,12433,555011,555010,555012,2020-10-18 06:30:27.928246,1 -300000,125000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12433,555011,555010,555012,2020-10-18 06:30:27.938246,0 -300000,125000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12434,555011,555010,555012,2020-10-18 06:30:27.948246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12434,555011,555010,555012,2020-10-18 06:30:27.958246,0 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12434,555011,555010,555012,2020-10-18 06:30:27.968246,0 -1000,500,9,4,-135,-27.5,-1,-135,-25.5,-6,-150,-28.5,-9,12434,555011,555010,555012,2020-10-18 06:30:27.978246,1 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12434,555011,555010,555012,2020-10-18 06:30:27.988246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12434,555011,555010,555012,2020-10-18 06:30:27.998246,0 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12434,555011,555010,555012,2020-10-18 06:30:28.008246,0 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12434,555011,555010,555012,2020-10-18 06:30:28.018246,0 -200000,108722,20,5,-94,-18.3,5,-94,-16.3,0,-109,-19.3,-3,12434,555011,555010,555012,2020-10-18 06:30:28.028246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12434,555011,555010,555012,2020-10-18 06:30:28.038246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12434,555011,555010,555012,2020-10-18 06:30:28.048246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12435,555011,555010,555012,2020-10-18 06:30:28.058246,0 -280000,123000,25,10,-60,-9.1,23,-60,-7.1,18,-75,-10.1,15,12435,555011,555010,555012,2020-10-18 06:30:28.068246,0 -280000,121000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12435,555011,555010,555012,2020-10-18 06:30:28.078246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12435,555011,555010,555012,2020-10-18 06:30:28.088246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12435,555011,555010,555012,2020-10-18 06:30:28.098246,0 -150000,88722,20,4,-94,-20.7,14,-94,-18.7,9,-109,-21.7,6,12435,555011,555010,555012,2020-10-18 06:30:28.108246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12435,555011,555010,555012,2020-10-18 06:30:28.118246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12435,555011,555010,555012,2020-10-18 06:30:28.128246,0 -9000,5000,14,6,-130,-25.7,-7,-130,-23.7,-12,-145,-26.7,-15,12435,555011,555010,555012,2020-10-18 06:30:28.138246,1 -300000,123000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12435,555011,555010,555012,2020-10-18 06:30:28.148246,0 -290000,123000,25,10,-95,-18.2,6,-95,-16.2,1,-110,-19.2,-2,12435,555011,555010,555012,2020-10-18 06:30:28.158246,0 -280000,122000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12436,555011,555010,555012,2020-10-18 06:30:28.168246,0 -280000,122000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12436,555011,555010,555012,2020-10-18 06:30:28.178246,0 -9000,6722,16,6,-121,-26.1,3,-121,-24.1,3,-136,-27.1,-5,12436,555011,555010,555012,2020-10-18 06:30:28.188246,0 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12436,555011,555010,555012,2020-10-18 06:30:28.198246,0 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12436,555011,555010,555012,2020-10-18 06:30:28.208246,0 -280000,121000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12436,555011,555010,555012,2020-10-18 06:30:28.218246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12436,555011,555010,555012,2020-10-18 06:30:28.228246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12436,555011,555010,555012,2020-10-18 06:30:28.238246,0 -5000,1000,10,4,-132,-27.5,-6,-132,-25.5,-8,-147,-28.5,2,12436,555011,555010,555012,2020-10-18 06:30:28.248246,1 -280000,123000,25,10,-62,-9.3,23,-62,-7.3,18,-77,-10.3,15,12436,555011,555010,555012,2020-10-18 06:30:28.258246,0 -290000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12436,555011,555010,555012,2020-10-18 06:30:28.268246,0 -150000,68722,20,6,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12437,555011,555010,555012,2020-10-18 06:30:28.278246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12437,555011,555010,555012,2020-10-18 06:30:28.288246,0 -300000,125000,25,10,-49,-8.0,24,-49,-6.0,19,-64,-9.0,16,12437,555011,555010,555012,2020-10-18 06:30:28.298246,0 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12437,555011,555010,555012,2020-10-18 06:30:28.308246,0 -280000,122000,25,8,-95,-18.2,6,-95,-16.2,1,-110,-19.2,-2,12437,555011,555010,555012,2020-10-18 06:30:28.318246,0 -100,5000,16,6,-124,-26.1,-6,-124,-24.1,-10,-139,-27.1,-14,12437,555011,555010,555012,2020-10-18 06:30:28.328246,1 -110000,108722,20,3,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12437,555011,555010,555012,2020-10-18 06:30:28.338246,0 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12437,555011,555010,555012,2020-10-18 06:30:28.348246,0 -280000,122000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12437,555011,555010,555012,2020-10-18 06:30:28.358246,0 -300000,123000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12437,555011,555010,555012,2020-10-18 06:30:28.368246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12437,555011,555010,555012,2020-10-18 06:30:28.378246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12438,555011,555010,555012,2020-10-18 06:30:28.388246,0 -150000,88722,20,2,-94,-20.7,14,-94,-18.7,9,-109,-21.7,6,12438,555011,555010,555012,2020-10-18 06:30:28.398246,0 -290000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12438,555011,555010,555012,2020-10-18 06:30:28.408246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12438,555011,555010,555012,2020-10-18 06:30:28.418246,0 -300000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12438,555011,555010,555012,2020-10-18 06:30:28.428246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12438,555011,555010,555012,2020-10-18 06:30:28.438246,0 -1000,20,10,3,-130,-29.3,-17,-130,-27.3,-22,-145,-30.3,-25,12438,555011,555010,555012,2020-10-18 06:30:28.448246,1 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12438,555011,555010,555012,2020-10-18 06:30:28.458246,0 -270000,123000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12438,555011,555010,555012,2020-10-18 06:30:28.468246,0 -150000,88722,20,2,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12438,555011,555010,555012,2020-10-18 06:30:28.478246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12438,555011,555010,555012,2020-10-18 06:30:28.488246,0 -280000,123000,25,10,-58,-8.9,23,-58,-6.9,18,-73,-9.9,15,12439,555011,555010,555012,2020-10-18 06:30:28.498246,0 -150000,108722,20,7,-96,-18.3,5,-96,-16.3,0,-111,-19.3,-3,12439,555011,555010,555012,2020-10-18 06:30:28.508246,0 -300000,123000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12439,555011,555010,555012,2020-10-18 06:30:28.518246,0 -150000,98722,20,2,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12439,555011,555010,555012,2020-10-18 06:30:28.528246,0 -100,4000,14,6,-124,-27.1,-2,-124,-25.1,-5,-139,-28.1,-12,12439,555011,555010,555012,2020-10-18 06:30:28.538246,1 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12439,555011,555010,555012,2020-10-18 06:30:28.548246,0 -280000,121000,25,10,-94,-18.3,5,-94,-16.3,0,-109,-19.3,-3,12439,555011,555010,555012,2020-10-18 06:30:28.558246,0 -280000,122000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12439,555011,555010,555012,2020-10-18 06:30:28.568246,0 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12439,555011,555010,555012,2020-10-18 06:30:28.578246,0 -300000,125000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12439,555011,555010,555012,2020-10-18 06:30:28.588246,0 -280000,123000,25,10,-94,-18.4,4,-94,-16.4,-1,-109,-19.4,-4,12439,555011,555010,555012,2020-10-18 06:30:28.598246,0 -290000,121000,25,10,-96,-18.1,7,-96,-16.1,2,-111,-19.1,-1,12440,555011,555010,555012,2020-10-18 06:30:28.608246,0 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12440,555011,555010,555012,2020-10-18 06:30:28.618246,0 -280000,122000,25,10,-50,-8.1,24,-50,-6.1,19,-65,-9.1,16,12440,555011,555010,555012,2020-10-18 06:30:28.628246,0 -280000,123000,25,10,-57,-8.8,23,-57,-6.8,18,-72,-9.8,15,12440,555011,555010,555012,2020-10-18 06:30:28.638246,0 -10,200,10,3,-135,-27.5,-5,-135,-25.5,-4,-150,-28.5,2,12440,555011,555010,555012,2020-10-18 06:30:28.648246,1 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12440,555011,555010,555012,2020-10-18 06:30:28.658246,0 -300000,123000,25,10,-94,-18.1,7,-94,-16.1,2,-109,-19.1,-1,12440,555011,555010,555012,2020-10-18 06:30:28.668246,0 -290000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12440,555011,555010,555012,2020-10-18 06:30:28.678246,0 -280000,123000,25,10,-59,-9.0,23,-59,-7.0,18,-74,-10.0,15,12440,555011,555010,555012,2020-10-18 06:30:28.688246,0 -280000,122000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12440,555011,555010,555012,2020-10-18 06:30:28.698246,0 -280000,122000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12440,555011,555010,555012,2020-10-18 06:30:28.708246,0 -110000,98722,20,8,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12441,555011,555010,555012,2020-10-18 06:30:28.718246,0 -300000,125000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12441,555011,555010,555012,2020-10-18 06:30:28.728246,0 -280000,123000,25,10,-94,-18.4,4,-94,-16.4,-1,-109,-19.4,-4,12441,555011,555010,555012,2020-10-18 06:30:28.738246,0 -4000,3000,10,3,-127,-29.5,-14,-127,-27.5,-19,-142,-30.5,-22,12441,555011,555010,555012,2020-10-18 06:30:28.748246,1 -150000,78722,20,2,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12441,555011,555010,555012,2020-10-18 06:30:28.758246,0 -300000,125000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12441,555011,555010,555012,2020-10-18 06:30:28.768246,0 -280000,123000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12441,555011,555010,555012,2020-10-18 06:30:28.778246,0 -300000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12441,555011,555010,555012,2020-10-18 06:30:28.788246,0 -300000,123000,25,10,-51,-8.2,25,-51,-6.2,20,-66,-9.2,17,12441,555011,555010,555012,2020-10-18 06:30:28.798246,0 -280000,121000,25,10,-96,-18.5,3,-96,-16.5,-2,-111,-19.5,-5,12441,555011,555010,555012,2020-10-18 06:30:28.808246,0 -300000,125000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12441,555011,555010,555012,2020-10-18 06:30:28.818246,0 -7000,6000,14,6,-121,-28.3,-12,-121,-26.3,-17,-136,-29.3,-20,12442,555011,555010,555012,2020-10-18 06:30:28.828246,1 -110000,108722,20,6,-95,-20.9,16,-95,-18.9,11,-110,-21.9,8,12442,555011,555010,555012,2020-10-18 06:30:28.838246,0 -290000,123000,25,10,-53,-8.4,25,-53,-6.4,20,-68,-9.4,17,12442,555011,555010,555012,2020-10-18 06:30:28.848246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12442,555011,555010,555012,2020-10-18 06:30:28.858246,0 -290000,122000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12442,555011,555010,555012,2020-10-18 06:30:28.868246,0 -280000,121000,25,10,-56,-8.7,23,-56,-6.7,18,-71,-9.7,15,12442,555011,555010,555012,2020-10-18 06:30:28.878246,0 -270000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12442,555011,555010,555012,2020-10-18 06:30:28.888246,0 -150000,108722,20,7,-94,-20.7,16,-94,-18.7,11,-109,-21.7,8,12442,555011,555010,555012,2020-10-18 06:30:28.898246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12442,555011,555010,555012,2020-10-18 06:30:28.908246,0 -300000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12442,555011,555010,555012,2020-10-18 06:30:28.918246,0 -300000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12442,555011,555010,555012,2020-10-18 06:30:28.928246,0 -200000,108722,20,5,-94,-18.2,6,-94,-16.2,1,-109,-19.2,-2,12443,555011,555010,555012,2020-10-18 06:30:28.938246,0 -200000,108722,20,7,-96,-18.1,7,-96,-16.1,2,-111,-19.1,-1,12443,555011,555010,555012,2020-10-18 06:30:28.948246,0 -280000,123000,25,10,-63,-9.4,23,-63,-7.4,18,-78,-10.4,15,12443,555011,555010,555012,2020-10-18 06:30:28.958246,0 -280000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12443,555011,555010,555012,2020-10-18 06:30:28.968246,0 -300000,123000,25,10,-52,-8.3,24,-52,-6.3,19,-67,-9.3,16,12443,555011,555010,555012,2020-10-18 06:30:28.978246,0 -300000,125000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12443,555011,555010,555012,2020-10-18 06:30:28.988246,0 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12443,555011,555010,555012,2020-10-18 06:30:28.998246,0 -200000,108722,20,5,-96,-18.3,5,-96,-16.3,0,-111,-19.3,-3,12443,555011,555010,555012,2020-10-18 06:30:29.008246,0 -280000,123000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12443,555011,555010,555012,2020-10-18 06:30:29.018246,0 -100,1000,9,3,-134,-27.5,-4,-134,-25.5,-9,-149,-28.5,-12,12443,555011,555010,555012,2020-10-18 06:30:29.028246,1 -270000,122000,25,10,-50,-8.1,25,-50,-6.1,20,-65,-9.1,17,12443,555011,555010,555012,2020-10-18 06:30:29.038246,0 -280000,121000,25,10,-61,-9.2,23,-61,-7.2,18,-76,-10.2,15,12444,555011,555010,555012,2020-10-18 06:30:29.048246,0 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12444,555011,555010,555012,2020-10-18 06:30:29.058246,0 -290000,123000,25,10,-49,-8.0,25,-49,-6.0,20,-64,-9.0,17,12444,555011,555010,555012,2020-10-18 06:30:29.068246,0 -290000,123000,25,10,-54,-8.5,23,-54,-6.5,18,-69,-9.5,15,12444,555011,555010,555012,2020-10-18 06:30:29.078246,0 -280000,123000,25,10,-95,-18.2,6,-95,-16.2,1,-110,-19.2,-2,12444,555011,555010,555012,2020-10-18 06:30:29.088246,0 -280000,123000,25,10,-64,-9.5,23,-64,-7.5,18,-79,-10.5,15,12444,555011,555010,555012,2020-10-18 06:30:29.098246,0 -300000,123000,25,10,-52,-8.3,25,-52,-6.3,20,-67,-9.3,17,12444,555011,555010,555012,2020-10-18 06:30:29.108246,0 -150000,108722,20,4,-96,-18.4,4,-96,-16.4,-1,-111,-19.4,-4,12444,555011,555010,555012,2020-10-18 06:30:29.118246,0 -280000,123000,25,10,-55,-8.6,23,-55,-6.6,18,-70,-9.6,15,12444,555011,555010,555012,2020-10-18 06:30:29.128246,0 +UEPDCPBytesDL,UEPDCPBytesUL,UEPRBUsageDL,UEPRBUsageUL,S_RSRP,S_RSRQ,S_SINR,N1_RSRP,N1_RSRQ,N1_SINR,N2_RSRP,N2_RSRQ,N2_SINR,UEID,ServingCellID,N1,N2,MeasTimestampRF +290000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12345,555002,555001,555003,2020-11-12 21:26:21.000496 +110000,98722,20,3,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12345,555002,555001,555003,2020-11-12 21:26:20.990496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12345,555002,555001,555003,2020-11-12 21:26:20.980496 +100000,108722,20,6,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12345,555002,555001,555003,2020-11-12 21:26:20.970496 +110000,108722,20,8,-92,-16.3,12,-97,-19.3,7,-112,-22.3,4,12345,555002,555001,555003,2020-11-12 21:26:20.960496 +230000,68722,20,6,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12345,555002,555001,555003,2020-11-12 21:26:20.950496 +230000,98722,20,10,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12345,555002,555001,555003,2020-11-12 21:26:20.940496 +150000,98722,20,3,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12345,555002,555001,555003,2020-11-12 21:26:20.930496 +110000,108722,20,3,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12345,555002,555001,555003,2020-11-12 21:26:20.920496 +10000,38722,18,7,-118,-17.7,3,-123,-20.7,-2,-138,-23.7,-5,12345,555002,555001,555003,2020-11-12 21:26:20.910496 +150000,108722,20,6,-92,-13.4,4,-97,-16.4,-1,-112,-19.4,-4,12345,555002,555001,555003,2020-11-12 21:26:20.900496 +100000,58722,18,6,-114,-18.9,6,-119,-21.9,1,-134,-24.9,-2,12345,555002,555001,555003,2020-11-12 21:26:20.890496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12345,555002,555001,555003,2020-11-12 21:26:20.880496 +280000,122000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12345,555002,555001,555003,2020-11-12 21:26:20.870496 +150000,108722,20,6,-84,-11.5,15,-89,-14.5,10,-104,-17.5,7,12345,555002,555001,555003,2020-11-12 21:26:20.860496 +110000,108722,20,6,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12345,555002,555001,555003,2020-11-12 21:26:20.850496 +280000,121000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12345,555002,555001,555003,2020-11-12 21:26:20.840496 +150000,108722,20,4,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12345,555002,555001,555003,2020-11-12 21:26:20.830496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12345,555002,555001,555003,2020-11-12 21:26:20.820496 +290000,123000,25,10,-86,-12.3,15,-91,-15.3,10,-106,-18.3,7,12345,555002,555001,555003,2020-11-12 21:26:20.810496 +280000,123000,25,10,-82,-12.7,11,-87,-15.7,6,-102,-18.7,3,12345,555002,555001,555003,2020-11-12 21:26:20.800496 +300000,123000,25,10,-47,-3.3,24,-52,-6.3,19,-67,-9.3,16,12345,555002,555001,555003,2020-11-12 21:26:20.790496 +150000,108722,20,6,-92,-13.5,3,-97,-16.5,-2,-112,-19.5,-5,12345,555002,555001,555003,2020-11-12 21:26:20.780496 +280000,121000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12345,555002,555001,555003,2020-11-12 21:26:20.770496 +110000,78722,20,5,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12345,555002,555001,555003,2020-11-12 21:26:20.760496 +110000,98722,20,8,-89,-15.7,12,-94,-18.7,7,-109,-21.7,4,12345,555002,555001,555003,2020-11-12 21:26:20.750496 +110000,108722,20,7,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12345,555002,555001,555003,2020-11-12 21:26:20.740496 +230000,98722,20,4,-99,-10.7,8,-104,-13.7,3,-119,-16.7,0,12345,555002,555001,555003,2020-11-12 21:26:20.730496 +150000,108722,20,8,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12345,555002,555001,555003,2020-11-12 21:26:20.720496 +280000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12345,555002,555001,555003,2020-11-12 21:26:20.710496 +100000,108722,20,4,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12345,555002,555001,555003,2020-11-12 21:26:20.700496 +150000,98722,20,4,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12345,555002,555001,555003,2020-11-12 21:26:20.690496 +110000,108722,20,4,-93,-13.1,7,-98,-16.1,2,-113,-19.1,-1,12345,555002,555001,555003,2020-11-12 21:26:20.680496 +110000,88722,20,6,-93,-16.5,15,-98,-19.5,10,-113,-22.5,7,12345,555002,555001,555003,2020-11-12 21:26:20.670496 +150000,78722,20,7,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12345,555002,555001,555003,2020-11-12 21:26:20.660496 +150000,108722,20,3,-99,-10.9,8,-104,-13.9,3,-119,-16.9,0,12345,555002,555001,555003,2020-11-12 21:26:20.650496 +270000,123000,25,10,-45,-3.1,24,-50,-6.1,19,-65,-9.1,16,12345,555002,555001,555003,2020-11-12 21:26:20.640496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12345,555002,555001,555003,2020-11-12 21:26:20.630496 +150000,108722,20,8,-92,-12.1,9,-97,-15.1,4,-112,-18.1,1,12345,555002,555001,555003,2020-11-12 21:26:20.620496 +200000,68722,20,3,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12345,555002,555001,555003,2020-11-12 21:26:20.610496 +230000,108722,20,7,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12345,555002,555001,555003,2020-11-12 21:26:20.600496 +270000,122000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12345,555002,555001,555003,2020-11-12 21:26:20.590496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12345,555002,555001,555003,2020-11-12 21:26:20.580496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12345,555002,555001,555003,2020-11-12 21:26:20.570496 +110000,98722,20,3,-90,-12.7,15,-95,-15.7,10,-110,-18.7,7,12345,555002,555001,555003,2020-11-12 21:26:20.560496 +1000,20,9,3,-128,-22.1,-5,-133,-25.1,-10,-148,-28.1,-13,12345,555002,555001,555003,2020-11-12 21:26:20.550496 +150000,98722,20,6,-97,-12.5,11,-102,-15.5,6,-117,-18.5,3,12345,555002,555001,555003,2020-11-12 21:26:20.540496 +110000,108722,20,4,-91,-13.0,8,-96,-16.0,3,-111,-19.0,0,12345,555002,555001,555003,2020-11-12 21:26:20.530496 +280000,123000,25,10,-84,-12.8,10,-89,-15.8,5,-104,-18.8,2,12345,555002,555001,555003,2020-11-12 21:26:20.520496 +280000,122000,25,10,-88,-12.0,18,-93,-15.0,13,-108,-18.0,10,12345,555002,555001,555003,2020-11-12 21:26:20.510496 +280000,121000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12345,555002,555001,555003,2020-11-12 21:26:20.500496 +150000,98722,20,8,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12345,555002,555001,555003,2020-11-12 21:26:20.490496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12346,555002,555001,555003,2020-11-12 21:26:20.480496 +110000,108722,20,3,-97,-17.3,15,-102,-20.3,10,-117,-23.3,7,12346,555002,555001,555003,2020-11-12 21:26:20.470496 +150000,68722,20,4,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12346,555002,555001,555003,2020-11-12 21:26:20.460496 +150000,108722,20,3,-93,-11.5,10,-98,-14.5,5,-113,-17.5,2,12346,555002,555001,555003,2020-11-12 21:26:20.450496 +100000,78722,20,3,-91,-11.9,11,-96,-14.9,6,-111,-17.9,3,12346,555002,555001,555003,2020-11-12 21:26:20.440496 +110000,78722,20,2,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12346,555002,555001,555003,2020-11-12 21:26:20.430496 +100000,108722,20,3,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12346,555002,555001,555003,2020-11-12 21:26:20.420496 +150000,78722,20,5,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12346,555002,555001,555003,2020-11-12 21:26:20.410496 +200000,108722,20,2,-92,-12.5,10,-97,-15.5,5,-112,-18.5,2,12346,555002,555001,555003,2020-11-12 21:26:20.400496 +150000,108722,20,6,-92,-13.2,6,-97,-16.2,1,-112,-19.2,-2,12346,555002,555001,555003,2020-11-12 21:26:20.390496 +110000,108722,20,6,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12346,555002,555001,555003,2020-11-12 21:26:20.380496 +10000,6722,15,7,-111,-18.1,6,-116,-21.1,1,-131,-24.1,-2,12346,555002,555001,555003,2020-11-12 21:26:20.370496 +110000,108722,20,6,-92,-13.1,7,-97,-16.1,2,-112,-19.1,-1,12346,555002,555001,555003,2020-11-12 21:26:20.360496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12346,555002,555001,555003,2020-11-12 21:26:20.350496 +110000,108722,20,5,-81,-10.9,15,-86,-13.9,10,-101,-16.9,7,12346,555002,555001,555003,2020-11-12 21:26:20.340496 +150000,88722,20,3,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12346,555002,555001,555003,2020-11-12 21:26:20.330496 +150000,108722,20,2,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12346,555002,555001,555003,2020-11-12 21:26:20.320496 +100000,108722,20,6,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12346,555002,555001,555003,2020-11-12 21:26:20.310496 +280000,122000,25,10,-87,-12.6,12,-92,-15.6,7,-107,-18.6,4,12346,555002,555001,555003,2020-11-12 21:26:20.300496 +150000,68722,20,5,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12346,555002,555001,555003,2020-11-12 21:26:20.290496 +280000,122000,25,10,-85,-12.5,13,-90,-15.5,8,-105,-18.5,5,12346,555002,555001,555003,2020-11-12 21:26:20.280496 +150000,108722,20,7,-90,-13.3,5,-95,-16.3,0,-110,-19.3,-3,12346,555002,555001,555003,2020-11-12 21:26:20.270496 +110000,108722,20,3,-95,-10.9,12,-100,-13.9,7,-115,-16.9,4,12346,555002,555001,555003,2020-11-12 21:26:20.260496 +280000,121000,25,10,-93,-13.8,0,-98,-16.8,-5,-113,-19.8,-8,12346,555002,555001,555003,2020-11-12 21:26:20.250496 +150000,88722,20,4,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12346,555002,555001,555003,2020-11-12 21:26:20.240496 +100000,58722,18,7,-111,-20.9,-2,-116,-23.9,-4,-131,-26.9,-12,12346,555002,555001,555003,2020-11-12 21:26:20.230496 +280000,123000,25,10,-82,-12.0,18,-87,-15.0,13,-102,-18.0,10,12346,555002,555001,555003,2020-11-12 21:26:20.220496 +280000,122000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12346,555002,555001,555003,2020-11-12 21:26:20.210496 +10000,6722,16,6,-112,-18.5,6,-117,-21.5,1,-132,-24.5,-2,12346,555002,555001,555003,2020-11-12 21:26:20.200496 +280000,123000,25,10,-84,-12.8,10,-89,-15.8,5,-104,-18.8,2,12346,555002,555001,555003,2020-11-12 21:26:20.190496 +150000,108722,20,6,-91,-13.0,8,-96,-16.0,3,-111,-19.0,0,12346,555002,555001,555003,2020-11-12 21:26:20.180496 +290000,123000,25,10,-83,-12.3,15,-88,-15.3,10,-103,-18.3,7,12346,555002,555001,555003,2020-11-12 21:26:20.170496 +1000,20,9,3,-125,-24.3,-21,-130,-27.3,-26,-145,-30.3,-29,12346,555002,555001,555003,2020-11-12 21:26:20.160496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12346,555002,555001,555003,2020-11-12 21:26:20.150496 +110000,88722,20,7,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12346,555002,555001,555003,2020-11-12 21:26:20.140496 +280000,121000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12346,555002,555001,555003,2020-11-12 21:26:20.130496 +110000,98722,20,2,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12346,555002,555001,555003,2020-11-12 21:26:20.120496 +100000,88722,20,2,-90,-15.9,15,-95,-18.9,10,-110,-21.9,7,12346,555002,555001,555003,2020-11-12 21:26:20.110496 +280000,122000,25,10,-84,-12.4,14,-89,-15.4,9,-104,-18.4,6,12346,555002,555001,555003,2020-11-12 21:26:20.100496 +270000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12346,555002,555001,555003,2020-11-12 21:26:20.090496 +3000,500,10,3,-123,-24.3,1,-128,-27.3,-1,-143,-30.3,-7,12346,555002,555001,555003,2020-11-12 21:26:20.080496 +150000,108722,20,5,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12346,555002,555001,555003,2020-11-12 21:26:20.070496 +110000,108722,20,2,-97,-17.3,12,-102,-20.3,7,-117,-23.3,4,12346,555002,555001,555003,2020-11-12 21:26:20.060496 +200000,108722,20,7,-91,-13.7,1,-96,-16.7,-4,-111,-19.7,-7,12346,555002,555001,555003,2020-11-12 21:26:20.050496 +280000,123000,25,10,-87,-12.1,17,-92,-15.1,12,-107,-18.1,9,12346,555002,555001,555003,2020-11-12 21:26:20.040496 +110000,108722,20,4,-98,-17.5,14,-103,-20.5,9,-118,-23.5,6,12346,555002,555001,555003,2020-11-12 21:26:20.030496 +110000,88722,20,4,-99,-11.7,10,-104,-14.7,5,-119,-17.7,2,12346,555002,555001,555003,2020-11-12 21:26:20.020496 +150000,98722,20,6,-92,-16.3,12,-97,-19.3,7,-112,-22.3,4,12346,555002,555001,555003,2020-11-12 21:26:20.010496 +230000,108722,20,10,-92,-13.5,3,-97,-16.5,-2,-112,-19.5,-5,12346,555002,555001,555003,2020-11-12 21:26:20.000496 +280000,121000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12346,555002,555001,555003,2020-11-12 21:26:19.990496 +150000,88722,20,2,-90,-12.1,12,-95,-15.1,7,-110,-18.1,4,12346,555002,555001,555003,2020-11-12 21:26:19.980496 +150000,108722,20,6,-97,-11.5,8,-102,-14.5,3,-117,-17.5,0,12346,555002,555001,555003,2020-11-12 21:26:19.970496 +100000,6722,18,7,-118,-19.5,3,-123,-22.5,-2,-138,-25.5,-5,12347,555002,555001,555003,2020-11-12 21:26:19.960496 +300000,123000,25,10,-86,-12.6,12,-91,-15.6,7,-106,-18.6,4,12347,555002,555001,555003,2020-11-12 21:26:19.950496 +150000,108722,20,8,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12347,555002,555001,555003,2020-11-12 21:26:19.940496 +200000,108722,20,7,-95,-11.5,10,-100,-14.5,5,-115,-17.5,2,12347,555002,555001,555003,2020-11-12 21:26:19.930496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12347,555002,555001,555003,2020-11-12 21:26:19.920496 +110000,68722,20,7,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12347,555002,555001,555003,2020-11-12 21:26:19.910496 +110000,108722,20,6,-91,-13.7,1,-96,-16.7,-4,-111,-19.7,-7,12347,555002,555001,555003,2020-11-12 21:26:19.900496 +10000,6000,14,6,-117,-20.7,-11,-122,-23.7,-16,-137,-26.7,-19,12347,555002,555001,555003,2020-11-12 21:26:19.890496 +200000,108722,20,4,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12347,555002,555001,555003,2020-11-12 21:26:19.880496 +300000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12347,555002,555001,555003,2020-11-12 21:26:19.870496 +110000,108722,20,4,-90,-13.2,6,-95,-16.2,1,-110,-19.2,-2,12347,555002,555001,555003,2020-11-12 21:26:19.860496 +110000,108722,20,7,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12347,555002,555001,555003,2020-11-12 21:26:19.850496 +110000,88722,20,7,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12347,555002,555001,555003,2020-11-12 21:26:19.840496 +100000,6722,18,7,-114,-19.3,2,-119,-22.3,-3,-134,-25.3,-6,12347,555002,555001,555003,2020-11-12 21:26:19.830496 +150000,108722,20,3,-95,-11.1,11,-100,-14.1,6,-115,-17.1,3,12347,555002,555001,555003,2020-11-12 21:26:19.820496 +110000,88722,20,2,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12347,555002,555001,555003,2020-11-12 21:26:19.810496 +150000,68722,20,5,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12347,555002,555001,555003,2020-11-12 21:26:19.800496 +100000,108722,20,3,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12347,555002,555001,555003,2020-11-12 21:26:19.790496 +110000,98722,20,2,-87,-12.1,15,-92,-15.1,10,-107,-18.1,7,12347,555002,555001,555003,2020-11-12 21:26:19.780496 +200000,108722,20,6,-94,-13.2,6,-99,-16.2,1,-114,-19.2,-2,12347,555002,555001,555003,2020-11-12 21:26:19.770496 +100000,88722,20,3,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12347,555002,555001,555003,2020-11-12 21:26:19.760496 +280000,121000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12347,555002,555001,555003,2020-11-12 21:26:19.750496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12347,555002,555001,555003,2020-11-12 21:26:19.740496 +110000,68722,20,5,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12347,555002,555001,555003,2020-11-12 21:26:19.730496 +110000,108722,20,5,-92,-13.3,5,-97,-16.3,0,-112,-19.3,-3,12347,555002,555001,555003,2020-11-12 21:26:19.720496 +110000,108722,20,8,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12347,555002,555001,555003,2020-11-12 21:26:19.710496 +100000,108722,20,6,-86,-11.9,16,-91,-14.9,11,-106,-17.9,8,12347,555002,555001,555003,2020-11-12 21:26:19.700496 +270000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12347,555002,555001,555003,2020-11-12 21:26:19.690496 +280000,123000,25,10,-82,-12.5,13,-87,-15.5,8,-102,-18.5,5,12347,555002,555001,555003,2020-11-12 21:26:19.680496 +110000,88722,20,2,-95,-16.9,14,-100,-19.9,9,-115,-22.9,6,12347,555002,555001,555003,2020-11-12 21:26:19.670496 +280000,123000,25,10,-83,-12.1,17,-88,-15.1,12,-103,-18.1,9,12347,555002,555001,555003,2020-11-12 21:26:19.660496 +100000,6722,20,4,-96,-12.7,5,-101,-15.7,0,-116,-18.7,-3,12347,555002,555001,555003,2020-11-12 21:26:19.650496 +230000,108722,20,8,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12347,555002,555001,555003,2020-11-12 21:26:19.640496 +90000,38722,14,7,-116,-19.1,6,-121,-22.1,1,-136,-25.1,-2,12347,555002,555001,555003,2020-11-12 21:26:19.630496 +110000,108722,20,8,-93,-16.5,15,-98,-19.5,10,-113,-22.5,7,12347,555002,555001,555003,2020-11-12 21:26:19.620496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12347,555002,555001,555003,2020-11-12 21:26:19.610496 +110000,108722,20,6,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12347,555002,555001,555003,2020-11-12 21:26:19.600496 +150000,78722,20,6,-89,-12.5,12,-94,-15.5,7,-109,-18.5,4,12347,555002,555001,555003,2020-11-12 21:26:19.590496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12347,555002,555001,555003,2020-11-12 21:26:19.580496 +110000,78722,20,4,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12347,555002,555001,555003,2020-11-12 21:26:19.570496 +100000,98722,20,4,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12347,555002,555001,555003,2020-11-12 21:26:19.560496 +150000,108722,20,6,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12347,555002,555001,555003,2020-11-12 21:26:19.550496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12347,555002,555001,555003,2020-11-12 21:26:19.540496 +10000,78722,14,6,-111,-19.7,8,-116,-22.7,3,-131,-25.7,0,12347,555002,555001,555003,2020-11-12 21:26:19.530496 +110000,78722,20,5,-87,-12.1,14,-92,-15.1,9,-107,-18.1,6,12347,555002,555001,555003,2020-11-12 21:26:19.520496 +110000,108722,20,3,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12347,555002,555001,555003,2020-11-12 21:26:19.510496 +280000,123000,25,10,-84,-12.6,12,-89,-15.6,7,-104,-18.6,4,12347,555002,555001,555003,2020-11-12 21:26:19.500496 +110000,108722,20,4,-89,-13.2,6,-94,-16.2,1,-109,-19.2,-2,12347,555002,555001,555003,2020-11-12 21:26:19.490496 +100000,88722,20,3,-82,-11.1,15,-87,-14.1,10,-102,-17.1,7,12347,555002,555001,555003,2020-11-12 21:26:19.480496 +230000,108722,20,10,-91,-13.0,8,-96,-16.0,3,-111,-19.0,0,12347,555002,555001,555003,2020-11-12 21:26:19.470496 +10000,58722,16,6,-110,-18.1,2,-115,-21.1,-3,-130,-24.1,-6,12347,555002,555001,555003,2020-11-12 21:26:19.460496 +150000,108722,20,5,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12347,555002,555001,555003,2020-11-12 21:26:19.450496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12348,555002,555001,555003,2020-11-12 21:26:19.440496 +300000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12348,555002,555001,555003,2020-11-12 21:26:19.430496 +150000,98722,20,3,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12348,555002,555001,555003,2020-11-12 21:26:19.420496 +100000,6722,18,7,-114,-19.5,4,-119,-22.5,-1,-134,-25.5,-4,12348,555002,555001,555003,2020-11-12 21:26:19.410496 +100000,6722,20,2,-90,-11.5,7,-95,-14.5,2,-110,-17.5,-1,12348,555002,555001,555003,2020-11-12 21:26:19.400496 +230000,108722,20,10,-94,-13.6,2,-99,-16.6,-3,-114,-19.6,-6,12348,555002,555001,555003,2020-11-12 21:26:19.390496 +280000,123000,25,10,-84,-12.6,12,-89,-15.6,7,-104,-18.6,4,12348,555002,555001,555003,2020-11-12 21:26:19.380496 +280000,123000,25,8,-82,-12.8,10,-87,-15.8,5,-102,-18.8,2,12348,555002,555001,555003,2020-11-12 21:26:19.370496 +100000,58722,18,6,-116,-18.3,7,-121,-21.3,2,-136,-24.3,-1,12348,555002,555001,555003,2020-11-12 21:26:19.360496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12348,555002,555001,555003,2020-11-12 21:26:19.350496 +10000,78722,18,6,-112,-17.7,11,-117,-20.7,6,-132,-23.7,3,12348,555002,555001,555003,2020-11-12 21:26:19.340496 +110000,88722,20,7,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12348,555002,555001,555003,2020-11-12 21:26:19.330496 +280000,123000,25,10,-81,-12.1,17,-86,-15.1,12,-101,-18.1,9,12348,555002,555001,555003,2020-11-12 21:26:19.320496 +300000,125000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12348,555002,555001,555003,2020-11-12 21:26:19.310496 +290000,123000,25,10,-89,-13.0,8,-94,-16.0,3,-109,-19.0,0,12348,555002,555001,555003,2020-11-12 21:26:19.300496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12348,555002,555001,555003,2020-11-12 21:26:19.290496 +100000,108722,20,7,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12348,555002,555001,555003,2020-11-12 21:26:19.280496 +100000,108722,20,6,-84,-11.5,15,-89,-14.5,10,-104,-17.5,7,12348,555002,555001,555003,2020-11-12 21:26:19.270496 +300000,125000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12348,555002,555001,555003,2020-11-12 21:26:19.260496 +9000,5000,14,6,-116,-22.3,3,-121,-25.3,-1,-136,-28.3,-6,12348,555002,555001,555003,2020-11-12 21:26:19.250496 +280000,121000,25,10,-92,-13.4,4,-97,-16.4,-1,-112,-19.4,-4,12348,555002,555001,555003,2020-11-12 21:26:19.240496 +9000,4000,14,6,-115,-20.7,3,-120,-23.7,3,-135,-26.7,-8,12348,555002,555001,555003,2020-11-12 21:26:19.230496 +110000,98722,20,3,-89,-11.1,9,-94,-14.1,4,-109,-17.1,1,12348,555002,555001,555003,2020-11-12 21:26:19.220496 +300000,123000,25,10,-84,-12.5,13,-89,-15.5,8,-104,-18.5,5,12348,555002,555001,555003,2020-11-12 21:26:19.210496 +280000,122000,25,10,-45,-3.1,24,-50,-6.1,19,-65,-9.1,16,12348,555002,555001,555003,2020-11-12 21:26:19.200496 +300000,125000,25,10,-47,-3.3,24,-52,-6.3,19,-67,-9.3,16,12348,555002,555001,555003,2020-11-12 21:26:19.190496 +110000,98722,20,3,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12348,555002,555001,555003,2020-11-12 21:26:19.180496 +280000,122000,25,10,-88,-12.5,13,-93,-15.5,8,-108,-18.5,5,12348,555002,555001,555003,2020-11-12 21:26:19.170496 +150000,108722,20,6,-94,-13.6,2,-99,-16.6,-3,-114,-19.6,-6,12348,555002,555001,555003,2020-11-12 21:26:19.160496 +270000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12348,555002,555001,555003,2020-11-12 21:26:19.150496 +280000,121000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12348,555002,555001,555003,2020-11-12 21:26:19.140496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12348,555002,555001,555003,2020-11-12 21:26:19.130496 +100000,108722,20,6,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12348,555002,555001,555003,2020-11-12 21:26:19.120496 +290000,121000,25,10,-90,-13.5,3,-95,-16.5,-2,-110,-19.5,-5,12348,555002,555001,555003,2020-11-12 21:26:19.110496 +230000,98722,20,6,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12348,555002,555001,555003,2020-11-12 21:26:19.100496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12348,555002,555001,555003,2020-11-12 21:26:19.090496 +110000,78722,20,3,-93,-16.5,12,-98,-19.5,7,-113,-22.5,4,12348,555002,555001,555003,2020-11-12 21:26:19.080496 +150000,88722,20,5,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12348,555002,555001,555003,2020-11-12 21:26:19.070496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12348,555002,555001,555003,2020-11-12 21:26:19.060496 +280000,123000,25,8,-89,-13.4,4,-94,-16.4,-1,-109,-19.4,-4,12348,555002,555001,555003,2020-11-12 21:26:19.050496 +230000,88722,20,2,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12348,555002,555001,555003,2020-11-12 21:26:19.040496 +290000,123000,25,10,-84,-12.5,13,-89,-15.5,8,-104,-18.5,5,12348,555002,555001,555003,2020-11-12 21:26:19.030496 +150000,108722,20,4,-91,-12.5,8,-96,-15.5,3,-111,-18.5,0,12348,555002,555001,555003,2020-11-12 21:26:19.020496 +100000,108722,20,4,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12348,555002,555001,555003,2020-11-12 21:26:19.010496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12348,555002,555001,555003,2020-11-12 21:26:19.000496 +110000,88722,20,6,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12348,555002,555001,555003,2020-11-12 21:26:18.990496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12348,555002,555001,555003,2020-11-12 21:26:18.980496 +290000,123000,25,10,-85,-12.0,18,-90,-15.0,13,-105,-18.0,10,12348,555002,555001,555003,2020-11-12 21:26:18.970496 +300000,123000,25,10,-48,-3.4,24,-53,-6.4,19,-68,-9.4,16,12348,555002,555001,555003,2020-11-12 21:26:18.960496 +110000,108722,20,3,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12348,555002,555001,555003,2020-11-12 21:26:18.950496 +100000,108722,20,2,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12348,555002,555001,555003,2020-11-12 21:26:18.940496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12348,555002,555001,555003,2020-11-12 21:26:18.930496 +150000,98722,20,2,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12349,555002,555001,555003,2020-11-12 21:26:18.920496 +150000,98722,20,4,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12349,555002,555001,555003,2020-11-12 21:26:18.910496 +10000,68722,15,6,-109,-18.9,4,-114,-21.9,-1,-129,-24.9,-4,12349,555002,555001,555003,2020-11-12 21:26:18.900496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12349,555002,555001,555003,2020-11-12 21:26:18.890496 +300000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12349,555002,555001,555003,2020-11-12 21:26:18.880496 +300000,125000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12349,555002,555001,555003,2020-11-12 21:26:18.870496 +110000,108722,20,2,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12349,555002,555001,555003,2020-11-12 21:26:18.860496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12349,555002,555001,555003,2020-11-12 21:26:18.850496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12349,555002,555001,555003,2020-11-12 21:26:18.840496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12349,555002,555001,555003,2020-11-12 21:26:18.830496 +280000,123000,25,10,-88,-12.0,18,-93,-15.0,13,-108,-18.0,10,12349,555002,555001,555003,2020-11-12 21:26:18.820496 +100000,38722,20,7,-99,-11.3,2,-104,-14.3,-3,-119,-17.3,-6,12349,555002,555001,555003,2020-11-12 21:26:18.810496 +110000,108722,20,3,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12349,555002,555001,555003,2020-11-12 21:26:18.800496 +110000,88722,20,3,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12349,555002,555001,555003,2020-11-12 21:26:18.790496 +110000,108722,20,5,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12349,555002,555001,555003,2020-11-12 21:26:18.780496 +280000,121000,25,10,-91,-13.6,2,-96,-16.6,-3,-111,-19.6,-6,12349,555002,555001,555003,2020-11-12 21:26:18.770496 +110000,88722,20,7,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12349,555002,555001,555003,2020-11-12 21:26:18.760496 +270000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12349,555002,555001,555003,2020-11-12 21:26:18.750496 +280000,122000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12349,555002,555001,555003,2020-11-12 21:26:18.740496 +110000,108722,20,2,-96,-11.3,11,-101,-14.3,6,-116,-17.3,3,12349,555002,555001,555003,2020-11-12 21:26:18.730496 +270000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12349,555002,555001,555003,2020-11-12 21:26:18.720496 +280000,123000,25,8,-85,-12.7,11,-90,-15.7,6,-105,-18.7,3,12349,555002,555001,555003,2020-11-12 21:26:18.710496 +110000,88722,20,7,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12349,555002,555001,555003,2020-11-12 21:26:18.700496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12349,555002,555001,555003,2020-11-12 21:26:18.690496 +110000,108722,20,2,-86,-11.9,14,-91,-14.9,9,-106,-17.9,6,12349,555002,555001,555003,2020-11-12 21:26:18.680496 +100000,6722,18,6,-110,-19.7,5,-115,-22.7,0,-130,-25.7,-3,12349,555002,555001,555003,2020-11-12 21:26:18.670496 +110000,108722,20,6,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12349,555002,555001,555003,2020-11-12 21:26:18.660496 +110000,108722,20,2,-89,-11.7,9,-94,-14.7,4,-109,-17.7,1,12349,555002,555001,555003,2020-11-12 21:26:18.650496 +280000,123000,25,10,-82,-12.7,11,-87,-15.7,6,-102,-18.7,3,12349,555002,555001,555003,2020-11-12 21:26:18.640496 +300000,125000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12349,555002,555001,555003,2020-11-12 21:26:18.630496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12349,555002,555001,555003,2020-11-12 21:26:18.620496 +100000,58722,18,7,-116,-18.9,3,-121,-21.9,-2,-136,-24.9,-5,12349,555002,555001,555003,2020-11-12 21:26:18.610496 +230000,88722,20,2,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12349,555002,555001,555003,2020-11-12 21:26:18.600496 +10000,68722,16,7,-117,-18.3,5,-122,-21.3,0,-137,-24.3,-3,12349,555002,555001,555003,2020-11-12 21:26:18.590496 +200000,68722,20,3,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12349,555002,555001,555003,2020-11-12 21:26:18.580496 +150000,88722,20,7,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12349,555002,555001,555003,2020-11-12 21:26:18.570496 +100000,108722,20,3,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12349,555002,555001,555003,2020-11-12 21:26:18.560496 +110000,108722,20,6,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12349,555002,555001,555003,2020-11-12 21:26:18.550496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12349,555002,555001,555003,2020-11-12 21:26:18.540496 +230000,78722,20,2,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12349,555002,555001,555003,2020-11-12 21:26:18.530496 +110000,98722,20,6,-93,-13.1,7,-98,-16.1,2,-113,-19.1,-1,12349,555002,555001,555003,2020-11-12 21:26:18.520496 +280000,123000,25,8,-85,-12.8,10,-90,-15.8,5,-105,-18.8,2,12349,555002,555001,555003,2020-11-12 21:26:18.510496 +110000,98722,20,5,-97,-10.7,10,-102,-13.7,5,-117,-16.7,2,12349,555002,555001,555003,2020-11-12 21:26:18.500496 +150000,108722,20,7,-92,-13.1,7,-97,-16.1,2,-112,-19.1,-1,12349,555002,555001,555003,2020-11-12 21:26:18.490496 +200000,108722,20,4,-93,-13.6,2,-98,-16.6,-3,-113,-19.6,-6,12349,555002,555001,555003,2020-11-12 21:26:18.480496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12349,555002,555001,555003,2020-11-12 21:26:18.470496 +100000,108722,20,6,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12349,555002,555001,555003,2020-11-12 21:26:18.460496 +150000,98722,20,2,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12349,555002,555001,555003,2020-11-12 21:26:18.450496 +110000,88722,20,6,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12349,555002,555001,555003,2020-11-12 21:26:18.440496 +100,200,9,3,-124,-23.5,1,-129,-26.5,-1,-144,-29.5,-6,12349,555002,555001,555003,2020-11-12 21:26:18.430496 +110000,108722,20,2,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12349,555002,555001,555003,2020-11-12 21:26:18.420496 +10000,38722,14,7,-115,-17.9,5,-120,-20.9,0,-135,-23.9,-3,12349,555002,555001,555003,2020-11-12 21:26:18.410496 +150000,98722,20,6,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12350,555002,555001,555003,2020-11-12 21:26:18.400496 +100000,108722,20,7,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12350,555002,555001,555003,2020-11-12 21:26:18.390496 +110000,78722,20,4,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12350,555002,555001,555003,2020-11-12 21:26:18.380496 +280000,121000,25,10,-92,-13.6,2,-97,-16.6,-3,-112,-19.6,-6,12350,555002,555001,555003,2020-11-12 21:26:18.370496 +150000,98722,20,6,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12350,555002,555001,555003,2020-11-12 21:26:18.360496 +10000,6722,16,7,-116,-19.1,2,-121,-22.1,-3,-136,-25.1,-6,12350,555002,555001,555003,2020-11-12 21:26:18.350496 +100000,58722,18,7,-112,-18.5,7,-117,-21.5,2,-132,-24.5,-1,12350,555002,555001,555003,2020-11-12 21:26:18.340496 +150000,88722,20,6,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12350,555002,555001,555003,2020-11-12 21:26:18.330496 +110000,108722,20,6,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12350,555002,555001,555003,2020-11-12 21:26:18.320496 +290000,123000,25,10,-87,-12.1,17,-92,-15.1,12,-107,-18.1,9,12350,555002,555001,555003,2020-11-12 21:26:18.310496 +280000,121000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12350,555002,555001,555003,2020-11-12 21:26:18.300496 +10000,48722,16,7,-111,-18.7,6,-116,-21.7,1,-131,-24.7,-2,12350,555002,555001,555003,2020-11-12 21:26:18.290496 +150000,98722,20,3,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12350,555002,555001,555003,2020-11-12 21:26:18.280496 +280000,121000,25,8,-92,-13.1,7,-97,-16.1,2,-112,-19.1,-1,12350,555002,555001,555003,2020-11-12 21:26:18.270496 +110000,108722,20,7,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12350,555002,555001,555003,2020-11-12 21:26:18.260496 +230000,88722,20,8,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12350,555002,555001,555003,2020-11-12 21:26:18.250496 +110000,108722,20,3,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12350,555002,555001,555003,2020-11-12 21:26:18.240496 +200000,108722,20,3,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12350,555002,555001,555003,2020-11-12 21:26:18.230496 +7000,4000,10,4,-121,-21.5,0,-126,-24.5,-5,-141,-27.5,0,12350,555002,555001,555003,2020-11-12 21:26:18.220496 +110000,98722,20,6,-89,-12.7,12,-94,-15.7,7,-109,-18.7,4,12350,555002,555001,555003,2020-11-12 21:26:18.210496 +100000,6722,18,7,-117,-18.7,6,-122,-21.7,1,-137,-24.7,-2,12350,555002,555001,555003,2020-11-12 21:26:18.200496 +110000,98722,20,2,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12350,555002,555001,555003,2020-11-12 21:26:18.190496 +4000,3000,10,3,-119,-23.1,0,-124,-26.1,-5,-139,-29.1,-4,12350,555002,555001,555003,2020-11-12 21:26:18.180496 +100000,6722,18,6,-111,-18.3,3,-116,-21.3,-2,-131,-24.3,-5,12350,555002,555001,555003,2020-11-12 21:26:18.170496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12350,555002,555001,555003,2020-11-12 21:26:18.160496 +100000,88722,20,5,-86,-11.9,16,-91,-14.9,11,-106,-17.9,8,12350,555002,555001,555003,2020-11-12 21:26:18.150496 +110000,108722,20,3,-95,-16.9,12,-100,-19.9,7,-115,-22.9,4,12350,555002,555001,555003,2020-11-12 21:26:18.140496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12350,555002,555001,555003,2020-11-12 21:26:18.130496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12350,555002,555001,555003,2020-11-12 21:26:18.120496 +200000,78722,20,6,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12350,555002,555001,555003,2020-11-12 21:26:18.110496 +150000,108722,20,6,-90,-11.9,9,-95,-14.9,4,-110,-17.9,1,12350,555002,555001,555003,2020-11-12 21:26:18.100496 +280000,122000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12350,555002,555001,555003,2020-11-12 21:26:18.090496 +280000,123000,25,8,-80,-12.7,11,-85,-15.7,6,-100,-18.7,3,12350,555002,555001,555003,2020-11-12 21:26:18.080496 +150000,108722,20,6,-90,-13.4,4,-95,-16.4,-1,-110,-19.4,-4,12350,555002,555001,555003,2020-11-12 21:26:18.070496 +100000,6722,18,6,-118,-18.3,2,-123,-21.3,-3,-138,-24.3,-6,12350,555002,555001,555003,2020-11-12 21:26:18.060496 +110000,108722,20,3,-92,-11.5,9,-97,-14.5,4,-112,-17.5,1,12350,555002,555001,555003,2020-11-12 21:26:18.050496 +110000,88722,20,8,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12350,555002,555001,555003,2020-11-12 21:26:18.040496 +110000,98722,20,6,-93,-11.3,8,-98,-14.3,3,-113,-17.3,0,12350,555002,555001,555003,2020-11-12 21:26:18.030496 +150000,108722,20,4,-96,-11.5,11,-101,-14.5,6,-116,-17.5,3,12350,555002,555001,555003,2020-11-12 21:26:18.020496 +280000,122000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12350,555002,555001,555003,2020-11-12 21:26:18.010496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12350,555002,555001,555003,2020-11-12 21:26:18.000496 +280000,121000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12350,555002,555001,555003,2020-11-12 21:26:17.990496 +280000,122000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12350,555002,555001,555003,2020-11-12 21:26:17.980496 +230000,78722,20,6,-96,-17.1,12,-101,-20.1,7,-116,-23.1,4,12350,555002,555001,555003,2020-11-12 21:26:17.970496 +110000,78722,20,6,-90,-12.7,14,-95,-15.7,9,-110,-18.7,6,12350,555002,555001,555003,2020-11-12 21:26:17.960496 +110000,88722,20,4,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12350,555002,555001,555003,2020-11-12 21:26:17.950496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12350,555002,555001,555003,2020-11-12 21:26:17.940496 +10000,48722,18,6,-109,-18.5,7,-114,-21.5,2,-129,-24.5,-1,12350,555002,555001,555003,2020-11-12 21:26:17.930496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12350,555002,555001,555003,2020-11-12 21:26:17.920496 +110000,78722,20,6,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12350,555002,555001,555003,2020-11-12 21:26:17.910496 +150000,98722,20,3,-95,-16.9,14,-100,-19.9,9,-115,-22.9,6,12350,555002,555001,555003,2020-11-12 21:26:17.900496 +100000,78722,20,4,-89,-12.7,10,-94,-15.7,5,-109,-18.7,2,12350,555002,555001,555003,2020-11-12 21:26:17.890496 +110000,108722,20,6,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12351,555002,555001,555003,2020-11-12 21:26:17.880496 +90000,78722,18,7,-110,-19.7,9,-115,-22.7,4,-130,-25.7,1,12351,555002,555001,555003,2020-11-12 21:26:17.870496 +230000,108722,20,6,-98,-17.5,15,-103,-20.5,10,-118,-23.5,7,12351,555002,555001,555003,2020-11-12 21:26:17.860496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12351,555002,555001,555003,2020-11-12 21:26:17.850496 +200000,108722,20,4,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12351,555002,555001,555003,2020-11-12 21:26:17.840496 +100,1000,10,3,-125,-23.3,1,-130,-26.3,-3,-145,-29.3,-8,12351,555002,555001,555003,2020-11-12 21:26:17.830496 +10000,38722,15,7,-113,-19.1,3,-118,-22.1,-2,-133,-25.1,-5,12351,555002,555001,555003,2020-11-12 21:26:17.820496 +230000,108722,20,3,-93,-12.1,11,-98,-15.1,6,-113,-18.1,3,12351,555002,555001,555003,2020-11-12 21:26:17.810496 +300000,123000,25,10,-46,-3.2,24,-51,-6.2,19,-66,-9.2,16,12351,555002,555001,555003,2020-11-12 21:26:17.800496 +280000,123000,25,10,-83,-12.3,15,-88,-15.3,10,-103,-18.3,7,12351,555002,555001,555003,2020-11-12 21:26:17.790496 +110000,88722,20,3,-90,-10.9,8,-95,-13.9,3,-110,-16.9,0,12351,555002,555001,555003,2020-11-12 21:26:17.780496 +290000,123000,25,10,-90,-13.1,7,-95,-16.1,2,-110,-19.1,-1,12351,555002,555001,555003,2020-11-12 21:26:17.770496 +280000,123000,25,10,-88,-12.7,11,-93,-15.7,6,-108,-18.7,3,12351,555002,555001,555003,2020-11-12 21:26:17.760496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12351,555002,555001,555003,2020-11-12 21:26:17.750496 +110000,108722,20,4,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12351,555002,555001,555003,2020-11-12 21:26:17.740496 +100000,6722,18,6,-115,-17.9,3,-120,-20.9,-2,-135,-23.9,-5,12351,555002,555001,555003,2020-11-12 21:26:17.730496 +10000,6722,14,6,-116,-19.3,2,-121,-22.3,-3,-136,-25.3,-6,12351,555002,555001,555003,2020-11-12 21:26:17.720496 +280000,122000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12351,555002,555001,555003,2020-11-12 21:26:17.710496 +100000,78722,20,3,-95,-12.7,9,-100,-15.7,4,-115,-18.7,1,12351,555002,555001,555003,2020-11-12 21:26:17.700496 +280000,123000,25,10,-89,-13.0,8,-94,-16.0,3,-109,-19.0,0,12351,555002,555001,555003,2020-11-12 21:26:17.690496 +280000,123000,25,10,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12351,555002,555001,555003,2020-11-12 21:26:17.680496 +100000,78722,20,8,-97,-12.5,12,-102,-15.5,7,-117,-18.5,4,12351,555002,555001,555003,2020-11-12 21:26:17.670496 +110000,108722,20,5,-89,-13.0,8,-94,-16.0,3,-109,-19.0,0,12351,555002,555001,555003,2020-11-12 21:26:17.660496 +150000,108722,20,8,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12351,555002,555001,555003,2020-11-12 21:26:17.650496 +100000,68722,18,6,-109,-19.1,3,-114,-22.1,-2,-129,-25.1,-5,12351,555002,555001,555003,2020-11-12 21:26:17.640496 +150000,78722,20,6,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12351,555002,555001,555003,2020-11-12 21:26:17.630496 +230000,108722,20,10,-90,-13.2,6,-95,-16.2,1,-110,-19.2,-2,12351,555002,555001,555003,2020-11-12 21:26:17.620496 +110000,98722,20,6,-96,-12.3,10,-101,-15.3,5,-116,-18.3,2,12351,555002,555001,555003,2020-11-12 21:26:17.610496 +100000,6722,18,7,-113,-18.3,7,-118,-21.3,2,-133,-24.3,-1,12351,555002,555001,555003,2020-11-12 21:26:17.600496 +5000,2,10,4,-115,-21.3,-9,-120,-24.3,-14,-135,-27.3,-17,12351,555002,555001,555003,2020-11-12 21:26:17.590496 +100000,6722,18,7,-112,-18.7,7,-117,-21.7,2,-132,-24.7,-1,12351,555002,555001,555003,2020-11-12 21:26:17.580496 +110000,108722,20,7,-87,-12.1,12,-92,-15.1,7,-107,-18.1,4,12351,555002,555001,555003,2020-11-12 21:26:17.570496 +110000,108722,20,2,-99,-12.1,12,-104,-15.1,7,-119,-18.1,4,12351,555002,555001,555003,2020-11-12 21:26:17.560496 +110000,108722,20,3,-89,-11.9,8,-94,-14.9,3,-109,-17.9,0,12351,555002,555001,555003,2020-11-12 21:26:17.550496 +200000,108722,20,7,-90,-11.7,9,-95,-14.7,4,-110,-17.7,1,12351,555002,555001,555003,2020-11-12 21:26:17.540496 +150000,108722,20,3,-89,-15.7,12,-94,-18.7,7,-109,-21.7,4,12351,555002,555001,555003,2020-11-12 21:26:17.530496 +110000,108722,20,2,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12351,555002,555001,555003,2020-11-12 21:26:17.520496 +5000,3000,10,4,-126,-22.5,-3,-131,-25.5,-6,-146,-28.5,2,12351,555002,555001,555003,2020-11-12 21:26:17.510496 +110000,108722,20,7,-90,-15.9,15,-95,-18.9,10,-110,-21.9,7,12351,555002,555001,555003,2020-11-12 21:26:17.500496 +200000,108722,20,5,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12351,555002,555001,555003,2020-11-12 21:26:17.490496 +3000,2000,10,4,-123,-23.3,1,-128,-26.3,-2,-143,-29.3,-6,12351,555002,555001,555003,2020-11-12 21:26:17.480496 +280000,122000,25,10,-89,-13.2,6,-94,-16.2,1,-109,-19.2,-2,12351,555002,555001,555003,2020-11-12 21:26:17.470496 +100000,6722,18,7,-116,-17.7,3,-121,-20.7,-2,-136,-23.7,-5,12351,555002,555001,555003,2020-11-12 21:26:17.460496 +150000,98722,20,8,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12351,555002,555001,555003,2020-11-12 21:26:17.450496 +110000,108722,20,4,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12351,555002,555001,555003,2020-11-12 21:26:17.440496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12351,555002,555001,555003,2020-11-12 21:26:17.430496 +200000,108722,20,8,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12351,555002,555001,555003,2020-11-12 21:26:17.420496 +290000,123000,25,10,-86,-12.8,10,-91,-15.8,5,-106,-18.8,2,12351,555002,555001,555003,2020-11-12 21:26:17.410496 +150000,108722,20,6,-91,-13.1,7,-96,-16.1,2,-111,-19.1,-1,12351,555002,555001,555003,2020-11-12 21:26:17.400496 +110000,108722,20,8,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12351,555002,555001,555003,2020-11-12 21:26:17.390496 +110000,108722,20,6,-91,-12.9,9,-96,-15.9,4,-111,-18.9,1,12351,555002,555001,555003,2020-11-12 21:26:17.380496 +230000,108722,20,8,-99,-12.7,9,-104,-15.7,4,-119,-18.7,1,12351,555002,555001,555003,2020-11-12 21:26:17.370496 +150000,108722,20,2,-99,-11.7,10,-104,-14.7,5,-119,-17.7,2,12352,555002,555001,555003,2020-11-12 21:26:17.360496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12352,555002,555001,555003,2020-11-12 21:26:17.350496 +150000,108722,20,4,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12352,555002,555001,555003,2020-11-12 21:26:17.340496 +110000,108722,20,6,-92,-13.6,2,-97,-16.6,-3,-112,-19.6,-6,12352,555002,555001,555003,2020-11-12 21:26:17.330496 +270000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12352,555002,555001,555003,2020-11-12 21:26:17.320496 +110000,68722,20,6,-83,-11.3,14,-88,-14.3,9,-103,-17.3,6,12352,555002,555001,555003,2020-11-12 21:26:17.310496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12352,555002,555001,555003,2020-11-12 21:26:17.300496 +8000,5000,9,4,-124,-23.3,-12,-129,-26.3,-17,-144,-29.3,-20,12352,555002,555001,555003,2020-11-12 21:26:17.290496 +10000,48722,16,7,-114,-18.1,7,-119,-21.1,2,-134,-24.1,-1,12352,555002,555001,555003,2020-11-12 21:26:17.280496 +110000,108722,20,6,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12352,555002,555001,555003,2020-11-12 21:26:17.270496 +300000,121000,25,10,-91,-13.3,5,-96,-16.3,0,-111,-19.3,-3,12352,555002,555001,555003,2020-11-12 21:26:17.260496 +110000,68722,20,6,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12352,555002,555001,555003,2020-11-12 21:26:17.250496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12352,555002,555001,555003,2020-11-12 21:26:17.240496 +230000,68722,20,8,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12352,555002,555001,555003,2020-11-12 21:26:17.230496 +280000,121000,25,10,-93,-13.8,0,-98,-16.8,-5,-113,-19.8,-8,12352,555002,555001,555003,2020-11-12 21:26:17.220496 +110000,108722,20,2,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12352,555002,555001,555003,2020-11-12 21:26:17.210496 +110000,108722,20,2,-92,-11.3,12,-97,-14.3,7,-112,-17.3,4,12352,555002,555001,555003,2020-11-12 21:26:17.200496 +10000,78722,16,7,-109,-18.1,10,-114,-21.1,5,-129,-24.1,2,12352,555002,555001,555003,2020-11-12 21:26:17.190496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12352,555002,555001,555003,2020-11-12 21:26:17.180496 +230000,98722,20,8,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12352,555002,555001,555003,2020-11-12 21:26:17.170496 +230000,108722,20,8,-91,-13.2,6,-96,-16.2,1,-111,-19.2,-2,12352,555002,555001,555003,2020-11-12 21:26:17.160496 +150000,108722,20,7,-91,-13.2,6,-96,-16.2,1,-111,-19.2,-2,12352,555002,555001,555003,2020-11-12 21:26:17.150496 +8000,5000,9,4,-123,-24.7,-16,-128,-27.7,-21,-143,-30.7,-24,12352,555002,555001,555003,2020-11-12 21:26:17.140496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12352,555002,555001,555003,2020-11-12 21:26:17.130496 +200000,68722,20,3,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12352,555002,555001,555003,2020-11-12 21:26:17.120496 +280000,123000,25,10,-80,-12.4,14,-85,-15.4,9,-100,-18.4,6,12352,555002,555001,555003,2020-11-12 21:26:17.110496 +110000,98722,20,3,-99,-17.7,16,-104,-20.7,11,-119,-23.7,8,12352,555002,555001,555003,2020-11-12 21:26:17.100496 +150000,108722,20,3,-87,-12.1,12,-92,-15.1,7,-107,-18.1,4,12352,555002,555001,555003,2020-11-12 21:26:17.090496 +300000,123000,25,10,-83,-12.2,16,-88,-15.2,11,-103,-18.2,8,12352,555002,555001,555003,2020-11-12 21:26:17.080496 +150000,68722,20,2,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12352,555002,555001,555003,2020-11-12 21:26:17.070496 +150000,88722,20,8,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12352,555002,555001,555003,2020-11-12 21:26:17.060496 +100000,78722,20,3,-92,-12.3,8,-97,-15.3,3,-112,-18.3,0,12352,555002,555001,555003,2020-11-12 21:26:17.050496 +150000,98722,20,2,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12352,555002,555001,555003,2020-11-12 21:26:17.040496 +230000,108722,20,2,-91,-11.3,9,-96,-14.3,4,-111,-17.3,1,12352,555002,555001,555003,2020-11-12 21:26:17.030496 +280000,123000,25,10,-86,-12.7,11,-91,-15.7,6,-106,-18.7,3,12352,555002,555001,555003,2020-11-12 21:26:17.020496 +150000,108722,20,8,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12352,555002,555001,555003,2020-11-12 21:26:17.010496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12352,555002,555001,555003,2020-11-12 21:26:17.000496 +110000,88722,20,3,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12352,555002,555001,555003,2020-11-12 21:26:16.990496 +10000,48722,14,7,-112,-18.1,6,-117,-21.1,1,-132,-24.1,-2,12352,555002,555001,555003,2020-11-12 21:26:16.980496 +100000,48722,18,7,-113,-18.3,3,-118,-21.3,-2,-133,-24.3,-5,12352,555002,555001,555003,2020-11-12 21:26:16.970496 +280000,122000,25,10,-82,-12.1,17,-87,-15.1,12,-102,-18.1,9,12352,555002,555001,555003,2020-11-12 21:26:16.960496 +230000,108722,20,7,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12352,555002,555001,555003,2020-11-12 21:26:16.950496 +300000,125000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12352,555002,555001,555003,2020-11-12 21:26:16.940496 +280000,121000,25,10,-89,-13.6,2,-94,-16.6,-3,-109,-19.6,-6,12352,555002,555001,555003,2020-11-12 21:26:16.930496 +150000,98722,20,6,-99,-17.7,12,-104,-20.7,7,-119,-23.7,4,12352,555002,555001,555003,2020-11-12 21:26:16.920496 +280000,121000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12352,555002,555001,555003,2020-11-12 21:26:16.910496 +110000,108722,20,6,-92,-13.2,6,-97,-16.2,1,-112,-19.2,-2,12352,555002,555001,555003,2020-11-12 21:26:16.900496 +280000,123000,25,10,-86,-12.2,16,-91,-15.2,11,-106,-18.2,8,12352,555002,555001,555003,2020-11-12 21:26:16.890496 +110000,88722,20,2,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12352,555002,555001,555003,2020-11-12 21:26:16.880496 +280000,122000,25,10,-85,-12.0,18,-90,-15.0,13,-105,-18.0,10,12352,555002,555001,555003,2020-11-12 21:26:16.870496 +110000,98722,20,4,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12352,555002,555001,555003,2020-11-12 21:26:16.860496 +150000,68722,20,4,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12352,555002,555001,555003,2020-11-12 21:26:16.850496 +280000,121000,25,10,-91,-12.9,9,-96,-15.9,4,-111,-18.9,1,12353,555002,555001,555003,2020-11-12 21:26:16.840496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12353,555002,555001,555003,2020-11-12 21:26:16.830496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12353,555002,555001,555003,2020-11-12 21:26:16.820496 +230000,98722,20,4,-86,-11.9,14,-91,-14.9,9,-106,-17.9,6,12353,555002,555001,555003,2020-11-12 21:26:16.810496 +150000,108722,20,8,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12353,555002,555001,555003,2020-11-12 21:26:16.800496 +150000,68722,20,3,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12353,555002,555001,555003,2020-11-12 21:26:16.790496 +150000,88722,20,8,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12353,555002,555001,555003,2020-11-12 21:26:16.780496 +150000,68722,20,2,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12353,555002,555001,555003,2020-11-12 21:26:16.770496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12353,555002,555001,555003,2020-11-12 21:26:16.760496 +110000,68722,20,3,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12353,555002,555001,555003,2020-11-12 21:26:16.750496 +290000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12353,555002,555001,555003,2020-11-12 21:26:16.740496 +150000,68722,20,2,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12353,555002,555001,555003,2020-11-12 21:26:16.730496 +110000,108722,20,4,-96,-12.3,8,-101,-15.3,3,-116,-18.3,0,12353,555002,555001,555003,2020-11-12 21:26:16.720496 +110000,88722,20,3,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12353,555002,555001,555003,2020-11-12 21:26:16.710496 +110000,108722,20,2,-82,-11.1,12,-87,-14.1,7,-102,-17.1,4,12353,555002,555001,555003,2020-11-12 21:26:16.700496 +110000,98722,20,3,-96,-12.7,11,-101,-15.7,6,-116,-18.7,3,12353,555002,555001,555003,2020-11-12 21:26:16.690496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12353,555002,555001,555003,2020-11-12 21:26:16.680496 +110000,108722,20,3,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12353,555002,555001,555003,2020-11-12 21:26:16.670496 +110000,88722,20,7,-97,-17.3,12,-102,-20.3,7,-117,-23.3,4,12353,555002,555001,555003,2020-11-12 21:26:16.660496 +110000,108722,20,6,-83,-11.3,15,-88,-14.3,10,-103,-17.3,7,12353,555002,555001,555003,2020-11-12 21:26:16.650496 +290000,121000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12353,555002,555001,555003,2020-11-12 21:26:16.640496 +200000,108722,20,2,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12353,555002,555001,555003,2020-11-12 21:26:16.630496 +110000,88722,20,8,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12353,555002,555001,555003,2020-11-12 21:26:16.620496 +280000,122000,25,10,-80,-12.4,14,-85,-15.4,9,-100,-18.4,6,12353,555002,555001,555003,2020-11-12 21:26:16.610496 +100000,48722,18,7,-111,-20.9,-4,-116,-23.9,-8,-131,-26.9,-10,12353,555002,555001,555003,2020-11-12 21:26:16.600496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12353,555002,555001,555003,2020-11-12 21:26:16.590496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12353,555002,555001,555003,2020-11-12 21:26:16.580496 +150000,108722,20,3,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12353,555002,555001,555003,2020-11-12 21:26:16.570496 +280000,122000,25,10,-81,-12.1,17,-86,-15.1,12,-101,-18.1,9,12353,555002,555001,555003,2020-11-12 21:26:16.560496 +110000,88722,20,2,-94,-11.1,11,-99,-14.1,6,-114,-17.1,3,12353,555002,555001,555003,2020-11-12 21:26:16.550496 +280000,123000,25,10,-86,-12.7,11,-91,-15.7,6,-106,-18.7,3,12353,555002,555001,555003,2020-11-12 21:26:16.540496 +110000,108722,20,6,-94,-12.3,8,-99,-15.3,3,-114,-18.3,0,12353,555002,555001,555003,2020-11-12 21:26:16.530496 +150000,88722,20,6,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12353,555002,555001,555003,2020-11-12 21:26:16.520496 +110000,108722,20,8,-94,-10.7,9,-99,-13.7,4,-114,-16.7,1,12353,555002,555001,555003,2020-11-12 21:26:16.510496 +110000,88722,20,2,-96,-11.7,9,-101,-14.7,4,-116,-17.7,1,12353,555002,555001,555003,2020-11-12 21:26:16.500496 +200000,78722,20,4,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12353,555002,555001,555003,2020-11-12 21:26:16.490496 +110000,108722,20,6,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12353,555002,555001,555003,2020-11-12 21:26:16.480496 +290000,123000,25,10,-88,-12.4,14,-93,-15.4,9,-108,-18.4,6,12353,555002,555001,555003,2020-11-12 21:26:16.470496 +100000,58722,18,7,-111,-18.3,4,-116,-21.3,-1,-131,-24.3,-4,12353,555002,555001,555003,2020-11-12 21:26:16.460496 +280000,122000,25,10,-83,-12.2,16,-88,-15.2,11,-103,-18.2,8,12353,555002,555001,555003,2020-11-12 21:26:16.450496 +100000,6722,18,6,-111,-18.3,4,-116,-21.3,-1,-131,-24.3,-4,12353,555002,555001,555003,2020-11-12 21:26:16.440496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12353,555002,555001,555003,2020-11-12 21:26:16.430496 +230000,108722,20,6,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12353,555002,555001,555003,2020-11-12 21:26:16.420496 +200000,68722,20,7,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12353,555002,555001,555003,2020-11-12 21:26:16.410496 +110000,108722,20,7,-93,-12.5,11,-98,-15.5,6,-113,-18.5,3,12353,555002,555001,555003,2020-11-12 21:26:16.400496 +230000,108722,20,3,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12353,555002,555001,555003,2020-11-12 21:26:16.390496 +150000,98722,20,5,-92,-11.7,11,-97,-14.7,6,-112,-17.7,3,12353,555002,555001,555003,2020-11-12 21:26:16.380496 +100000,108722,20,2,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12353,555002,555001,555003,2020-11-12 21:26:16.370496 +200000,88722,20,5,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12353,555002,555001,555003,2020-11-12 21:26:16.360496 +280000,121000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12353,555002,555001,555003,2020-11-12 21:26:16.350496 +150000,88722,20,3,-99,-12.5,9,-104,-15.5,4,-119,-18.5,1,12353,555002,555001,555003,2020-11-12 21:26:16.340496 +150000,108722,20,7,-97,-12.1,12,-102,-15.1,7,-117,-18.1,4,12353,555002,555001,555003,2020-11-12 21:26:16.330496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12354,555002,555001,555003,2020-11-12 21:26:16.320496 +110000,108722,20,2,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12354,555002,555001,555003,2020-11-12 21:26:16.310496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12354,555002,555001,555003,2020-11-12 21:26:16.300496 +230000,108722,20,3,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12354,555002,555001,555003,2020-11-12 21:26:16.290496 +230000,68722,20,3,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12354,555002,555001,555003,2020-11-12 21:26:16.280496 +150000,78722,20,2,-82,-11.1,15,-87,-14.1,10,-102,-17.1,7,12354,555002,555001,555003,2020-11-12 21:26:16.270496 +280000,123000,25,10,-87,-12.2,16,-92,-15.2,11,-107,-18.2,8,12354,555002,555001,555003,2020-11-12 21:26:16.260496 +100000,68722,20,3,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12354,555002,555001,555003,2020-11-12 21:26:16.250496 +200000,98722,20,4,-98,-17.5,14,-103,-20.5,9,-118,-23.5,6,12354,555002,555001,555003,2020-11-12 21:26:16.240496 +100000,108722,20,4,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12354,555002,555001,555003,2020-11-12 21:26:16.230496 +150000,88722,20,6,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12354,555002,555001,555003,2020-11-12 21:26:16.220496 +100000,68722,20,4,-97,-17.3,12,-102,-20.3,7,-117,-23.3,4,12354,555002,555001,555003,2020-11-12 21:26:16.210496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12354,555002,555001,555003,2020-11-12 21:26:16.200496 +280000,122000,25,10,-85,-12.0,18,-90,-15.0,13,-105,-18.0,10,12354,555002,555001,555003,2020-11-12 21:26:16.190496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12354,555002,555001,555003,2020-11-12 21:26:16.180496 +100000,6722,18,7,-117,-18.7,6,-122,-21.7,1,-137,-24.7,-2,12354,555002,555001,555003,2020-11-12 21:26:16.170496 +110000,88722,20,6,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12354,555002,555001,555003,2020-11-12 21:26:16.160496 +150000,108722,20,2,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12354,555002,555001,555003,2020-11-12 21:26:16.150496 +110000,78722,20,8,-97,-17.3,14,-102,-20.3,9,-117,-23.3,6,12354,555002,555001,555003,2020-11-12 21:26:16.140496 +200000,98722,20,5,-89,-15.7,12,-94,-18.7,7,-109,-21.7,4,12354,555002,555001,555003,2020-11-12 21:26:16.130496 +200000,108722,20,7,-93,-13.6,2,-98,-16.6,-3,-113,-19.6,-6,12354,555002,555001,555003,2020-11-12 21:26:16.120496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12354,555002,555001,555003,2020-11-12 21:26:16.110496 +150000,108722,20,4,-92,-13.6,2,-97,-16.6,-3,-112,-19.6,-6,12354,555002,555001,555003,2020-11-12 21:26:16.100496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12354,555002,555001,555003,2020-11-12 21:26:16.090496 +10000,38722,16,6,-113,-18.3,4,-118,-21.3,-1,-133,-24.3,-4,12354,555002,555001,555003,2020-11-12 21:26:16.080496 +100000,68722,20,7,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12354,555002,555001,555003,2020-11-12 21:26:16.070496 +150000,98722,20,5,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12354,555002,555001,555003,2020-11-12 21:26:16.060496 +100000,78722,20,8,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12354,555002,555001,555003,2020-11-12 21:26:16.050496 +280000,123000,25,10,-86,-12.4,14,-91,-15.4,9,-106,-18.4,6,12354,555002,555001,555003,2020-11-12 21:26:16.040496 +280000,123000,25,10,-88,-12.6,12,-93,-15.6,7,-108,-18.6,4,12354,555002,555001,555003,2020-11-12 21:26:16.030496 +110000,78722,20,4,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12354,555002,555001,555003,2020-11-12 21:26:16.020496 +110000,108722,20,8,-95,-12.5,12,-100,-15.5,7,-115,-18.5,4,12354,555002,555001,555003,2020-11-12 21:26:16.010496 +280000,123000,25,10,-89,-13.6,2,-94,-16.6,-3,-109,-19.6,-6,12354,555002,555001,555003,2020-11-12 21:26:16.000496 +10000,6000,14,6,-118,-22.1,-5,-123,-25.1,-5,-138,-28.1,-10,12354,555002,555001,555003,2020-11-12 21:26:15.990496 +280000,122000,25,10,-83,-12.1,17,-88,-15.1,12,-103,-18.1,9,12354,555002,555001,555003,2020-11-12 21:26:15.980496 +110000,108722,20,2,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12354,555002,555001,555003,2020-11-12 21:26:15.970496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12354,555002,555001,555003,2020-11-12 21:26:15.960496 +290000,121000,25,10,-93,-13.1,7,-98,-16.1,2,-113,-19.1,-1,12354,555002,555001,555003,2020-11-12 21:26:15.950496 +280000,123000,25,10,-89,-13.0,8,-94,-16.0,3,-109,-19.0,0,12354,555002,555001,555003,2020-11-12 21:26:15.940496 +280000,122000,25,10,-45,-3.1,24,-50,-6.1,19,-65,-9.1,16,12354,555002,555001,555003,2020-11-12 21:26:15.930496 +100000,88722,20,7,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12354,555002,555001,555003,2020-11-12 21:26:15.920496 +230000,78722,20,2,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12354,555002,555001,555003,2020-11-12 21:26:15.910496 +100000,68722,18,6,-111,-18.1,3,-116,-21.1,-2,-131,-24.1,-5,12354,555002,555001,555003,2020-11-12 21:26:15.900496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12354,555002,555001,555003,2020-11-12 21:26:15.890496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12354,555002,555001,555003,2020-11-12 21:26:15.880496 +150000,98722,20,6,-91,-13.3,5,-96,-16.3,0,-111,-19.3,-3,12354,555002,555001,555003,2020-11-12 21:26:15.870496 +110000,98722,20,4,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12354,555002,555001,555003,2020-11-12 21:26:15.860496 +8000,6000,9,3,-116,-24.1,-15,-121,-27.1,-20,-136,-30.1,-23,12354,555002,555001,555003,2020-11-12 21:26:15.850496 +150000,108722,20,2,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12354,555002,555001,555003,2020-11-12 21:26:15.840496 +110000,108722,20,4,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12354,555002,555001,555003,2020-11-12 21:26:15.830496 +150000,108722,20,4,-97,-11.7,11,-102,-14.7,6,-117,-17.7,3,12354,555002,555001,555003,2020-11-12 21:26:15.820496 +100000,6722,18,6,-116,-19.1,5,-121,-22.1,0,-136,-25.1,-3,12354,555002,555001,555003,2020-11-12 21:26:15.810496 +150000,98722,20,5,-92,-13.5,3,-97,-16.5,-2,-112,-19.5,-5,12355,555003,555002,555004,2020-11-12 21:26:15.800496 +100000,88722,20,2,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12355,555003,555002,555004,2020-11-12 21:26:15.790496 +110000,88722,20,8,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12355,555003,555002,555004,2020-11-12 21:26:15.780496 +100000,98722,20,3,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12355,555003,555002,555004,2020-11-12 21:26:15.770496 +280000,123000,25,10,-81,-12.3,15,-86,-15.3,10,-101,-18.3,7,12355,555003,555002,555004,2020-11-12 21:26:15.760496 +10000,58722,16,7,-115,-19.3,7,-120,-22.3,2,-135,-25.3,-1,12355,555003,555002,555004,2020-11-12 21:26:15.750496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12355,555003,555002,555004,2020-11-12 21:26:15.740496 +290000,121000,25,10,-91,-13.2,6,-96,-16.2,1,-111,-19.2,-2,12355,555003,555002,555004,2020-11-12 21:26:15.730496 +150000,88722,20,4,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12355,555003,555002,555004,2020-11-12 21:26:15.720496 +280000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12355,555003,555002,555004,2020-11-12 21:26:15.710496 +280000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12355,555003,555002,555004,2020-11-12 21:26:15.700496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12355,555003,555002,555004,2020-11-12 21:26:15.690496 +230000,68722,20,7,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12355,555003,555002,555004,2020-11-12 21:26:15.680496 +110000,108722,20,5,-95,-11.9,12,-100,-14.9,7,-115,-17.9,4,12355,555003,555002,555004,2020-11-12 21:26:15.670496 +230000,108722,20,10,-92,-13.1,7,-97,-16.1,2,-112,-19.1,-1,12355,555003,555002,555004,2020-11-12 21:26:15.660496 +150000,88722,20,3,-96,-11.9,8,-101,-14.9,3,-116,-17.9,0,12355,555003,555002,555004,2020-11-12 21:26:15.650496 +110000,98722,20,6,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12355,555003,555002,555004,2020-11-12 21:26:15.640496 +110000,98722,20,8,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12355,555003,555002,555004,2020-11-12 21:26:15.630496 +110000,88722,20,2,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12355,555003,555002,555004,2020-11-12 21:26:15.620496 +10000,68722,14,7,-113,-18.9,4,-118,-21.9,-1,-133,-24.9,-4,12355,555003,555002,555004,2020-11-12 21:26:15.610496 +90000,38722,18,6,-116,-18.9,3,-121,-21.9,-2,-136,-24.9,-5,12355,555003,555002,555004,2020-11-12 21:26:15.600496 +290000,121000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12355,555003,555002,555004,2020-11-12 21:26:15.590496 +110000,88722,20,5,-94,-12.7,9,-99,-15.7,4,-114,-18.7,1,12355,555003,555002,555004,2020-11-12 21:26:15.580496 +150000,108722,20,6,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12355,555003,555002,555004,2020-11-12 21:26:15.570496 +100000,48722,20,7,-89,-11.3,7,-94,-14.3,2,-109,-17.3,-1,12355,555003,555002,555004,2020-11-12 21:26:15.560496 +280000,123000,25,10,-81,-12.4,14,-86,-15.4,9,-101,-18.4,6,12355,555003,555002,555004,2020-11-12 21:26:15.550496 +100000,108722,20,3,-97,-17.3,14,-102,-20.3,9,-117,-23.3,6,12355,555003,555002,555004,2020-11-12 21:26:15.540496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12355,555003,555002,555004,2020-11-12 21:26:15.530496 +200000,88722,20,4,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12355,555003,555002,555004,2020-11-12 21:26:15.520496 +150000,108722,20,4,-93,-13.8,0,-98,-16.8,-5,-113,-19.8,-8,12355,555003,555002,555004,2020-11-12 21:26:15.510496 +10000,38722,16,6,-111,-19.1,7,-116,-22.1,2,-131,-25.1,-1,12355,555003,555002,555004,2020-11-12 21:26:15.500496 +110000,108722,20,3,-92,-11.3,10,-97,-14.3,5,-112,-17.3,2,12355,555003,555002,555004,2020-11-12 21:26:15.490496 +300000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12355,555003,555002,555004,2020-11-12 21:26:15.480496 +110000,108722,20,2,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12355,555003,555002,555004,2020-11-12 21:26:15.470496 +300000,125000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12355,555003,555002,555004,2020-11-12 21:26:15.460496 +280000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12355,555003,555002,555004,2020-11-12 21:26:15.450496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12355,555003,555002,555004,2020-11-12 21:26:15.440496 +100000,108722,20,4,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12355,555003,555002,555004,2020-11-12 21:26:15.430496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12355,555003,555002,555004,2020-11-12 21:26:15.420496 +300000,123000,25,10,-85,-12.7,11,-90,-15.7,6,-105,-18.7,3,12355,555003,555002,555004,2020-11-12 21:26:15.410496 +100000,108722,20,4,-93,-16.5,12,-98,-19.5,7,-113,-22.5,4,12355,555003,555002,555004,2020-11-12 21:26:15.400496 +100000,48722,18,7,-113,-18.9,5,-118,-21.9,0,-133,-24.9,-3,12355,555003,555002,555004,2020-11-12 21:26:15.390496 +200000,98722,20,8,-96,-17.1,12,-101,-20.1,7,-116,-23.1,4,12355,555003,555002,555004,2020-11-12 21:26:15.380496 +100000,108722,20,4,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12355,555003,555002,555004,2020-11-12 21:26:15.370496 +110000,108722,20,5,-91,-13.6,2,-96,-16.6,-3,-111,-19.6,-6,12355,555003,555002,555004,2020-11-12 21:26:15.360496 +110000,108722,20,6,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12355,555003,555002,555004,2020-11-12 21:26:15.350496 +230000,108722,20,6,-99,-17.7,12,-104,-20.7,7,-119,-23.7,4,12355,555003,555002,555004,2020-11-12 21:26:15.340496 +280000,123000,25,10,-83,-12.0,18,-88,-15.0,13,-103,-18.0,10,12355,555003,555002,555004,2020-11-12 21:26:15.330496 +150000,108722,20,4,-93,-13.2,6,-98,-16.2,1,-113,-19.2,-2,12355,555003,555002,555004,2020-11-12 21:26:15.320496 +100000,88722,20,3,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12355,555003,555002,555004,2020-11-12 21:26:15.310496 +110000,78722,20,7,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12355,555003,555002,555004,2020-11-12 21:26:15.300496 +10000,68722,15,6,-113,-17.7,6,-118,-20.7,1,-133,-23.7,-2,12355,555003,555002,555004,2020-11-12 21:26:15.290496 +290000,123000,25,10,-89,-13.3,5,-94,-16.3,0,-109,-19.3,-3,12356,555003,555002,555004,2020-11-12 21:26:15.280496 +110000,108722,20,8,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12356,555003,555002,555004,2020-11-12 21:26:15.270496 +110000,68722,20,3,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12356,555003,555002,555004,2020-11-12 21:26:15.260496 +200000,108722,20,2,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12356,555003,555002,555004,2020-11-12 21:26:15.250496 +230000,88722,20,8,-93,-12.5,9,-98,-15.5,4,-113,-18.5,1,12356,555003,555002,555004,2020-11-12 21:26:15.240496 +200000,108722,20,2,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12356,555003,555002,555004,2020-11-12 21:26:15.230496 +110000,108722,20,6,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12356,555003,555002,555004,2020-11-12 21:26:15.220496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12356,555003,555002,555004,2020-11-12 21:26:15.210496 +110000,108722,20,2,-89,-11.3,11,-94,-14.3,6,-109,-17.3,3,12356,555003,555002,555004,2020-11-12 21:26:15.200496 +150000,108722,20,4,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12356,555003,555002,555004,2020-11-12 21:26:15.190496 +270000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12356,555003,555002,555004,2020-11-12 21:26:15.180496 +200000,108722,20,5,-89,-13.3,5,-94,-16.3,0,-109,-19.3,-3,12356,555003,555002,555004,2020-11-12 21:26:15.170496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12356,555003,555002,555004,2020-11-12 21:26:15.160496 +110000,108722,20,3,-87,-12.1,14,-92,-15.1,9,-107,-18.1,6,12356,555003,555002,555004,2020-11-12 21:26:15.150496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12356,555003,555002,555004,2020-11-12 21:26:15.140496 +290000,123000,25,10,-87,-12.0,18,-92,-15.0,13,-107,-18.0,10,12356,555003,555002,555004,2020-11-12 21:26:15.130496 +150000,98722,20,2,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12356,555003,555002,555004,2020-11-12 21:26:15.120496 +200000,108722,20,2,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12356,555003,555002,555004,2020-11-12 21:26:15.110496 +200000,88722,20,7,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12356,555003,555002,555004,2020-11-12 21:26:15.100496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12356,555003,555002,555004,2020-11-12 21:26:15.090496 +200000,108722,20,2,-96,-17.1,12,-101,-20.1,7,-116,-23.1,4,12356,555003,555002,555004,2020-11-12 21:26:15.080496 +200000,78722,20,4,-99,-17.7,12,-104,-20.7,7,-119,-23.7,4,12356,555003,555002,555004,2020-11-12 21:26:15.070496 +110000,108722,20,6,-96,-11.3,9,-101,-14.3,4,-116,-17.3,1,12356,555003,555002,555004,2020-11-12 21:26:15.060496 +3000,3000,10,3,-124,-23.7,-13,-129,-26.7,-18,-144,-29.7,-21,12356,555003,555002,555004,2020-11-12 21:26:15.050496 +110000,108722,20,7,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12356,555003,555002,555004,2020-11-12 21:26:15.040496 +110000,78722,20,2,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12356,555003,555002,555004,2020-11-12 21:26:15.030496 +280000,121000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12356,555003,555002,555004,2020-11-12 21:26:15.020496 +230000,108722,20,10,-90,-13.2,6,-95,-16.2,1,-110,-19.2,-2,12356,555003,555002,555004,2020-11-12 21:26:15.010496 +280000,123000,25,10,-84,-12.0,18,-89,-15.0,13,-104,-18.0,10,12356,555003,555002,555004,2020-11-12 21:26:15.000496 +150000,108722,20,7,-94,-13.6,2,-99,-16.6,-3,-114,-19.6,-6,12356,555003,555002,555004,2020-11-12 21:26:14.990496 +110000,88722,20,2,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12356,555003,555002,555004,2020-11-12 21:26:14.980496 +200000,88722,20,2,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12356,555003,555002,555004,2020-11-12 21:26:14.970496 +110000,108722,20,6,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12356,555003,555002,555004,2020-11-12 21:26:14.960496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12356,555003,555002,555004,2020-11-12 21:26:14.950496 +150000,108722,20,6,-91,-16.1,15,-96,-19.1,10,-111,-22.1,7,12356,555003,555002,555004,2020-11-12 21:26:14.940496 +230000,98722,20,2,-87,-12.1,12,-92,-15.1,7,-107,-18.1,4,12356,555003,555002,555004,2020-11-12 21:26:14.930496 +150000,98722,20,4,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12356,555003,555002,555004,2020-11-12 21:26:14.920496 +100000,88722,20,2,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12356,555003,555002,555004,2020-11-12 21:26:14.910496 +110000,98722,20,2,-90,-15.9,11,-95,-18.9,6,-110,-21.9,3,12356,555003,555002,555004,2020-11-12 21:26:14.900496 +280000,121000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12356,555003,555002,555004,2020-11-12 21:26:14.890496 +7000,4000,14,6,-118,-23.1,-16,-123,-26.1,-21,-138,-29.1,-24,12356,555003,555002,555004,2020-11-12 21:26:14.880496 +230000,68722,20,8,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12356,555003,555002,555004,2020-11-12 21:26:14.870496 +110000,78722,20,2,-99,-17.7,15,-104,-20.7,10,-119,-23.7,7,12356,555003,555002,555004,2020-11-12 21:26:14.860496 +100000,88722,20,4,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12356,555003,555002,555004,2020-11-12 21:26:14.850496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12356,555003,555002,555004,2020-11-12 21:26:14.840496 +280000,123000,25,10,-81,-12.4,14,-86,-15.4,9,-101,-18.4,6,12356,555003,555002,555004,2020-11-12 21:26:14.830496 +100000,108722,20,3,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12356,555003,555002,555004,2020-11-12 21:26:14.820496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12356,555003,555002,555004,2020-11-12 21:26:14.810496 +100000,78722,20,6,-90,-11.7,12,-95,-14.7,7,-110,-17.7,4,12356,555003,555002,555004,2020-11-12 21:26:14.800496 +280000,122000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12356,555003,555002,555004,2020-11-12 21:26:14.790496 +280000,123000,25,10,-87,-12.2,16,-92,-15.2,11,-107,-18.2,8,12356,555003,555002,555004,2020-11-12 21:26:14.780496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12356,555003,555002,555004,2020-11-12 21:26:14.770496 +110000,88722,20,4,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12357,555003,555002,555004,2020-11-12 21:26:14.760496 +290000,122000,25,10,-89,-13.0,8,-94,-16.0,3,-109,-19.0,0,12357,555003,555002,555004,2020-11-12 21:26:14.750496 +270000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12357,555003,555002,555004,2020-11-12 21:26:14.740496 +110000,78722,20,5,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12357,555003,555002,555004,2020-11-12 21:26:14.730496 +100000,98722,20,5,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12357,555003,555002,555004,2020-11-12 21:26:14.720496 +10000,68722,16,6,-119,-19.5,6,-124,-22.5,1,-139,-25.5,-2,12357,555003,555002,555004,2020-11-12 21:26:14.710496 +150000,108722,20,4,-90,-12.7,8,-95,-15.7,3,-110,-18.7,0,12357,555003,555002,555004,2020-11-12 21:26:14.700496 +100000,78722,20,6,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12357,555003,555002,555004,2020-11-12 21:26:14.690496 +150000,108722,20,5,-89,-13.0,8,-94,-16.0,3,-109,-19.0,0,12357,555003,555002,555004,2020-11-12 21:26:14.680496 +280000,123000,25,8,-82,-12.8,10,-87,-15.8,5,-102,-18.8,2,12357,555003,555002,555004,2020-11-12 21:26:14.670496 +110000,88722,20,2,-91,-11.9,9,-96,-14.9,4,-111,-17.9,1,12357,555003,555002,555004,2020-11-12 21:26:14.660496 +100000,68722,18,6,-118,-18.3,5,-123,-21.3,0,-138,-24.3,-3,12357,555003,555002,555004,2020-11-12 21:26:14.650496 +150000,98722,20,8,-98,-11.3,12,-103,-14.3,7,-118,-17.3,4,12357,555003,555002,555004,2020-11-12 21:26:14.640496 +280000,123000,25,10,-87,-12.8,10,-92,-15.8,5,-107,-18.8,2,12357,555003,555002,555004,2020-11-12 21:26:14.630496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12357,555003,555002,555004,2020-11-12 21:26:14.620496 +110000,108722,20,4,-92,-11.1,10,-97,-14.1,5,-112,-17.1,2,12357,555003,555002,555004,2020-11-12 21:26:14.610496 +150000,68722,20,8,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12357,555003,555002,555004,2020-11-12 21:26:14.600496 +280000,122000,25,10,-82,-12.4,14,-87,-15.4,9,-102,-18.4,6,12357,555003,555002,555004,2020-11-12 21:26:14.590496 +150000,108722,20,6,-93,-13.5,3,-98,-16.5,-2,-113,-19.5,-5,12357,555003,555002,555004,2020-11-12 21:26:14.580496 +230000,108722,20,10,-93,-13.0,8,-98,-16.0,3,-113,-19.0,0,12357,555003,555002,555004,2020-11-12 21:26:14.570496 +100000,68722,18,7,-112,-18.5,7,-117,-21.5,2,-132,-24.5,-1,12357,555003,555002,555004,2020-11-12 21:26:14.560496 +150000,108722,20,4,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12357,555003,555002,555004,2020-11-12 21:26:14.550496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12357,555003,555002,555004,2020-11-12 21:26:14.540496 +110000,108722,20,8,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12357,555003,555002,555004,2020-11-12 21:26:14.530496 +300000,125000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12357,555003,555002,555004,2020-11-12 21:26:14.520496 +230000,108722,20,10,-90,-13.7,1,-95,-16.7,-4,-110,-19.7,-7,12357,555003,555002,555004,2020-11-12 21:26:14.510496 +110000,108722,20,7,-99,-17.7,16,-104,-20.7,11,-119,-23.7,8,12357,555003,555002,555004,2020-11-12 21:26:14.500496 +150000,98722,20,2,-95,-16.9,14,-100,-19.9,9,-115,-22.9,6,12357,555003,555002,555004,2020-11-12 21:26:14.490496 +200000,98722,20,4,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12357,555003,555002,555004,2020-11-12 21:26:14.480496 +110000,108722,20,6,-91,-13.4,4,-96,-16.4,-1,-111,-19.4,-4,12357,555003,555002,555004,2020-11-12 21:26:14.470496 +100000,68722,18,6,-119,-19.5,7,-124,-22.5,2,-139,-25.5,-1,12357,555003,555002,555004,2020-11-12 21:26:14.460496 +110000,98722,20,8,-89,-12.5,12,-94,-15.5,7,-109,-18.5,4,12357,555003,555002,555004,2020-11-12 21:26:14.450496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12357,555003,555002,555004,2020-11-12 21:26:14.440496 +10000,48722,16,6,-117,-18.3,6,-122,-21.3,1,-137,-24.3,-2,12357,555003,555002,555004,2020-11-12 21:26:14.430496 +110000,88722,20,2,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12357,555003,555002,555004,2020-11-12 21:26:14.420496 +110000,78722,20,2,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12357,555003,555002,555004,2020-11-12 21:26:14.410496 +290000,123000,25,10,-89,-13.4,4,-94,-16.4,-1,-109,-19.4,-4,12357,555003,555002,555004,2020-11-12 21:26:14.400496 +110000,108722,20,7,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12357,555003,555002,555004,2020-11-12 21:26:14.390496 +280000,121000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12357,555003,555002,555004,2020-11-12 21:26:14.380496 +290000,121000,25,8,-92,-13.4,4,-97,-16.4,-1,-112,-19.4,-4,12357,555003,555002,555004,2020-11-12 21:26:14.370496 +150000,108722,20,3,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12357,555003,555002,555004,2020-11-12 21:26:14.360496 +150000,108722,20,2,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12357,555003,555002,555004,2020-11-12 21:26:14.350496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12357,555003,555002,555004,2020-11-12 21:26:14.340496 +150000,98722,20,6,-91,-12.9,9,-96,-15.9,4,-111,-18.9,1,12357,555003,555002,555004,2020-11-12 21:26:14.330496 +100000,38722,18,7,-112,-19.1,7,-117,-22.1,2,-132,-25.1,-1,12357,555003,555002,555004,2020-11-12 21:26:14.320496 +110000,108722,20,8,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12357,555003,555002,555004,2020-11-12 21:26:14.310496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12357,555003,555002,555004,2020-11-12 21:26:14.300496 +150000,108722,20,2,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12357,555003,555002,555004,2020-11-12 21:26:14.290496 +150000,88722,20,2,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12357,555003,555002,555004,2020-11-12 21:26:14.280496 +4000,500,10,3,-130,-22.5,-5,-135,-25.5,-12,-150,-28.5,0,12357,555003,555002,555004,2020-11-12 21:26:14.270496 +150000,68722,20,7,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12357,555003,555002,555004,2020-11-12 21:26:14.260496 +150000,108722,20,8,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12357,555003,555002,555004,2020-11-12 21:26:14.250496 +200000,68722,20,4,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12358,555003,555002,555004,2020-11-12 21:26:14.240496 +290000,121000,25,10,-92,-13.5,3,-97,-16.5,-2,-112,-19.5,-5,12358,555003,555002,555004,2020-11-12 21:26:14.230496 +300000,122000,25,10,-82,-12.1,17,-87,-15.1,12,-102,-18.1,9,12358,555003,555002,555004,2020-11-12 21:26:14.220496 +100000,108722,20,3,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12358,555003,555002,555004,2020-11-12 21:26:14.210496 +100000,108722,20,4,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12358,555003,555002,555004,2020-11-12 21:26:14.200496 +230000,108722,20,2,-97,-17.3,14,-102,-20.3,9,-117,-23.3,6,12358,555003,555002,555004,2020-11-12 21:26:14.190496 +100,2000,9,4,-124,-23.5,-14,-129,-26.5,-19,-144,-29.5,-22,12358,555003,555002,555004,2020-11-12 21:26:14.180496 +280000,122000,25,10,-90,-13.7,1,-95,-16.7,-4,-110,-19.7,-7,12358,555003,555002,555004,2020-11-12 21:26:14.170496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12358,555003,555002,555004,2020-11-12 21:26:14.160496 +10000,68722,16,6,-109,-18.5,3,-114,-21.5,-2,-129,-24.5,-5,12358,555003,555002,555004,2020-11-12 21:26:14.150496 +280000,123000,25,10,-80,-12.8,10,-85,-15.8,5,-100,-18.8,2,12358,555003,555002,555004,2020-11-12 21:26:14.140496 +150000,108722,20,8,-90,-12.3,8,-95,-15.3,3,-110,-18.3,0,12358,555003,555002,555004,2020-11-12 21:26:14.130496 +7000,6000,10,4,-124,-23.1,-15,-129,-26.1,-20,-144,-29.1,-23,12358,555003,555002,555004,2020-11-12 21:26:14.120496 +280000,122000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12358,555003,555002,555004,2020-11-12 21:26:14.110496 +110000,108722,20,4,-93,-16.5,12,-98,-19.5,7,-113,-22.5,4,12358,555003,555002,555004,2020-11-12 21:26:14.100496 +280000,123000,25,10,-85,-12.0,18,-90,-15.0,13,-105,-18.0,10,12358,555003,555002,555004,2020-11-12 21:26:14.090496 +90000,48722,15,6,-109,-18.1,2,-114,-21.1,-3,-129,-24.1,-6,12358,555003,555002,555004,2020-11-12 21:26:14.080496 +290000,123000,25,10,-85,-12.0,18,-90,-15.0,13,-105,-18.0,10,12358,555003,555002,555004,2020-11-12 21:26:14.070496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12358,555003,555002,555004,2020-11-12 21:26:14.060496 +280000,123000,25,10,-88,-12.5,13,-93,-15.5,8,-108,-18.5,5,12358,555003,555002,555004,2020-11-12 21:26:14.050496 +100000,38722,18,7,-110,-19.7,4,-115,-22.7,-1,-130,-25.7,-4,12358,555003,555002,555004,2020-11-12 21:26:14.040496 +110000,88722,20,4,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12358,555003,555002,555004,2020-11-12 21:26:14.030496 +270000,122000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12358,555003,555002,555004,2020-11-12 21:26:14.020496 +10000,78722,18,7,-110,-18.5,12,-115,-21.5,7,-130,-24.5,4,12358,555003,555002,555004,2020-11-12 21:26:14.010496 +100000,68722,18,7,-116,-18.9,6,-121,-21.9,1,-136,-24.9,-2,12358,555003,555002,555004,2020-11-12 21:26:14.000496 +200000,68722,20,3,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12358,555003,555002,555004,2020-11-12 21:26:13.990496 +5000,1000,14,6,-117,-21.7,-7,-122,-24.7,-12,-137,-27.7,-15,12358,555003,555002,555004,2020-11-12 21:26:13.980496 +100000,68722,18,6,-111,-17.7,7,-116,-20.7,2,-131,-23.7,-1,12358,555003,555002,555004,2020-11-12 21:26:13.970496 +100000,88722,20,4,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12358,555003,555002,555004,2020-11-12 21:26:13.960496 +230000,108722,20,6,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12358,555003,555002,555004,2020-11-12 21:26:13.950496 +150000,78722,20,2,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12358,555003,555002,555004,2020-11-12 21:26:13.940496 +230000,108722,20,2,-93,-16.5,12,-98,-19.5,7,-113,-22.5,4,12358,555003,555002,555004,2020-11-12 21:26:13.930496 +230000,98722,20,4,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12358,555003,555002,555004,2020-11-12 21:26:13.920496 +200000,108722,20,6,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12358,555003,555002,555004,2020-11-12 21:26:13.910496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12358,555003,555002,555004,2020-11-12 21:26:13.900496 +290000,122000,25,10,-81,-12.6,12,-86,-15.6,7,-101,-18.6,4,12358,555003,555002,555004,2020-11-12 21:26:13.890496 +100000,6722,18,7,-118,-18.5,2,-123,-21.5,-3,-138,-24.5,-6,12358,555003,555002,555004,2020-11-12 21:26:13.880496 +1000,3000,10,3,-120,-21.5,2,-125,-24.5,1,-140,-27.5,1,12358,555003,555002,555004,2020-11-12 21:26:13.870496 +110000,108722,20,2,-89,-12.5,14,-94,-15.5,9,-109,-18.5,6,12358,555003,555002,555004,2020-11-12 21:26:13.860496 +110000,108722,20,4,-88,-12.3,12,-93,-15.3,7,-108,-18.3,4,12358,555003,555002,555004,2020-11-12 21:26:13.850496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12358,555003,555002,555004,2020-11-12 21:26:13.840496 +110000,108722,20,7,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12358,555003,555002,555004,2020-11-12 21:26:13.830496 +150000,98722,20,4,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12358,555003,555002,555004,2020-11-12 21:26:13.820496 +8000,4000,10,3,-123,-23.9,-16,-128,-26.9,-21,-143,-29.9,-24,12358,555003,555002,555004,2020-11-12 21:26:13.810496 +110000,108722,20,8,-92,-12.7,12,-97,-15.7,7,-112,-18.7,4,12358,555003,555002,555004,2020-11-12 21:26:13.800496 +290000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12358,555003,555002,555004,2020-11-12 21:26:13.790496 +150000,78722,20,3,-83,-11.3,14,-88,-14.3,9,-103,-17.3,6,12358,555003,555002,555004,2020-11-12 21:26:13.780496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12358,555003,555002,555004,2020-11-12 21:26:13.770496 +110000,108722,20,4,-90,-13.5,3,-95,-16.5,-2,-110,-19.5,-5,12358,555003,555002,555004,2020-11-12 21:26:13.760496 +280000,123000,25,10,-81,-12.1,17,-86,-15.1,12,-101,-18.1,9,12358,555003,555002,555004,2020-11-12 21:26:13.750496 +100000,68722,18,6,-115,-19.1,7,-120,-22.1,2,-135,-25.1,-1,12358,555003,555002,555004,2020-11-12 21:26:13.740496 +230000,98722,20,2,-95,-16.9,14,-100,-19.9,9,-115,-22.9,6,12358,555003,555002,555004,2020-11-12 21:26:13.730496 +200000,108722,20,6,-92,-13.1,7,-97,-16.1,2,-112,-19.1,-1,12359,555003,555002,555004,2020-11-12 21:26:13.720496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12359,555003,555002,555004,2020-11-12 21:26:13.710496 +150000,88722,20,8,-87,-12.1,15,-92,-15.1,10,-107,-18.1,7,12359,555003,555002,555004,2020-11-12 21:26:13.700496 +150000,88722,20,6,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12359,555003,555002,555004,2020-11-12 21:26:13.690496 +110000,108722,20,2,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12359,555003,555002,555004,2020-11-12 21:26:13.680496 +280000,123000,25,10,-83,-12.8,10,-88,-15.8,5,-103,-18.8,2,12359,555003,555002,555004,2020-11-12 21:26:13.670496 +110000,108722,20,2,-97,-12.3,8,-102,-15.3,3,-117,-18.3,0,12359,555003,555002,555004,2020-11-12 21:26:13.660496 +100000,68722,18,7,-118,-17.9,3,-123,-20.9,-2,-138,-23.9,-5,12359,555003,555002,555004,2020-11-12 21:26:13.650496 +110000,88722,20,2,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12359,555003,555002,555004,2020-11-12 21:26:13.640496 +270000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12359,555003,555002,555004,2020-11-12 21:26:13.630496 +110000,98722,20,6,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12359,555003,555002,555004,2020-11-12 21:26:13.620496 +110000,108722,20,2,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12359,555003,555002,555004,2020-11-12 21:26:13.610496 +100000,6722,18,7,-113,-19.7,6,-118,-22.7,1,-133,-25.7,-2,12359,555003,555002,555004,2020-11-12 21:26:13.600496 +280000,123000,25,10,-88,-12.7,11,-93,-15.7,6,-108,-18.7,3,12359,555003,555002,555004,2020-11-12 21:26:13.590496 +280000,123000,25,10,-45,-3.1,24,-50,-6.1,19,-65,-9.1,16,12359,555003,555002,555004,2020-11-12 21:26:13.580496 +280000,123000,25,10,-89,-13.2,6,-94,-16.2,1,-109,-19.2,-2,12359,555003,555002,555004,2020-11-12 21:26:13.570496 +100000,88722,20,8,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12359,555003,555002,555004,2020-11-12 21:26:13.560496 +110000,78722,20,6,-84,-11.5,15,-89,-14.5,10,-104,-17.5,7,12359,555003,555002,555004,2020-11-12 21:26:13.550496 +10000,38722,18,7,-111,-18.9,3,-116,-21.9,-2,-131,-24.9,-5,12359,555003,555002,555004,2020-11-12 21:26:13.540496 +100000,6722,20,4,-90,-12.5,7,-95,-15.5,2,-110,-18.5,-1,12359,555003,555002,555004,2020-11-12 21:26:13.530496 +150000,108722,20,3,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12359,555003,555002,555004,2020-11-12 21:26:13.520496 +110000,108722,20,3,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12359,555003,555002,555004,2020-11-12 21:26:13.510496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12359,555003,555002,555004,2020-11-12 21:26:13.500496 +110000,88722,20,6,-93,-12.5,12,-98,-15.5,7,-113,-18.5,4,12359,555003,555002,555004,2020-11-12 21:26:13.490496 +290000,123000,25,10,-81,-12.4,14,-86,-15.4,9,-101,-18.4,6,12359,555003,555002,555004,2020-11-12 21:26:13.480496 +280000,122000,25,10,-84,-12.4,14,-89,-15.4,9,-104,-18.4,6,12359,555003,555002,555004,2020-11-12 21:26:13.470496 +280000,123000,25,10,-45,-3.1,24,-50,-6.1,19,-65,-9.1,16,12359,555003,555002,555004,2020-11-12 21:26:13.460496 +290000,123000,25,10,-86,-12.3,15,-91,-15.3,10,-106,-18.3,7,12359,555003,555002,555004,2020-11-12 21:26:13.450496 +200000,108722,20,8,-81,-10.9,12,-86,-13.9,7,-101,-16.9,4,12359,555003,555002,555004,2020-11-12 21:26:13.440496 +150000,68722,20,2,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12359,555003,555002,555004,2020-11-12 21:26:13.430496 +200000,68722,20,3,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12359,555003,555002,555004,2020-11-12 21:26:13.420496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12359,555003,555002,555004,2020-11-12 21:26:13.410496 +4000,2000,9,4,-125,-21.5,0,-130,-24.5,-1,-145,-27.5,0,12359,555003,555002,555004,2020-11-12 21:26:13.400496 +150000,88722,20,3,-84,-11.5,15,-89,-14.5,10,-104,-17.5,7,12359,555003,555002,555004,2020-11-12 21:26:13.390496 +150000,108722,20,6,-98,-12.5,11,-103,-15.5,6,-118,-18.5,3,12359,555003,555002,555004,2020-11-12 21:26:13.380496 +110000,98722,20,3,-97,-11.9,11,-102,-14.9,6,-117,-17.9,3,12359,555003,555002,555004,2020-11-12 21:26:13.370496 +150000,88722,20,4,-93,-12.5,9,-98,-15.5,4,-113,-18.5,1,12359,555003,555002,555004,2020-11-12 21:26:13.360496 +9000,6722,14,6,-120,-20.7,3,-125,-23.7,2,-140,-26.7,0,12359,555003,555002,555004,2020-11-12 21:26:13.350496 +230000,98722,20,2,-90,-15.9,15,-95,-18.9,10,-110,-21.9,7,12359,555003,555002,555004,2020-11-12 21:26:13.340496 +280000,121000,25,10,-94,-13.3,5,-99,-16.3,0,-114,-19.3,-3,12359,555003,555002,555004,2020-11-12 21:26:13.330496 +110000,98722,20,2,-89,-12.5,15,-94,-15.5,10,-109,-18.5,7,12359,555003,555002,555004,2020-11-12 21:26:13.320496 +150000,108722,20,7,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12359,555003,555002,555004,2020-11-12 21:26:13.310496 +100000,6722,18,7,-119,-18.1,4,-124,-21.1,-1,-139,-24.1,-4,12359,555003,555002,555004,2020-11-12 21:26:13.300496 +90000,48722,15,6,-119,-18.5,6,-124,-21.5,1,-139,-24.5,-2,12359,555003,555002,555004,2020-11-12 21:26:13.290496 +110000,88722,20,8,-98,-10.9,8,-103,-13.9,3,-118,-16.9,0,12359,555003,555002,555004,2020-11-12 21:26:13.280496 +230000,88722,20,4,-94,-11.7,9,-99,-14.7,4,-114,-17.7,1,12359,555003,555002,555004,2020-11-12 21:26:13.270496 +110000,98722,20,6,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12359,555003,555002,555004,2020-11-12 21:26:13.260496 +200000,78722,20,2,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12359,555003,555002,555004,2020-11-12 21:26:13.250496 +90000,48722,16,7,-115,-18.7,2,-120,-21.7,-3,-135,-24.7,-6,12359,555003,555002,555004,2020-11-12 21:26:13.240496 +200000,88722,20,6,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12359,555003,555002,555004,2020-11-12 21:26:13.230496 +200000,108722,20,6,-98,-11.5,8,-103,-14.5,3,-118,-17.5,0,12359,555003,555002,555004,2020-11-12 21:26:13.220496 +110000,88722,20,4,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12359,555003,555002,555004,2020-11-12 21:26:13.210496 +110000,68722,20,2,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12360,555003,555002,555004,2020-11-12 21:26:13.200496 +300000,123000,25,10,-88,-12.0,18,-93,-15.0,13,-108,-18.0,10,12360,555003,555002,555004,2020-11-12 21:26:13.190496 +230000,108722,20,4,-91,-16.1,15,-96,-19.1,10,-111,-22.1,7,12360,555003,555002,555004,2020-11-12 21:26:13.180496 +270000,122000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12360,555003,555002,555004,2020-11-12 21:26:13.170496 +230000,108722,20,6,-90,-12.7,14,-95,-15.7,9,-110,-18.7,6,12360,555003,555002,555004,2020-11-12 21:26:13.160496 +110000,88722,20,2,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12360,555003,555002,555004,2020-11-12 21:26:13.150496 +280000,123000,25,10,-86,-12.6,12,-91,-15.6,7,-106,-18.6,4,12360,555003,555002,555004,2020-11-12 21:26:13.140496 +200000,108722,20,2,-80,-10.7,12,-85,-13.7,7,-100,-16.7,4,12360,555003,555002,555004,2020-11-12 21:26:13.130496 +280000,123000,25,10,-86,-12.8,10,-91,-15.8,5,-106,-18.8,2,12360,555003,555002,555004,2020-11-12 21:26:13.120496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12360,555003,555002,555004,2020-11-12 21:26:13.110496 +230000,108722,20,5,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12360,555003,555002,555004,2020-11-12 21:26:13.100496 +100000,108722,20,7,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12360,555003,555002,555004,2020-11-12 21:26:13.090496 +5000,20,10,4,-118,-23.5,-15,-123,-26.5,-20,-138,-29.5,-23,12360,555003,555002,555004,2020-11-12 21:26:13.080496 +110000,68722,20,4,-87,-12.1,14,-92,-15.1,9,-107,-18.1,6,12360,555003,555002,555004,2020-11-12 21:26:13.070496 +280000,122000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12360,555003,555002,555004,2020-11-12 21:26:13.060496 +100000,68722,18,6,-111,-19.3,5,-116,-22.3,0,-131,-25.3,-3,12360,555003,555002,555004,2020-11-12 21:26:13.050496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12360,555003,555002,555004,2020-11-12 21:26:13.040496 +110000,88722,20,4,-92,-11.5,10,-97,-14.5,5,-112,-17.5,2,12360,555003,555002,555004,2020-11-12 21:26:13.030496 +110000,88722,20,4,-89,-12.3,11,-94,-15.3,6,-109,-18.3,3,12360,555003,555002,555004,2020-11-12 21:26:13.020496 +200000,108722,20,5,-92,-13.2,6,-97,-16.2,1,-112,-19.2,-2,12360,555003,555002,555004,2020-11-12 21:26:13.010496 +110000,108722,20,4,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12360,555003,555002,555004,2020-11-12 21:26:13.000496 +150000,108722,20,6,-93,-13.5,3,-98,-16.5,-2,-113,-19.5,-5,12360,555003,555002,555004,2020-11-12 21:26:12.990496 +280000,123000,25,10,-82,-12.8,10,-87,-15.8,5,-102,-18.8,2,12360,555003,555002,555004,2020-11-12 21:26:12.980496 +150000,108722,20,3,-91,-16.1,14,-96,-19.1,9,-111,-22.1,6,12360,555003,555002,555004,2020-11-12 21:26:12.970496 +150000,108722,20,3,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12360,555003,555002,555004,2020-11-12 21:26:12.960496 +290000,123000,25,10,-80,-12.4,14,-85,-15.4,9,-100,-18.4,6,12360,555003,555002,555004,2020-11-12 21:26:12.950496 +280000,123000,25,10,-84,-12.7,11,-89,-15.7,6,-104,-18.7,3,12360,555003,555002,555004,2020-11-12 21:26:12.940496 +110000,108722,20,2,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12360,555003,555002,555004,2020-11-12 21:26:12.930496 +110000,88722,20,4,-93,-16.5,12,-98,-19.5,7,-113,-22.5,4,12360,555003,555002,555004,2020-11-12 21:26:12.920496 +100000,108722,20,2,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12360,555003,555002,555004,2020-11-12 21:26:12.910496 +110000,78722,20,8,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12360,555003,555002,555004,2020-11-12 21:26:12.900496 +290000,122000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12360,555003,555002,555004,2020-11-12 21:26:12.890496 +110000,88722,20,2,-97,-12.3,9,-102,-15.3,4,-117,-18.3,1,12360,555003,555002,555004,2020-11-12 21:26:12.880496 +110000,108722,20,3,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12360,555003,555002,555004,2020-11-12 21:26:12.870496 +280000,122000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12360,555003,555002,555004,2020-11-12 21:26:12.860496 +110000,108722,20,8,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12360,555003,555002,555004,2020-11-12 21:26:12.850496 +230000,108722,20,4,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12360,555003,555002,555004,2020-11-12 21:26:12.840496 +270000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12360,555003,555002,555004,2020-11-12 21:26:12.830496 +110000,108722,20,8,-98,-12.3,12,-103,-15.3,7,-118,-18.3,4,12360,555003,555002,555004,2020-11-12 21:26:12.820496 +100000,68722,18,7,-118,-19.7,6,-123,-22.7,1,-138,-25.7,-2,12360,555003,555002,555004,2020-11-12 21:26:12.810496 +9000,6722,14,6,-119,-21.1,-10,-124,-24.1,-15,-139,-27.1,-18,12360,555003,555002,555004,2020-11-12 21:26:12.800496 +290000,123000,25,10,-48,-3.4,24,-53,-6.4,19,-68,-9.4,16,12360,555003,555002,555004,2020-11-12 21:26:12.790496 +280000,123000,25,10,-81,-12.5,13,-86,-15.5,8,-101,-18.5,5,12360,555003,555002,555004,2020-11-12 21:26:12.780496 +150000,88722,20,4,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12360,555003,555002,555004,2020-11-12 21:26:12.770496 +100000,68722,20,2,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12360,555003,555002,555004,2020-11-12 21:26:12.760496 +150000,108722,20,3,-95,-16.9,12,-100,-19.9,7,-115,-22.9,4,12360,555003,555002,555004,2020-11-12 21:26:12.750496 +270000,121000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12360,555003,555002,555004,2020-11-12 21:26:12.740496 +100000,98722,20,2,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12360,555003,555002,555004,2020-11-12 21:26:12.730496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12360,555003,555002,555004,2020-11-12 21:26:12.720496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12360,555003,555002,555004,2020-11-12 21:26:12.710496 +100000,68722,18,6,-111,-19.1,7,-116,-22.1,2,-131,-25.1,-1,12360,555003,555002,555004,2020-11-12 21:26:12.700496 +290000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12360,555003,555002,555004,2020-11-12 21:26:12.690496 +100000,6722,18,6,-117,-18.7,6,-122,-21.7,1,-137,-24.7,-2,12361,555003,555002,555004,2020-11-12 21:26:12.680496 +100000,48722,18,7,-111,-20.9,-7,-116,-23.9,-5,-131,-26.9,-14,12361,555003,555002,555004,2020-11-12 21:26:12.670496 +150000,108722,20,2,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12361,555003,555002,555004,2020-11-12 21:26:12.660496 +230000,108722,20,7,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12361,555003,555002,555004,2020-11-12 21:26:12.650496 +150000,108722,20,3,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12361,555003,555002,555004,2020-11-12 21:26:12.640496 +300000,125000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12361,555003,555002,555004,2020-11-12 21:26:12.630496 +100000,68722,18,7,-111,-18.5,4,-116,-21.5,-1,-131,-24.5,-4,12361,555003,555002,555004,2020-11-12 21:26:12.620496 +110000,88722,20,4,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12361,555003,555002,555004,2020-11-12 21:26:12.610496 +4000,20,9,4,-124,-24.3,-20,-129,-27.3,-25,-144,-30.3,-28,12361,555003,555002,555004,2020-11-12 21:26:12.600496 +100000,58722,18,7,-114,-18.9,6,-119,-21.9,1,-134,-24.9,-2,12361,555003,555002,555004,2020-11-12 21:26:12.590496 +100000,78722,20,6,-89,-10.7,11,-94,-13.7,6,-109,-16.7,3,12361,555003,555002,555004,2020-11-12 21:26:12.580496 +230000,98722,20,6,-84,-11.5,15,-89,-14.5,10,-104,-17.5,7,12361,555003,555002,555004,2020-11-12 21:26:12.570496 +110000,108722,20,4,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12361,555003,555002,555004,2020-11-12 21:26:12.560496 +100000,108722,20,8,-89,-12.5,14,-94,-15.5,9,-109,-18.5,6,12361,555003,555002,555004,2020-11-12 21:26:12.550496 +280000,123000,25,10,-90,-13.2,6,-95,-16.2,1,-110,-19.2,-2,12361,555003,555002,555004,2020-11-12 21:26:12.540496 +100000,48722,18,7,-118,-18.5,2,-123,-21.5,-3,-138,-24.5,-6,12361,555003,555002,555004,2020-11-12 21:26:12.530496 +280000,121000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12361,555003,555002,555004,2020-11-12 21:26:12.520496 +10000,6722,15,7,-119,-18.7,7,-124,-21.7,2,-139,-24.7,-1,12361,555003,555002,555004,2020-11-12 21:26:12.510496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12361,555003,555002,555004,2020-11-12 21:26:12.500496 +270000,121000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12361,555003,555002,555004,2020-11-12 21:26:12.490496 +290000,123000,25,10,-80,-12.1,17,-85,-15.1,12,-100,-18.1,9,12361,555003,555002,555004,2020-11-12 21:26:12.480496 +110000,108722,20,5,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12361,555003,555002,555004,2020-11-12 21:26:12.470496 +150000,78722,20,5,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12361,555003,555002,555004,2020-11-12 21:26:12.460496 +150000,108722,20,2,-98,-17.5,15,-103,-20.5,10,-118,-23.5,7,12361,555003,555002,555004,2020-11-12 21:26:12.450496 +110000,108722,20,3,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12361,555003,555002,555004,2020-11-12 21:26:12.440496 +10000,68722,16,6,-114,-19.1,3,-119,-22.1,-2,-134,-25.1,-5,12361,555003,555002,555004,2020-11-12 21:26:12.430496 +150000,88722,20,2,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12361,555003,555002,555004,2020-11-12 21:26:12.420496 +270000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12361,555003,555002,555004,2020-11-12 21:26:12.410496 +110000,108722,20,4,-92,-13.2,6,-97,-16.2,1,-112,-19.2,-2,12361,555003,555002,555004,2020-11-12 21:26:12.400496 +300000,123000,25,10,-83,-12.8,10,-88,-15.8,5,-103,-18.8,2,12361,555003,555002,555004,2020-11-12 21:26:12.390496 +230000,88722,20,8,-86,-11.9,16,-91,-14.9,11,-106,-17.9,8,12361,555003,555002,555004,2020-11-12 21:26:12.380496 +110000,88722,20,8,-90,-12.3,8,-95,-15.3,3,-110,-18.3,0,12361,555003,555002,555004,2020-11-12 21:26:12.370496 +110000,98722,20,8,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12361,555003,555002,555004,2020-11-12 21:26:12.360496 +110000,108722,20,6,-98,-17.5,14,-103,-20.5,9,-118,-23.5,6,12361,555003,555002,555004,2020-11-12 21:26:12.350496 +150000,108722,20,7,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12361,555003,555002,555004,2020-11-12 21:26:12.340496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12361,555003,555002,555004,2020-11-12 21:26:12.330496 +100000,108722,20,2,-89,-15.7,15,-94,-18.7,10,-109,-21.7,7,12361,555003,555002,555004,2020-11-12 21:26:12.320496 +110000,108722,20,4,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12361,555003,555002,555004,2020-11-12 21:26:12.310496 +150000,108722,20,2,-98,-11.9,11,-103,-14.9,6,-118,-17.9,3,12361,555003,555002,555004,2020-11-12 21:26:12.300496 +290000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12361,555003,555002,555004,2020-11-12 21:26:12.290496 +280000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12361,555003,555002,555004,2020-11-12 21:26:12.280496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12361,555003,555002,555004,2020-11-12 21:26:12.270496 +100000,88722,20,4,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12361,555003,555002,555004,2020-11-12 21:26:12.260496 +110000,108722,20,7,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12361,555003,555002,555004,2020-11-12 21:26:12.250496 +110000,98722,20,3,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12361,555003,555002,555004,2020-11-12 21:26:12.240496 +280000,123000,25,10,-83,-12.0,18,-88,-15.0,13,-103,-18.0,10,12361,555003,555002,555004,2020-11-12 21:26:12.230496 +8000,5000,10,3,-125,-23.5,-13,-130,-26.5,-18,-145,-29.5,-21,12361,555003,555002,555004,2020-11-12 21:26:12.220496 +280000,123000,25,10,-85,-12.1,17,-90,-15.1,12,-105,-18.1,9,12361,555003,555002,555004,2020-11-12 21:26:12.210496 +280000,123000,25,10,-85,-12.7,11,-90,-15.7,6,-105,-18.7,3,12361,555003,555002,555004,2020-11-12 21:26:12.200496 +280000,123000,25,10,-86,-12.1,17,-91,-15.1,12,-106,-18.1,9,12361,555003,555002,555004,2020-11-12 21:26:12.190496 +150000,108722,20,2,-95,-16.9,15,-100,-19.9,10,-115,-22.9,7,12361,555003,555002,555004,2020-11-12 21:26:12.180496 +110000,88722,20,5,-88,-12.3,12,-93,-15.3,7,-108,-18.3,4,12361,555003,555002,555004,2020-11-12 21:26:12.170496 +10000,68722,16,7,-111,-18.7,5,-116,-21.7,0,-131,-24.7,-3,12362,555003,555002,555004,2020-11-12 21:26:12.160496 +290000,123000,25,10,-88,-12.3,15,-93,-15.3,10,-108,-18.3,7,12362,555003,555002,555004,2020-11-12 21:26:12.150496 +290000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12362,555003,555002,555004,2020-11-12 21:26:12.140496 +110000,108722,20,2,-80,-10.7,12,-85,-13.7,7,-100,-16.7,4,12362,555003,555002,555004,2020-11-12 21:26:12.130496 +280000,122000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12362,555003,555002,555004,2020-11-12 21:26:12.120496 +230000,108722,20,2,-86,-11.9,14,-91,-14.9,9,-106,-17.9,6,12362,555003,555002,555004,2020-11-12 21:26:12.110496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12362,555003,555002,555004,2020-11-12 21:26:12.100496 +200000,108722,20,2,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12362,555003,555002,555004,2020-11-12 21:26:12.090496 +200000,108722,20,2,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12362,555003,555002,555004,2020-11-12 21:26:12.080496 +150000,108722,20,4,-92,-13.5,3,-97,-16.5,-2,-112,-19.5,-5,12362,555003,555002,555004,2020-11-12 21:26:12.070496 +280000,123000,25,10,-81,-12.8,10,-86,-15.8,5,-101,-18.8,2,12362,555003,555002,555004,2020-11-12 21:26:12.060496 +110000,108722,20,6,-95,-11.1,8,-100,-14.1,3,-115,-17.1,0,12362,555003,555002,555004,2020-11-12 21:26:12.050496 +290000,122000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12362,555003,555002,555004,2020-11-12 21:26:12.040496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12362,555003,555002,555004,2020-11-12 21:26:12.030496 +110000,108722,20,6,-91,-13.4,4,-96,-16.4,-1,-111,-19.4,-4,12362,555003,555002,555004,2020-11-12 21:26:12.020496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12362,555003,555002,555004,2020-11-12 21:26:12.010496 +10000,68722,16,7,-119,-17.9,2,-124,-20.9,-3,-139,-23.9,-6,12362,555003,555002,555004,2020-11-12 21:26:12.000496 +8000,5000,10,4,-124,-21.3,-8,-129,-24.3,-13,-144,-27.3,-16,12362,555003,555002,555004,2020-11-12 21:26:11.990496 +100000,6722,20,5,-90,-11.1,4,-95,-14.1,-1,-110,-17.1,-4,12362,555003,555002,555004,2020-11-12 21:26:11.980496 +280000,123000,25,10,-86,-12.2,16,-91,-15.2,11,-106,-18.2,8,12362,555003,555002,555004,2020-11-12 21:26:11.970496 +280000,123000,25,10,-90,-13.0,8,-95,-16.0,3,-110,-19.0,0,12362,555003,555002,555004,2020-11-12 21:26:11.960496 +10000,38722,16,7,-118,-18.5,6,-123,-21.5,1,-138,-24.5,-2,12362,555003,555002,555004,2020-11-12 21:26:11.950496 +150000,98722,20,8,-90,-11.7,12,-95,-14.7,7,-110,-17.7,4,12362,555003,555002,555004,2020-11-12 21:26:11.940496 +150000,108722,20,4,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12362,555003,555002,555004,2020-11-12 21:26:11.930496 +110000,88722,20,8,-80,-10.7,12,-85,-13.7,7,-100,-16.7,4,12362,555003,555002,555004,2020-11-12 21:26:11.920496 +150000,108722,20,2,-88,-12.3,12,-93,-15.3,7,-108,-18.3,4,12362,555003,555002,555004,2020-11-12 21:26:11.910496 +280000,121000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12362,555003,555002,555004,2020-11-12 21:26:11.900496 +280000,123000,25,8,-89,-13.1,7,-94,-16.1,2,-109,-19.1,-1,12362,555003,555002,555004,2020-11-12 21:26:11.890496 +150000,88722,20,7,-97,-12.1,10,-102,-15.1,5,-117,-18.1,2,12362,555003,555002,555004,2020-11-12 21:26:11.880496 +300000,125000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12362,555003,555002,555004,2020-11-12 21:26:11.870496 +230000,108722,20,10,-90,-13.3,5,-95,-16.3,0,-110,-19.3,-3,12362,555003,555002,555004,2020-11-12 21:26:11.860496 +150000,108722,20,7,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12362,555003,555002,555004,2020-11-12 21:26:11.850496 +230000,108722,20,10,-90,-13.2,6,-95,-16.2,1,-110,-19.2,-2,12362,555003,555002,555004,2020-11-12 21:26:11.840496 +110000,88722,20,4,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12362,555003,555002,555004,2020-11-12 21:26:11.830496 +200000,108722,20,5,-94,-13.3,5,-99,-16.3,0,-114,-19.3,-3,12362,555003,555002,555004,2020-11-12 21:26:11.820496 +110000,98722,20,5,-88,-12.3,12,-93,-15.3,7,-108,-18.3,4,12362,555003,555002,555004,2020-11-12 21:26:11.810496 +230000,88722,20,8,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12362,555003,555002,555004,2020-11-12 21:26:11.800496 +110000,108722,20,5,-81,-10.9,12,-86,-13.9,7,-101,-16.9,4,12362,555003,555002,555004,2020-11-12 21:26:11.790496 +150000,88722,20,5,-87,-12.1,14,-92,-15.1,9,-107,-18.1,6,12362,555003,555002,555004,2020-11-12 21:26:11.780496 +110000,108722,20,4,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12362,555003,555002,555004,2020-11-12 21:26:11.770496 +290000,123000,25,10,-86,-12.8,10,-91,-15.8,5,-106,-18.8,2,12362,555003,555002,555004,2020-11-12 21:26:11.760496 +150000,98722,20,5,-92,-11.7,11,-97,-14.7,6,-112,-17.7,3,12362,555003,555002,555004,2020-11-12 21:26:11.750496 +300000,123000,25,10,-87,-12.0,18,-92,-15.0,13,-107,-18.0,10,12362,555003,555002,555004,2020-11-12 21:26:11.740496 +110000,108722,20,6,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12362,555003,555002,555004,2020-11-12 21:26:11.730496 +110000,88722,20,7,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12362,555003,555002,555004,2020-11-12 21:26:11.720496 +150000,98722,20,7,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12362,555003,555002,555004,2020-11-12 21:26:11.710496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12362,555003,555002,555004,2020-11-12 21:26:11.700496 +110000,88722,20,2,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12362,555003,555002,555004,2020-11-12 21:26:11.690496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12362,555003,555002,555004,2020-11-12 21:26:11.680496 +230000,108722,20,2,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12362,555003,555002,555004,2020-11-12 21:26:11.670496 +150000,108722,20,5,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12362,555003,555002,555004,2020-11-12 21:26:11.660496 +150000,88722,20,8,-96,-17.1,12,-101,-20.1,7,-116,-23.1,4,12362,555003,555002,555004,2020-11-12 21:26:11.650496 +100000,98722,20,5,-89,-15.7,12,-94,-18.7,7,-109,-21.7,4,12363,555003,555002,555004,2020-11-12 21:26:11.640496 +110000,68722,20,2,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12363,555003,555002,555004,2020-11-12 21:26:11.630496 +230000,108722,20,2,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12363,555003,555002,555004,2020-11-12 21:26:11.620496 +100000,68722,18,7,-113,-19.5,5,-118,-22.5,0,-133,-25.5,-3,12363,555003,555002,555004,2020-11-12 21:26:11.610496 +100000,6722,18,7,-117,-18.3,3,-122,-21.3,-2,-137,-24.3,-5,12363,555003,555002,555004,2020-11-12 21:26:11.600496 +280000,123000,25,10,-80,-12.3,15,-85,-15.3,10,-100,-18.3,7,12363,555003,555002,555004,2020-11-12 21:26:11.590496 +110000,98722,20,3,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12363,555003,555002,555004,2020-11-12 21:26:11.580496 +200000,108722,20,5,-92,-12.9,9,-97,-15.9,4,-112,-18.9,1,12363,555003,555002,555004,2020-11-12 21:26:11.570496 +150000,108722,20,3,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12363,555003,555002,555004,2020-11-12 21:26:11.560496 +100000,48722,18,7,-113,-19.1,4,-118,-22.1,-1,-133,-25.1,-4,12363,555003,555002,555004,2020-11-12 21:26:11.550496 +280000,123000,25,10,-85,-12.0,18,-90,-15.0,13,-105,-18.0,10,12363,555003,555002,555004,2020-11-12 21:26:11.540496 +290000,123000,25,10,-88,-12.1,17,-93,-15.1,12,-108,-18.1,9,12363,555003,555002,555004,2020-11-12 21:26:11.530496 +290000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12363,555003,555002,555004,2020-11-12 21:26:11.520496 +100000,6722,20,6,-91,-11.1,5,-96,-14.1,0,-111,-17.1,-3,12363,555003,555002,555004,2020-11-12 21:26:11.510496 +100000,48722,18,6,-112,-18.7,5,-117,-21.7,0,-132,-24.7,-3,12363,555003,555002,555004,2020-11-12 21:26:11.500496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12363,555003,555002,555004,2020-11-12 21:26:11.490496 +110000,98722,20,6,-94,-11.7,10,-99,-14.7,5,-114,-17.7,2,12363,555003,555002,555004,2020-11-12 21:26:11.480496 +280000,121000,25,10,-89,-13.7,1,-94,-16.7,-4,-109,-19.7,-7,12363,555003,555002,555004,2020-11-12 21:26:11.470496 +10000,68722,16,6,-113,-17.7,2,-118,-20.7,-3,-133,-23.7,-6,12363,555003,555002,555004,2020-11-12 21:26:11.460496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12363,555003,555002,555004,2020-11-12 21:26:11.450496 +110000,88722,20,4,-83,-11.3,14,-88,-14.3,9,-103,-17.3,6,12363,555003,555002,555004,2020-11-12 21:26:11.440496 +150000,108722,20,2,-90,-11.3,12,-95,-14.3,7,-110,-17.3,4,12363,555003,555002,555004,2020-11-12 21:26:11.430496 +110000,108722,20,8,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12363,555003,555002,555004,2020-11-12 21:26:11.420496 +100000,88722,20,2,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12363,555003,555002,555004,2020-11-12 21:26:11.410496 +150000,108722,20,4,-98,-12.5,9,-103,-15.5,4,-118,-18.5,1,12363,555003,555002,555004,2020-11-12 21:26:11.400496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12363,555003,555002,555004,2020-11-12 21:26:11.390496 +10000,68722,14,7,-115,-18.1,3,-120,-21.1,-2,-135,-24.1,-5,12363,555003,555002,555004,2020-11-12 21:26:11.380496 +150000,108722,20,2,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12363,555003,555002,555004,2020-11-12 21:26:11.370496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12363,555003,555002,555004,2020-11-12 21:26:11.360496 +110000,108722,20,6,-92,-13.4,4,-97,-16.4,-1,-112,-19.4,-4,12363,555003,555002,555004,2020-11-12 21:26:11.350496 +110000,108722,20,7,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12363,555003,555002,555004,2020-11-12 21:26:11.340496 +100000,88722,20,2,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12363,555003,555002,555004,2020-11-12 21:26:11.330496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12363,555003,555002,555004,2020-11-12 21:26:11.320496 +100000,6722,18,7,-116,-19.3,2,-121,-22.3,-3,-136,-25.3,-6,12363,555003,555002,555004,2020-11-12 21:26:11.310496 +110000,108722,20,6,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12363,555003,555002,555004,2020-11-12 21:26:11.300496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12363,555003,555002,555004,2020-11-12 21:26:11.290496 +110000,88722,20,8,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12363,555003,555002,555004,2020-11-12 21:26:11.280496 +280000,121000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12363,555003,555002,555004,2020-11-12 21:26:11.270496 +280000,122000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12363,555003,555002,555004,2020-11-12 21:26:11.260496 +280000,121000,25,10,-90,-13.6,2,-95,-16.6,-3,-110,-19.6,-6,12363,555003,555002,555004,2020-11-12 21:26:11.250496 +110000,108722,20,7,-94,-11.1,10,-99,-14.1,5,-114,-17.1,2,12363,555003,555002,555004,2020-11-12 21:26:11.240496 +230000,98722,20,10,-89,-13.4,4,-94,-16.4,-1,-109,-19.4,-4,12363,555003,555002,555004,2020-11-12 21:26:11.230496 +110000,108722,20,5,-95,-11.1,9,-100,-14.1,4,-115,-17.1,1,12363,555003,555002,555004,2020-11-12 21:26:11.220496 +110000,108722,20,7,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12363,555003,555002,555004,2020-11-12 21:26:11.210496 +90000,58722,18,7,-112,-21.3,-1,-117,-24.3,-5,-132,-27.3,-7,12363,555003,555002,555004,2020-11-12 21:26:11.200496 +280000,122000,25,10,-81,-12.2,16,-86,-15.2,11,-101,-18.2,8,12363,555003,555002,555004,2020-11-12 21:26:11.190496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12363,555003,555002,555004,2020-11-12 21:26:11.180496 +290000,122000,25,10,-82,-12.3,15,-87,-15.3,10,-102,-18.3,7,12363,555003,555002,555004,2020-11-12 21:26:11.170496 +230000,108722,20,10,-94,-13.2,6,-99,-16.2,1,-114,-19.2,-2,12363,555003,555002,555004,2020-11-12 21:26:11.160496 +110000,78722,20,4,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12363,555003,555002,555004,2020-11-12 21:26:11.150496 +110000,108722,20,8,-89,-15.7,12,-94,-18.7,7,-109,-21.7,4,12363,555003,555002,555004,2020-11-12 21:26:11.140496 +200000,108722,20,4,-92,-13.4,4,-97,-16.4,-1,-112,-19.4,-4,12363,555003,555002,555004,2020-11-12 21:26:11.130496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12364,555003,555002,555004,2020-11-12 21:26:11.120496 +110000,98722,20,6,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12364,555003,555002,555004,2020-11-12 21:26:11.110496 +200000,108722,20,6,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12364,555003,555002,555004,2020-11-12 21:26:11.100496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12364,555003,555002,555004,2020-11-12 21:26:11.090496 +110000,108722,20,3,-99,-11.7,10,-104,-14.7,5,-119,-17.7,2,12364,555003,555002,555004,2020-11-12 21:26:11.080496 +110000,108722,20,2,-93,-10.7,9,-98,-13.7,4,-113,-16.7,1,12364,555003,555002,555004,2020-11-12 21:26:11.070496 +110000,108722,20,8,-86,-11.9,16,-91,-14.9,11,-106,-17.9,8,12364,555003,555002,555004,2020-11-12 21:26:11.060496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12364,555003,555002,555004,2020-11-12 21:26:11.050496 +280000,123000,25,10,-81,-12.4,14,-86,-15.4,9,-101,-18.4,6,12364,555003,555002,555004,2020-11-12 21:26:11.040496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12364,555003,555002,555004,2020-11-12 21:26:11.030496 +110000,78722,20,2,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12364,555003,555002,555004,2020-11-12 21:26:11.020496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12364,555003,555002,555004,2020-11-12 21:26:11.010496 +7000,6722,10,4,-121,-23.3,0,-126,-26.3,-4,-141,-29.3,-7,12364,555003,555002,555004,2020-11-12 21:26:11.000496 +100000,6722,20,7,-95,-11.3,2,-100,-14.3,-3,-115,-17.3,-6,12364,555003,555002,555004,2020-11-12 21:26:10.990496 +110000,108722,20,5,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12364,555003,555002,555004,2020-11-12 21:26:10.980496 +100000,88722,20,3,-81,-10.9,12,-86,-13.9,7,-101,-16.9,4,12364,555003,555002,555004,2020-11-12 21:26:10.970496 +280000,121000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12364,555003,555002,555004,2020-11-12 21:26:10.960496 +100000,48722,18,6,-116,-18.5,5,-121,-21.5,0,-136,-24.5,-3,12364,555003,555002,555004,2020-11-12 21:26:10.950496 +110000,108722,20,4,-89,-12.5,15,-94,-15.5,10,-109,-18.5,7,12364,555003,555002,555004,2020-11-12 21:26:10.940496 +230000,108722,20,2,-92,-12.3,12,-97,-15.3,7,-112,-18.3,4,12364,555003,555002,555004,2020-11-12 21:26:10.930496 +100000,68722,20,2,-90,-11.5,3,-95,-14.5,-2,-110,-17.5,-5,12364,555003,555002,555004,2020-11-12 21:26:10.920496 +150000,108722,20,7,-97,-11.9,12,-102,-14.9,7,-117,-17.9,4,12364,555003,555002,555004,2020-11-12 21:26:10.910496 +10000,38722,16,6,-112,-17.7,4,-117,-20.7,-1,-132,-23.7,-4,12364,555003,555002,555004,2020-11-12 21:26:10.900496 +100000,48722,18,7,-118,-18.9,6,-123,-21.9,1,-138,-24.9,-2,12364,555003,555002,555004,2020-11-12 21:26:10.890496 +230000,108722,20,5,-93,-16.5,12,-98,-19.5,7,-113,-22.5,4,12364,555003,555002,555004,2020-11-12 21:26:10.880496 +110000,108722,20,8,-90,-15.9,11,-95,-18.9,6,-110,-21.9,3,12364,555003,555002,555004,2020-11-12 21:26:10.870496 +150000,98722,20,6,-93,-11.7,12,-98,-14.7,7,-113,-17.7,4,12364,555003,555002,555004,2020-11-12 21:26:10.860496 +110000,78722,20,3,-94,-16.7,15,-99,-19.7,10,-114,-22.7,7,12364,555003,555002,555004,2020-11-12 21:26:10.850496 +110000,88722,20,5,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12364,555003,555002,555004,2020-11-12 21:26:10.840496 +100000,48722,18,7,-118,-18.7,4,-123,-21.7,-1,-138,-24.7,-4,12364,555003,555002,555004,2020-11-12 21:26:10.830496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12364,555003,555002,555004,2020-11-12 21:26:10.820496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12364,555003,555002,555004,2020-11-12 21:26:10.810496 +110000,108722,20,7,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12364,555003,555002,555004,2020-11-12 21:26:10.800496 +100000,6722,18,7,-118,-18.9,5,-123,-21.9,0,-138,-24.9,-3,12364,555003,555002,555004,2020-11-12 21:26:10.790496 +280000,123000,25,10,-90,-13.1,7,-95,-16.1,2,-110,-19.1,-1,12364,555003,555002,555004,2020-11-12 21:26:10.780496 +110000,108722,20,6,-95,-11.9,12,-100,-14.9,7,-115,-17.9,4,12364,555003,555002,555004,2020-11-12 21:26:10.770496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12364,555003,555002,555004,2020-11-12 21:26:10.760496 +200000,98722,20,5,-92,-13.7,1,-97,-16.7,-4,-112,-19.7,-7,12364,555003,555002,555004,2020-11-12 21:26:10.750496 +280000,123000,25,10,-87,-12.0,18,-92,-15.0,13,-107,-18.0,10,12364,555003,555002,555004,2020-11-12 21:26:10.740496 +280000,122000,25,10,-85,-12.0,18,-90,-15.0,13,-105,-18.0,10,12364,555003,555002,555004,2020-11-12 21:26:10.730496 +110000,78722,20,3,-91,-16.1,14,-96,-19.1,9,-111,-22.1,6,12364,555003,555002,555004,2020-11-12 21:26:10.720496 +280000,123000,25,10,-88,-12.5,13,-93,-15.5,8,-108,-18.5,5,12364,555003,555002,555004,2020-11-12 21:26:10.710496 +200000,108722,20,2,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12364,555003,555002,555004,2020-11-12 21:26:10.700496 +10000,38722,16,7,-118,-18.1,3,-123,-21.1,-2,-138,-24.1,-5,12364,555003,555002,555004,2020-11-12 21:26:10.690496 +230000,88722,20,2,-94,-12.3,12,-99,-15.3,7,-114,-18.3,4,12364,555003,555002,555004,2020-11-12 21:26:10.680496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12364,555003,555002,555004,2020-11-12 21:26:10.670496 +4000,20,9,4,-122,-23.3,1,-127,-26.3,-4,-142,-29.3,-7,12364,555003,555002,555004,2020-11-12 21:26:10.660496 +110000,98722,20,3,-90,-12.7,14,-95,-15.7,9,-110,-18.7,6,12364,555003,555002,555004,2020-11-12 21:26:10.650496 +300000,123000,25,10,-88,-12.5,13,-93,-15.5,8,-108,-18.5,5,12364,555003,555002,555004,2020-11-12 21:26:10.640496 +110000,108722,20,4,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12364,555003,555002,555004,2020-11-12 21:26:10.630496 +100,1000,10,3,-126,-22.5,-8,-131,-25.5,-13,-146,-28.5,-16,12364,555003,555002,555004,2020-11-12 21:26:10.620496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12364,555003,555002,555004,2020-11-12 21:26:10.610496 +280000,123000,25,10,-85,-12.8,10,-90,-15.8,5,-105,-18.8,2,12365,555004,555003,555005,2020-11-12 21:26:10.600496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12365,555004,555003,555005,2020-11-12 21:26:10.590496 +200000,108722,20,3,-96,-12.5,8,-101,-15.5,3,-116,-18.5,0,12365,555004,555003,555005,2020-11-12 21:26:10.580496 +110000,108722,20,2,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12365,555004,555003,555005,2020-11-12 21:26:10.570496 +100000,58722,18,7,-112,-19.3,7,-117,-22.3,2,-132,-25.3,-1,12365,555004,555003,555005,2020-11-12 21:26:10.560496 +100000,88722,20,4,-90,-15.9,11,-95,-18.9,6,-110,-21.9,3,12365,555004,555003,555005,2020-11-12 21:26:10.550496 +200000,108722,20,6,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12365,555004,555003,555005,2020-11-12 21:26:10.540496 +110000,108722,20,6,-90,-12.9,9,-95,-15.9,4,-110,-18.9,1,12365,555004,555003,555005,2020-11-12 21:26:10.530496 +280000,121000,25,10,-94,-12.9,9,-99,-15.9,4,-114,-18.9,1,12365,555004,555003,555005,2020-11-12 21:26:10.520496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12365,555004,555003,555005,2020-11-12 21:26:10.510496 +280000,123000,25,10,-87,-12.3,15,-92,-15.3,10,-107,-18.3,7,12365,555004,555003,555005,2020-11-12 21:26:10.500496 +110000,88722,20,2,-99,-17.7,12,-104,-20.7,7,-119,-23.7,4,12365,555004,555003,555005,2020-11-12 21:26:10.490496 +280000,122000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12365,555004,555003,555005,2020-11-12 21:26:10.480496 +150000,108722,20,8,-90,-15.9,11,-95,-18.9,6,-110,-21.9,3,12365,555004,555003,555005,2020-11-12 21:26:10.470496 +150000,108722,20,2,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12365,555004,555003,555005,2020-11-12 21:26:10.460496 +280000,121000,25,10,-92,-13.8,0,-97,-16.8,-5,-112,-19.8,-8,12365,555004,555003,555005,2020-11-12 21:26:10.450496 +150000,108722,20,7,-89,-13.4,4,-94,-16.4,-1,-109,-19.4,-4,12365,555004,555003,555005,2020-11-12 21:26:10.440496 +100000,78722,20,7,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12365,555004,555003,555005,2020-11-12 21:26:10.430496 +100000,58722,18,7,-115,-19.7,3,-120,-22.7,-2,-135,-25.7,-5,12365,555004,555003,555005,2020-11-12 21:26:10.420496 +200000,78722,20,3,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12365,555004,555003,555005,2020-11-12 21:26:10.410496 +100000,58722,18,7,-115,-19.3,7,-120,-22.3,2,-135,-25.3,-1,12365,555004,555003,555005,2020-11-12 21:26:10.400496 +150000,68722,20,4,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12365,555004,555003,555005,2020-11-12 21:26:10.390496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12365,555004,555003,555005,2020-11-12 21:26:10.380496 +300000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12365,555004,555003,555005,2020-11-12 21:26:10.370496 +150000,98722,20,8,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12365,555004,555003,555005,2020-11-12 21:26:10.360496 +280000,123000,25,10,-88,-12.7,11,-93,-15.7,6,-108,-18.7,3,12365,555004,555003,555005,2020-11-12 21:26:10.350496 +230000,78722,20,4,-88,-12.3,15,-93,-15.3,10,-108,-18.3,7,12365,555004,555003,555005,2020-11-12 21:26:10.340496 +100000,68722,18,7,-114,-18.7,2,-119,-21.7,-3,-134,-24.7,-6,12365,555004,555003,555005,2020-11-12 21:26:10.330496 +100000,68722,18,6,-119,-19.1,5,-124,-22.1,0,-139,-25.1,-3,12365,555004,555003,555005,2020-11-12 21:26:10.320496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12365,555004,555003,555005,2020-11-12 21:26:10.310496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12365,555004,555003,555005,2020-11-12 21:26:10.300496 +150000,108722,20,2,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12365,555004,555003,555005,2020-11-12 21:26:10.290496 +200000,108722,20,7,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12365,555004,555003,555005,2020-11-12 21:26:10.280496 +100000,6722,18,7,-113,-18.9,6,-118,-21.9,1,-133,-24.9,-2,12365,555004,555003,555005,2020-11-12 21:26:10.270496 +100000,6722,18,6,-117,-19.7,6,-122,-22.7,1,-137,-25.7,-2,12365,555004,555003,555005,2020-11-12 21:26:10.260496 +100000,78722,20,4,-99,-17.7,16,-104,-20.7,11,-119,-23.7,8,12365,555004,555003,555005,2020-11-12 21:26:10.250496 +230000,98722,20,5,-90,-12.7,15,-95,-15.7,10,-110,-18.7,7,12365,555004,555003,555005,2020-11-12 21:26:10.240496 +150000,88722,20,4,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12365,555004,555003,555005,2020-11-12 21:26:10.230496 +300000,125000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12365,555004,555003,555005,2020-11-12 21:26:10.220496 +110000,88722,20,7,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12365,555004,555003,555005,2020-11-12 21:26:10.210496 +10000,6722,15,6,-116,-21.9,2,-121,-24.9,2,-136,-27.9,-8,12365,555004,555003,555005,2020-11-12 21:26:10.200496 +100000,108722,20,7,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12365,555004,555003,555005,2020-11-12 21:26:10.190496 +230000,108722,20,4,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12365,555004,555003,555005,2020-11-12 21:26:10.180496 +300000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12365,555004,555003,555005,2020-11-12 21:26:10.170496 +200000,108722,20,8,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12365,555004,555003,555005,2020-11-12 21:26:10.160496 +10000,6722,16,6,-112,-18.1,6,-117,-21.1,1,-132,-24.1,-2,12365,555004,555003,555005,2020-11-12 21:26:10.150496 +100000,108722,20,3,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12365,555004,555003,555005,2020-11-12 21:26:10.140496 +100000,48722,18,7,-113,-18.7,2,-118,-21.7,-3,-133,-24.7,-6,12365,555004,555003,555005,2020-11-12 21:26:10.130496 +200000,108722,20,2,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12365,555004,555003,555005,2020-11-12 21:26:10.120496 +280000,123000,25,10,-86,-12.8,10,-91,-15.8,5,-106,-18.8,2,12365,555004,555003,555005,2020-11-12 21:26:10.110496 +110000,98722,20,7,-96,-12.3,12,-101,-15.3,7,-116,-18.3,4,12365,555004,555003,555005,2020-11-12 21:26:10.100496 +280000,123000,25,10,-86,-12.5,13,-91,-15.5,8,-106,-18.5,5,12365,555004,555003,555005,2020-11-12 21:26:10.090496 +100000,68722,20,3,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12366,555004,555003,555005,2020-11-12 21:26:10.080496 +110000,108722,20,4,-80,-10.7,15,-85,-13.7,10,-100,-16.7,7,12366,555004,555003,555005,2020-11-12 21:26:10.070496 +290000,123000,25,10,-80,-12.5,13,-85,-15.5,8,-100,-18.5,5,12366,555004,555003,555005,2020-11-12 21:26:10.060496 +150000,108722,20,2,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12366,555004,555003,555005,2020-11-12 21:26:10.050496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12366,555004,555003,555005,2020-11-12 21:26:10.040496 +150000,108722,20,5,-90,-12.9,9,-95,-15.9,4,-110,-18.9,1,12366,555004,555003,555005,2020-11-12 21:26:10.030496 +200000,108722,20,7,-94,-13.0,8,-99,-16.0,3,-114,-19.0,0,12366,555004,555003,555005,2020-11-12 21:26:10.020496 +150000,88722,20,7,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12366,555004,555003,555005,2020-11-12 21:26:10.010496 +100000,108722,20,3,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12366,555004,555003,555005,2020-11-12 21:26:10.000496 +150000,98722,20,2,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12366,555004,555003,555005,2020-11-12 21:26:09.990496 +110000,88722,20,2,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12366,555004,555003,555005,2020-11-12 21:26:09.980496 +200000,98722,20,4,-90,-13.2,6,-95,-16.2,1,-110,-19.2,-2,12366,555004,555003,555005,2020-11-12 21:26:09.970496 +280000,123000,25,10,-84,-12.3,15,-89,-15.3,10,-104,-18.3,7,12366,555004,555003,555005,2020-11-12 21:26:09.960496 +110000,98722,20,3,-98,-11.7,10,-103,-14.7,5,-118,-17.7,2,12366,555004,555003,555005,2020-11-12 21:26:09.950496 +150000,98722,20,5,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12366,555004,555003,555005,2020-11-12 21:26:09.940496 +300000,123000,25,10,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12366,555004,555003,555005,2020-11-12 21:26:09.930496 +230000,108722,20,2,-99,-17.7,12,-104,-20.7,7,-119,-23.7,4,12366,555004,555003,555005,2020-11-12 21:26:09.920496 +110000,108722,20,6,-89,-13.3,5,-94,-16.3,0,-109,-19.3,-3,12366,555004,555003,555005,2020-11-12 21:26:09.910496 +230000,88722,20,8,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12366,555004,555003,555005,2020-11-12 21:26:09.900496 +110000,78722,20,2,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12366,555004,555003,555005,2020-11-12 21:26:09.890496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12366,555004,555003,555005,2020-11-12 21:26:09.880496 +110000,98722,20,3,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12366,555004,555003,555005,2020-11-12 21:26:09.870496 +300000,123000,25,10,-90,-13.6,2,-95,-16.6,-3,-110,-19.6,-6,12366,555004,555003,555005,2020-11-12 21:26:09.860496 +280000,123000,25,10,-81,-12.5,13,-86,-15.5,8,-101,-18.5,5,12366,555004,555003,555005,2020-11-12 21:26:09.850496 +100000,108722,20,8,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12366,555004,555003,555005,2020-11-12 21:26:09.840496 +300000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12366,555004,555003,555005,2020-11-12 21:26:09.830496 +150000,98722,20,2,-99,-17.7,12,-104,-20.7,7,-119,-23.7,4,12366,555004,555003,555005,2020-11-12 21:26:09.820496 +280000,123000,25,10,-82,-12.6,12,-87,-15.6,7,-102,-18.6,4,12366,555004,555003,555005,2020-11-12 21:26:09.810496 +110000,78722,20,6,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12366,555004,555003,555005,2020-11-12 21:26:09.800496 +110000,108722,20,6,-91,-13.1,7,-96,-16.1,2,-111,-19.1,-1,12366,555004,555003,555005,2020-11-12 21:26:09.790496 +110000,88722,20,4,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12366,555004,555003,555005,2020-11-12 21:26:09.780496 +100000,98722,20,3,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12366,555004,555003,555005,2020-11-12 21:26:09.770496 +110000,108722,20,3,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12366,555004,555003,555005,2020-11-12 21:26:09.760496 +100000,88722,20,3,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12366,555004,555003,555005,2020-11-12 21:26:09.750496 +100000,108722,20,4,-83,-11.3,15,-88,-14.3,10,-103,-17.3,7,12366,555004,555003,555005,2020-11-12 21:26:09.740496 +110000,108722,20,2,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12366,555004,555003,555005,2020-11-12 21:26:09.730496 +10000,6722,16,6,-116,-19.3,2,-121,-22.3,-3,-136,-25.3,-6,12366,555004,555003,555005,2020-11-12 21:26:09.720496 +150000,108722,20,2,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12366,555004,555003,555005,2020-11-12 21:26:09.710496 +110000,98722,20,3,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12366,555004,555003,555005,2020-11-12 21:26:09.700496 +110000,108722,20,2,-99,-17.7,12,-104,-20.7,7,-119,-23.7,4,12366,555004,555003,555005,2020-11-12 21:26:09.690496 +110000,98722,20,8,-96,-11.7,11,-101,-14.7,6,-116,-17.7,3,12366,555004,555003,555005,2020-11-12 21:26:09.680496 +300000,123000,25,10,-81,-12.0,18,-86,-15.0,13,-101,-18.0,10,12366,555004,555003,555005,2020-11-12 21:26:09.670496 +100000,38722,18,7,-117,-19.5,5,-122,-22.5,0,-137,-25.5,-3,12366,555004,555003,555005,2020-11-12 21:26:09.660496 +10,1000,10,3,-125,-23.3,-21,-130,-26.3,-26,-145,-29.3,-29,12366,555004,555003,555005,2020-11-12 21:26:09.650496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12366,555004,555003,555005,2020-11-12 21:26:09.640496 +280000,121000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12366,555004,555003,555005,2020-11-12 21:26:09.630496 +200000,108722,20,7,-92,-13.4,4,-97,-16.4,-1,-112,-19.4,-4,12366,555004,555003,555005,2020-11-12 21:26:09.620496 +110000,78722,20,7,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12366,555004,555003,555005,2020-11-12 21:26:09.610496 +300000,121000,25,10,-94,-13.8,0,-99,-16.8,-5,-114,-19.8,-8,12366,555004,555003,555005,2020-11-12 21:26:09.600496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12366,555004,555003,555005,2020-11-12 21:26:09.590496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12366,555004,555003,555005,2020-11-12 21:26:09.580496 +200000,68722,20,3,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12366,555004,555003,555005,2020-11-12 21:26:09.570496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12367,555004,555003,555005,2020-11-12 21:26:09.560496 +230000,98722,20,2,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12367,555004,555003,555005,2020-11-12 21:26:09.550496 +110000,108722,20,6,-92,-13.5,3,-97,-16.5,-2,-112,-19.5,-5,12367,555004,555003,555005,2020-11-12 21:26:09.540496 +280000,122000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12367,555004,555003,555005,2020-11-12 21:26:09.530496 +280000,121000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12367,555004,555003,555005,2020-11-12 21:26:09.520496 +300000,123000,25,8,-89,-13.2,6,-94,-16.2,1,-109,-19.2,-2,12367,555004,555003,555005,2020-11-12 21:26:09.510496 +110000,108722,20,4,-95,-11.5,9,-100,-14.5,4,-115,-17.5,1,12367,555004,555003,555005,2020-11-12 21:26:09.500496 +110000,108722,20,2,-96,-17.1,12,-101,-20.1,7,-116,-23.1,4,12367,555004,555003,555005,2020-11-12 21:26:09.490496 +110000,88722,20,5,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12367,555004,555003,555005,2020-11-12 21:26:09.480496 +230000,108722,20,8,-92,-13.0,8,-97,-16.0,3,-112,-19.0,0,12367,555004,555003,555005,2020-11-12 21:26:09.470496 +150000,98722,20,8,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12367,555004,555003,555005,2020-11-12 21:26:09.460496 +200000,78722,20,7,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12367,555004,555003,555005,2020-11-12 21:26:09.450496 +110000,108722,20,6,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12367,555004,555003,555005,2020-11-12 21:26:09.440496 +280000,121000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12367,555004,555003,555005,2020-11-12 21:26:09.430496 +280000,122000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12367,555004,555003,555005,2020-11-12 21:26:09.420496 +100000,6722,18,6,-116,-19.5,5,-121,-22.5,0,-136,-25.5,-3,12367,555004,555003,555005,2020-11-12 21:26:09.410496 +110000,78722,20,8,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12367,555004,555003,555005,2020-11-12 21:26:09.400496 +280000,123000,25,8,-81,-12.4,14,-86,-15.4,9,-101,-18.4,6,12367,555004,555003,555005,2020-11-12 21:26:09.390496 +110000,88722,20,8,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12367,555004,555003,555005,2020-11-12 21:26:09.380496 +110000,108722,20,5,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12367,555004,555003,555005,2020-11-12 21:26:09.370496 +200000,98722,20,2,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12367,555004,555003,555005,2020-11-12 21:26:09.360496 +280000,122000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12367,555004,555003,555005,2020-11-12 21:26:09.350496 +150000,108722,20,5,-90,-13.7,1,-95,-16.7,-4,-110,-19.7,-7,12367,555004,555003,555005,2020-11-12 21:26:09.340496 +100000,6722,20,3,-94,-11.5,3,-99,-14.5,-2,-114,-17.5,-5,12367,555004,555003,555005,2020-11-12 21:26:09.330496 +100000,68722,20,3,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12367,555004,555003,555005,2020-11-12 21:26:09.320496 +110000,108722,20,6,-91,-13.5,3,-96,-16.5,-2,-111,-19.5,-5,12367,555004,555003,555005,2020-11-12 21:26:09.310496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12367,555004,555003,555005,2020-11-12 21:26:09.300496 +280000,123000,25,10,-86,-12.0,18,-91,-15.0,13,-106,-18.0,10,12367,555004,555003,555005,2020-11-12 21:26:09.290496 +150000,108722,20,5,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12367,555004,555003,555005,2020-11-12 21:26:09.280496 +100000,68722,18,6,-111,-19.1,6,-116,-22.1,1,-131,-25.1,-2,12367,555004,555003,555005,2020-11-12 21:26:09.270496 +100000,48722,18,7,-111,-19.7,6,-116,-22.7,1,-131,-25.7,-2,12367,555004,555003,555005,2020-11-12 21:26:09.260496 +280000,121000,25,10,-93,-13.3,5,-98,-16.3,0,-113,-19.3,-3,12367,555004,555003,555005,2020-11-12 21:26:09.250496 +150000,88722,20,7,-90,-10.7,12,-95,-13.7,7,-110,-16.7,4,12367,555004,555003,555005,2020-11-12 21:26:09.240496 +150000,98722,20,6,-91,-12.9,9,-96,-15.9,4,-111,-18.9,1,12367,555004,555003,555005,2020-11-12 21:26:09.230496 +290000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12367,555004,555003,555005,2020-11-12 21:26:09.220496 +150000,68722,20,3,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12367,555004,555003,555005,2020-11-12 21:26:09.210496 +90000,68722,14,6,-117,-18.3,2,-122,-21.3,-3,-137,-24.3,-6,12367,555004,555003,555005,2020-11-12 21:26:09.200496 +150000,108722,20,3,-94,-11.7,9,-99,-14.7,4,-114,-17.7,1,12367,555004,555003,555005,2020-11-12 21:26:09.190496 +150000,108722,20,4,-90,-10.7,8,-95,-13.7,3,-110,-16.7,0,12367,555004,555003,555005,2020-11-12 21:26:09.180496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12367,555004,555003,555005,2020-11-12 21:26:09.170496 +110000,108722,20,4,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12367,555004,555003,555005,2020-11-12 21:26:09.160496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12367,555004,555003,555005,2020-11-12 21:26:09.150496 +10000,5000,14,6,-120,-20.7,-3,-125,-23.7,-10,-140,-26.7,1,12367,555004,555003,555005,2020-11-12 21:26:09.140496 +150000,98722,20,6,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12367,555004,555003,555005,2020-11-12 21:26:09.130496 +100000,108722,20,4,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12367,555004,555003,555005,2020-11-12 21:26:09.120496 +110000,108722,20,6,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12367,555004,555003,555005,2020-11-12 21:26:09.110496 +100000,108722,20,2,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12367,555004,555003,555005,2020-11-12 21:26:09.100496 +110000,98722,20,8,-97,-11.9,8,-102,-14.9,3,-117,-17.9,0,12367,555004,555003,555005,2020-11-12 21:26:09.090496 +300000,122000,25,10,-81,-12.2,16,-86,-15.2,11,-101,-18.2,8,12367,555004,555003,555005,2020-11-12 21:26:09.080496 +290000,122000,25,10,-83,-12.5,13,-88,-15.5,8,-103,-18.5,5,12367,555004,555003,555005,2020-11-12 21:26:09.070496 +100000,48722,18,6,-119,-18.7,5,-124,-21.7,0,-139,-24.7,-3,12367,555004,555003,555005,2020-11-12 21:26:09.060496 +280000,123000,25,10,-86,-12.0,18,-91,-15.0,13,-106,-18.0,10,12367,555004,555003,555005,2020-11-12 21:26:09.050496 +150000,108722,20,5,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12368,555004,555003,555005,2020-11-12 21:26:09.040496 +150000,108722,20,5,-97,-11.3,11,-102,-14.3,6,-117,-17.3,3,12368,555004,555003,555005,2020-11-12 21:26:09.030496 +200000,108722,20,7,-93,-13.7,1,-98,-16.7,-4,-113,-19.7,-7,12368,555004,555003,555005,2020-11-12 21:26:09.020496 +280000,123000,25,10,-87,-12.3,15,-92,-15.3,10,-107,-18.3,7,12368,555004,555003,555005,2020-11-12 21:26:09.010496 +100000,6722,18,7,-119,-18.1,7,-124,-21.1,2,-139,-24.1,-1,12368,555004,555003,555005,2020-11-12 21:26:09.000496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12368,555004,555003,555005,2020-11-12 21:26:08.990496 +150000,108722,20,2,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12368,555004,555003,555005,2020-11-12 21:26:08.980496 +280000,123000,25,10,-86,-12.7,11,-91,-15.7,6,-106,-18.7,3,12368,555004,555003,555005,2020-11-12 21:26:08.970496 +100000,6722,18,6,-111,-18.7,7,-116,-21.7,2,-131,-24.7,-1,12368,555004,555003,555005,2020-11-12 21:26:08.960496 +10000,48722,18,6,-110,-18.9,5,-115,-21.9,0,-130,-24.9,-3,12368,555004,555003,555005,2020-11-12 21:26:08.950496 +280000,123000,25,10,-88,-12.4,14,-93,-15.4,9,-108,-18.4,6,12368,555004,555003,555005,2020-11-12 21:26:08.940496 +110000,108722,20,6,-94,-13.5,3,-99,-16.5,-2,-114,-19.5,-5,12368,555004,555003,555005,2020-11-12 21:26:08.930496 +150000,108722,20,3,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12368,555004,555003,555005,2020-11-12 21:26:08.920496 +100000,38722,18,6,-112,-19.7,7,-117,-22.7,2,-132,-25.7,-1,12368,555004,555003,555005,2020-11-12 21:26:08.910496 +300000,125000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12368,555004,555003,555005,2020-11-12 21:26:08.900496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12368,555004,555003,555005,2020-11-12 21:26:08.890496 +280000,123000,25,10,-89,-13.6,2,-94,-16.6,-3,-109,-19.6,-6,12368,555004,555003,555005,2020-11-12 21:26:08.880496 +280000,122000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12368,555004,555003,555005,2020-11-12 21:26:08.870496 +280000,122000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12368,555004,555003,555005,2020-11-12 21:26:08.860496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12368,555004,555003,555005,2020-11-12 21:26:08.850496 +300000,123000,25,10,-46,-3.2,24,-51,-6.2,19,-66,-9.2,16,12368,555004,555003,555005,2020-11-12 21:26:08.840496 +110000,108722,20,3,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12368,555004,555003,555005,2020-11-12 21:26:08.830496 +7000,6722,9,4,-119,-21.3,-1,-124,-24.3,-6,-139,-27.3,-9,12368,555004,555003,555005,2020-11-12 21:26:08.820496 +280000,122000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12368,555004,555003,555005,2020-11-12 21:26:08.810496 +110000,108722,20,7,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12368,555004,555003,555005,2020-11-12 21:26:08.800496 +290000,123000,25,10,-85,-12.4,14,-90,-15.4,9,-105,-18.4,6,12368,555004,555003,555005,2020-11-12 21:26:08.790496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12368,555004,555003,555005,2020-11-12 21:26:08.780496 +110000,98722,20,6,-91,-13.3,5,-96,-16.3,0,-111,-19.3,-3,12368,555004,555003,555005,2020-11-12 21:26:08.770496 +150000,88722,20,2,-99,-17.7,15,-104,-20.7,10,-119,-23.7,7,12368,555004,555003,555005,2020-11-12 21:26:08.760496 +280000,121000,25,10,-92,-13.0,8,-97,-16.0,3,-112,-19.0,0,12368,555004,555003,555005,2020-11-12 21:26:08.750496 +3000,1000,9,3,-122,-21.7,-10,-127,-24.7,-15,-142,-27.7,-18,12368,555004,555003,555005,2020-11-12 21:26:08.740496 +280000,121000,25,10,-91,-13.7,1,-96,-16.7,-4,-111,-19.7,-7,12368,555004,555003,555005,2020-11-12 21:26:08.730496 +280000,123000,25,10,-90,-13.5,3,-95,-16.5,-2,-110,-19.5,-5,12368,555004,555003,555005,2020-11-12 21:26:08.720496 +200000,108722,20,2,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12368,555004,555003,555005,2020-11-12 21:26:08.710496 +280000,123000,25,10,-84,-12.3,15,-89,-15.3,10,-104,-18.3,7,12368,555004,555003,555005,2020-11-12 21:26:08.700496 +150000,108722,20,5,-92,-13.0,8,-97,-16.0,3,-112,-19.0,0,12368,555004,555003,555005,2020-11-12 21:26:08.690496 +300000,123000,25,10,-87,-12.2,16,-92,-15.2,11,-107,-18.2,8,12368,555004,555003,555005,2020-11-12 21:26:08.680496 +4000,2000,10,4,-125,-24.7,-14,-130,-27.7,-19,-145,-30.7,-22,12368,555004,555003,555005,2020-11-12 21:26:08.670496 +100000,108722,20,4,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12368,555004,555003,555005,2020-11-12 21:26:08.660496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12368,555004,555003,555005,2020-11-12 21:26:08.650496 +230000,108722,20,10,-89,-13.0,8,-94,-16.0,3,-109,-19.0,0,12368,555004,555003,555005,2020-11-12 21:26:08.640496 +110000,68722,20,4,-99,-17.7,12,-104,-20.7,7,-119,-23.7,4,12368,555004,555003,555005,2020-11-12 21:26:08.630496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12368,555004,555003,555005,2020-11-12 21:26:08.620496 +280000,123000,25,10,-83,-12.5,13,-88,-15.5,8,-103,-18.5,5,12368,555004,555003,555005,2020-11-12 21:26:08.610496 +100000,88722,20,3,-82,-11.1,15,-87,-14.1,10,-102,-17.1,7,12368,555004,555003,555005,2020-11-12 21:26:08.600496 +100000,48722,20,5,-98,-10.9,7,-103,-13.9,2,-118,-16.9,-1,12368,555004,555003,555005,2020-11-12 21:26:08.590496 +280000,122000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12368,555004,555003,555005,2020-11-12 21:26:08.580496 +150000,108722,20,2,-96,-12.5,10,-101,-15.5,5,-116,-18.5,2,12368,555004,555003,555005,2020-11-12 21:26:08.570496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12368,555004,555003,555005,2020-11-12 21:26:08.560496 +100000,108722,20,4,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12368,555004,555003,555005,2020-11-12 21:26:08.550496 +10000,48722,18,7,-112,-18.9,6,-117,-21.9,1,-132,-24.9,-2,12368,555004,555003,555005,2020-11-12 21:26:08.540496 +110000,108722,20,6,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12368,555004,555003,555005,2020-11-12 21:26:08.530496 +100000,68722,18,7,-112,-20.7,-1,-117,-23.7,-4,-132,-26.7,-9,12369,555004,555003,555005,2020-11-12 21:26:08.520496 +200000,98722,20,4,-95,-11.9,11,-100,-14.9,6,-115,-17.9,3,12369,555004,555003,555005,2020-11-12 21:26:08.510496 +100000,6722,18,6,-119,-19.7,5,-124,-22.7,0,-139,-25.7,-3,12369,555004,555003,555005,2020-11-12 21:26:08.500496 +110000,108722,20,4,-90,-11.5,11,-95,-14.5,6,-110,-17.5,3,12369,555004,555003,555005,2020-11-12 21:26:08.490496 +110000,68722,20,5,-93,-16.5,12,-98,-19.5,7,-113,-22.5,4,12369,555004,555003,555005,2020-11-12 21:26:08.480496 +10000,38722,14,7,-115,-18.5,7,-120,-21.5,2,-135,-24.5,-1,12369,555004,555003,555005,2020-11-12 21:26:08.470496 +280000,123000,25,10,-86,-12.7,11,-91,-15.7,6,-106,-18.7,3,12369,555004,555003,555005,2020-11-12 21:26:08.460496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12369,555004,555003,555005,2020-11-12 21:26:08.450496 +150000,108722,20,6,-86,-11.9,16,-91,-14.9,11,-106,-17.9,8,12369,555004,555003,555005,2020-11-12 21:26:08.440496 +150000,98722,20,4,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12369,555004,555003,555005,2020-11-12 21:26:08.430496 +150000,108722,20,6,-91,-13.6,2,-96,-16.6,-3,-111,-19.6,-6,12369,555004,555003,555005,2020-11-12 21:26:08.420496 +100000,88722,20,5,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12369,555004,555003,555005,2020-11-12 21:26:08.410496 +150000,108722,20,3,-93,-12.3,9,-98,-15.3,4,-113,-18.3,1,12369,555004,555003,555005,2020-11-12 21:26:08.400496 +300000,125000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12369,555004,555003,555005,2020-11-12 21:26:08.390496 +230000,108722,20,2,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12369,555004,555003,555005,2020-11-12 21:26:08.380496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12369,555004,555003,555005,2020-11-12 21:26:08.370496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12369,555004,555003,555005,2020-11-12 21:26:08.360496 +150000,108722,20,4,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12369,555004,555003,555005,2020-11-12 21:26:08.350496 +10000,58722,16,6,-113,-19.3,3,-118,-22.3,-2,-133,-25.3,-5,12369,555004,555003,555005,2020-11-12 21:26:08.340496 +100000,68722,18,6,-111,-19.5,4,-116,-22.5,-1,-131,-25.5,-4,12369,555004,555003,555005,2020-11-12 21:26:08.330496 +150000,88722,20,2,-94,-16.7,15,-99,-19.7,10,-114,-22.7,7,12369,555004,555003,555005,2020-11-12 21:26:08.320496 +280000,123000,25,10,-80,-12.4,14,-85,-15.4,9,-100,-18.4,6,12369,555004,555003,555005,2020-11-12 21:26:08.310496 +230000,98722,20,3,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12369,555004,555003,555005,2020-11-12 21:26:08.300496 +280000,121000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12369,555004,555003,555005,2020-11-12 21:26:08.290496 +280000,123000,25,10,-82,-12.3,15,-87,-15.3,10,-102,-18.3,7,12369,555004,555003,555005,2020-11-12 21:26:08.280496 +110000,98722,20,2,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12369,555004,555003,555005,2020-11-12 21:26:08.270496 +100000,38722,18,7,-115,-19.5,4,-120,-22.5,-1,-135,-25.5,-4,12369,555004,555003,555005,2020-11-12 21:26:08.260496 +280000,121000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12369,555004,555003,555005,2020-11-12 21:26:08.250496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12369,555004,555003,555005,2020-11-12 21:26:08.240496 +100000,68722,18,7,-111,-21.1,0,-116,-24.1,-4,-131,-27.1,-5,12369,555004,555003,555005,2020-11-12 21:26:08.230496 +100000,48722,20,8,-97,-11.1,5,-102,-14.1,0,-117,-17.1,-3,12369,555004,555003,555005,2020-11-12 21:26:08.220496 +230000,108722,20,2,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12369,555004,555003,555005,2020-11-12 21:26:08.210496 +280000,123000,25,10,-87,-12.1,17,-92,-15.1,12,-107,-18.1,9,12369,555004,555003,555005,2020-11-12 21:26:08.200496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12369,555004,555003,555005,2020-11-12 21:26:08.190496 +110000,98722,20,5,-92,-13.8,0,-97,-16.8,-5,-112,-19.8,-8,12369,555004,555003,555005,2020-11-12 21:26:08.180496 +150000,108722,20,6,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12369,555004,555003,555005,2020-11-12 21:26:08.170496 +100000,108722,20,5,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12369,555004,555003,555005,2020-11-12 21:26:08.160496 +110000,108722,20,3,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12369,555004,555003,555005,2020-11-12 21:26:08.150496 +150000,108722,20,3,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12369,555004,555003,555005,2020-11-12 21:26:08.140496 +280000,123000,25,10,-82,-12.1,17,-87,-15.1,12,-102,-18.1,9,12369,555004,555003,555005,2020-11-12 21:26:08.130496 +5000,2,14,6,-117,-21.5,-3,-122,-24.5,-8,-137,-27.5,-11,12369,555004,555003,555005,2020-11-12 21:26:08.120496 +150000,108722,20,6,-97,-17.3,12,-102,-20.3,7,-117,-23.3,4,12369,555004,555003,555005,2020-11-12 21:26:08.110496 +150000,88722,20,6,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12369,555004,555003,555005,2020-11-12 21:26:08.100496 +280000,123000,25,10,-89,-13.0,8,-94,-16.0,3,-109,-19.0,0,12369,555004,555003,555005,2020-11-12 21:26:08.090496 +200000,108722,20,6,-94,-13.5,3,-99,-16.5,-2,-114,-19.5,-5,12369,555004,555003,555005,2020-11-12 21:26:08.080496 +280000,123000,25,10,-85,-12.3,15,-90,-15.3,10,-105,-18.3,7,12369,555004,555003,555005,2020-11-12 21:26:08.070496 +280000,123000,25,10,-90,-12.9,9,-95,-15.9,4,-110,-18.9,1,12369,555004,555003,555005,2020-11-12 21:26:08.060496 +150000,108722,20,3,-98,-11.9,11,-103,-14.9,6,-118,-17.9,3,12369,555004,555003,555005,2020-11-12 21:26:08.050496 +230000,98722,20,7,-96,-10.9,11,-101,-13.9,6,-116,-16.9,3,12369,555004,555003,555005,2020-11-12 21:26:08.040496 +280000,121000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12369,555004,555003,555005,2020-11-12 21:26:08.030496 +10000,38722,15,7,-112,-18.1,6,-117,-21.1,1,-132,-24.1,-2,12369,555004,555003,555005,2020-11-12 21:26:08.020496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12369,555004,555003,555005,2020-11-12 21:26:08.010496 +280000,123000,25,10,-80,-12.4,14,-85,-15.4,9,-100,-18.4,6,12370,555004,555003,555005,2020-11-12 21:26:08.000496 +110000,108722,20,6,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12370,555004,555003,555005,2020-11-12 21:26:07.990496 +150000,108722,20,8,-89,-12.5,14,-94,-15.5,9,-109,-18.5,6,12370,555004,555003,555005,2020-11-12 21:26:07.980496 +150000,88722,20,3,-95,-12.7,11,-100,-15.7,6,-115,-18.7,3,12370,555004,555003,555005,2020-11-12 21:26:07.970496 +100000,6722,18,7,-112,-19.5,7,-117,-22.5,2,-132,-25.5,-1,12370,555004,555003,555005,2020-11-12 21:26:07.960496 +280000,122000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12370,555004,555003,555005,2020-11-12 21:26:07.950496 +290000,121000,25,8,-92,-12.9,9,-97,-15.9,4,-112,-18.9,1,12370,555004,555003,555005,2020-11-12 21:26:07.940496 +9000,6000,14,6,-115,-22.7,-6,-120,-25.7,-11,-135,-28.7,-14,12370,555004,555003,555005,2020-11-12 21:26:07.930496 +230000,108722,20,4,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12370,555004,555003,555005,2020-11-12 21:26:07.920496 +100000,6722,20,2,-98,-11.1,3,-103,-14.1,-2,-118,-17.1,-5,12370,555004,555003,555005,2020-11-12 21:26:07.910496 +100000,108722,20,2,-83,-11.3,14,-88,-14.3,9,-103,-17.3,6,12370,555004,555003,555005,2020-11-12 21:26:07.900496 +100000,108722,20,6,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12370,555004,555003,555005,2020-11-12 21:26:07.890496 +10000,68722,16,7,-109,-19.3,4,-114,-22.3,-1,-129,-25.3,-4,12370,555004,555003,555005,2020-11-12 21:26:07.880496 +1000,1000,9,4,-124,-24.3,0,-129,-27.3,-2,-144,-30.3,-8,12370,555004,555003,555005,2020-11-12 21:26:07.870496 +110000,88722,20,3,-94,-11.7,9,-99,-14.7,4,-114,-17.7,1,12370,555004,555003,555005,2020-11-12 21:26:07.860496 +150000,108722,20,3,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12370,555004,555003,555005,2020-11-12 21:26:07.850496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12370,555004,555003,555005,2020-11-12 21:26:07.840496 +280000,123000,25,10,-82,-12.3,15,-87,-15.3,10,-102,-18.3,7,12370,555004,555003,555005,2020-11-12 21:26:07.830496 +280000,123000,25,10,-83,-12.0,18,-88,-15.0,13,-103,-18.0,10,12370,555004,555003,555005,2020-11-12 21:26:07.820496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12370,555004,555003,555005,2020-11-12 21:26:07.810496 +110000,108722,20,4,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12370,555004,555003,555005,2020-11-12 21:26:07.800496 +290000,123000,25,10,-89,-13.2,6,-94,-16.2,1,-109,-19.2,-2,12370,555004,555003,555005,2020-11-12 21:26:07.790496 +230000,78722,20,6,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12370,555004,555003,555005,2020-11-12 21:26:07.780496 +200000,98722,20,5,-92,-11.1,9,-97,-14.1,4,-112,-17.1,1,12370,555004,555003,555005,2020-11-12 21:26:07.770496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12370,555004,555003,555005,2020-11-12 21:26:07.760496 +300000,123000,25,8,-83,-12.6,12,-88,-15.6,7,-103,-18.6,4,12370,555004,555003,555005,2020-11-12 21:26:07.750496 +150000,108722,20,7,-93,-13.7,1,-98,-16.7,-4,-113,-19.7,-7,12370,555004,555003,555005,2020-11-12 21:26:07.740496 +110000,108722,20,5,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12370,555004,555003,555005,2020-11-12 21:26:07.730496 +150000,98722,20,2,-95,-10.9,12,-100,-13.9,7,-115,-16.9,4,12370,555004,555003,555005,2020-11-12 21:26:07.720496 +200000,108722,20,4,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12370,555004,555003,555005,2020-11-12 21:26:07.710496 +230000,108722,20,6,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12370,555004,555003,555005,2020-11-12 21:26:07.700496 +150000,108722,20,6,-92,-12.9,9,-97,-15.9,4,-112,-18.9,1,12370,555004,555003,555005,2020-11-12 21:26:07.690496 +110000,108722,20,5,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12370,555004,555003,555005,2020-11-12 21:26:07.680496 +280000,123000,25,10,-87,-12.2,16,-92,-15.2,11,-107,-18.2,8,12370,555004,555003,555005,2020-11-12 21:26:07.670496 +110000,108722,20,3,-89,-12.5,12,-94,-15.5,7,-109,-18.5,4,12370,555004,555003,555005,2020-11-12 21:26:07.660496 +110000,98722,20,4,-92,-12.1,8,-97,-15.1,3,-112,-18.1,0,12370,555004,555003,555005,2020-11-12 21:26:07.650496 +290000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12370,555004,555003,555005,2020-11-12 21:26:07.640496 +300000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12370,555004,555003,555005,2020-11-12 21:26:07.630496 +150000,108722,20,5,-81,-10.9,15,-86,-13.9,10,-101,-16.9,7,12370,555004,555003,555005,2020-11-12 21:26:07.620496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12370,555004,555003,555005,2020-11-12 21:26:07.610496 +10000,78722,15,7,-111,-19.5,8,-116,-22.5,3,-131,-25.5,0,12370,555004,555003,555005,2020-11-12 21:26:07.600496 +150000,68722,20,6,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12370,555004,555003,555005,2020-11-12 21:26:07.590496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12370,555004,555003,555005,2020-11-12 21:26:07.580496 +110000,98722,20,6,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12370,555004,555003,555005,2020-11-12 21:26:07.570496 +100000,108722,20,7,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12370,555004,555003,555005,2020-11-12 21:26:07.560496 +200000,108722,20,2,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12370,555004,555003,555005,2020-11-12 21:26:07.550496 +280000,123000,25,10,-89,-13.6,2,-94,-16.6,-3,-109,-19.6,-6,12370,555004,555003,555005,2020-11-12 21:26:07.540496 +150000,98722,20,2,-89,-12.5,14,-94,-15.5,9,-109,-18.5,6,12370,555004,555003,555005,2020-11-12 21:26:07.530496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12370,555004,555003,555005,2020-11-12 21:26:07.520496 +9000,6000,14,6,-122,-22.9,-20,-127,-25.9,-25,-142,-28.9,-28,12370,555004,555003,555005,2020-11-12 21:26:07.510496 +90000,58722,16,7,-119,-18.7,3,-124,-21.7,-2,-139,-24.7,-5,12370,555004,555003,555005,2020-11-12 21:26:07.500496 +110000,98722,20,5,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12370,555004,555003,555005,2020-11-12 21:26:07.490496 +150000,108722,20,6,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12371,555004,555003,555005,2020-11-12 21:26:07.480496 +110000,98722,20,7,-95,-12.1,8,-100,-15.1,3,-115,-18.1,0,12371,555004,555003,555005,2020-11-12 21:26:07.470496 +110000,108722,20,4,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12371,555004,555003,555005,2020-11-12 21:26:07.460496 +280000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12371,555004,555003,555005,2020-11-12 21:26:07.450496 +150000,68722,20,2,-85,-11.7,15,-90,-14.7,10,-105,-17.7,7,12371,555004,555003,555005,2020-11-12 21:26:07.440496 +230000,108722,20,6,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12371,555004,555003,555005,2020-11-12 21:26:07.430496 +290000,122000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12371,555004,555003,555005,2020-11-12 21:26:07.420496 +110000,108722,20,7,-94,-13.5,3,-99,-16.5,-2,-114,-19.5,-5,12371,555004,555003,555005,2020-11-12 21:26:07.410496 +110000,108722,20,7,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12371,555004,555003,555005,2020-11-12 21:26:07.400496 +270000,121000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12371,555004,555003,555005,2020-11-12 21:26:07.390496 +280000,123000,25,8,-81,-12.4,14,-86,-15.4,9,-101,-18.4,6,12371,555004,555003,555005,2020-11-12 21:26:07.380496 +280000,121000,25,8,-94,-12.9,9,-99,-15.9,4,-114,-18.9,1,12371,555004,555003,555005,2020-11-12 21:26:07.370496 +150000,108722,20,7,-91,-11.5,9,-96,-14.5,4,-111,-17.5,1,12371,555004,555003,555005,2020-11-12 21:26:07.360496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12371,555004,555003,555005,2020-11-12 21:26:07.350496 +110000,108722,20,6,-96,-17.1,15,-101,-20.1,10,-116,-23.1,7,12371,555004,555003,555005,2020-11-12 21:26:07.340496 +110000,108722,20,4,-94,-11.9,12,-99,-14.9,7,-114,-17.9,4,12371,555004,555003,555005,2020-11-12 21:26:07.330496 +110000,108722,20,7,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12371,555004,555003,555005,2020-11-12 21:26:07.320496 +110000,88722,20,2,-92,-11.3,10,-97,-14.3,5,-112,-17.3,2,12371,555004,555003,555005,2020-11-12 21:26:07.310496 +150000,108722,20,4,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12371,555004,555003,555005,2020-11-12 21:26:07.300496 +90000,6722,18,7,-109,-18.3,2,-114,-21.3,-3,-129,-24.3,-6,12371,555004,555003,555005,2020-11-12 21:26:07.290496 +110000,88722,20,5,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12371,555004,555003,555005,2020-11-12 21:26:07.280496 +8000,6722,10,4,-125,-24.3,1,-130,-27.3,-4,-145,-30.3,-7,12371,555004,555003,555005,2020-11-12 21:26:07.270496 +100000,98722,20,4,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12371,555004,555003,555005,2020-11-12 21:26:07.260496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12371,555004,555003,555005,2020-11-12 21:26:07.250496 +200000,108722,20,5,-91,-13.3,5,-96,-16.3,0,-111,-19.3,-3,12371,555004,555003,555005,2020-11-12 21:26:07.240496 +280000,123000,25,10,-82,-12.0,18,-87,-15.0,13,-102,-18.0,10,12371,555004,555003,555005,2020-11-12 21:26:07.230496 +290000,123000,25,10,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12371,555004,555003,555005,2020-11-12 21:26:07.220496 +10000,68722,18,6,-119,-18.3,4,-124,-21.3,-1,-139,-24.3,-4,12371,555004,555003,555005,2020-11-12 21:26:07.210496 +150000,98722,20,7,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12371,555004,555003,555005,2020-11-12 21:26:07.200496 +90000,68722,15,7,-113,-17.7,3,-118,-20.7,-2,-133,-23.7,-5,12371,555004,555003,555005,2020-11-12 21:26:07.190496 +280000,121000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12371,555004,555003,555005,2020-11-12 21:26:07.180496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12371,555004,555003,555005,2020-11-12 21:26:07.170496 +230000,98722,20,2,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12371,555004,555003,555005,2020-11-12 21:26:07.160496 +290000,121000,25,10,-92,-13.4,4,-97,-16.4,-1,-112,-19.4,-4,12371,555004,555003,555005,2020-11-12 21:26:07.150496 +110000,108722,20,5,-90,-13.1,7,-95,-16.1,2,-110,-19.1,-1,12371,555004,555003,555005,2020-11-12 21:26:07.140496 +280000,123000,25,10,-83,-12.2,16,-88,-15.2,11,-103,-18.2,8,12371,555004,555003,555005,2020-11-12 21:26:07.130496 +150000,98722,20,6,-92,-13.7,1,-97,-16.7,-4,-112,-19.7,-7,12371,555004,555003,555005,2020-11-12 21:26:07.120496 +100000,78722,20,7,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12371,555004,555003,555005,2020-11-12 21:26:07.110496 +100000,6722,20,3,-96,-11.5,5,-101,-14.5,0,-116,-17.5,-3,12371,555004,555003,555005,2020-11-12 21:26:07.100496 +290000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12371,555004,555003,555005,2020-11-12 21:26:07.090496 +100000,98722,20,6,-92,-16.3,12,-97,-19.3,7,-112,-22.3,4,12371,555004,555003,555005,2020-11-12 21:26:07.080496 +100000,78722,20,2,-95,-11.1,10,-100,-14.1,5,-115,-17.1,2,12371,555004,555003,555005,2020-11-12 21:26:07.070496 +10000,6000,14,6,-118,-21.1,-10,-123,-24.1,-15,-138,-27.1,-18,12371,555004,555003,555005,2020-11-12 21:26:07.060496 +150000,98722,20,2,-97,-11.5,9,-102,-14.5,4,-117,-17.5,1,12371,555004,555003,555005,2020-11-12 21:26:07.050496 +200000,88722,20,3,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12371,555004,555003,555005,2020-11-12 21:26:07.040496 +290000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12371,555004,555003,555005,2020-11-12 21:26:07.030496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12371,555004,555003,555005,2020-11-12 21:26:07.020496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12371,555004,555003,555005,2020-11-12 21:26:07.010496 +110000,108722,20,5,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12371,555004,555003,555005,2020-11-12 21:26:07.000496 +230000,108722,20,6,-92,-16.3,15,-97,-19.3,10,-112,-22.3,7,12371,555004,555003,555005,2020-11-12 21:26:06.990496 +110000,88722,20,2,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12371,555004,555003,555005,2020-11-12 21:26:06.980496 +280000,123000,25,10,-85,-12.7,11,-90,-15.7,6,-105,-18.7,3,12371,555004,555003,555005,2020-11-12 21:26:06.970496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12372,555004,555003,555005,2020-11-12 21:26:06.960496 +290000,122000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12372,555004,555003,555005,2020-11-12 21:26:06.950496 +150000,98722,20,3,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12372,555004,555003,555005,2020-11-12 21:26:06.940496 +100000,108722,20,5,-95,-16.9,12,-100,-19.9,7,-115,-22.9,4,12372,555004,555003,555005,2020-11-12 21:26:06.930496 +150000,108722,20,6,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12372,555004,555003,555005,2020-11-12 21:26:06.920496 +100000,38722,18,7,-110,-19.1,4,-115,-22.1,-1,-130,-25.1,-4,12372,555004,555003,555005,2020-11-12 21:26:06.910496 +110000,68722,20,3,-86,-11.9,14,-91,-14.9,9,-106,-17.9,6,12372,555004,555003,555005,2020-11-12 21:26:06.900496 +110000,108722,20,6,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12372,555004,555003,555005,2020-11-12 21:26:06.890496 +150000,88722,20,2,-95,-11.7,11,-100,-14.7,6,-115,-17.7,3,12372,555004,555003,555005,2020-11-12 21:26:06.880496 +100000,108722,20,4,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12372,555004,555003,555005,2020-11-12 21:26:06.870496 +100000,108722,20,2,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12372,555004,555003,555005,2020-11-12 21:26:06.860496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12372,555004,555003,555005,2020-11-12 21:26:06.850496 +110000,88722,20,3,-96,-17.1,12,-101,-20.1,7,-116,-23.1,4,12372,555004,555003,555005,2020-11-12 21:26:06.840496 +290000,123000,25,10,-89,-13.4,4,-94,-16.4,-1,-109,-19.4,-4,12372,555004,555003,555005,2020-11-12 21:26:06.830496 +110000,88722,20,7,-86,-11.9,15,-91,-14.9,10,-106,-17.9,7,12372,555004,555003,555005,2020-11-12 21:26:06.820496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12372,555004,555003,555005,2020-11-12 21:26:06.810496 +100000,78722,20,2,-80,-10.7,12,-85,-13.7,7,-100,-16.7,4,12372,555004,555003,555005,2020-11-12 21:26:06.800496 +280000,121000,25,10,-94,-13.3,5,-99,-16.3,0,-114,-19.3,-3,12372,555004,555003,555005,2020-11-12 21:26:06.790496 +110000,108722,20,4,-97,-12.7,8,-102,-15.7,3,-117,-18.7,0,12372,555004,555003,555005,2020-11-12 21:26:06.780496 +110000,68722,20,6,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12372,555004,555003,555005,2020-11-12 21:26:06.770496 +150000,108722,20,6,-94,-13.1,7,-99,-16.1,2,-114,-19.1,-1,12372,555004,555003,555005,2020-11-12 21:26:06.760496 +110000,108722,20,5,-92,-13.7,1,-97,-16.7,-4,-112,-19.7,-7,12372,555004,555003,555005,2020-11-12 21:26:06.750496 +280000,122000,25,10,-83,-12.7,11,-88,-15.7,6,-103,-18.7,3,12372,555004,555003,555005,2020-11-12 21:26:06.740496 +100000,108722,20,6,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12372,555004,555003,555005,2020-11-12 21:26:06.730496 +110000,88722,20,3,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12372,555004,555003,555005,2020-11-12 21:26:06.720496 +100000,108722,20,5,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12372,555004,555003,555005,2020-11-12 21:26:06.710496 +110000,78722,20,5,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12372,555004,555003,555005,2020-11-12 21:26:06.700496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12372,555004,555003,555005,2020-11-12 21:26:06.690496 +280000,121000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12372,555004,555003,555005,2020-11-12 21:26:06.680496 +230000,98722,20,2,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12372,555004,555003,555005,2020-11-12 21:26:06.670496 +150000,108722,20,5,-89,-10.7,12,-94,-13.7,7,-109,-16.7,4,12372,555004,555003,555005,2020-11-12 21:26:06.660496 +110000,108722,20,4,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12372,555004,555003,555005,2020-11-12 21:26:06.650496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12372,555004,555003,555005,2020-11-12 21:26:06.640496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12372,555004,555003,555005,2020-11-12 21:26:06.630496 +200000,98722,20,7,-93,-13.4,4,-98,-16.4,-1,-113,-19.4,-4,12372,555004,555003,555005,2020-11-12 21:26:06.620496 +10000,68722,18,7,-115,-17.7,6,-120,-20.7,1,-135,-23.7,-2,12372,555004,555003,555005,2020-11-12 21:26:06.610496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12372,555004,555003,555005,2020-11-12 21:26:06.600496 +110000,98722,20,7,-90,-15.9,11,-95,-18.9,6,-110,-21.9,3,12372,555004,555003,555005,2020-11-12 21:26:06.590496 +200000,88722,20,4,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12372,555004,555003,555005,2020-11-12 21:26:06.580496 +100000,88722,20,3,-81,-10.9,15,-86,-13.9,10,-101,-16.9,7,12372,555004,555003,555005,2020-11-12 21:26:06.570496 +290000,123000,25,10,-48,-3.4,24,-53,-6.4,19,-68,-9.4,16,12372,555004,555003,555005,2020-11-12 21:26:06.560496 +100000,68722,18,6,-115,-19.1,7,-120,-22.1,2,-135,-25.1,-1,12372,555004,555003,555005,2020-11-12 21:26:06.550496 +100000,98722,20,2,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12372,555004,555003,555005,2020-11-12 21:26:06.540496 +200000,108722,20,8,-83,-11.3,14,-88,-14.3,9,-103,-17.3,6,12372,555004,555003,555005,2020-11-12 21:26:06.530496 +110000,108722,20,6,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12372,555004,555003,555005,2020-11-12 21:26:06.520496 +200000,108722,20,7,-96,-17.1,12,-101,-20.1,7,-116,-23.1,4,12372,555004,555003,555005,2020-11-12 21:26:06.510496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12372,555004,555003,555005,2020-11-12 21:26:06.500496 +110000,108722,20,4,-90,-13.6,2,-95,-16.6,-3,-110,-19.6,-6,12372,555004,555003,555005,2020-11-12 21:26:06.490496 +110000,98722,20,2,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12372,555004,555003,555005,2020-11-12 21:26:06.480496 +280000,123000,25,10,-45,-3.1,24,-50,-6.1,19,-65,-9.1,16,12372,555004,555003,555005,2020-11-12 21:26:06.470496 +150000,108722,20,5,-92,-13.3,5,-97,-16.3,0,-112,-19.3,-3,12372,555004,555003,555005,2020-11-12 21:26:06.460496 +110000,108722,20,3,-95,-11.7,11,-100,-14.7,6,-115,-17.7,3,12372,555004,555003,555005,2020-11-12 21:26:06.450496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12373,555004,555003,555005,2020-11-12 21:26:06.440496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12373,555004,555003,555005,2020-11-12 21:26:06.430496 +110000,108722,20,3,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12373,555004,555003,555005,2020-11-12 21:26:06.420496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12373,555004,555003,555005,2020-11-12 21:26:06.410496 +280000,121000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12373,555004,555003,555005,2020-11-12 21:26:06.400496 +110000,98722,20,6,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12373,555004,555003,555005,2020-11-12 21:26:06.390496 +5000,2000,9,4,-124,-24.5,0,-129,-27.5,-1,-144,-30.5,-6,12373,555004,555003,555005,2020-11-12 21:26:06.380496 +280000,123000,25,10,-83,-12.8,10,-88,-15.8,5,-103,-18.8,2,12373,555004,555003,555005,2020-11-12 21:26:06.370496 +110000,108722,20,6,-93,-13.0,8,-98,-16.0,3,-113,-19.0,0,12373,555004,555003,555005,2020-11-12 21:26:06.360496 +300000,123000,25,10,-48,-3.4,24,-53,-6.4,19,-68,-9.4,16,12373,555004,555003,555005,2020-11-12 21:26:06.350496 +100000,98722,20,7,-83,-11.3,15,-88,-14.3,10,-103,-17.3,7,12373,555004,555003,555005,2020-11-12 21:26:06.340496 +200000,108722,20,6,-89,-12.3,11,-94,-15.3,6,-109,-18.3,3,12373,555004,555003,555005,2020-11-12 21:26:06.330496 +10,2,9,3,-123,-23.9,-17,-128,-26.9,-22,-143,-29.9,-25,12373,555004,555003,555005,2020-11-12 21:26:06.320496 +8000,6000,10,4,-116,-24.3,-20,-121,-27.3,-25,-136,-30.3,-28,12373,555004,555003,555005,2020-11-12 21:26:06.310496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12373,555004,555003,555005,2020-11-12 21:26:06.300496 +110000,108722,20,2,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12373,555004,555003,555005,2020-11-12 21:26:06.290496 +280000,121000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12373,555004,555003,555005,2020-11-12 21:26:06.280496 +100000,88722,20,5,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12373,555004,555003,555005,2020-11-12 21:26:06.270496 +100000,6722,18,7,-119,-18.5,4,-124,-21.5,-1,-139,-24.5,-4,12373,555004,555003,555005,2020-11-12 21:26:06.260496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12373,555004,555003,555005,2020-11-12 21:26:06.250496 +110000,88722,20,4,-89,-12.5,15,-94,-15.5,10,-109,-18.5,7,12373,555004,555003,555005,2020-11-12 21:26:06.240496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12373,555004,555003,555005,2020-11-12 21:26:06.230496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12373,555004,555003,555005,2020-11-12 21:26:06.220496 +150000,108722,20,2,-90,-10.9,12,-95,-13.9,7,-110,-16.9,4,12373,555004,555003,555005,2020-11-12 21:26:06.210496 +200000,78722,20,2,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12373,555004,555003,555005,2020-11-12 21:26:06.200496 +280000,122000,25,10,-45,-3.1,24,-50,-6.1,19,-65,-9.1,16,12373,555004,555003,555005,2020-11-12 21:26:06.190496 +110000,108722,20,3,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12373,555004,555003,555005,2020-11-12 21:26:06.180496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12373,555004,555003,555005,2020-11-12 21:26:06.170496 +110000,68722,20,2,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12373,555004,555003,555005,2020-11-12 21:26:06.160496 +300000,123000,25,10,-82,-12.1,17,-87,-15.1,12,-102,-18.1,9,12373,555004,555003,555005,2020-11-12 21:26:06.150496 +300000,125000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12373,555004,555003,555005,2020-11-12 21:26:06.140496 +110000,88722,20,5,-80,-10.7,12,-85,-13.7,7,-100,-16.7,4,12373,555004,555003,555005,2020-11-12 21:26:06.130496 +110000,98722,20,6,-93,-12.5,8,-98,-15.5,3,-113,-18.5,0,12373,555004,555003,555005,2020-11-12 21:26:06.120496 +290000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12373,555004,555003,555005,2020-11-12 21:26:06.110496 +100000,108722,20,6,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12373,555004,555003,555005,2020-11-12 21:26:06.100496 +150000,88722,20,4,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12373,555004,555003,555005,2020-11-12 21:26:06.090496 +5000,500,9,3,-130,-22.5,-6,-135,-25.5,-9,-150,-28.5,2,12373,555004,555003,555005,2020-11-12 21:26:06.080496 +230000,108722,20,2,-82,-11.1,12,-87,-14.1,7,-102,-17.1,4,12373,555004,555003,555005,2020-11-12 21:26:06.070496 +110000,98722,20,2,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12373,555004,555003,555005,2020-11-12 21:26:06.060496 +280000,123000,25,10,-87,-12.1,17,-92,-15.1,12,-107,-18.1,9,12373,555004,555003,555005,2020-11-12 21:26:06.050496 +290000,121000,25,10,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12373,555004,555003,555005,2020-11-12 21:26:06.040496 +280000,121000,25,10,-89,-13.5,3,-94,-16.5,-2,-109,-19.5,-5,12373,555004,555003,555005,2020-11-12 21:26:06.030496 +150000,98722,20,7,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12373,555004,555003,555005,2020-11-12 21:26:06.020496 +280000,123000,25,10,-82,-12.5,13,-87,-15.5,8,-102,-18.5,5,12373,555004,555003,555005,2020-11-12 21:26:06.010496 +110000,98722,20,6,-99,-17.7,12,-104,-20.7,7,-119,-23.7,4,12373,555004,555003,555005,2020-11-12 21:26:06.000496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12373,555004,555003,555005,2020-11-12 21:26:05.990496 +110000,88722,20,2,-92,-10.9,9,-97,-13.9,4,-112,-16.9,1,12373,555004,555003,555005,2020-11-12 21:26:05.980496 +110000,108722,20,4,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12373,555004,555003,555005,2020-11-12 21:26:05.970496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12373,555004,555003,555005,2020-11-12 21:26:05.960496 +10000,58722,16,7,-111,-19.7,4,-116,-22.7,-1,-131,-25.7,-4,12373,555004,555003,555005,2020-11-12 21:26:05.950496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12373,555004,555003,555005,2020-11-12 21:26:05.940496 +110000,88722,20,6,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12373,555004,555003,555005,2020-11-12 21:26:05.930496 +300000,121000,25,10,-92,-13.5,3,-97,-16.5,-2,-112,-19.5,-5,12374,555004,555003,555005,2020-11-12 21:26:05.920496 +280000,123000,25,10,-85,-12.2,16,-90,-15.2,11,-105,-18.2,8,12374,555004,555003,555005,2020-11-12 21:26:05.910496 +280000,121000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12374,555004,555003,555005,2020-11-12 21:26:05.900496 +110000,88722,20,3,-91,-12.3,10,-96,-15.3,5,-111,-18.3,2,12374,555004,555003,555005,2020-11-12 21:26:05.890496 +290000,121000,25,10,-92,-13.7,1,-97,-16.7,-4,-112,-19.7,-7,12374,555004,555003,555005,2020-11-12 21:26:05.880496 +150000,68722,20,7,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12374,555004,555003,555005,2020-11-12 21:26:05.870496 +150000,108722,20,3,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12374,555004,555003,555005,2020-11-12 21:26:05.860496 +230000,68722,20,6,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12374,555004,555003,555005,2020-11-12 21:26:05.850496 +230000,108722,20,10,-93,-13.1,7,-98,-16.1,2,-113,-19.1,-1,12374,555004,555003,555005,2020-11-12 21:26:05.840496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12374,555004,555003,555005,2020-11-12 21:26:05.830496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12374,555004,555003,555005,2020-11-12 21:26:05.820496 +150000,98722,20,8,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12374,555004,555003,555005,2020-11-12 21:26:05.810496 +100000,108722,20,4,-87,-12.1,14,-92,-15.1,9,-107,-18.1,6,12374,555004,555003,555005,2020-11-12 21:26:05.800496 +110000,108722,20,6,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12374,555004,555003,555005,2020-11-12 21:26:05.790496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12374,555004,555003,555005,2020-11-12 21:26:05.780496 +230000,108722,20,10,-92,-13.6,2,-97,-16.6,-3,-112,-19.6,-6,12374,555004,555003,555005,2020-11-12 21:26:05.770496 +150000,98722,20,6,-99,-11.7,8,-104,-14.7,3,-119,-17.7,0,12374,555004,555003,555005,2020-11-12 21:26:05.760496 +230000,108722,20,5,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12374,555004,555003,555005,2020-11-12 21:26:05.750496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12374,555004,555003,555005,2020-11-12 21:26:05.740496 +150000,78722,20,7,-82,-11.1,12,-87,-14.1,7,-102,-17.1,4,12374,555004,555003,555005,2020-11-12 21:26:05.730496 +100000,98722,20,3,-86,-11.9,16,-91,-14.9,11,-106,-17.9,8,12374,555004,555003,555005,2020-11-12 21:26:05.720496 +100000,78722,20,6,-93,-10.7,12,-98,-13.7,7,-113,-16.7,4,12374,555004,555003,555005,2020-11-12 21:26:05.710496 +10000,6722,14,6,-116,-20.9,-2,-121,-23.9,-6,-136,-26.9,-13,12374,555004,555003,555005,2020-11-12 21:26:05.700496 +280000,123000,25,10,-81,-12.1,17,-86,-15.1,12,-101,-18.1,9,12374,555004,555003,555005,2020-11-12 21:26:05.690496 +100000,68722,18,7,-116,-17.7,7,-121,-20.7,2,-136,-23.7,-1,12374,555004,555003,555005,2020-11-12 21:26:05.680496 +270000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12374,555004,555003,555005,2020-11-12 21:26:05.670496 +100000,68722,18,7,-115,-17.7,6,-120,-20.7,1,-135,-23.7,-2,12374,555004,555003,555005,2020-11-12 21:26:05.660496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12374,555004,555003,555005,2020-11-12 21:26:05.650496 +270000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12374,555004,555003,555005,2020-11-12 21:26:05.640496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12374,555004,555003,555005,2020-11-12 21:26:05.630496 +110000,108722,20,6,-92,-13.3,5,-97,-16.3,0,-112,-19.3,-3,12374,555004,555003,555005,2020-11-12 21:26:05.620496 +280000,121000,25,10,-94,-13.1,7,-99,-16.1,2,-114,-19.1,-1,12374,555004,555003,555005,2020-11-12 21:26:05.610496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12374,555004,555003,555005,2020-11-12 21:26:05.600496 +100000,6722,18,7,-114,-18.3,6,-119,-21.3,1,-134,-24.3,-2,12374,555004,555003,555005,2020-11-12 21:26:05.590496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12374,555004,555003,555005,2020-11-12 21:26:05.580496 +280000,123000,25,10,-89,-13.7,1,-94,-16.7,-4,-109,-19.7,-7,12374,555004,555003,555005,2020-11-12 21:26:05.570496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12374,555004,555003,555005,2020-11-12 21:26:05.560496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12374,555004,555003,555005,2020-11-12 21:26:05.550496 +10000,6722,16,7,-114,-19.3,3,-119,-22.3,-2,-134,-25.3,-5,12374,555004,555003,555005,2020-11-12 21:26:05.540496 +230000,108722,20,2,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12374,555004,555003,555005,2020-11-12 21:26:05.530496 +230000,108722,20,6,-89,-15.7,15,-94,-18.7,10,-109,-21.7,7,12374,555004,555003,555005,2020-11-12 21:26:05.520496 +100000,68722,18,6,-109,-19.1,7,-114,-22.1,2,-129,-25.1,-1,12374,555004,555003,555005,2020-11-12 21:26:05.510496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12374,555004,555003,555005,2020-11-12 21:26:05.500496 +110000,88722,20,2,-98,-12.5,9,-103,-15.5,4,-118,-18.5,1,12374,555004,555003,555005,2020-11-12 21:26:05.490496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12374,555004,555003,555005,2020-11-12 21:26:05.480496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12374,555004,555003,555005,2020-11-12 21:26:05.470496 +300000,125000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12374,555004,555003,555005,2020-11-12 21:26:05.460496 +100000,98722,20,8,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12374,555004,555003,555005,2020-11-12 21:26:05.450496 +230000,88722,20,8,-93,-12.5,9,-98,-15.5,4,-113,-18.5,1,12374,555004,555003,555005,2020-11-12 21:26:05.440496 +150000,78722,20,3,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12374,555004,555003,555005,2020-11-12 21:26:05.430496 +290000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12374,555004,555003,555005,2020-11-12 21:26:05.420496 +150000,108722,20,7,-90,-13.2,6,-95,-16.2,1,-110,-19.2,-2,12374,555004,555003,555005,2020-11-12 21:26:05.410496 +110000,78722,20,4,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12375,555005,555004,555006,2020-11-12 21:26:05.400496 +150000,108722,20,3,-93,-11.5,9,-98,-14.5,4,-113,-17.5,1,12375,555005,555004,555006,2020-11-12 21:26:05.390496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12375,555005,555004,555006,2020-11-12 21:26:05.380496 +100000,108722,20,2,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12375,555005,555004,555006,2020-11-12 21:26:05.370496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12375,555005,555004,555006,2020-11-12 21:26:05.360496 +280000,121000,25,10,-94,-13.1,7,-99,-16.1,2,-114,-19.1,-1,12375,555005,555004,555006,2020-11-12 21:26:05.350496 +290000,123000,25,10,-81,-12.4,14,-86,-15.4,9,-101,-18.4,6,12375,555005,555004,555006,2020-11-12 21:26:05.340496 +100000,48722,18,7,-116,-18.5,2,-121,-21.5,-3,-136,-24.5,-6,12375,555005,555004,555006,2020-11-12 21:26:05.330496 +230000,98722,20,6,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12375,555005,555004,555006,2020-11-12 21:26:05.320496 +110000,108722,20,3,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12375,555005,555004,555006,2020-11-12 21:26:05.310496 +280000,123000,25,10,-89,-13.0,8,-94,-16.0,3,-109,-19.0,0,12375,555005,555004,555006,2020-11-12 21:26:05.300496 +200000,88722,20,6,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12375,555005,555004,555006,2020-11-12 21:26:05.290496 +290000,122000,25,10,-89,-13.7,1,-94,-16.7,-4,-109,-19.7,-7,12375,555005,555004,555006,2020-11-12 21:26:05.280496 +150000,88722,20,6,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12375,555005,555004,555006,2020-11-12 21:26:05.270496 +110000,108722,20,2,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12375,555005,555004,555006,2020-11-12 21:26:05.260496 +110000,108722,20,4,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12375,555005,555004,555006,2020-11-12 21:26:05.250496 +110000,108722,20,8,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12375,555005,555004,555006,2020-11-12 21:26:05.240496 +150000,108722,20,6,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12375,555005,555004,555006,2020-11-12 21:26:05.230496 +280000,122000,25,10,-80,-12.8,10,-85,-15.8,5,-100,-18.8,2,12375,555005,555004,555006,2020-11-12 21:26:05.220496 +110000,108722,20,6,-92,-10.9,9,-97,-13.9,4,-112,-16.9,1,12375,555005,555004,555006,2020-11-12 21:26:05.210496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12375,555005,555004,555006,2020-11-12 21:26:05.200496 +200000,68722,20,3,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12375,555005,555004,555006,2020-11-12 21:26:05.190496 +110000,108722,20,4,-97,-17.3,14,-102,-20.3,9,-117,-23.3,6,12375,555005,555004,555006,2020-11-12 21:26:05.180496 +110000,108722,20,3,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12375,555005,555004,555006,2020-11-12 21:26:05.170496 +100000,6722,18,7,-113,-18.5,3,-118,-21.5,-2,-133,-24.5,-5,12375,555005,555004,555006,2020-11-12 21:26:05.160496 +280000,123000,25,8,-84,-12.1,17,-89,-15.1,12,-104,-18.1,9,12375,555005,555004,555006,2020-11-12 21:26:05.150496 +150000,108722,20,6,-86,-11.9,16,-91,-14.9,11,-106,-17.9,8,12375,555005,555004,555006,2020-11-12 21:26:05.140496 +230000,88722,20,3,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12375,555005,555004,555006,2020-11-12 21:26:05.130496 +100000,78722,20,2,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12375,555005,555004,555006,2020-11-12 21:26:05.120496 +100000,6722,20,4,-95,-11.1,4,-100,-14.1,-1,-115,-17.1,-4,12375,555005,555004,555006,2020-11-12 21:26:05.110496 +110000,108722,20,5,-92,-12.7,8,-97,-15.7,3,-112,-18.7,0,12375,555005,555004,555006,2020-11-12 21:26:05.100496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12375,555005,555004,555006,2020-11-12 21:26:05.090496 +100000,98722,20,4,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12375,555005,555004,555006,2020-11-12 21:26:05.080496 +150000,78722,20,7,-98,-17.5,15,-103,-20.5,10,-118,-23.5,7,12375,555005,555004,555006,2020-11-12 21:26:05.070496 +230000,98722,20,8,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12375,555005,555004,555006,2020-11-12 21:26:05.060496 +100000,68722,20,6,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12375,555005,555004,555006,2020-11-12 21:26:05.050496 +200000,108722,20,5,-89,-13.2,6,-94,-16.2,1,-109,-19.2,-2,12375,555005,555004,555006,2020-11-12 21:26:05.040496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12375,555005,555004,555006,2020-11-12 21:26:05.030496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12375,555005,555004,555006,2020-11-12 21:26:05.020496 +150000,108722,20,6,-94,-13.6,2,-99,-16.6,-3,-114,-19.6,-6,12375,555005,555004,555006,2020-11-12 21:26:05.010496 +290000,122000,25,10,-83,-12.5,13,-88,-15.5,8,-103,-18.5,5,12375,555005,555004,555006,2020-11-12 21:26:05.000496 +280000,122000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12375,555005,555004,555006,2020-11-12 21:26:04.990496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12375,555005,555004,555006,2020-11-12 21:26:04.980496 +110000,88722,20,7,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12375,555005,555004,555006,2020-11-12 21:26:04.970496 +280000,121000,25,10,-90,-13.3,5,-95,-16.3,0,-110,-19.3,-3,12375,555005,555004,555006,2020-11-12 21:26:04.960496 +200000,108722,20,7,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12375,555005,555004,555006,2020-11-12 21:26:04.950496 +200000,88722,20,4,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12375,555005,555004,555006,2020-11-12 21:26:04.940496 +110000,108722,20,7,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12375,555005,555004,555006,2020-11-12 21:26:04.930496 +100000,108722,20,6,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12375,555005,555004,555006,2020-11-12 21:26:04.920496 +150000,98722,20,6,-95,-16.9,15,-100,-19.9,10,-115,-22.9,7,12375,555005,555004,555006,2020-11-12 21:26:04.910496 +100000,108722,20,8,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12375,555005,555004,555006,2020-11-12 21:26:04.900496 +280000,123000,25,10,-89,-13.0,8,-94,-16.0,3,-109,-19.0,0,12375,555005,555004,555006,2020-11-12 21:26:04.890496 +280000,121000,25,10,-91,-13.3,5,-96,-16.3,0,-111,-19.3,-3,12376,555005,555004,555006,2020-11-12 21:26:04.880496 +100000,68722,18,7,-117,-17.7,5,-122,-20.7,0,-137,-23.7,-3,12376,555005,555004,555006,2020-11-12 21:26:04.870496 +150000,98722,20,4,-94,-13.1,7,-99,-16.1,2,-114,-19.1,-1,12376,555005,555004,555006,2020-11-12 21:26:04.860496 +100000,108722,20,7,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12376,555005,555004,555006,2020-11-12 21:26:04.850496 +200000,108722,20,4,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12376,555005,555004,555006,2020-11-12 21:26:04.840496 +100000,108722,20,3,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12376,555005,555004,555006,2020-11-12 21:26:04.830496 +280000,122000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12376,555005,555004,555006,2020-11-12 21:26:04.820496 +100000,108722,20,4,-89,-12.5,12,-94,-15.5,7,-109,-18.5,4,12376,555005,555004,555006,2020-11-12 21:26:04.810496 +280000,123000,25,10,-83,-12.7,11,-88,-15.7,6,-103,-18.7,3,12376,555005,555004,555006,2020-11-12 21:26:04.800496 +110000,108722,20,2,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12376,555005,555004,555006,2020-11-12 21:26:04.790496 +10000,58722,15,7,-113,-18.9,2,-118,-21.9,-3,-133,-24.9,-6,12376,555005,555004,555006,2020-11-12 21:26:04.780496 +100000,38722,18,7,-110,-18.9,5,-115,-21.9,0,-130,-24.9,-3,12376,555005,555004,555006,2020-11-12 21:26:04.770496 +200000,108722,20,4,-98,-11.1,11,-103,-14.1,6,-118,-17.1,3,12376,555005,555004,555006,2020-11-12 21:26:04.760496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12376,555005,555004,555006,2020-11-12 21:26:04.750496 +150000,88722,20,3,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12376,555005,555004,555006,2020-11-12 21:26:04.740496 +100000,38722,18,6,-118,-19.3,5,-123,-22.3,0,-138,-25.3,-3,12376,555005,555004,555006,2020-11-12 21:26:04.730496 +110000,68722,20,2,-81,-10.9,12,-86,-13.9,7,-101,-16.9,4,12376,555005,555004,555006,2020-11-12 21:26:04.720496 +230000,108722,20,10,-89,-13.2,6,-94,-16.2,1,-109,-19.2,-2,12376,555005,555004,555006,2020-11-12 21:26:04.710496 +280000,122000,25,10,-90,-13.0,8,-95,-16.0,3,-110,-19.0,0,12376,555005,555004,555006,2020-11-12 21:26:04.700496 +110000,78722,20,2,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12376,555005,555004,555006,2020-11-12 21:26:04.690496 +110000,108722,20,2,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12376,555005,555004,555006,2020-11-12 21:26:04.680496 +230000,98722,20,7,-96,-17.1,15,-101,-20.1,10,-116,-23.1,7,12376,555005,555004,555006,2020-11-12 21:26:04.670496 +200000,88722,20,2,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12376,555005,555004,555006,2020-11-12 21:26:04.660496 +150000,108722,20,6,-92,-13.0,8,-97,-16.0,3,-112,-19.0,0,12376,555005,555004,555006,2020-11-12 21:26:04.650496 +150000,98722,20,5,-92,-13.5,3,-97,-16.5,-2,-112,-19.5,-5,12376,555005,555004,555006,2020-11-12 21:26:04.640496 +110000,108722,20,2,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12376,555005,555004,555006,2020-11-12 21:26:04.630496 +280000,122000,25,10,-85,-12.5,13,-90,-15.5,8,-105,-18.5,5,12376,555005,555004,555006,2020-11-12 21:26:04.620496 +150000,108722,20,5,-93,-13.1,7,-98,-16.1,2,-113,-19.1,-1,12376,555005,555004,555006,2020-11-12 21:26:04.610496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12376,555005,555004,555006,2020-11-12 21:26:04.600496 +100000,68722,20,7,-86,-11.9,15,-91,-14.9,10,-106,-17.9,7,12376,555005,555004,555006,2020-11-12 21:26:04.590496 +300000,125000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12376,555005,555004,555006,2020-11-12 21:26:04.580496 +300000,122000,25,10,-87,-12.0,18,-92,-15.0,13,-107,-18.0,10,12376,555005,555004,555006,2020-11-12 21:26:04.570496 +100000,88722,20,4,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12376,555005,555004,555006,2020-11-12 21:26:04.560496 +290000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12376,555005,555004,555006,2020-11-12 21:26:04.550496 +150000,98722,20,3,-93,-11.9,8,-98,-14.9,3,-113,-17.9,0,12376,555005,555004,555006,2020-11-12 21:26:04.540496 +280000,123000,25,10,-80,-12.4,14,-85,-15.4,9,-100,-18.4,6,12376,555005,555004,555006,2020-11-12 21:26:04.530496 +290000,123000,25,10,-81,-12.3,15,-86,-15.3,10,-101,-18.3,7,12376,555005,555004,555006,2020-11-12 21:26:04.520496 +150000,108722,20,8,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12376,555005,555004,555006,2020-11-12 21:26:04.510496 +110000,68722,20,6,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12376,555005,555004,555006,2020-11-12 21:26:04.500496 +110000,98722,20,6,-93,-11.1,10,-98,-14.1,5,-113,-17.1,2,12376,555005,555004,555006,2020-11-12 21:26:04.490496 +110000,108722,20,3,-96,-10.7,8,-101,-13.7,3,-116,-16.7,0,12376,555005,555004,555006,2020-11-12 21:26:04.480496 +150000,108722,20,4,-98,-17.5,14,-103,-20.5,9,-118,-23.5,6,12376,555005,555004,555006,2020-11-12 21:26:04.470496 +100000,78722,20,8,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12376,555005,555004,555006,2020-11-12 21:26:04.460496 +150000,108722,20,4,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12376,555005,555004,555006,2020-11-12 21:26:04.450496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12376,555005,555004,555006,2020-11-12 21:26:04.440496 +230000,88722,20,6,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12376,555005,555004,555006,2020-11-12 21:26:04.430496 +4000,500,9,4,-126,-22.5,0,-131,-25.5,-5,-146,-28.5,-8,12376,555005,555004,555006,2020-11-12 21:26:04.420496 +230000,108722,20,3,-96,-11.3,9,-101,-14.3,4,-116,-17.3,1,12376,555005,555004,555006,2020-11-12 21:26:04.410496 +280000,123000,25,10,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12376,555005,555004,555006,2020-11-12 21:26:04.400496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12376,555005,555004,555006,2020-11-12 21:26:04.390496 +280000,121000,25,10,-89,-13.6,2,-94,-16.6,-3,-109,-19.6,-6,12376,555005,555004,555006,2020-11-12 21:26:04.380496 +280000,123000,25,10,-82,-12.6,12,-87,-15.6,7,-102,-18.6,4,12376,555005,555004,555006,2020-11-12 21:26:04.370496 +110000,108722,20,2,-89,-12.1,11,-94,-15.1,6,-109,-18.1,3,12377,555005,555004,555006,2020-11-12 21:26:04.360496 +150000,108722,20,6,-91,-13.4,4,-96,-16.4,-1,-111,-19.4,-4,12377,555005,555004,555006,2020-11-12 21:26:04.350496 +290000,122000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12377,555005,555004,555006,2020-11-12 21:26:04.340496 +150000,108722,20,2,-94,-12.1,11,-99,-15.1,6,-114,-18.1,3,12377,555005,555004,555006,2020-11-12 21:26:04.330496 +290000,123000,25,10,-89,-13.6,2,-94,-16.6,-3,-109,-19.6,-6,12377,555005,555004,555006,2020-11-12 21:26:04.320496 +150000,68722,20,8,-89,-12.5,14,-94,-15.5,9,-109,-18.5,6,12377,555005,555004,555006,2020-11-12 21:26:04.310496 +10000,68722,16,7,-114,-17.7,3,-119,-20.7,-2,-134,-23.7,-5,12377,555005,555004,555006,2020-11-12 21:26:04.300496 +5000,200,10,4,-124,-23.5,0,-129,-26.5,0,-144,-29.5,-6,12377,555005,555004,555006,2020-11-12 21:26:04.290496 +100000,98722,20,7,-89,-12.5,14,-94,-15.5,9,-109,-18.5,6,12377,555005,555004,555006,2020-11-12 21:26:04.280496 +150000,98722,20,2,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12377,555005,555004,555006,2020-11-12 21:26:04.270496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12377,555005,555004,555006,2020-11-12 21:26:04.260496 +290000,122000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12377,555005,555004,555006,2020-11-12 21:26:04.250496 +110000,108722,20,2,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12377,555005,555004,555006,2020-11-12 21:26:04.240496 +8000,6722,14,6,-115,-24.1,3,-120,-27.1,-2,-135,-30.1,-4,12377,555005,555004,555006,2020-11-12 21:26:04.230496 +100000,108722,20,3,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12377,555005,555004,555006,2020-11-12 21:26:04.220496 +110000,108722,20,4,-93,-12.9,9,-98,-15.9,4,-113,-18.9,1,12377,555005,555004,555006,2020-11-12 21:26:04.210496 +280000,121000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12377,555005,555004,555006,2020-11-12 21:26:04.200496 +200000,98722,20,5,-95,-11.1,10,-100,-14.1,5,-115,-17.1,2,12377,555005,555004,555006,2020-11-12 21:26:04.190496 +280000,123000,25,10,-80,-12.7,11,-85,-15.7,6,-100,-18.7,3,12377,555005,555004,555006,2020-11-12 21:26:04.180496 +150000,108722,20,7,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12377,555005,555004,555006,2020-11-12 21:26:04.170496 +100000,108722,20,5,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12377,555005,555004,555006,2020-11-12 21:26:04.160496 +110000,108722,20,6,-91,-13.6,2,-96,-16.6,-3,-111,-19.6,-6,12377,555005,555004,555006,2020-11-12 21:26:04.150496 +110000,68722,20,7,-98,-17.5,12,-103,-20.5,7,-118,-23.5,4,12377,555005,555004,555006,2020-11-12 21:26:04.140496 +10000,48722,14,6,-110,-17.9,4,-115,-20.9,-1,-130,-23.9,-4,12377,555005,555004,555006,2020-11-12 21:26:04.130496 +150000,68722,20,3,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12377,555005,555004,555006,2020-11-12 21:26:04.120496 +110000,88722,20,8,-94,-12.7,12,-99,-15.7,7,-114,-18.7,4,12377,555005,555004,555006,2020-11-12 21:26:04.110496 +300000,123000,25,8,-82,-12.0,18,-87,-15.0,13,-102,-18.0,10,12377,555005,555004,555006,2020-11-12 21:26:04.100496 +5000,200,14,6,-120,-24.7,-20,-125,-27.7,-25,-140,-30.7,-28,12377,555005,555004,555006,2020-11-12 21:26:04.090496 +110000,98722,20,4,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12377,555005,555004,555006,2020-11-12 21:26:04.080496 +10000,6722,15,6,-119,-19.5,7,-124,-22.5,2,-139,-25.5,-1,12377,555005,555004,555006,2020-11-12 21:26:04.070496 +150000,98722,20,2,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12377,555005,555004,555006,2020-11-12 21:26:04.060496 +280000,123000,25,10,-45,-3.1,24,-50,-6.1,19,-65,-9.1,16,12377,555005,555004,555006,2020-11-12 21:26:04.050496 +230000,108722,20,10,-89,-13.2,6,-94,-16.2,1,-109,-19.2,-2,12377,555005,555004,555006,2020-11-12 21:26:04.040496 +230000,108722,20,5,-91,-16.1,14,-96,-19.1,9,-111,-22.1,6,12377,555005,555004,555006,2020-11-12 21:26:04.030496 +100000,6722,20,2,-96,-11.9,2,-101,-14.9,-3,-116,-17.9,-6,12377,555005,555004,555006,2020-11-12 21:26:04.020496 +100000,58722,18,7,-109,-21.3,-5,-114,-24.3,-4,-129,-27.3,-11,12377,555005,555004,555006,2020-11-12 21:26:04.010496 +150000,98722,20,2,-86,-11.9,15,-91,-14.9,10,-106,-17.9,7,12377,555005,555004,555006,2020-11-12 21:26:04.000496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12377,555005,555004,555006,2020-11-12 21:26:03.990496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12377,555005,555004,555006,2020-11-12 21:26:03.980496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12377,555005,555004,555006,2020-11-12 21:26:03.970496 +150000,108722,20,2,-90,-10.9,9,-95,-13.9,4,-110,-16.9,1,12377,555005,555004,555006,2020-11-12 21:26:03.960496 +100000,68722,20,5,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12377,555005,555004,555006,2020-11-12 21:26:03.950496 +110000,98722,20,3,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12377,555005,555004,555006,2020-11-12 21:26:03.940496 +150000,98722,20,6,-92,-13.4,4,-97,-16.4,-1,-112,-19.4,-4,12377,555005,555004,555006,2020-11-12 21:26:03.930496 +150000,108722,20,4,-87,-12.1,12,-92,-15.1,7,-107,-18.1,4,12377,555005,555004,555006,2020-11-12 21:26:03.920496 +280000,122000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12377,555005,555004,555006,2020-11-12 21:26:03.910496 +290000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12377,555005,555004,555006,2020-11-12 21:26:03.900496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12377,555005,555004,555006,2020-11-12 21:26:03.890496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12377,555005,555004,555006,2020-11-12 21:26:03.880496 +110000,88722,20,3,-99,-11.3,11,-104,-14.3,6,-119,-17.3,3,12377,555005,555004,555006,2020-11-12 21:26:03.870496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12377,555005,555004,555006,2020-11-12 21:26:03.860496 +280000,121000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12377,555005,555004,555006,2020-11-12 21:26:03.850496 +110000,108722,20,5,-92,-13.7,1,-97,-16.7,-4,-112,-19.7,-7,12378,555005,555004,555006,2020-11-12 21:26:03.840496 +110000,108722,20,3,-88,-12.3,15,-93,-15.3,10,-108,-18.3,7,12378,555005,555004,555006,2020-11-12 21:26:03.830496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12378,555005,555004,555006,2020-11-12 21:26:03.820496 +150000,108722,20,4,-94,-12.9,9,-99,-15.9,4,-114,-18.9,1,12378,555005,555004,555006,2020-11-12 21:26:03.810496 +9000,5000,14,6,-115,-22.7,4,-120,-25.7,2,-135,-28.7,-5,12378,555005,555004,555006,2020-11-12 21:26:03.800496 +10000,68722,14,7,-110,-18.3,3,-115,-21.3,-2,-130,-24.3,-5,12378,555005,555004,555006,2020-11-12 21:26:03.790496 +110000,108722,20,3,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12378,555005,555004,555006,2020-11-12 21:26:03.780496 +100000,98722,20,6,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12378,555005,555004,555006,2020-11-12 21:26:03.770496 +110000,88722,20,6,-91,-12.1,8,-96,-15.1,3,-111,-18.1,0,12378,555005,555004,555006,2020-11-12 21:26:03.760496 +10,2,10,3,-130,-22.3,-8,-135,-25.3,-13,-150,-28.3,-16,12378,555005,555004,555006,2020-11-12 21:26:03.750496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12378,555005,555004,555006,2020-11-12 21:26:03.740496 +150000,98722,20,6,-91,-13.5,3,-96,-16.5,-2,-111,-19.5,-5,12378,555005,555004,555006,2020-11-12 21:26:03.730496 +100000,108722,20,2,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12378,555005,555004,555006,2020-11-12 21:26:03.720496 +100000,68722,18,7,-113,-19.7,7,-118,-22.7,2,-133,-25.7,-1,12378,555005,555004,555006,2020-11-12 21:26:03.710496 +110000,108722,20,8,-95,-10.9,11,-100,-13.9,6,-115,-16.9,3,12378,555005,555004,555006,2020-11-12 21:26:03.700496 +10000,48722,14,6,-119,-19.7,5,-124,-22.7,0,-139,-25.7,-3,12378,555005,555004,555006,2020-11-12 21:26:03.690496 +100000,78722,20,4,-98,-17.5,14,-103,-20.5,9,-118,-23.5,6,12378,555005,555004,555006,2020-11-12 21:26:03.680496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12378,555005,555004,555006,2020-11-12 21:26:03.670496 +200000,108722,20,6,-93,-13.3,5,-98,-16.3,0,-113,-19.3,-3,12378,555005,555004,555006,2020-11-12 21:26:03.660496 +150000,98722,20,7,-80,-10.7,12,-85,-13.7,7,-100,-16.7,4,12378,555005,555004,555006,2020-11-12 21:26:03.650496 +150000,108722,20,3,-92,-16.3,15,-97,-19.3,10,-112,-22.3,7,12378,555005,555004,555006,2020-11-12 21:26:03.640496 +150000,88722,20,8,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12378,555005,555004,555006,2020-11-12 21:26:03.630496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12378,555005,555004,555006,2020-11-12 21:26:03.620496 +110000,88722,20,5,-92,-16.3,12,-97,-19.3,7,-112,-22.3,4,12378,555005,555004,555006,2020-11-12 21:26:03.610496 +280000,123000,25,10,-87,-12.4,14,-92,-15.4,9,-107,-18.4,6,12378,555005,555004,555006,2020-11-12 21:26:03.600496 +100000,108722,20,7,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12378,555005,555004,555006,2020-11-12 21:26:03.590496 +100000,68722,20,4,-99,-17.7,16,-104,-20.7,11,-119,-23.7,8,12378,555005,555004,555006,2020-11-12 21:26:03.580496 +110000,68722,20,4,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12378,555005,555004,555006,2020-11-12 21:26:03.570496 +270000,122000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12378,555005,555004,555006,2020-11-12 21:26:03.560496 +100000,68722,18,6,-116,-18.9,4,-121,-21.9,-1,-136,-24.9,-4,12378,555005,555004,555006,2020-11-12 21:26:03.550496 +110000,108722,20,8,-90,-12.7,15,-95,-15.7,10,-110,-18.7,7,12378,555005,555004,555006,2020-11-12 21:26:03.540496 +280000,122000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12378,555005,555004,555006,2020-11-12 21:26:03.530496 +100000,88722,20,5,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12378,555005,555004,555006,2020-11-12 21:26:03.520496 +230000,88722,20,3,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12378,555005,555004,555006,2020-11-12 21:26:03.510496 +100000,38722,18,7,-116,-18.1,2,-121,-21.1,-3,-136,-24.1,-6,12378,555005,555004,555006,2020-11-12 21:26:03.500496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12378,555005,555004,555006,2020-11-12 21:26:03.490496 +150000,78722,20,3,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12378,555005,555004,555006,2020-11-12 21:26:03.480496 +280000,122000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12378,555005,555004,555006,2020-11-12 21:26:03.470496 +110000,98722,20,3,-90,-12.5,10,-95,-15.5,5,-110,-18.5,2,12378,555005,555004,555006,2020-11-12 21:26:03.460496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12378,555005,555004,555006,2020-11-12 21:26:03.450496 +280000,122000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12378,555005,555004,555006,2020-11-12 21:26:03.440496 +230000,108722,20,5,-80,-10.7,12,-85,-13.7,7,-100,-16.7,4,12378,555005,555004,555006,2020-11-12 21:26:03.430496 +280000,122000,25,10,-82,-12.7,11,-87,-15.7,6,-102,-18.7,3,12378,555005,555004,555006,2020-11-12 21:26:03.420496 +280000,121000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12378,555005,555004,555006,2020-11-12 21:26:03.410496 +290000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12378,555005,555004,555006,2020-11-12 21:26:03.400496 +230000,88722,20,6,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12378,555005,555004,555006,2020-11-12 21:26:03.390496 +230000,68722,20,2,-98,-17.5,12,-103,-20.5,7,-118,-23.5,4,12378,555005,555004,555006,2020-11-12 21:26:03.380496 +110000,98722,20,7,-92,-10.9,10,-97,-13.9,5,-112,-16.9,2,12378,555005,555004,555006,2020-11-12 21:26:03.370496 +230000,108722,20,2,-98,-17.5,12,-103,-20.5,7,-118,-23.5,4,12378,555005,555004,555006,2020-11-12 21:26:03.360496 +110000,108722,20,5,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12378,555005,555004,555006,2020-11-12 21:26:03.350496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12378,555005,555004,555006,2020-11-12 21:26:03.340496 +110000,98722,20,3,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12378,555005,555004,555006,2020-11-12 21:26:03.330496 +150000,108722,20,2,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12379,555005,555004,555006,2020-11-12 21:26:03.320496 +290000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12379,555005,555004,555006,2020-11-12 21:26:03.310496 +230000,108722,20,2,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12379,555005,555004,555006,2020-11-12 21:26:03.300496 +110000,108722,20,2,-98,-12.1,12,-103,-15.1,7,-118,-18.1,4,12379,555005,555004,555006,2020-11-12 21:26:03.290496 +110000,78722,20,6,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12379,555005,555004,555006,2020-11-12 21:26:03.280496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12379,555005,555004,555006,2020-11-12 21:26:03.270496 +230000,108722,20,3,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12379,555005,555004,555006,2020-11-12 21:26:03.260496 +280000,122000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12379,555005,555004,555006,2020-11-12 21:26:03.250496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12379,555005,555004,555006,2020-11-12 21:26:03.240496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12379,555005,555004,555006,2020-11-12 21:26:03.230496 +100000,68722,20,6,-97,-10.7,7,-102,-13.7,2,-117,-16.7,-1,12379,555005,555004,555006,2020-11-12 21:26:03.220496 +280000,123000,25,10,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12379,555005,555004,555006,2020-11-12 21:26:03.210496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12379,555005,555004,555006,2020-11-12 21:26:03.200496 +280000,122000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12379,555005,555004,555006,2020-11-12 21:26:03.190496 +290000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12379,555005,555004,555006,2020-11-12 21:26:03.180496 +10000,6722,16,6,-111,-18.7,3,-116,-21.7,-2,-131,-24.7,-5,12379,555005,555004,555006,2020-11-12 21:26:03.170496 +150000,68722,20,7,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12379,555005,555004,555006,2020-11-12 21:26:03.160496 +110000,88722,20,4,-93,-12.5,10,-98,-15.5,5,-113,-18.5,2,12379,555005,555004,555006,2020-11-12 21:26:03.150496 +150000,108722,20,4,-91,-11.5,10,-96,-14.5,5,-111,-17.5,2,12379,555005,555004,555006,2020-11-12 21:26:03.140496 +100000,108722,20,6,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12379,555005,555004,555006,2020-11-12 21:26:03.130496 +110000,88722,20,2,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12379,555005,555004,555006,2020-11-12 21:26:03.120496 +290000,121000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12379,555005,555004,555006,2020-11-12 21:26:03.110496 +110000,108722,20,8,-99,-12.3,12,-104,-15.3,7,-119,-18.3,4,12379,555005,555004,555006,2020-11-12 21:26:03.100496 +100000,68722,18,7,-115,-17.9,3,-120,-20.9,-2,-135,-23.9,-5,12379,555005,555004,555006,2020-11-12 21:26:03.090496 +150000,98722,20,8,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12379,555005,555004,555006,2020-11-12 21:26:03.080496 +150000,88722,20,3,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12379,555005,555004,555006,2020-11-12 21:26:03.070496 +110000,108722,20,4,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12379,555005,555004,555006,2020-11-12 21:26:03.060496 +280000,122000,25,10,-86,-12.1,17,-91,-15.1,12,-106,-18.1,9,12379,555005,555004,555006,2020-11-12 21:26:03.050496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12379,555005,555004,555006,2020-11-12 21:26:03.040496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12379,555005,555004,555006,2020-11-12 21:26:03.030496 +7000,6000,9,4,-123,-24.1,-12,-128,-27.1,-17,-143,-30.1,-20,12379,555005,555004,555006,2020-11-12 21:26:03.020496 +100000,6722,20,5,-96,-12.3,3,-101,-15.3,-2,-116,-18.3,-5,12379,555005,555004,555006,2020-11-12 21:26:03.010496 +100000,68722,18,7,-119,-19.7,6,-124,-22.7,1,-139,-25.7,-2,12379,555005,555004,555006,2020-11-12 21:26:03.000496 +290000,121000,25,10,-92,-13.4,4,-97,-16.4,-1,-112,-19.4,-4,12379,555005,555004,555006,2020-11-12 21:26:02.990496 +100000,48722,18,6,-113,-19.3,2,-118,-22.3,-3,-133,-25.3,-6,12379,555005,555004,555006,2020-11-12 21:26:02.980496 +100000,88722,20,2,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12379,555005,555004,555006,2020-11-12 21:26:02.970496 +10000,6722,16,7,-118,-18.3,4,-123,-21.3,-1,-138,-24.3,-4,12379,555005,555004,555006,2020-11-12 21:26:02.960496 +100000,98722,20,6,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12379,555005,555004,555006,2020-11-12 21:26:02.950496 +110000,78722,20,4,-98,-17.5,14,-103,-20.5,9,-118,-23.5,6,12379,555005,555004,555006,2020-11-12 21:26:02.940496 +150000,98722,20,6,-92,-13.3,5,-97,-16.3,0,-112,-19.3,-3,12379,555005,555004,555006,2020-11-12 21:26:02.930496 +150000,108722,20,6,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12379,555005,555004,555006,2020-11-12 21:26:02.920496 +290000,123000,25,10,-86,-12.4,14,-91,-15.4,9,-106,-18.4,6,12379,555005,555004,555006,2020-11-12 21:26:02.910496 +110000,98722,20,2,-86,-11.9,14,-91,-14.9,9,-106,-17.9,6,12379,555005,555004,555006,2020-11-12 21:26:02.900496 +290000,122000,25,10,-80,-12.1,17,-85,-15.1,12,-100,-18.1,9,12379,555005,555004,555006,2020-11-12 21:26:02.890496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12379,555005,555004,555006,2020-11-12 21:26:02.880496 +100000,108722,20,6,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12379,555005,555004,555006,2020-11-12 21:26:02.870496 +280000,123000,25,10,-80,-12.0,18,-85,-15.0,13,-100,-18.0,10,12379,555005,555004,555006,2020-11-12 21:26:02.860496 +270000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12379,555005,555004,555006,2020-11-12 21:26:02.850496 +100000,78722,20,2,-93,-12.5,12,-98,-15.5,7,-113,-18.5,4,12379,555005,555004,555006,2020-11-12 21:26:02.840496 +280000,123000,25,10,-80,-12.3,15,-85,-15.3,10,-100,-18.3,7,12379,555005,555004,555006,2020-11-12 21:26:02.830496 +100000,6722,18,7,-115,-19.3,7,-120,-22.3,2,-135,-25.3,-1,12379,555005,555004,555006,2020-11-12 21:26:02.820496 +280000,123000,25,10,-87,-12.2,16,-92,-15.2,11,-107,-18.2,8,12379,555005,555004,555006,2020-11-12 21:26:02.810496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12380,555005,555004,555006,2020-11-12 21:26:02.800496 +200000,98722,20,7,-92,-13.1,7,-97,-16.1,2,-112,-19.1,-1,12380,555005,555004,555006,2020-11-12 21:26:02.790496 +280000,123000,25,10,-86,-12.7,11,-91,-15.7,6,-106,-18.7,3,12380,555005,555004,555006,2020-11-12 21:26:02.780496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12380,555005,555004,555006,2020-11-12 21:26:02.770496 +150000,108722,20,7,-98,-17.5,14,-103,-20.5,9,-118,-23.5,6,12380,555005,555004,555006,2020-11-12 21:26:02.760496 +100,200,9,4,-125,-21.5,-11,-130,-24.5,-16,-145,-27.5,-19,12380,555005,555004,555006,2020-11-12 21:26:02.750496 +150000,108722,20,4,-98,-17.5,12,-103,-20.5,7,-118,-23.5,4,12380,555005,555004,555006,2020-11-12 21:26:02.740496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12380,555005,555004,555006,2020-11-12 21:26:02.730496 +100000,38722,18,7,-111,-19.7,7,-116,-22.7,2,-131,-25.7,-1,12380,555005,555004,555006,2020-11-12 21:26:02.720496 +110000,88722,20,6,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12380,555005,555004,555006,2020-11-12 21:26:02.710496 +280000,123000,25,10,-80,-12.4,14,-85,-15.4,9,-100,-18.4,6,12380,555005,555004,555006,2020-11-12 21:26:02.700496 +110000,98722,20,5,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12380,555005,555004,555006,2020-11-12 21:26:02.690496 +150000,108722,20,7,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12380,555005,555004,555006,2020-11-12 21:26:02.680496 +300000,123000,25,10,-47,-3.3,24,-52,-6.3,19,-67,-9.3,16,12380,555005,555004,555006,2020-11-12 21:26:02.670496 +110000,88722,20,8,-91,-12.5,12,-96,-15.5,7,-111,-18.5,4,12380,555005,555004,555006,2020-11-12 21:26:02.660496 +300000,123000,25,10,-81,-12.7,11,-86,-15.7,6,-101,-18.7,3,12380,555005,555004,555006,2020-11-12 21:26:02.650496 +7000,4000,14,6,-124,-21.7,-5,-129,-24.7,-10,-144,-27.7,-13,12380,555005,555004,555006,2020-11-12 21:26:02.640496 +110000,98722,20,2,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12380,555005,555004,555006,2020-11-12 21:26:02.630496 +100000,38722,18,7,-110,-18.7,7,-115,-21.7,2,-130,-24.7,-1,12380,555005,555004,555006,2020-11-12 21:26:02.620496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12380,555005,555004,555006,2020-11-12 21:26:02.610496 +110000,68722,20,7,-90,-15.9,11,-95,-18.9,6,-110,-21.9,3,12380,555005,555004,555006,2020-11-12 21:26:02.600496 +110000,98722,20,8,-94,-11.3,8,-99,-14.3,3,-114,-17.3,0,12380,555005,555004,555006,2020-11-12 21:26:02.590496 +290000,122000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12380,555005,555004,555006,2020-11-12 21:26:02.580496 +10000,58722,15,6,-112,-18.1,3,-117,-21.1,-2,-132,-24.1,-5,12380,555005,555004,555006,2020-11-12 21:26:02.570496 +230000,88722,20,3,-98,-17.5,15,-103,-20.5,10,-118,-23.5,7,12380,555005,555004,555006,2020-11-12 21:26:02.560496 +150000,108722,20,6,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12380,555005,555004,555006,2020-11-12 21:26:02.550496 +200000,68722,20,2,-85,-11.7,15,-90,-14.7,10,-105,-17.7,7,12380,555005,555004,555006,2020-11-12 21:26:02.540496 +100000,88722,20,4,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12380,555005,555004,555006,2020-11-12 21:26:02.530496 +90000,68722,18,7,-112,-18.3,6,-117,-21.3,1,-132,-24.3,-2,12380,555005,555004,555006,2020-11-12 21:26:02.520496 +150000,108722,20,4,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12380,555005,555004,555006,2020-11-12 21:26:02.510496 +280000,122000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12380,555005,555004,555006,2020-11-12 21:26:02.500496 +110000,98722,20,4,-94,-10.7,8,-99,-13.7,3,-114,-16.7,0,12380,555005,555004,555006,2020-11-12 21:26:02.490496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12380,555005,555004,555006,2020-11-12 21:26:02.480496 +110000,88722,20,4,-85,-11.7,15,-90,-14.7,10,-105,-17.7,7,12380,555005,555004,555006,2020-11-12 21:26:02.470496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12380,555005,555004,555006,2020-11-12 21:26:02.460496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12380,555005,555004,555006,2020-11-12 21:26:02.450496 +290000,123000,25,10,-80,-12.8,10,-85,-15.8,5,-100,-18.8,2,12380,555005,555004,555006,2020-11-12 21:26:02.440496 +150000,88722,20,8,-95,-12.1,12,-100,-15.1,7,-115,-18.1,4,12380,555005,555004,555006,2020-11-12 21:26:02.430496 +10000,68722,15,7,-113,-19.5,3,-118,-22.5,-2,-133,-25.5,-5,12380,555005,555004,555006,2020-11-12 21:26:02.420496 +200000,88722,20,8,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12380,555005,555004,555006,2020-11-12 21:26:02.410496 +200000,98722,20,2,-81,-10.9,12,-86,-13.9,7,-101,-16.9,4,12380,555005,555004,555006,2020-11-12 21:26:02.400496 +100000,48722,20,4,-95,-11.5,4,-100,-14.5,-1,-115,-17.5,-4,12380,555005,555004,555006,2020-11-12 21:26:02.390496 +100000,38722,18,7,-116,-18.9,5,-121,-21.9,0,-136,-24.9,-3,12380,555005,555004,555006,2020-11-12 21:26:02.380496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12380,555005,555004,555006,2020-11-12 21:26:02.370496 +110000,108722,20,3,-85,-11.7,15,-90,-14.7,10,-105,-17.7,7,12380,555005,555004,555006,2020-11-12 21:26:02.360496 +280000,123000,25,10,-87,-12.4,14,-92,-15.4,9,-107,-18.4,6,12380,555005,555004,555006,2020-11-12 21:26:02.350496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12380,555005,555004,555006,2020-11-12 21:26:02.340496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12380,555005,555004,555006,2020-11-12 21:26:02.330496 +280000,122000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12380,555005,555004,555006,2020-11-12 21:26:02.320496 +110000,108722,20,3,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12380,555005,555004,555006,2020-11-12 21:26:02.310496 +150000,108722,20,6,-93,-13.8,0,-98,-16.8,-5,-113,-19.8,-8,12380,555005,555004,555006,2020-11-12 21:26:02.300496 +280000,123000,25,8,-81,-12.2,16,-86,-15.2,11,-101,-18.2,8,12380,555005,555004,555006,2020-11-12 21:26:02.290496 +110000,98722,20,2,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12381,555005,555004,555006,2020-11-12 21:26:02.280496 +290000,123000,25,10,-88,-12.8,10,-93,-15.8,5,-108,-18.8,2,12381,555005,555004,555006,2020-11-12 21:26:02.270496 +150000,108722,20,3,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12381,555005,555004,555006,2020-11-12 21:26:02.260496 +280000,123000,25,10,-80,-12.4,14,-85,-15.4,9,-100,-18.4,6,12381,555005,555004,555006,2020-11-12 21:26:02.250496 +100000,108722,20,4,-86,-11.9,14,-91,-14.9,9,-106,-17.9,6,12381,555005,555004,555006,2020-11-12 21:26:02.240496 +100000,38722,18,6,-115,-18.9,7,-120,-21.9,2,-135,-24.9,-1,12381,555005,555004,555006,2020-11-12 21:26:02.230496 +150000,88722,20,3,-89,-10.9,9,-94,-13.9,4,-109,-16.9,1,12381,555005,555004,555006,2020-11-12 21:26:02.220496 +230000,68722,20,6,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12381,555005,555004,555006,2020-11-12 21:26:02.210496 +100000,108722,20,4,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12381,555005,555004,555006,2020-11-12 21:26:02.200496 +100000,88722,20,4,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12381,555005,555004,555006,2020-11-12 21:26:02.190496 +150000,68722,20,8,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12381,555005,555004,555006,2020-11-12 21:26:02.180496 +200000,108722,20,3,-91,-11.3,10,-96,-14.3,5,-111,-17.3,2,12381,555005,555004,555006,2020-11-12 21:26:02.170496 +200000,98722,20,8,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12381,555005,555004,555006,2020-11-12 21:26:02.160496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12381,555005,555004,555006,2020-11-12 21:26:02.150496 +100000,98722,20,7,-87,-12.1,12,-92,-15.1,7,-107,-18.1,4,12381,555005,555004,555006,2020-11-12 21:26:02.140496 +150000,108722,20,6,-97,-17.3,12,-102,-20.3,7,-117,-23.3,4,12381,555005,555004,555006,2020-11-12 21:26:02.130496 +150000,98722,20,8,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12381,555005,555004,555006,2020-11-12 21:26:02.120496 +150000,108722,20,8,-94,-11.3,12,-99,-14.3,7,-114,-17.3,4,12381,555005,555004,555006,2020-11-12 21:26:02.110496 +100000,38722,18,6,-118,-18.3,5,-123,-21.3,0,-138,-24.3,-3,12381,555005,555004,555006,2020-11-12 21:26:02.100496 +200000,108722,20,2,-89,-12.5,14,-94,-15.5,9,-109,-18.5,6,12381,555005,555004,555006,2020-11-12 21:26:02.090496 +100000,88722,20,4,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12381,555005,555004,555006,2020-11-12 21:26:02.080496 +290000,123000,25,10,-83,-12.1,17,-88,-15.1,12,-103,-18.1,9,12381,555005,555004,555006,2020-11-12 21:26:02.070496 +200000,88722,20,4,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12381,555005,555004,555006,2020-11-12 21:26:02.060496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12381,555005,555004,555006,2020-11-12 21:26:02.050496 +200000,108722,20,5,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12381,555005,555004,555006,2020-11-12 21:26:02.040496 +150000,108722,20,2,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12381,555005,555004,555006,2020-11-12 21:26:02.030496 +110000,68722,20,4,-90,-15.9,11,-95,-18.9,6,-110,-21.9,3,12381,555005,555004,555006,2020-11-12 21:26:02.020496 +300000,122000,25,10,-90,-13.7,1,-95,-16.7,-4,-110,-19.7,-7,12381,555005,555004,555006,2020-11-12 21:26:02.010496 +10000,6722,15,7,-110,-18.3,6,-115,-21.3,1,-130,-24.3,-2,12381,555005,555004,555006,2020-11-12 21:26:02.000496 +280000,123000,25,10,-84,-12.8,10,-89,-15.8,5,-104,-18.8,2,12381,555005,555004,555006,2020-11-12 21:26:01.990496 +10000,48722,16,7,-114,-18.1,7,-119,-21.1,2,-134,-24.1,-1,12381,555005,555004,555006,2020-11-12 21:26:01.980496 +100000,108722,20,2,-86,-11.9,14,-91,-14.9,9,-106,-17.9,6,12381,555005,555004,555006,2020-11-12 21:26:01.970496 +100000,6722,20,6,-95,-11.7,7,-100,-14.7,2,-115,-17.7,-1,12381,555005,555004,555006,2020-11-12 21:26:01.960496 +110000,88722,20,2,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12381,555005,555004,555006,2020-11-12 21:26:01.950496 +280000,122000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12381,555005,555004,555006,2020-11-12 21:26:01.940496 +100000,108722,20,3,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12381,555005,555004,555006,2020-11-12 21:26:01.930496 +280000,123000,25,10,-80,-12.7,11,-85,-15.7,6,-100,-18.7,3,12381,555005,555004,555006,2020-11-12 21:26:01.920496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12381,555005,555004,555006,2020-11-12 21:26:01.910496 +100000,78722,20,3,-92,-12.3,8,-97,-15.3,3,-112,-18.3,0,12381,555005,555004,555006,2020-11-12 21:26:01.900496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12381,555005,555004,555006,2020-11-12 21:26:01.890496 +110000,108722,20,6,-84,-11.5,15,-89,-14.5,10,-104,-17.5,7,12381,555005,555004,555006,2020-11-12 21:26:01.880496 +110000,108722,20,4,-91,-10.9,12,-96,-13.9,7,-111,-16.9,4,12381,555005,555004,555006,2020-11-12 21:26:01.870496 +150000,78722,20,2,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12381,555005,555004,555006,2020-11-12 21:26:01.860496 +280000,123000,25,10,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12381,555005,555004,555006,2020-11-12 21:26:01.850496 +110000,108722,20,5,-89,-15.7,12,-94,-18.7,7,-109,-21.7,4,12381,555005,555004,555006,2020-11-12 21:26:01.840496 +10000,68722,18,7,-111,-17.9,6,-116,-20.9,1,-131,-23.9,-2,12381,555005,555004,555006,2020-11-12 21:26:01.830496 +300000,125000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12381,555005,555004,555006,2020-11-12 21:26:01.820496 +150000,88722,20,4,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12381,555005,555004,555006,2020-11-12 21:26:01.810496 +110000,108722,20,5,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12381,555005,555004,555006,2020-11-12 21:26:01.800496 +100000,98722,20,8,-95,-16.9,14,-100,-19.9,9,-115,-22.9,6,12381,555005,555004,555006,2020-11-12 21:26:01.790496 +100000,108722,20,7,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12381,555005,555004,555006,2020-11-12 21:26:01.780496 +150000,78722,20,5,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12381,555005,555004,555006,2020-11-12 21:26:01.770496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12382,555005,555004,555006,2020-11-12 21:26:01.760496 +110000,108722,20,5,-89,-12.5,14,-94,-15.5,9,-109,-18.5,6,12382,555005,555004,555006,2020-11-12 21:26:01.750496 +110000,68722,20,6,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12382,555005,555004,555006,2020-11-12 21:26:01.740496 +90000,58722,16,7,-109,-18.7,2,-114,-21.7,-3,-129,-24.7,-6,12382,555005,555004,555006,2020-11-12 21:26:01.730496 +280000,121000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12382,555005,555004,555006,2020-11-12 21:26:01.720496 +10000,6722,16,6,-118,-22.9,0,-123,-25.9,-5,-138,-28.9,-8,12382,555005,555004,555006,2020-11-12 21:26:01.710496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12382,555005,555004,555006,2020-11-12 21:26:01.700496 +280000,123000,25,10,-90,-13.5,3,-95,-16.5,-2,-110,-19.5,-5,12382,555005,555004,555006,2020-11-12 21:26:01.690496 +230000,88722,20,3,-98,-12.5,9,-103,-15.5,4,-118,-18.5,1,12382,555005,555004,555006,2020-11-12 21:26:01.680496 +200000,88722,20,6,-94,-12.3,9,-99,-15.3,4,-114,-18.3,1,12382,555005,555004,555006,2020-11-12 21:26:01.670496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12382,555005,555004,555006,2020-11-12 21:26:01.660496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12382,555005,555004,555006,2020-11-12 21:26:01.650496 +110000,98722,20,4,-91,-13.2,6,-96,-16.2,1,-111,-19.2,-2,12382,555005,555004,555006,2020-11-12 21:26:01.640496 +270000,122000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12382,555005,555004,555006,2020-11-12 21:26:01.630496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12382,555005,555004,555006,2020-11-12 21:26:01.620496 +110000,98722,20,2,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12382,555005,555004,555006,2020-11-12 21:26:01.610496 +280000,123000,25,10,-45,-3.1,24,-50,-6.1,19,-65,-9.1,16,12382,555005,555004,555006,2020-11-12 21:26:01.600496 +230000,88722,20,4,-96,-17.1,15,-101,-20.1,10,-116,-23.1,7,12382,555005,555004,555006,2020-11-12 21:26:01.590496 +110000,108722,20,3,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12382,555005,555004,555006,2020-11-12 21:26:01.580496 +10000,78722,18,6,-112,-17.7,11,-117,-20.7,6,-132,-23.7,3,12382,555005,555004,555006,2020-11-12 21:26:01.570496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12382,555005,555004,555006,2020-11-12 21:26:01.560496 +230000,108722,20,5,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12382,555005,555004,555006,2020-11-12 21:26:01.550496 +150000,108722,20,5,-89,-12.5,14,-94,-15.5,9,-109,-18.5,6,12382,555005,555004,555006,2020-11-12 21:26:01.540496 +10000,58722,16,7,-119,-18.1,2,-124,-21.1,-3,-139,-24.1,-6,12382,555005,555004,555006,2020-11-12 21:26:01.530496 +200000,88722,20,8,-94,-12.1,10,-99,-15.1,5,-114,-18.1,2,12382,555005,555004,555006,2020-11-12 21:26:01.520496 +230000,68722,20,5,-90,-12.7,14,-95,-15.7,9,-110,-18.7,6,12382,555005,555004,555006,2020-11-12 21:26:01.510496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12382,555005,555004,555006,2020-11-12 21:26:01.500496 +150000,88722,20,6,-95,-16.9,15,-100,-19.9,10,-115,-22.9,7,12382,555005,555004,555006,2020-11-12 21:26:01.490496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12382,555005,555004,555006,2020-11-12 21:26:01.480496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12382,555005,555004,555006,2020-11-12 21:26:01.470496 +100000,68722,18,7,-111,-20.9,4,-116,-23.9,-3,-131,-26.9,-6,12382,555005,555004,555006,2020-11-12 21:26:01.460496 +290000,122000,25,10,-48,-3.4,24,-53,-6.4,19,-68,-9.4,16,12382,555005,555004,555006,2020-11-12 21:26:01.450496 +150000,98722,20,4,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12382,555005,555004,555006,2020-11-12 21:26:01.440496 +110000,88722,20,4,-93,-16.5,12,-98,-19.5,7,-113,-22.5,4,12382,555005,555004,555006,2020-11-12 21:26:01.430496 +270000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12382,555005,555004,555006,2020-11-12 21:26:01.420496 +150000,98722,20,3,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12382,555005,555004,555006,2020-11-12 21:26:01.410496 +4000,1000,10,4,-123,-24.3,1,-128,-27.3,-4,-143,-30.3,-7,12382,555005,555004,555006,2020-11-12 21:26:01.400496 +110000,98722,20,3,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12382,555005,555004,555006,2020-11-12 21:26:01.390496 +110000,108722,20,3,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12382,555005,555004,555006,2020-11-12 21:26:01.380496 +110000,88722,20,3,-86,-11.9,15,-91,-14.9,10,-106,-17.9,7,12382,555005,555004,555006,2020-11-12 21:26:01.370496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12382,555005,555004,555006,2020-11-12 21:26:01.360496 +100000,48722,18,6,-114,-17.7,3,-119,-20.7,-2,-134,-23.7,-5,12382,555005,555004,555006,2020-11-12 21:26:01.350496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12382,555005,555004,555006,2020-11-12 21:26:01.340496 +150000,98722,20,3,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12382,555005,555004,555006,2020-11-12 21:26:01.330496 +200000,108722,20,6,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12382,555005,555004,555006,2020-11-12 21:26:01.320496 +280000,123000,25,10,-88,-12.6,12,-93,-15.6,7,-108,-18.6,4,12382,555005,555004,555006,2020-11-12 21:26:01.310496 +200000,108722,20,4,-90,-13.5,3,-95,-16.5,-2,-110,-19.5,-5,12382,555005,555004,555006,2020-11-12 21:26:01.300496 +280000,123000,25,10,-90,-13.4,4,-95,-16.4,-1,-110,-19.4,-4,12382,555005,555004,555006,2020-11-12 21:26:01.290496 +100000,58722,18,6,-113,-18.1,3,-118,-21.1,-2,-133,-24.1,-5,12382,555005,555004,555006,2020-11-12 21:26:01.280496 +280000,123000,25,10,-80,-12.3,15,-85,-15.3,10,-100,-18.3,7,12382,555005,555004,555006,2020-11-12 21:26:01.270496 +100,20,10,3,-121,-24.3,-17,-126,-27.3,-22,-141,-30.3,-25,12382,555005,555004,555006,2020-11-12 21:26:01.260496 +280000,121000,25,10,-92,-13.7,1,-97,-16.7,-4,-112,-19.7,-7,12382,555005,555004,555006,2020-11-12 21:26:01.250496 +110000,108722,20,4,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12383,555005,555004,555006,2020-11-12 21:26:01.240496 +100000,108722,20,3,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12383,555005,555004,555006,2020-11-12 21:26:01.230496 +110000,98722,20,2,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12383,555005,555004,555006,2020-11-12 21:26:01.220496 +150000,88722,20,5,-99,-17.7,16,-104,-20.7,11,-119,-23.7,8,12383,555005,555004,555006,2020-11-12 21:26:01.210496 +280000,123000,25,10,-82,-12.2,16,-87,-15.2,11,-102,-18.2,8,12383,555005,555004,555006,2020-11-12 21:26:01.200496 +10000,6000,14,6,-121,-22.9,-6,-126,-25.9,-10,-141,-28.9,0,12383,555005,555004,555006,2020-11-12 21:26:01.190496 +100000,68722,20,7,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12383,555005,555004,555006,2020-11-12 21:26:01.180496 +200000,108722,20,2,-90,-15.9,15,-95,-18.9,10,-110,-21.9,7,12383,555005,555004,555006,2020-11-12 21:26:01.170496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12383,555005,555004,555006,2020-11-12 21:26:01.160496 +4000,20,9,4,-126,-22.1,-8,-131,-25.1,-13,-146,-28.1,-16,12383,555005,555004,555006,2020-11-12 21:26:01.150496 +110000,108722,20,3,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12383,555005,555004,555006,2020-11-12 21:26:01.140496 +100000,108722,20,7,-89,-12.5,12,-94,-15.5,7,-109,-18.5,4,12383,555005,555004,555006,2020-11-12 21:26:01.130496 +110000,88722,20,2,-95,-16.9,14,-100,-19.9,9,-115,-22.9,6,12383,555005,555004,555006,2020-11-12 21:26:01.120496 +100000,48722,18,6,-114,-19.1,6,-119,-22.1,1,-134,-25.1,-2,12383,555005,555004,555006,2020-11-12 21:26:01.110496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12383,555005,555004,555006,2020-11-12 21:26:01.100496 +200000,98722,20,4,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12383,555005,555004,555006,2020-11-12 21:26:01.090496 +280000,123000,25,10,-88,-12.6,12,-93,-15.6,7,-108,-18.6,4,12383,555005,555004,555006,2020-11-12 21:26:01.080496 +100000,68722,18,7,-113,-17.9,4,-118,-20.9,-1,-133,-23.9,-4,12383,555005,555004,555006,2020-11-12 21:26:01.070496 +280000,122000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12383,555005,555004,555006,2020-11-12 21:26:01.060496 +300000,122000,25,10,-80,-12.6,12,-85,-15.6,7,-100,-18.6,4,12383,555005,555004,555006,2020-11-12 21:26:01.050496 +200000,108722,20,5,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12383,555005,555004,555006,2020-11-12 21:26:01.040496 +100000,108722,20,3,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12383,555005,555004,555006,2020-11-12 21:26:01.030496 +100000,38722,18,7,-113,-20.7,4,-118,-23.7,2,-133,-26.7,-5,12383,555005,555004,555006,2020-11-12 21:26:01.020496 +100000,78722,20,2,-97,-11.7,11,-102,-14.7,6,-117,-17.7,3,12383,555005,555004,555006,2020-11-12 21:26:01.010496 +230000,108722,20,8,-87,-12.1,12,-92,-15.1,7,-107,-18.1,4,12383,555005,555004,555006,2020-11-12 21:26:01.000496 +110000,88722,20,6,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12383,555005,555004,555006,2020-11-12 21:26:00.990496 +9000,6000,14,6,-122,-20.7,-10,-127,-23.7,-15,-142,-26.7,-18,12383,555005,555004,555006,2020-11-12 21:26:00.980496 +110000,98722,20,4,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12383,555005,555004,555006,2020-11-12 21:26:00.970496 +200000,108722,20,4,-94,-13.3,5,-99,-16.3,0,-114,-19.3,-3,12383,555005,555004,555006,2020-11-12 21:26:00.960496 +230000,98722,20,6,-89,-10.9,11,-94,-13.9,6,-109,-16.9,3,12383,555005,555004,555006,2020-11-12 21:26:00.950496 +100000,6722,18,7,-117,-19.3,6,-122,-22.3,1,-137,-25.3,-2,12383,555005,555004,555006,2020-11-12 21:26:00.940496 +150000,108722,20,7,-98,-12.3,8,-103,-15.3,3,-118,-18.3,0,12383,555005,555004,555006,2020-11-12 21:26:00.930496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12383,555005,555004,555006,2020-11-12 21:26:00.920496 +150000,108722,20,6,-91,-12.9,9,-96,-15.9,4,-111,-18.9,1,12383,555005,555004,555006,2020-11-12 21:26:00.910496 +110000,78722,20,4,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12383,555005,555004,555006,2020-11-12 21:26:00.900496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12383,555005,555004,555006,2020-11-12 21:26:00.890496 +110000,88722,20,6,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12383,555005,555004,555006,2020-11-12 21:26:00.880496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12383,555005,555004,555006,2020-11-12 21:26:00.870496 +150000,108722,20,6,-94,-13.4,4,-99,-16.4,-1,-114,-19.4,-4,12383,555005,555004,555006,2020-11-12 21:26:00.860496 +150000,88722,20,4,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12383,555005,555004,555006,2020-11-12 21:26:00.850496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12383,555005,555004,555006,2020-11-12 21:26:00.840496 +280000,123000,25,10,-84,-12.0,18,-89,-15.0,13,-104,-18.0,10,12383,555005,555004,555006,2020-11-12 21:26:00.830496 +290000,123000,25,10,-89,-13.4,4,-94,-16.4,-1,-109,-19.4,-4,12383,555005,555004,555006,2020-11-12 21:26:00.820496 +280000,123000,25,10,-82,-12.7,11,-87,-15.7,6,-102,-18.7,3,12383,555005,555004,555006,2020-11-12 21:26:00.810496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12383,555005,555004,555006,2020-11-12 21:26:00.800496 +280000,123000,25,10,-87,-12.4,14,-92,-15.4,9,-107,-18.4,6,12383,555005,555004,555006,2020-11-12 21:26:00.790496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12383,555005,555004,555006,2020-11-12 21:26:00.780496 +110000,108722,20,5,-97,-12.7,8,-102,-15.7,3,-117,-18.7,0,12383,555005,555004,555006,2020-11-12 21:26:00.770496 +110000,98722,20,6,-93,-13.2,6,-98,-16.2,1,-113,-19.2,-2,12383,555005,555004,555006,2020-11-12 21:26:00.760496 +150000,108722,20,6,-91,-16.1,14,-96,-19.1,9,-111,-22.1,6,12383,555005,555004,555006,2020-11-12 21:26:00.750496 +100000,98722,20,2,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12383,555005,555004,555006,2020-11-12 21:26:00.740496 +100000,88722,20,2,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12383,555005,555004,555006,2020-11-12 21:26:00.730496 +150000,98722,20,5,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12384,555005,555004,555006,2020-11-12 21:26:00.720496 +100000,98722,20,6,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12384,555005,555004,555006,2020-11-12 21:26:00.710496 +100000,6722,20,7,-95,-10.9,4,-100,-13.9,-1,-115,-16.9,-4,12384,555005,555004,555006,2020-11-12 21:26:00.700496 +110000,78722,20,6,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12384,555005,555004,555006,2020-11-12 21:26:00.690496 +150000,108722,20,8,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12384,555005,555004,555006,2020-11-12 21:26:00.680496 +100000,98722,20,3,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12384,555005,555004,555006,2020-11-12 21:26:00.670496 +150000,108722,20,5,-92,-13.7,1,-97,-16.7,-4,-112,-19.7,-7,12384,555005,555004,555006,2020-11-12 21:26:00.660496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12384,555005,555004,555006,2020-11-12 21:26:00.650496 +200000,108722,20,5,-96,-11.5,10,-101,-14.5,5,-116,-17.5,2,12384,555005,555004,555006,2020-11-12 21:26:00.640496 +110000,108722,20,5,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12384,555005,555004,555006,2020-11-12 21:26:00.630496 +150000,108722,20,6,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12384,555005,555004,555006,2020-11-12 21:26:00.620496 +200000,88722,20,8,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12384,555005,555004,555006,2020-11-12 21:26:00.610496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12384,555005,555004,555006,2020-11-12 21:26:00.600496 +110000,108722,20,3,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12384,555005,555004,555006,2020-11-12 21:26:00.590496 +290000,121000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12384,555005,555004,555006,2020-11-12 21:26:00.580496 +100000,108722,20,7,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12384,555005,555004,555006,2020-11-12 21:26:00.570496 +1000,3000,9,4,-124,-21.3,-1,-129,-24.3,-3,-144,-27.3,2,12384,555005,555004,555006,2020-11-12 21:26:00.560496 +110000,98722,20,4,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12384,555005,555004,555006,2020-11-12 21:26:00.550496 +280000,123000,25,10,-89,-13.5,3,-94,-16.5,-2,-109,-19.5,-5,12384,555005,555004,555006,2020-11-12 21:26:00.540496 +110000,88722,20,3,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12384,555005,555004,555006,2020-11-12 21:26:00.530496 +100000,98722,20,8,-80,-10.7,12,-85,-13.7,7,-100,-16.7,4,12384,555005,555004,555006,2020-11-12 21:26:00.520496 +280000,121000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12384,555005,555004,555006,2020-11-12 21:26:00.510496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12384,555005,555004,555006,2020-11-12 21:26:00.500496 +9000,6000,14,6,-124,-21.1,-10,-129,-24.1,-15,-144,-27.1,-18,12384,555005,555004,555006,2020-11-12 21:26:00.490496 +290000,123000,25,10,-89,-13.4,4,-94,-16.4,-1,-109,-19.4,-4,12384,555005,555004,555006,2020-11-12 21:26:00.480496 +280000,123000,25,10,-85,-12.3,15,-90,-15.3,10,-105,-18.3,7,12384,555005,555004,555006,2020-11-12 21:26:00.470496 +110000,68722,20,2,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12384,555005,555004,555006,2020-11-12 21:26:00.460496 +150000,108722,20,5,-92,-13.6,2,-97,-16.6,-3,-112,-19.6,-6,12384,555005,555004,555006,2020-11-12 21:26:00.450496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12384,555005,555004,555006,2020-11-12 21:26:00.440496 +110000,78722,20,8,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12384,555005,555004,555006,2020-11-12 21:26:00.430496 +10000,6722,18,7,-111,-17.7,4,-116,-20.7,-1,-131,-23.7,-4,12384,555005,555004,555006,2020-11-12 21:26:00.420496 +100000,68722,18,6,-113,-17.9,3,-118,-20.9,-2,-133,-23.9,-5,12384,555005,555004,555006,2020-11-12 21:26:00.410496 +290000,121000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12384,555005,555004,555006,2020-11-12 21:26:00.400496 +100000,6722,18,7,-116,-18.5,6,-121,-21.5,1,-136,-24.5,-2,12384,555005,555004,555006,2020-11-12 21:26:00.390496 +110000,108722,20,6,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12384,555005,555004,555006,2020-11-12 21:26:00.380496 +10000,6722,15,6,-117,-17.9,4,-122,-20.9,-1,-137,-23.9,-4,12384,555005,555004,555006,2020-11-12 21:26:00.370496 +200000,98722,20,6,-90,-13.3,5,-95,-16.3,0,-110,-19.3,-3,12384,555005,555004,555006,2020-11-12 21:26:00.360496 +280000,121000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12384,555005,555004,555006,2020-11-12 21:26:00.350496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12384,555005,555004,555006,2020-11-12 21:26:00.340496 +280000,122000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12384,555005,555004,555006,2020-11-12 21:26:00.330496 +100000,98722,20,8,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12384,555005,555004,555006,2020-11-12 21:26:00.320496 +110000,88722,20,5,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12384,555005,555004,555006,2020-11-12 21:26:00.310496 +290000,121000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12384,555005,555004,555006,2020-11-12 21:26:00.300496 +280000,121000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12384,555005,555004,555006,2020-11-12 21:26:00.290496 +110000,98722,20,5,-94,-12.7,8,-99,-15.7,3,-114,-18.7,0,12384,555005,555004,555006,2020-11-12 21:26:00.280496 +100000,58722,18,7,-119,-19.3,2,-124,-22.3,-3,-139,-25.3,-6,12384,555005,555004,555006,2020-11-12 21:26:00.270496 +4000,2,9,4,-127,-22.1,-3,-132,-25.1,-11,-147,-28.1,0,12384,555005,555004,555006,2020-11-12 21:26:00.260496 +280000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12384,555005,555004,555006,2020-11-12 21:26:00.250496 +110000,108722,20,2,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12384,555005,555004,555006,2020-11-12 21:26:00.240496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12384,555005,555004,555006,2020-11-12 21:26:00.230496 +230000,108722,20,4,-90,-12.5,9,-95,-15.5,4,-110,-18.5,1,12384,555005,555004,555006,2020-11-12 21:26:00.220496 +110000,108722,20,4,-94,-12.9,9,-99,-15.9,4,-114,-18.9,1,12384,555005,555004,555006,2020-11-12 21:26:00.210496 +100000,68722,20,6,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12385,555006,555005,555007,2020-11-12 21:26:00.200496 +110000,108722,20,2,-90,-12.7,14,-95,-15.7,9,-110,-18.7,6,12385,555006,555005,555007,2020-11-12 21:26:00.190496 +110000,108722,20,3,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12385,555006,555005,555007,2020-11-12 21:26:00.180496 +150000,88722,20,2,-86,-11.9,14,-91,-14.9,9,-106,-17.9,6,12385,555006,555005,555007,2020-11-12 21:26:00.170496 +110000,108722,20,7,-93,-11.3,8,-98,-14.3,3,-113,-17.3,0,12385,555006,555005,555007,2020-11-12 21:26:00.160496 +300000,121000,25,10,-90,-13.6,2,-95,-16.6,-3,-110,-19.6,-6,12385,555006,555005,555007,2020-11-12 21:26:00.150496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12385,555006,555005,555007,2020-11-12 21:26:00.140496 +110000,108722,20,5,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12385,555006,555005,555007,2020-11-12 21:26:00.130496 +280000,121000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12385,555006,555005,555007,2020-11-12 21:26:00.120496 +100000,98722,20,6,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12385,555006,555005,555007,2020-11-12 21:26:00.110496 +280000,123000,25,10,-88,-12.4,14,-93,-15.4,9,-108,-18.4,6,12385,555006,555005,555007,2020-11-12 21:26:00.100496 +100000,88722,20,4,-91,-16.1,15,-96,-19.1,10,-111,-22.1,7,12385,555006,555005,555007,2020-11-12 21:26:00.090496 +150000,98722,20,2,-95,-10.9,9,-100,-13.9,4,-115,-16.9,1,12385,555006,555005,555007,2020-11-12 21:26:00.080496 +110000,108722,20,3,-91,-16.1,14,-96,-19.1,9,-111,-22.1,6,12385,555006,555005,555007,2020-11-12 21:26:00.070496 +110000,108722,20,7,-82,-11.1,14,-87,-14.1,9,-102,-17.1,6,12385,555006,555005,555007,2020-11-12 21:26:00.060496 +100000,78722,20,8,-95,-12.1,8,-100,-15.1,3,-115,-18.1,0,12385,555006,555005,555007,2020-11-12 21:26:00.050496 +100000,6722,18,7,-109,-19.7,4,-114,-22.7,-1,-129,-25.7,-4,12385,555006,555005,555007,2020-11-12 21:26:00.040496 +280000,122000,25,8,-88,-12.0,18,-93,-15.0,13,-108,-18.0,10,12385,555006,555005,555007,2020-11-12 21:26:00.030496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12385,555006,555005,555007,2020-11-12 21:26:00.020496 +5000,200,14,6,-116,-21.7,-5,-121,-24.7,-10,-136,-27.7,-13,12385,555006,555005,555007,2020-11-12 21:26:00.010496 +100000,108722,20,6,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12385,555006,555005,555007,2020-11-12 21:26:00.000496 +280000,121000,25,10,-91,-13.1,7,-96,-16.1,2,-111,-19.1,-1,12385,555006,555005,555007,2020-11-12 21:25:59.990496 +280000,121000,25,10,-91,-13.3,5,-96,-16.3,0,-111,-19.3,-3,12385,555006,555005,555007,2020-11-12 21:25:59.980496 +110000,78722,20,5,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12385,555006,555005,555007,2020-11-12 21:25:59.970496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12385,555006,555005,555007,2020-11-12 21:25:59.960496 +100000,38722,18,7,-109,-17.7,4,-114,-20.7,-1,-129,-23.7,-4,12385,555006,555005,555007,2020-11-12 21:25:59.950496 +200000,108722,20,6,-97,-12.5,9,-102,-15.5,4,-117,-18.5,1,12385,555006,555005,555007,2020-11-12 21:25:59.940496 +110000,68722,20,5,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12385,555006,555005,555007,2020-11-12 21:25:59.930496 +110000,98722,20,5,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12385,555006,555005,555007,2020-11-12 21:25:59.920496 +110000,108722,20,2,-89,-11.1,11,-94,-14.1,6,-109,-17.1,3,12385,555006,555005,555007,2020-11-12 21:25:59.910496 +150000,68722,20,3,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12385,555006,555005,555007,2020-11-12 21:25:59.900496 +110000,98722,20,4,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12385,555006,555005,555007,2020-11-12 21:25:59.890496 +200000,98722,20,2,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12385,555006,555005,555007,2020-11-12 21:25:59.880496 +150000,98722,20,5,-96,-17.1,12,-101,-20.1,7,-116,-23.1,4,12385,555006,555005,555007,2020-11-12 21:25:59.870496 +280000,123000,25,10,-84,-12.8,10,-89,-15.8,5,-104,-18.8,2,12385,555006,555005,555007,2020-11-12 21:25:59.860496 +200000,108722,20,7,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12385,555006,555005,555007,2020-11-12 21:25:59.850496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12385,555006,555005,555007,2020-11-12 21:25:59.840496 +200000,88722,20,7,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12385,555006,555005,555007,2020-11-12 21:25:59.830496 +300000,123000,25,8,-85,-12.2,16,-90,-15.2,11,-105,-18.2,8,12385,555006,555005,555007,2020-11-12 21:25:59.820496 +90000,6722,16,7,-111,-19.5,6,-116,-22.5,1,-131,-25.5,-2,12385,555006,555005,555007,2020-11-12 21:25:59.810496 +100000,108722,20,3,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12385,555006,555005,555007,2020-11-12 21:25:59.800496 +110000,108722,20,3,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12385,555006,555005,555007,2020-11-12 21:25:59.790496 +150000,108722,20,5,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12385,555006,555005,555007,2020-11-12 21:25:59.780496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12385,555006,555005,555007,2020-11-12 21:25:59.770496 +230000,78722,20,3,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12385,555006,555005,555007,2020-11-12 21:25:59.760496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12385,555006,555005,555007,2020-11-12 21:25:59.750496 +150000,68722,20,6,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12385,555006,555005,555007,2020-11-12 21:25:59.740496 +230000,108722,20,7,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12385,555006,555005,555007,2020-11-12 21:25:59.730496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12385,555006,555005,555007,2020-11-12 21:25:59.720496 +200000,88722,20,4,-80,-10.7,12,-85,-13.7,7,-100,-16.7,4,12385,555006,555005,555007,2020-11-12 21:25:59.710496 +100000,108722,20,5,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12385,555006,555005,555007,2020-11-12 21:25:59.700496 +230000,98722,20,3,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12385,555006,555005,555007,2020-11-12 21:25:59.690496 +200000,88722,20,8,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12386,555006,555005,555007,2020-11-12 21:25:59.680496 +100000,58722,20,3,-94,-11.9,7,-99,-14.9,2,-114,-17.9,-1,12386,555006,555005,555007,2020-11-12 21:25:59.670496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12386,555006,555005,555007,2020-11-12 21:25:59.660496 +110000,108722,20,5,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12386,555006,555005,555007,2020-11-12 21:25:59.650496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12386,555006,555005,555007,2020-11-12 21:25:59.640496 +150000,108722,20,6,-92,-13.7,1,-97,-16.7,-4,-112,-19.7,-7,12386,555006,555005,555007,2020-11-12 21:25:59.630496 +110000,108722,20,5,-96,-17.1,12,-101,-20.1,7,-116,-23.1,4,12386,555006,555005,555007,2020-11-12 21:25:59.620496 +280000,122000,25,10,-83,-12.2,16,-88,-15.2,11,-103,-18.2,8,12386,555006,555005,555007,2020-11-12 21:25:59.610496 +150000,88722,20,6,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12386,555006,555005,555007,2020-11-12 21:25:59.600496 +150000,88722,20,2,-99,-11.7,11,-104,-14.7,6,-119,-17.7,3,12386,555006,555005,555007,2020-11-12 21:25:59.590496 +100000,38722,18,7,-116,-19.1,4,-121,-22.1,-1,-136,-25.1,-4,12386,555006,555005,555007,2020-11-12 21:25:59.580496 +110000,88722,20,4,-82,-11.1,14,-87,-14.1,9,-102,-17.1,6,12386,555006,555005,555007,2020-11-12 21:25:59.570496 +280000,123000,25,10,-83,-12.1,17,-88,-15.1,12,-103,-18.1,9,12386,555006,555005,555007,2020-11-12 21:25:59.560496 +110000,108722,20,2,-87,-12.1,15,-92,-15.1,10,-107,-18.1,7,12386,555006,555005,555007,2020-11-12 21:25:59.550496 +90000,6722,18,7,-112,-18.9,5,-117,-21.9,0,-132,-24.9,-3,12386,555006,555005,555007,2020-11-12 21:25:59.540496 +280000,123000,25,10,-80,-12.7,11,-85,-15.7,6,-100,-18.7,3,12386,555006,555005,555007,2020-11-12 21:25:59.530496 +300000,125000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12386,555006,555005,555007,2020-11-12 21:25:59.520496 +100000,6722,18,6,-116,-17.7,4,-121,-20.7,-1,-136,-23.7,-4,12386,555006,555005,555007,2020-11-12 21:25:59.510496 +110000,88722,20,3,-90,-11.7,9,-95,-14.7,4,-110,-17.7,1,12386,555006,555005,555007,2020-11-12 21:25:59.500496 +9000,5000,14,6,-116,-20.7,-3,-121,-23.7,-8,-136,-26.7,-11,12386,555006,555005,555007,2020-11-12 21:25:59.490496 +100000,88722,20,6,-80,-10.7,12,-85,-13.7,7,-100,-16.7,4,12386,555006,555005,555007,2020-11-12 21:25:59.480496 +280000,123000,25,10,-88,-12.5,13,-93,-15.5,8,-108,-18.5,5,12386,555006,555005,555007,2020-11-12 21:25:59.470496 +110000,98722,20,2,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12386,555006,555005,555007,2020-11-12 21:25:59.460496 +10000,6722,16,6,-116,-18.7,4,-121,-21.7,-1,-136,-24.7,-4,12386,555006,555005,555007,2020-11-12 21:25:59.450496 +280000,122000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12386,555006,555005,555007,2020-11-12 21:25:59.440496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12386,555006,555005,555007,2020-11-12 21:25:59.430496 +100000,48722,18,7,-111,-20.7,-5,-116,-23.7,-5,-131,-26.7,-14,12386,555006,555005,555007,2020-11-12 21:25:59.420496 +100000,108722,20,7,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12386,555006,555005,555007,2020-11-12 21:25:59.410496 +280000,123000,25,10,-88,-12.5,13,-93,-15.5,8,-108,-18.5,5,12386,555006,555005,555007,2020-11-12 21:25:59.400496 +280000,123000,25,10,-81,-12.1,17,-86,-15.1,12,-101,-18.1,9,12386,555006,555005,555007,2020-11-12 21:25:59.390496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12386,555006,555005,555007,2020-11-12 21:25:59.380496 +100000,68722,18,6,-111,-19.1,3,-116,-22.1,-2,-131,-25.1,-5,12386,555006,555005,555007,2020-11-12 21:25:59.370496 +270000,122000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12386,555006,555005,555007,2020-11-12 21:25:59.360496 +110000,108722,20,6,-93,-12.7,12,-98,-15.7,7,-113,-18.7,4,12386,555006,555005,555007,2020-11-12 21:25:59.350496 +110000,108722,20,4,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12386,555006,555005,555007,2020-11-12 21:25:59.340496 +110000,108722,20,2,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12386,555006,555005,555007,2020-11-12 21:25:59.330496 +90000,48722,18,7,-112,-21.1,2,-117,-24.1,2,-132,-27.1,-5,12386,555006,555005,555007,2020-11-12 21:25:59.320496 +9000,6000,14,6,-122,-20.9,4,-127,-23.9,2,-142,-26.9,0,12386,555006,555005,555007,2020-11-12 21:25:59.310496 +100000,6722,18,7,-111,-19.1,2,-116,-22.1,-3,-131,-25.1,-6,12386,555006,555005,555007,2020-11-12 21:25:59.300496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12386,555006,555005,555007,2020-11-12 21:25:59.290496 +150000,108722,20,3,-93,-11.1,8,-98,-14.1,3,-113,-17.1,0,12386,555006,555005,555007,2020-11-12 21:25:59.280496 +230000,88722,20,4,-96,-11.1,11,-101,-14.1,6,-116,-17.1,3,12386,555006,555005,555007,2020-11-12 21:25:59.270496 +230000,98722,20,7,-96,-17.1,15,-101,-20.1,10,-116,-23.1,7,12386,555006,555005,555007,2020-11-12 21:25:59.260496 +110000,108722,20,3,-89,-12.5,12,-94,-15.5,7,-109,-18.5,4,12386,555006,555005,555007,2020-11-12 21:25:59.250496 +280000,123000,25,10,-81,-12.3,15,-86,-15.3,10,-101,-18.3,7,12386,555006,555005,555007,2020-11-12 21:25:59.240496 +100000,6722,18,7,-114,-17.9,5,-119,-20.9,0,-134,-23.9,-3,12386,555006,555005,555007,2020-11-12 21:25:59.230496 +150000,108722,20,2,-91,-10.9,8,-96,-13.9,3,-111,-16.9,0,12386,555006,555005,555007,2020-11-12 21:25:59.220496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12386,555006,555005,555007,2020-11-12 21:25:59.210496 +150000,108722,20,5,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12386,555006,555005,555007,2020-11-12 21:25:59.200496 +150000,108722,20,8,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12386,555006,555005,555007,2020-11-12 21:25:59.190496 +110000,108722,20,6,-92,-13.3,5,-97,-16.3,0,-112,-19.3,-3,12386,555006,555005,555007,2020-11-12 21:25:59.180496 +300000,125000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12386,555006,555005,555007,2020-11-12 21:25:59.170496 +90000,38722,16,7,-119,-18.3,2,-124,-21.3,-3,-139,-24.3,-6,12387,555006,555005,555007,2020-11-12 21:25:59.160496 +110000,108722,20,6,-92,-13.8,0,-97,-16.8,-5,-112,-19.8,-8,12387,555006,555005,555007,2020-11-12 21:25:59.150496 +100000,68722,18,6,-110,-18.3,2,-115,-21.3,-3,-130,-24.3,-6,12387,555006,555005,555007,2020-11-12 21:25:59.140496 +150000,68722,20,3,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12387,555006,555005,555007,2020-11-12 21:25:59.130496 +150000,108722,20,2,-89,-11.5,12,-94,-14.5,7,-109,-17.5,4,12387,555006,555005,555007,2020-11-12 21:25:59.120496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12387,555006,555005,555007,2020-11-12 21:25:59.110496 +150000,108722,20,8,-90,-11.5,9,-95,-14.5,4,-110,-17.5,1,12387,555006,555005,555007,2020-11-12 21:25:59.100496 +280000,123000,25,10,-85,-12.5,13,-90,-15.5,8,-105,-18.5,5,12387,555006,555005,555007,2020-11-12 21:25:59.090496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12387,555006,555005,555007,2020-11-12 21:25:59.080496 +150000,68722,20,6,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12387,555006,555005,555007,2020-11-12 21:25:59.070496 +150000,98722,20,3,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12387,555006,555005,555007,2020-11-12 21:25:59.060496 +290000,122000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12387,555006,555005,555007,2020-11-12 21:25:59.050496 +90000,6722,14,6,-118,-19.7,3,-123,-22.7,-2,-138,-25.7,-5,12387,555006,555005,555007,2020-11-12 21:25:59.040496 +230000,108722,20,6,-86,-11.9,15,-91,-14.9,10,-106,-17.9,7,12387,555006,555005,555007,2020-11-12 21:25:59.030496 +110000,108722,20,6,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12387,555006,555005,555007,2020-11-12 21:25:59.020496 +110000,108722,20,2,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12387,555006,555005,555007,2020-11-12 21:25:59.010496 +150000,98722,20,3,-90,-12.3,11,-95,-15.3,6,-110,-18.3,3,12387,555006,555005,555007,2020-11-12 21:25:59.000496 +110000,98722,20,3,-91,-12.3,9,-96,-15.3,4,-111,-18.3,1,12387,555006,555005,555007,2020-11-12 21:25:58.990496 +200000,98722,20,3,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12387,555006,555005,555007,2020-11-12 21:25:58.980496 +110000,108722,20,5,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12387,555006,555005,555007,2020-11-12 21:25:58.970496 +200000,108722,20,5,-94,-10.7,10,-99,-13.7,5,-114,-16.7,2,12387,555006,555005,555007,2020-11-12 21:25:58.960496 +230000,98722,20,8,-90,-10.9,9,-95,-13.9,4,-110,-16.9,1,12387,555006,555005,555007,2020-11-12 21:25:58.950496 +100000,68722,20,2,-85,-11.7,15,-90,-14.7,10,-105,-17.7,7,12387,555006,555005,555007,2020-11-12 21:25:58.940496 +110000,108722,20,7,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12387,555006,555005,555007,2020-11-12 21:25:58.930496 +150000,108722,20,6,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12387,555006,555005,555007,2020-11-12 21:25:58.920496 +110000,108722,20,6,-91,-13.7,1,-96,-16.7,-4,-111,-19.7,-7,12387,555006,555005,555007,2020-11-12 21:25:58.910496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12387,555006,555005,555007,2020-11-12 21:25:58.900496 +100000,6722,18,7,-115,-19.1,2,-120,-22.1,-3,-135,-25.1,-6,12387,555006,555005,555007,2020-11-12 21:25:58.890496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12387,555006,555005,555007,2020-11-12 21:25:58.880496 +10000,6722,16,7,-112,-18.3,7,-117,-21.3,2,-132,-24.3,-1,12387,555006,555005,555007,2020-11-12 21:25:58.870496 +3000,3000,9,3,-127,-22.5,-7,-132,-25.5,-12,-147,-28.5,-15,12387,555006,555005,555007,2020-11-12 21:25:58.860496 +300000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12387,555006,555005,555007,2020-11-12 21:25:58.850496 +110000,98722,20,4,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12387,555006,555005,555007,2020-11-12 21:25:58.840496 +100000,108722,20,5,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12387,555006,555005,555007,2020-11-12 21:25:58.830496 +100000,98722,20,4,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12387,555006,555005,555007,2020-11-12 21:25:58.820496 +110000,108722,20,7,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12387,555006,555005,555007,2020-11-12 21:25:58.810496 +230000,108722,20,4,-91,-16.1,15,-96,-19.1,10,-111,-22.1,7,12387,555006,555005,555007,2020-11-12 21:25:58.800496 +150000,108722,20,8,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12387,555006,555005,555007,2020-11-12 21:25:58.790496 +110000,108722,20,2,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12387,555006,555005,555007,2020-11-12 21:25:58.780496 +200000,98722,20,4,-90,-13.0,8,-95,-16.0,3,-110,-19.0,0,12387,555006,555005,555007,2020-11-12 21:25:58.770496 +10000,68722,18,7,-110,-19.5,3,-115,-22.5,-2,-130,-25.5,-5,12387,555006,555005,555007,2020-11-12 21:25:58.760496 +100000,38722,18,7,-109,-19.3,6,-114,-22.3,1,-129,-25.3,-2,12387,555006,555005,555007,2020-11-12 21:25:58.750496 +110000,108722,20,3,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12387,555006,555005,555007,2020-11-12 21:25:58.740496 +10000,6722,16,7,-114,-17.7,2,-119,-20.7,-3,-134,-23.7,-6,12387,555006,555005,555007,2020-11-12 21:25:58.730496 +100000,108722,20,6,-88,-12.3,15,-93,-15.3,10,-108,-18.3,7,12387,555006,555005,555007,2020-11-12 21:25:58.720496 +150000,108722,20,3,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12387,555006,555005,555007,2020-11-12 21:25:58.710496 +8000,6000,14,6,-120,-23.1,-17,-125,-26.1,-22,-140,-29.1,-25,12387,555006,555005,555007,2020-11-12 21:25:58.700496 +290000,123000,25,10,-80,-12.4,14,-85,-15.4,9,-100,-18.4,6,12387,555006,555005,555007,2020-11-12 21:25:58.690496 +100000,6722,18,7,-118,-19.1,5,-123,-22.1,0,-138,-25.1,-3,12387,555006,555005,555007,2020-11-12 21:25:58.680496 +290000,123000,25,10,-84,-12.5,13,-89,-15.5,8,-104,-18.5,5,12387,555006,555005,555007,2020-11-12 21:25:58.670496 +280000,122000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12387,555006,555005,555007,2020-11-12 21:25:58.660496 +100000,108722,20,2,-98,-17.5,12,-103,-20.5,7,-118,-23.5,4,12387,555006,555005,555007,2020-11-12 21:25:58.650496 +230000,68722,20,7,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12388,555006,555005,555007,2020-11-12 21:25:58.640496 +150000,68722,20,4,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12388,555006,555005,555007,2020-11-12 21:25:58.630496 +110000,88722,20,6,-99,-17.7,16,-104,-20.7,11,-119,-23.7,8,12388,555006,555005,555007,2020-11-12 21:25:58.620496 +300000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12388,555006,555005,555007,2020-11-12 21:25:58.610496 +280000,123000,25,10,-80,-12.1,17,-85,-15.1,12,-100,-18.1,9,12388,555006,555005,555007,2020-11-12 21:25:58.600496 +150000,88722,20,2,-98,-11.3,12,-103,-14.3,7,-118,-17.3,4,12388,555006,555005,555007,2020-11-12 21:25:58.590496 +150000,78722,20,8,-97,-17.3,14,-102,-20.3,9,-117,-23.3,6,12388,555006,555005,555007,2020-11-12 21:25:58.580496 +150000,108722,20,2,-83,-11.3,15,-88,-14.3,10,-103,-17.3,7,12388,555006,555005,555007,2020-11-12 21:25:58.570496 +110000,108722,20,4,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12388,555006,555005,555007,2020-11-12 21:25:58.560496 +100000,108722,20,2,-97,-17.3,15,-102,-20.3,10,-117,-23.3,7,12388,555006,555005,555007,2020-11-12 21:25:58.550496 +4000,3000,9,4,-124,-24.7,-18,-129,-27.7,-23,-144,-30.7,-26,12388,555006,555005,555007,2020-11-12 21:25:58.540496 +100000,58722,18,7,-110,-19.5,2,-115,-22.5,-3,-130,-25.5,-6,12388,555006,555005,555007,2020-11-12 21:25:58.530496 +110000,78722,20,4,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12388,555006,555005,555007,2020-11-12 21:25:58.520496 +280000,123000,25,10,-83,-12.0,18,-88,-15.0,13,-103,-18.0,10,12388,555006,555005,555007,2020-11-12 21:25:58.510496 +150000,68722,20,2,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12388,555006,555005,555007,2020-11-12 21:25:58.500496 +10000,58722,15,7,-117,-18.7,3,-122,-21.7,-2,-137,-24.7,-5,12388,555006,555005,555007,2020-11-12 21:25:58.490496 +150000,108722,20,2,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12388,555006,555005,555007,2020-11-12 21:25:58.480496 +110000,68722,20,8,-82,-11.1,15,-87,-14.1,10,-102,-17.1,7,12388,555006,555005,555007,2020-11-12 21:25:58.470496 +110000,108722,20,2,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12388,555006,555005,555007,2020-11-12 21:25:58.460496 +110000,108722,20,3,-89,-12.3,10,-94,-15.3,5,-109,-18.3,2,12388,555006,555005,555007,2020-11-12 21:25:58.450496 +100000,48722,20,4,-95,-10.7,3,-100,-13.7,-2,-115,-16.7,-5,12388,555006,555005,555007,2020-11-12 21:25:58.440496 +110000,108722,20,4,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12388,555006,555005,555007,2020-11-12 21:25:58.430496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12388,555006,555005,555007,2020-11-12 21:25:58.420496 +100000,88722,20,2,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12388,555006,555005,555007,2020-11-12 21:25:58.410496 +110000,108722,20,6,-96,-11.9,10,-101,-14.9,5,-116,-17.9,2,12388,555006,555005,555007,2020-11-12 21:25:58.400496 +230000,98722,20,8,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12388,555006,555005,555007,2020-11-12 21:25:58.390496 +150000,108722,20,4,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12388,555006,555005,555007,2020-11-12 21:25:58.380496 +280000,123000,25,10,-86,-12.6,12,-91,-15.6,7,-106,-18.6,4,12388,555006,555005,555007,2020-11-12 21:25:58.370496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12388,555006,555005,555007,2020-11-12 21:25:58.360496 +280000,122000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12388,555006,555005,555007,2020-11-12 21:25:58.350496 +100000,38722,18,6,-117,-19.7,6,-122,-22.7,1,-137,-25.7,-2,12388,555006,555005,555007,2020-11-12 21:25:58.340496 +3000,500,9,4,-125,-23.5,0,-130,-26.5,-2,-145,-29.5,-6,12388,555006,555005,555007,2020-11-12 21:25:58.330496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12388,555006,555005,555007,2020-11-12 21:25:58.320496 +100000,68722,20,6,-89,-12.5,6,-94,-15.5,1,-109,-18.5,-2,12388,555006,555005,555007,2020-11-12 21:25:58.310496 +100000,58722,18,7,-119,-18.7,2,-124,-21.7,-3,-139,-24.7,-6,12388,555006,555005,555007,2020-11-12 21:25:58.300496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12388,555006,555005,555007,2020-11-12 21:25:58.290496 +110000,108722,20,2,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12388,555006,555005,555007,2020-11-12 21:25:58.280496 +10000,38722,16,7,-111,-19.7,2,-116,-22.7,-3,-131,-25.7,-6,12388,555006,555005,555007,2020-11-12 21:25:58.270496 +300000,123000,25,10,-88,-12.4,14,-93,-15.4,9,-108,-18.4,6,12388,555006,555005,555007,2020-11-12 21:25:58.260496 +100,1000,9,3,-121,-23.5,-12,-126,-26.5,-17,-141,-29.5,-20,12388,555006,555005,555007,2020-11-12 21:25:58.250496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12388,555006,555005,555007,2020-11-12 21:25:58.240496 +100000,88722,20,8,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12388,555006,555005,555007,2020-11-12 21:25:58.230496 +200000,98722,20,5,-95,-11.1,10,-100,-14.1,5,-115,-17.1,2,12388,555006,555005,555007,2020-11-12 21:25:58.220496 +100000,6722,18,7,-116,-19.1,7,-121,-22.1,2,-136,-25.1,-1,12388,555006,555005,555007,2020-11-12 21:25:58.210496 +110000,108722,20,8,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12388,555006,555005,555007,2020-11-12 21:25:58.200496 +230000,108722,20,2,-94,-11.3,11,-99,-14.3,6,-114,-17.3,3,12388,555006,555005,555007,2020-11-12 21:25:58.190496 +280000,121000,25,10,-91,-13.0,8,-96,-16.0,3,-111,-19.0,0,12388,555006,555005,555007,2020-11-12 21:25:58.180496 +110000,108722,20,7,-92,-13.1,7,-97,-16.1,2,-112,-19.1,-1,12388,555006,555005,555007,2020-11-12 21:25:58.170496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12388,555006,555005,555007,2020-11-12 21:25:58.160496 +100000,48722,18,7,-119,-19.7,4,-124,-22.7,-1,-139,-25.7,-4,12388,555006,555005,555007,2020-11-12 21:25:58.150496 +150000,98722,20,5,-92,-16.3,12,-97,-19.3,7,-112,-22.3,4,12388,555006,555005,555007,2020-11-12 21:25:58.140496 +150000,88722,20,3,-98,-10.7,10,-103,-13.7,5,-118,-16.7,2,12388,555006,555005,555007,2020-11-12 21:25:58.130496 +100000,108722,20,6,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12389,555006,555005,555007,2020-11-12 21:25:58.120496 +230000,108722,20,10,-90,-13.0,8,-95,-16.0,3,-110,-19.0,0,12389,555006,555005,555007,2020-11-12 21:25:58.110496 +100000,78722,20,8,-94,-11.3,9,-99,-14.3,4,-114,-17.3,1,12389,555006,555005,555007,2020-11-12 21:25:58.100496 +110000,88722,20,3,-93,-16.5,15,-98,-19.5,10,-113,-22.5,7,12389,555006,555005,555007,2020-11-12 21:25:58.090496 +300000,125000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12389,555006,555005,555007,2020-11-12 21:25:58.080496 +100000,48722,18,7,-119,-19.3,4,-124,-22.3,-1,-139,-25.3,-4,12389,555006,555005,555007,2020-11-12 21:25:58.070496 +110000,98722,20,8,-80,-10.7,12,-85,-13.7,7,-100,-16.7,4,12389,555006,555005,555007,2020-11-12 21:25:58.060496 +280000,121000,25,10,-90,-13.6,2,-95,-16.6,-3,-110,-19.6,-6,12389,555006,555005,555007,2020-11-12 21:25:58.050496 +290000,123000,25,10,-80,-12.1,17,-85,-15.1,12,-100,-18.1,9,12389,555006,555005,555007,2020-11-12 21:25:58.040496 +110000,108722,20,6,-97,-17.3,15,-102,-20.3,10,-117,-23.3,7,12389,555006,555005,555007,2020-11-12 21:25:58.030496 +3000,3000,9,4,-128,-22.7,-8,-133,-25.7,-13,-148,-28.7,-16,12389,555006,555005,555007,2020-11-12 21:25:58.020496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12389,555006,555005,555007,2020-11-12 21:25:58.010496 +110000,98722,20,4,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12389,555006,555005,555007,2020-11-12 21:25:58.000496 +150000,108722,20,4,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12389,555006,555005,555007,2020-11-12 21:25:57.990496 +150000,88722,20,3,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12389,555006,555005,555007,2020-11-12 21:25:57.980496 +280000,123000,25,10,-86,-12.6,12,-91,-15.6,7,-106,-18.6,4,12389,555006,555005,555007,2020-11-12 21:25:57.970496 +150000,108722,20,2,-96,-10.7,8,-101,-13.7,3,-116,-16.7,0,12389,555006,555005,555007,2020-11-12 21:25:57.960496 +150000,108722,20,6,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12389,555006,555005,555007,2020-11-12 21:25:57.950496 +280000,122000,25,10,-90,-13.7,1,-95,-16.7,-4,-110,-19.7,-7,12389,555006,555005,555007,2020-11-12 21:25:57.940496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12389,555006,555005,555007,2020-11-12 21:25:57.930496 +100000,108722,20,6,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12389,555006,555005,555007,2020-11-12 21:25:57.920496 +100000,6722,18,7,-118,-18.3,7,-123,-21.3,2,-138,-24.3,-1,12389,555006,555005,555007,2020-11-12 21:25:57.910496 +150000,108722,20,5,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12389,555006,555005,555007,2020-11-12 21:25:57.900496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12389,555006,555005,555007,2020-11-12 21:25:57.890496 +230000,108722,20,2,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12389,555006,555005,555007,2020-11-12 21:25:57.880496 +9000,6722,14,6,-122,-22.9,-19,-127,-25.9,-24,-142,-28.9,-27,12389,555006,555005,555007,2020-11-12 21:25:57.870496 +110000,108722,20,4,-91,-13.3,5,-96,-16.3,0,-111,-19.3,-3,12389,555006,555005,555007,2020-11-12 21:25:57.860496 +10000,58722,14,6,-112,-18.7,2,-117,-21.7,-3,-132,-24.7,-6,12389,555006,555005,555007,2020-11-12 21:25:57.850496 +100000,58722,18,7,-110,-18.5,5,-115,-21.5,0,-130,-24.5,-3,12389,555006,555005,555007,2020-11-12 21:25:57.840496 +150000,108722,20,3,-96,-17.1,15,-101,-20.1,10,-116,-23.1,7,12389,555006,555005,555007,2020-11-12 21:25:57.830496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12389,555006,555005,555007,2020-11-12 21:25:57.820496 +100000,38722,18,6,-112,-18.5,2,-117,-21.5,-3,-132,-24.5,-6,12389,555006,555005,555007,2020-11-12 21:25:57.810496 +100000,68722,18,6,-112,-19.3,7,-117,-22.3,2,-132,-25.3,-1,12389,555006,555005,555007,2020-11-12 21:25:57.800496 +100000,58722,20,2,-91,-12.1,2,-96,-15.1,-3,-111,-18.1,-6,12389,555006,555005,555007,2020-11-12 21:25:57.790496 +280000,121000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12389,555006,555005,555007,2020-11-12 21:25:57.780496 +150000,88722,20,2,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12389,555006,555005,555007,2020-11-12 21:25:57.770496 +280000,123000,25,10,-90,-13.4,4,-95,-16.4,-1,-110,-19.4,-4,12389,555006,555005,555007,2020-11-12 21:25:57.760496 +230000,88722,20,3,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12389,555006,555005,555007,2020-11-12 21:25:57.750496 +150000,108722,20,4,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12389,555006,555005,555007,2020-11-12 21:25:57.740496 +100000,88722,20,5,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12389,555006,555005,555007,2020-11-12 21:25:57.730496 +200000,98722,20,5,-93,-16.5,12,-98,-19.5,7,-113,-22.5,4,12389,555006,555005,555007,2020-11-12 21:25:57.720496 +110000,88722,20,6,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12389,555006,555005,555007,2020-11-12 21:25:57.710496 +280000,122000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12389,555006,555005,555007,2020-11-12 21:25:57.700496 +100000,68722,18,6,-116,-19.3,7,-121,-22.3,2,-136,-25.3,-1,12389,555006,555005,555007,2020-11-12 21:25:57.690496 +200000,108722,20,5,-85,-11.7,15,-90,-14.7,10,-105,-17.7,7,12389,555006,555005,555007,2020-11-12 21:25:57.680496 +100000,108722,20,4,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12389,555006,555005,555007,2020-11-12 21:25:57.670496 +110000,108722,20,6,-96,-17.1,12,-101,-20.1,7,-116,-23.1,4,12389,555006,555005,555007,2020-11-12 21:25:57.660496 +100000,108722,20,4,-89,-12.5,12,-94,-15.5,7,-109,-18.5,4,12389,555006,555005,555007,2020-11-12 21:25:57.650496 +200000,68722,20,4,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12389,555006,555005,555007,2020-11-12 21:25:57.640496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12389,555006,555005,555007,2020-11-12 21:25:57.630496 +110000,78722,20,7,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12389,555006,555005,555007,2020-11-12 21:25:57.620496 +290000,122000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12389,555006,555005,555007,2020-11-12 21:25:57.610496 +280000,121000,25,10,-91,-13.2,6,-96,-16.2,1,-111,-19.2,-2,12390,555006,555005,555007,2020-11-12 21:25:57.600496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12390,555006,555005,555007,2020-11-12 21:25:57.590496 +100000,58722,18,7,-109,-18.7,3,-114,-21.7,-2,-129,-24.7,-5,12390,555006,555005,555007,2020-11-12 21:25:57.580496 +110000,108722,20,6,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12390,555006,555005,555007,2020-11-12 21:25:57.570496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12390,555006,555005,555007,2020-11-12 21:25:57.560496 +100000,6722,18,7,-116,-19.1,3,-121,-22.1,-2,-136,-25.1,-5,12390,555006,555005,555007,2020-11-12 21:25:57.550496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12390,555006,555005,555007,2020-11-12 21:25:57.540496 +110000,108722,20,5,-87,-12.1,15,-92,-15.1,10,-107,-18.1,7,12390,555006,555005,555007,2020-11-12 21:25:57.530496 +110000,108722,20,7,-92,-13.0,8,-97,-16.0,3,-112,-19.0,0,12390,555006,555005,555007,2020-11-12 21:25:57.520496 +10000,38722,16,6,-117,-17.7,6,-122,-20.7,1,-137,-23.7,-2,12390,555006,555005,555007,2020-11-12 21:25:57.510496 +110000,108722,20,4,-82,-11.1,12,-87,-14.1,7,-102,-17.1,4,12390,555006,555005,555007,2020-11-12 21:25:57.500496 +100000,88722,20,2,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12390,555006,555005,555007,2020-11-12 21:25:57.490496 +280000,122000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12390,555006,555005,555007,2020-11-12 21:25:57.480496 +280000,122000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12390,555006,555005,555007,2020-11-12 21:25:57.470496 +110000,108722,20,2,-95,-10.7,8,-100,-13.7,3,-115,-16.7,0,12390,555006,555005,555007,2020-11-12 21:25:57.460496 +300000,123000,25,10,-90,-13.1,7,-95,-16.1,2,-110,-19.1,-1,12390,555006,555005,555007,2020-11-12 21:25:57.450496 +4000,3000,9,3,-118,-23.5,1,-123,-26.5,-7,-138,-29.5,-7,12390,555006,555005,555007,2020-11-12 21:25:57.440496 +280000,123000,25,10,-83,-12.3,15,-88,-15.3,10,-103,-18.3,7,12390,555006,555005,555007,2020-11-12 21:25:57.430496 +280000,121000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12390,555006,555005,555007,2020-11-12 21:25:57.420496 +110000,108722,20,6,-89,-13.5,3,-94,-16.5,-2,-109,-19.5,-5,12390,555006,555005,555007,2020-11-12 21:25:57.410496 +100000,108722,20,4,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12390,555006,555005,555007,2020-11-12 21:25:57.400496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12390,555006,555005,555007,2020-11-12 21:25:57.390496 +150000,108722,20,8,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12390,555006,555005,555007,2020-11-12 21:25:57.380496 +110000,108722,20,5,-86,-11.9,16,-91,-14.9,11,-106,-17.9,8,12390,555006,555005,555007,2020-11-12 21:25:57.370496 +110000,88722,20,4,-95,-12.3,12,-100,-15.3,7,-115,-18.3,4,12390,555006,555005,555007,2020-11-12 21:25:57.360496 +150000,108722,20,6,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12390,555006,555005,555007,2020-11-12 21:25:57.350496 +280000,122000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12390,555006,555005,555007,2020-11-12 21:25:57.340496 +110000,98722,20,6,-95,-11.3,10,-100,-14.3,5,-115,-17.3,2,12390,555006,555005,555007,2020-11-12 21:25:57.330496 +110000,88722,20,6,-90,-15.9,11,-95,-18.9,6,-110,-21.9,3,12390,555006,555005,555007,2020-11-12 21:25:57.320496 +290000,123000,25,10,-80,-12.0,18,-85,-15.0,13,-100,-18.0,10,12390,555006,555005,555007,2020-11-12 21:25:57.310496 +280000,121000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12390,555006,555005,555007,2020-11-12 21:25:57.300496 +280000,123000,25,10,-87,-12.0,18,-92,-15.0,13,-107,-18.0,10,12390,555006,555005,555007,2020-11-12 21:25:57.290496 +280000,123000,25,10,-83,-12.8,10,-88,-15.8,5,-103,-18.8,2,12390,555006,555005,555007,2020-11-12 21:25:57.280496 +110000,108722,20,3,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12390,555006,555005,555007,2020-11-12 21:25:57.270496 +110000,88722,20,8,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12390,555006,555005,555007,2020-11-12 21:25:57.260496 +280000,123000,25,10,-84,-12.1,17,-89,-15.1,12,-104,-18.1,9,12390,555006,555005,555007,2020-11-12 21:25:57.250496 +110000,108722,20,4,-89,-13.4,4,-94,-16.4,-1,-109,-19.4,-4,12390,555006,555005,555007,2020-11-12 21:25:57.240496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12390,555006,555005,555007,2020-11-12 21:25:57.230496 +200000,108722,20,2,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12390,555006,555005,555007,2020-11-12 21:25:57.220496 +150000,108722,20,4,-97,-17.3,14,-102,-20.3,9,-117,-23.3,6,12390,555006,555005,555007,2020-11-12 21:25:57.210496 +230000,108722,20,10,-91,-13.2,6,-96,-16.2,1,-111,-19.2,-2,12390,555006,555005,555007,2020-11-12 21:25:57.200496 +280000,123000,25,10,-80,-12.8,10,-85,-15.8,5,-100,-18.8,2,12390,555006,555005,555007,2020-11-12 21:25:57.190496 +280000,123000,25,10,-84,-12.0,18,-89,-15.0,13,-104,-18.0,10,12390,555006,555005,555007,2020-11-12 21:25:57.180496 +280000,123000,25,10,-83,-12.5,13,-88,-15.5,8,-103,-18.5,5,12390,555006,555005,555007,2020-11-12 21:25:57.170496 +150000,108722,20,6,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12390,555006,555005,555007,2020-11-12 21:25:57.160496 +100000,88722,20,4,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12390,555006,555005,555007,2020-11-12 21:25:57.150496 +150000,108722,20,3,-94,-11.1,8,-99,-14.1,3,-114,-17.1,0,12390,555006,555005,555007,2020-11-12 21:25:57.140496 +230000,88722,20,4,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12390,555006,555005,555007,2020-11-12 21:25:57.130496 +150000,98722,20,5,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12390,555006,555005,555007,2020-11-12 21:25:57.120496 +110000,98722,20,7,-94,-13.0,8,-99,-16.0,3,-114,-19.0,0,12390,555006,555005,555007,2020-11-12 21:25:57.110496 +110000,98722,20,4,-98,-17.5,12,-103,-20.5,7,-118,-23.5,4,12390,555006,555005,555007,2020-11-12 21:25:57.100496 +150000,108722,20,6,-93,-16.5,12,-98,-19.5,7,-113,-22.5,4,12390,555006,555005,555007,2020-11-12 21:25:57.090496 +110000,108722,20,4,-92,-13.7,1,-97,-16.7,-4,-112,-19.7,-7,12391,555006,555005,555007,2020-11-12 21:25:57.080496 +150000,68722,20,3,-98,-17.5,14,-103,-20.5,9,-118,-23.5,6,12391,555006,555005,555007,2020-11-12 21:25:57.070496 +280000,121000,25,10,-94,-13.2,6,-99,-16.2,1,-114,-19.2,-2,12391,555006,555005,555007,2020-11-12 21:25:57.060496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12391,555006,555005,555007,2020-11-12 21:25:57.050496 +280000,122000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12391,555006,555005,555007,2020-11-12 21:25:57.040496 +150000,98722,20,6,-94,-12.9,9,-99,-15.9,4,-114,-18.9,1,12391,555006,555005,555007,2020-11-12 21:25:57.030496 +110000,108722,20,4,-94,-16.7,15,-99,-19.7,10,-114,-22.7,7,12391,555006,555005,555007,2020-11-12 21:25:57.020496 +150000,78722,20,3,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12391,555006,555005,555007,2020-11-12 21:25:57.010496 +110000,88722,20,4,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12391,555006,555005,555007,2020-11-12 21:25:57.000496 +280000,122000,25,10,-81,-12.8,10,-86,-15.8,5,-101,-18.8,2,12391,555006,555005,555007,2020-11-12 21:25:56.990496 +110000,88722,20,2,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12391,555006,555005,555007,2020-11-12 21:25:56.980496 +100000,48722,20,2,-98,-11.3,5,-103,-14.3,0,-118,-17.3,-3,12391,555006,555005,555007,2020-11-12 21:25:56.970496 +110000,88722,20,6,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12391,555006,555005,555007,2020-11-12 21:25:56.960496 +100000,88722,20,2,-89,-12.5,12,-94,-15.5,7,-109,-18.5,4,12391,555006,555005,555007,2020-11-12 21:25:56.950496 +280000,122000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12391,555006,555005,555007,2020-11-12 21:25:56.940496 +280000,123000,25,10,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12391,555006,555005,555007,2020-11-12 21:25:56.930496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12391,555006,555005,555007,2020-11-12 21:25:56.920496 +150000,68722,20,2,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12391,555006,555005,555007,2020-11-12 21:25:56.910496 +280000,122000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12391,555006,555005,555007,2020-11-12 21:25:56.900496 +110000,108722,20,2,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12391,555006,555005,555007,2020-11-12 21:25:56.890496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12391,555006,555005,555007,2020-11-12 21:25:56.880496 +280000,123000,25,10,-85,-12.2,16,-90,-15.2,11,-105,-18.2,8,12391,555006,555005,555007,2020-11-12 21:25:56.870496 +100000,58722,20,4,-97,-10.7,2,-102,-13.7,-3,-117,-16.7,-6,12391,555006,555005,555007,2020-11-12 21:25:56.860496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12391,555006,555005,555007,2020-11-12 21:25:56.850496 +110000,88722,20,8,-89,-11.3,9,-94,-14.3,4,-109,-17.3,1,12391,555006,555005,555007,2020-11-12 21:25:56.840496 +230000,98722,20,2,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12391,555006,555005,555007,2020-11-12 21:25:56.830496 +230000,88722,20,2,-95,-11.5,11,-100,-14.5,6,-115,-17.5,3,12391,555006,555005,555007,2020-11-12 21:25:56.820496 +150000,108722,20,6,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12391,555006,555005,555007,2020-11-12 21:25:56.810496 +110000,88722,20,5,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12391,555006,555005,555007,2020-11-12 21:25:56.800496 +150000,88722,20,6,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12391,555006,555005,555007,2020-11-12 21:25:56.790496 +110000,88722,20,5,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12391,555006,555005,555007,2020-11-12 21:25:56.780496 +280000,122000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12391,555006,555005,555007,2020-11-12 21:25:56.770496 +280000,123000,25,10,-89,-13.1,7,-94,-16.1,2,-109,-19.1,-1,12391,555006,555005,555007,2020-11-12 21:25:56.760496 +150000,98722,20,6,-89,-12.5,12,-94,-15.5,7,-109,-18.5,4,12391,555006,555005,555007,2020-11-12 21:25:56.750496 +280000,122000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12391,555006,555005,555007,2020-11-12 21:25:56.740496 +100000,68722,20,4,-95,-16.9,12,-100,-19.9,7,-115,-22.9,4,12391,555006,555005,555007,2020-11-12 21:25:56.730496 +100000,6722,18,7,-110,-19.3,6,-115,-22.3,1,-130,-25.3,-2,12391,555006,555005,555007,2020-11-12 21:25:56.720496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12391,555006,555005,555007,2020-11-12 21:25:56.710496 +270000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12391,555006,555005,555007,2020-11-12 21:25:56.700496 +110000,108722,20,3,-96,-17.1,12,-101,-20.1,7,-116,-23.1,4,12391,555006,555005,555007,2020-11-12 21:25:56.690496 +230000,108722,20,6,-95,-12.1,9,-100,-15.1,4,-115,-18.1,1,12391,555006,555005,555007,2020-11-12 21:25:56.680496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12391,555006,555005,555007,2020-11-12 21:25:56.670496 +110000,108722,20,4,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12391,555006,555005,555007,2020-11-12 21:25:56.660496 +100000,88722,20,7,-89,-15.7,12,-94,-18.7,7,-109,-21.7,4,12391,555006,555005,555007,2020-11-12 21:25:56.650496 +110000,108722,20,3,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12391,555006,555005,555007,2020-11-12 21:25:56.640496 +100000,78722,20,2,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12391,555006,555005,555007,2020-11-12 21:25:56.630496 +300000,123000,25,10,-85,-12.3,15,-90,-15.3,10,-105,-18.3,7,12391,555006,555005,555007,2020-11-12 21:25:56.620496 +110000,108722,20,4,-91,-10.7,10,-96,-13.7,5,-111,-16.7,2,12391,555006,555005,555007,2020-11-12 21:25:56.610496 +10000,38722,16,7,-118,-17.9,5,-123,-20.9,0,-138,-23.9,-3,12391,555006,555005,555007,2020-11-12 21:25:56.600496 +230000,98722,20,4,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12391,555006,555005,555007,2020-11-12 21:25:56.590496 +200000,88722,20,6,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12391,555006,555005,555007,2020-11-12 21:25:56.580496 +280000,121000,25,10,-90,-12.9,9,-95,-15.9,4,-110,-18.9,1,12391,555006,555005,555007,2020-11-12 21:25:56.570496 +110000,108722,20,7,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12392,555006,555005,555007,2020-11-12 21:25:56.560496 +150000,108722,20,2,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12392,555006,555005,555007,2020-11-12 21:25:56.550496 +100000,108722,20,8,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12392,555006,555005,555007,2020-11-12 21:25:56.540496 +100000,38722,18,6,-110,-18.7,3,-115,-21.7,-2,-130,-24.7,-5,12392,555006,555005,555007,2020-11-12 21:25:56.530496 +150000,108722,20,6,-90,-12.7,14,-95,-15.7,9,-110,-18.7,6,12392,555006,555005,555007,2020-11-12 21:25:56.520496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12392,555006,555005,555007,2020-11-12 21:25:56.510496 +280000,123000,25,10,-88,-12.2,16,-93,-15.2,11,-108,-18.2,8,12392,555006,555005,555007,2020-11-12 21:25:56.500496 +100000,68722,18,7,-112,-18.1,7,-117,-21.1,2,-132,-24.1,-1,12392,555006,555005,555007,2020-11-12 21:25:56.490496 +110000,88722,20,6,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12392,555006,555005,555007,2020-11-12 21:25:56.480496 +110000,68722,20,2,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12392,555006,555005,555007,2020-11-12 21:25:56.470496 +230000,108722,20,4,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12392,555006,555005,555007,2020-11-12 21:25:56.460496 +10000,6722,16,6,-112,-18.5,7,-117,-21.5,2,-132,-24.5,-1,12392,555006,555005,555007,2020-11-12 21:25:56.450496 +10000,58722,18,7,-116,-19.5,7,-121,-22.5,2,-136,-25.5,-1,12392,555006,555005,555007,2020-11-12 21:25:56.440496 +280000,123000,25,10,-89,-13.1,7,-94,-16.1,2,-109,-19.1,-1,12392,555006,555005,555007,2020-11-12 21:25:56.430496 +100000,58722,18,7,-111,-18.3,4,-116,-21.3,-1,-131,-24.3,-4,12392,555006,555005,555007,2020-11-12 21:25:56.420496 +280000,121000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12392,555006,555005,555007,2020-11-12 21:25:56.410496 +150000,98722,20,3,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12392,555006,555005,555007,2020-11-12 21:25:56.400496 +200000,108722,20,6,-93,-12.9,9,-98,-15.9,4,-113,-18.9,1,12392,555006,555005,555007,2020-11-12 21:25:56.390496 +230000,108722,20,10,-92,-13.2,6,-97,-16.2,1,-112,-19.2,-2,12392,555006,555005,555007,2020-11-12 21:25:56.380496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12392,555006,555005,555007,2020-11-12 21:25:56.370496 +290000,121000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12392,555006,555005,555007,2020-11-12 21:25:56.360496 +110000,98722,20,7,-89,-13.3,5,-94,-16.3,0,-109,-19.3,-3,12392,555006,555005,555007,2020-11-12 21:25:56.350496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12392,555006,555005,555007,2020-11-12 21:25:56.340496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12392,555006,555005,555007,2020-11-12 21:25:56.330496 +110000,108722,20,2,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12392,555006,555005,555007,2020-11-12 21:25:56.320496 +110000,98722,20,4,-92,-13.0,8,-97,-16.0,3,-112,-19.0,0,12392,555006,555005,555007,2020-11-12 21:25:56.310496 +110000,108722,20,2,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12392,555006,555005,555007,2020-11-12 21:25:56.300496 +5000,500,10,4,-120,-23.3,-20,-125,-26.3,-25,-140,-29.3,-28,12392,555006,555005,555007,2020-11-12 21:25:56.290496 +10000,6000,14,6,-120,-22.7,-5,-125,-25.7,-10,-140,-28.7,-13,12392,555006,555005,555007,2020-11-12 21:25:56.280496 +150000,108722,20,2,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12392,555006,555005,555007,2020-11-12 21:25:56.270496 +150000,88722,20,6,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12392,555006,555005,555007,2020-11-12 21:25:56.260496 +110000,108722,20,6,-91,-13.7,1,-96,-16.7,-4,-111,-19.7,-7,12392,555006,555005,555007,2020-11-12 21:25:56.250496 +230000,108722,20,2,-97,-12.3,12,-102,-15.3,7,-117,-18.3,4,12392,555006,555005,555007,2020-11-12 21:25:56.240496 +100000,38722,18,7,-115,-18.1,6,-120,-21.1,1,-135,-24.1,-2,12392,555006,555005,555007,2020-11-12 21:25:56.230496 +110000,108722,20,5,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12392,555006,555005,555007,2020-11-12 21:25:56.220496 +1000,2000,9,3,-119,-23.3,2,-124,-26.3,-3,-139,-29.3,-5,12392,555006,555005,555007,2020-11-12 21:25:56.210496 +110000,108722,20,3,-82,-11.1,14,-87,-14.1,9,-102,-17.1,6,12392,555006,555005,555007,2020-11-12 21:25:56.200496 +110000,108722,20,5,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12392,555006,555005,555007,2020-11-12 21:25:56.190496 +200000,98722,20,6,-88,-12.3,12,-93,-15.3,7,-108,-18.3,4,12392,555006,555005,555007,2020-11-12 21:25:56.180496 +290000,122000,25,10,-82,-12.6,12,-87,-15.6,7,-102,-18.6,4,12392,555006,555005,555007,2020-11-12 21:25:56.170496 +230000,108722,20,7,-92,-11.5,10,-97,-14.5,5,-112,-17.5,2,12392,555006,555005,555007,2020-11-12 21:25:56.160496 +8000,6722,9,4,-125,-24.1,-19,-130,-27.1,-24,-145,-30.1,-27,12392,555006,555005,555007,2020-11-12 21:25:56.150496 +150000,108722,20,5,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12392,555006,555005,555007,2020-11-12 21:25:56.140496 +100000,68722,20,2,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12392,555006,555005,555007,2020-11-12 21:25:56.130496 +110000,108722,20,3,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12392,555006,555005,555007,2020-11-12 21:25:56.120496 +280000,123000,25,8,-84,-12.5,13,-89,-15.5,8,-104,-18.5,5,12392,555006,555005,555007,2020-11-12 21:25:56.110496 +100000,108722,20,3,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12392,555006,555005,555007,2020-11-12 21:25:56.100496 +300000,125000,25,10,-46,-3.2,24,-51,-6.2,19,-66,-9.2,16,12392,555006,555005,555007,2020-11-12 21:25:56.090496 +150000,98722,20,5,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12392,555006,555005,555007,2020-11-12 21:25:56.080496 +110000,108722,20,2,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12392,555006,555005,555007,2020-11-12 21:25:56.070496 +280000,122000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12392,555006,555005,555007,2020-11-12 21:25:56.060496 +290000,123000,25,10,-87,-12.0,18,-92,-15.0,13,-107,-18.0,10,12392,555006,555005,555007,2020-11-12 21:25:56.050496 +10000,78722,18,7,-111,-18.9,10,-116,-21.9,5,-131,-24.9,2,12393,555006,555005,555007,2020-11-12 21:25:56.040496 +280000,122000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12393,555006,555005,555007,2020-11-12 21:25:56.030496 +110000,88722,20,6,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12393,555006,555005,555007,2020-11-12 21:25:56.020496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12393,555006,555005,555007,2020-11-12 21:25:56.010496 +300000,125000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12393,555006,555005,555007,2020-11-12 21:25:56.000496 +200000,98722,20,2,-86,-11.9,16,-91,-14.9,11,-106,-17.9,8,12393,555006,555005,555007,2020-11-12 21:25:55.990496 +280000,122000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12393,555006,555005,555007,2020-11-12 21:25:55.980496 +150000,68722,20,4,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12393,555006,555005,555007,2020-11-12 21:25:55.970496 +90000,68722,18,6,-113,-18.7,4,-118,-21.7,-1,-133,-24.7,-4,12393,555006,555005,555007,2020-11-12 21:25:55.960496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12393,555006,555005,555007,2020-11-12 21:25:55.950496 +110000,68722,20,4,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12393,555006,555005,555007,2020-11-12 21:25:55.940496 +110000,108722,20,2,-96,-17.1,15,-101,-20.1,10,-116,-23.1,7,12393,555006,555005,555007,2020-11-12 21:25:55.930496 +110000,88722,20,2,-94,-11.3,10,-99,-14.3,5,-114,-17.3,2,12393,555006,555005,555007,2020-11-12 21:25:55.920496 +100000,108722,20,2,-81,-10.9,15,-86,-13.9,10,-101,-16.9,7,12393,555006,555005,555007,2020-11-12 21:25:55.910496 +100000,98722,20,8,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12393,555006,555005,555007,2020-11-12 21:25:55.900496 +150000,88722,20,2,-92,-11.7,12,-97,-14.7,7,-112,-17.7,4,12393,555006,555005,555007,2020-11-12 21:25:55.890496 +150000,108722,20,2,-99,-11.7,11,-104,-14.7,6,-119,-17.7,3,12393,555006,555005,555007,2020-11-12 21:25:55.880496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12393,555006,555005,555007,2020-11-12 21:25:55.870496 +280000,122000,25,10,-89,-13.3,5,-94,-16.3,0,-109,-19.3,-3,12393,555006,555005,555007,2020-11-12 21:25:55.860496 +230000,108722,20,6,-98,-11.1,12,-103,-14.1,7,-118,-17.1,4,12393,555006,555005,555007,2020-11-12 21:25:55.850496 +10000,78722,16,7,-114,-18.9,11,-119,-21.9,6,-134,-24.9,3,12393,555006,555005,555007,2020-11-12 21:25:55.840496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12393,555006,555005,555007,2020-11-12 21:25:55.830496 +280000,122000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12393,555006,555005,555007,2020-11-12 21:25:55.820496 +150000,88722,20,2,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12393,555006,555005,555007,2020-11-12 21:25:55.810496 +280000,123000,25,10,-87,-12.2,16,-92,-15.2,11,-107,-18.2,8,12393,555006,555005,555007,2020-11-12 21:25:55.800496 +150000,98722,20,6,-91,-12.9,9,-96,-15.9,4,-111,-18.9,1,12393,555006,555005,555007,2020-11-12 21:25:55.790496 +110000,108722,20,5,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12393,555006,555005,555007,2020-11-12 21:25:55.780496 +10000,38722,16,7,-112,-17.7,3,-117,-20.7,-2,-132,-23.7,-5,12393,555006,555005,555007,2020-11-12 21:25:55.770496 +110000,108722,20,3,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12393,555006,555005,555007,2020-11-12 21:25:55.760496 +150000,98722,20,4,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12393,555006,555005,555007,2020-11-12 21:25:55.750496 +290000,123000,25,10,-81,-12.8,10,-86,-15.8,5,-101,-18.8,2,12393,555006,555005,555007,2020-11-12 21:25:55.740496 +110000,88722,20,6,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12393,555006,555005,555007,2020-11-12 21:25:55.730496 +200000,98722,20,2,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12393,555006,555005,555007,2020-11-12 21:25:55.720496 +110000,108722,20,4,-89,-11.1,11,-94,-14.1,6,-109,-17.1,3,12393,555006,555005,555007,2020-11-12 21:25:55.710496 +200000,88722,20,4,-93,-16.5,15,-98,-19.5,10,-113,-22.5,7,12393,555006,555005,555007,2020-11-12 21:25:55.700496 +280000,123000,25,10,-86,-12.3,15,-91,-15.3,10,-106,-18.3,7,12393,555006,555005,555007,2020-11-12 21:25:55.690496 +200000,108722,20,4,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12393,555006,555005,555007,2020-11-12 21:25:55.680496 +100000,78722,20,2,-97,-10.9,9,-102,-13.9,4,-117,-16.9,1,12393,555006,555005,555007,2020-11-12 21:25:55.670496 +110000,98722,20,6,-90,-13.2,6,-95,-16.2,1,-110,-19.2,-2,12393,555006,555005,555007,2020-11-12 21:25:55.660496 +110000,108722,20,7,-94,-13.1,7,-99,-16.1,2,-114,-19.1,-1,12393,555006,555005,555007,2020-11-12 21:25:55.650496 +280000,123000,25,10,-83,-12.0,18,-88,-15.0,13,-103,-18.0,10,12393,555006,555005,555007,2020-11-12 21:25:55.640496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12393,555006,555005,555007,2020-11-12 21:25:55.630496 +230000,68722,20,6,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12393,555006,555005,555007,2020-11-12 21:25:55.620496 +280000,123000,25,10,-80,-12.2,16,-85,-15.2,11,-100,-18.2,8,12393,555006,555005,555007,2020-11-12 21:25:55.610496 +10000,6722,16,6,-117,-18.1,4,-122,-21.1,-1,-137,-24.1,-4,12393,555006,555005,555007,2020-11-12 21:25:55.600496 +150000,88722,20,6,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12393,555006,555005,555007,2020-11-12 21:25:55.590496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12393,555006,555005,555007,2020-11-12 21:25:55.580496 +280000,123000,25,10,-80,-12.1,17,-85,-15.1,12,-100,-18.1,9,12393,555006,555005,555007,2020-11-12 21:25:55.570496 +280000,121000,25,10,-93,-13.0,8,-98,-16.0,3,-113,-19.0,0,12393,555006,555005,555007,2020-11-12 21:25:55.560496 +200000,88722,20,2,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12393,555006,555005,555007,2020-11-12 21:25:55.550496 +110000,108722,20,3,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12393,555006,555005,555007,2020-11-12 21:25:55.540496 +230000,98722,20,2,-95,-16.9,14,-100,-19.9,9,-115,-22.9,6,12393,555006,555005,555007,2020-11-12 21:25:55.530496 +100000,68722,18,7,-115,-18.9,7,-120,-21.9,2,-135,-24.9,-1,12394,555006,555005,555007,2020-11-12 21:25:55.520496 +150000,98722,20,8,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12394,555006,555005,555007,2020-11-12 21:25:55.510496 +100000,108722,20,4,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12394,555006,555005,555007,2020-11-12 21:25:55.500496 +280000,123000,25,10,-88,-12.2,16,-93,-15.2,11,-108,-18.2,8,12394,555006,555005,555007,2020-11-12 21:25:55.490496 +230000,108722,20,10,-91,-13.4,4,-96,-16.4,-1,-111,-19.4,-4,12394,555006,555005,555007,2020-11-12 21:25:55.480496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12394,555006,555005,555007,2020-11-12 21:25:55.470496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12394,555006,555005,555007,2020-11-12 21:25:55.460496 +100000,88722,20,2,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12394,555006,555005,555007,2020-11-12 21:25:55.450496 +110000,88722,20,3,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12394,555006,555005,555007,2020-11-12 21:25:55.440496 +150000,108722,20,4,-93,-12.7,8,-98,-15.7,3,-113,-18.7,0,12394,555006,555005,555007,2020-11-12 21:25:55.430496 +100000,98722,20,6,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12394,555006,555005,555007,2020-11-12 21:25:55.420496 +110000,108722,20,3,-95,-11.5,8,-100,-14.5,3,-115,-17.5,0,12394,555006,555005,555007,2020-11-12 21:25:55.410496 +230000,108722,20,10,-89,-13.2,6,-94,-16.2,1,-109,-19.2,-2,12394,555006,555005,555007,2020-11-12 21:25:55.400496 +280000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12394,555006,555005,555007,2020-11-12 21:25:55.390496 +280000,123000,25,10,-84,-12.0,18,-89,-15.0,13,-104,-18.0,10,12394,555006,555005,555007,2020-11-12 21:25:55.380496 +100000,38722,18,7,-115,-18.1,6,-120,-21.1,1,-135,-24.1,-2,12394,555006,555005,555007,2020-11-12 21:25:55.370496 +110000,68722,20,5,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12394,555006,555005,555007,2020-11-12 21:25:55.360496 +150000,88722,20,4,-87,-12.1,14,-92,-15.1,9,-107,-18.1,6,12394,555006,555005,555007,2020-11-12 21:25:55.350496 +290000,122000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12394,555006,555005,555007,2020-11-12 21:25:55.340496 +100000,58722,20,4,-99,-11.5,7,-104,-14.5,2,-119,-17.5,-1,12394,555006,555005,555007,2020-11-12 21:25:55.330496 +280000,123000,25,10,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12394,555006,555005,555007,2020-11-12 21:25:55.320496 +110000,88722,20,4,-94,-11.7,9,-99,-14.7,4,-114,-17.7,1,12394,555006,555005,555007,2020-11-12 21:25:55.310496 +300000,125000,25,10,-47,-3.3,24,-52,-6.3,19,-67,-9.3,16,12394,555006,555005,555007,2020-11-12 21:25:55.300496 +110000,108722,20,4,-91,-13.6,2,-96,-16.6,-3,-111,-19.6,-6,12394,555006,555005,555007,2020-11-12 21:25:55.290496 +150000,108722,20,7,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12394,555006,555005,555007,2020-11-12 21:25:55.280496 +100000,108722,20,7,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12394,555006,555005,555007,2020-11-12 21:25:55.270496 +110000,108722,20,4,-88,-12.3,12,-93,-15.3,7,-108,-18.3,4,12394,555006,555005,555007,2020-11-12 21:25:55.260496 +200000,108722,20,8,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12394,555006,555005,555007,2020-11-12 21:25:55.250496 +280000,123000,25,10,-45,-3.1,24,-50,-6.1,19,-65,-9.1,16,12394,555006,555005,555007,2020-11-12 21:25:55.240496 +200000,108722,20,4,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12394,555006,555005,555007,2020-11-12 21:25:55.230496 +110000,98722,20,3,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12394,555006,555005,555007,2020-11-12 21:25:55.220496 +200000,108722,20,2,-96,-11.3,12,-101,-14.3,7,-116,-17.3,4,12394,555006,555005,555007,2020-11-12 21:25:55.210496 +100000,38722,18,7,-113,-17.7,7,-118,-20.7,2,-133,-23.7,-1,12394,555006,555005,555007,2020-11-12 21:25:55.200496 +230000,108722,20,10,-92,-13.7,1,-97,-16.7,-4,-112,-19.7,-7,12394,555006,555005,555007,2020-11-12 21:25:55.190496 +290000,123000,25,10,-90,-12.9,9,-95,-15.9,4,-110,-18.9,1,12394,555006,555005,555007,2020-11-12 21:25:55.180496 +100000,6722,18,6,-119,-19.1,4,-124,-22.1,-1,-139,-25.1,-4,12394,555006,555005,555007,2020-11-12 21:25:55.170496 +280000,123000,25,10,-90,-13.7,1,-95,-16.7,-4,-110,-19.7,-7,12394,555006,555005,555007,2020-11-12 21:25:55.160496 +280000,123000,25,10,-87,-12.6,12,-92,-15.6,7,-107,-18.6,4,12394,555006,555005,555007,2020-11-12 21:25:55.150496 +100,1000,10,3,-124,-21.7,0,-129,-24.7,-3,-144,-27.7,2,12394,555006,555005,555007,2020-11-12 21:25:55.140496 +100000,6722,18,7,-117,-18.3,6,-122,-21.3,1,-137,-24.3,-2,12394,555006,555005,555007,2020-11-12 21:25:55.130496 +280000,123000,25,10,-85,-12.0,18,-90,-15.0,13,-105,-18.0,10,12394,555006,555005,555007,2020-11-12 21:25:55.120496 +280000,121000,25,10,-90,-13.4,4,-95,-16.4,-1,-110,-19.4,-4,12394,555006,555005,555007,2020-11-12 21:25:55.110496 +230000,68722,20,2,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12394,555006,555005,555007,2020-11-12 21:25:55.100496 +150000,108722,20,4,-90,-13.4,4,-95,-16.4,-1,-110,-19.4,-4,12394,555006,555005,555007,2020-11-12 21:25:55.090496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12394,555006,555005,555007,2020-11-12 21:25:55.080496 +150000,88722,20,2,-91,-16.1,14,-96,-19.1,9,-111,-22.1,6,12394,555006,555005,555007,2020-11-12 21:25:55.070496 +200000,108722,20,4,-81,-10.9,12,-86,-13.9,7,-101,-16.9,4,12394,555006,555005,555007,2020-11-12 21:25:55.060496 +100000,68722,20,4,-93,-12.5,7,-98,-15.5,2,-113,-18.5,-1,12394,555006,555005,555007,2020-11-12 21:25:55.050496 +100000,38722,18,7,-114,-19.3,5,-119,-22.3,0,-134,-25.3,-3,12394,555006,555005,555007,2020-11-12 21:25:55.040496 +150000,88722,20,4,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12394,555006,555005,555007,2020-11-12 21:25:55.030496 +280000,123000,25,10,-87,-12.2,16,-92,-15.2,11,-107,-18.2,8,12394,555006,555005,555007,2020-11-12 21:25:55.020496 +90000,68722,16,7,-112,-19.1,6,-117,-22.1,1,-132,-25.1,-2,12394,555006,555005,555007,2020-11-12 21:25:55.010496 +9000,6000,14,6,-123,-22.9,-17,-128,-25.9,-22,-143,-28.9,-25,12395,555007,555006,555008,2020-11-12 21:25:55.000496 +110000,108722,20,6,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12395,555007,555006,555008,2020-11-12 21:25:54.990496 +100000,108722,20,4,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12395,555007,555006,555008,2020-11-12 21:25:54.980496 +280000,121000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12395,555007,555006,555008,2020-11-12 21:25:54.970496 +230000,88722,20,6,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12395,555007,555006,555008,2020-11-12 21:25:54.960496 +200000,88722,20,6,-95,-12.5,10,-100,-15.5,5,-115,-18.5,2,12395,555007,555006,555008,2020-11-12 21:25:54.950496 +280000,121000,25,10,-94,-13.4,4,-99,-16.4,-1,-114,-19.4,-4,12395,555007,555006,555008,2020-11-12 21:25:54.940496 +200000,108722,20,6,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12395,555007,555006,555008,2020-11-12 21:25:54.930496 +100000,88722,20,2,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12395,555007,555006,555008,2020-11-12 21:25:54.920496 +110000,88722,20,5,-91,-16.1,14,-96,-19.1,9,-111,-22.1,6,12395,555007,555006,555008,2020-11-12 21:25:54.910496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12395,555007,555006,555008,2020-11-12 21:25:54.900496 +200000,108722,20,6,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12395,555007,555006,555008,2020-11-12 21:25:54.890496 +280000,121000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12395,555007,555006,555008,2020-11-12 21:25:54.880496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12395,555007,555006,555008,2020-11-12 21:25:54.870496 +280000,121000,25,10,-91,-13.2,6,-96,-16.2,1,-111,-19.2,-2,12395,555007,555006,555008,2020-11-12 21:25:54.860496 +300000,123000,25,10,-88,-12.0,18,-93,-15.0,13,-108,-18.0,10,12395,555007,555006,555008,2020-11-12 21:25:54.850496 +280000,123000,25,10,-80,-12.7,11,-85,-15.7,6,-100,-18.7,3,12395,555007,555006,555008,2020-11-12 21:25:54.840496 +110000,108722,20,5,-97,-11.9,9,-102,-14.9,4,-117,-17.9,1,12395,555007,555006,555008,2020-11-12 21:25:54.830496 +100000,68722,20,2,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12395,555007,555006,555008,2020-11-12 21:25:54.820496 +100000,68722,18,6,-112,-17.9,4,-117,-20.9,-1,-132,-23.9,-4,12395,555007,555006,555008,2020-11-12 21:25:54.810496 +110000,108722,20,6,-81,-10.9,15,-86,-13.9,10,-101,-16.9,7,12395,555007,555006,555008,2020-11-12 21:25:54.800496 +280000,122000,25,10,-87,-12.8,10,-92,-15.8,5,-107,-18.8,2,12395,555007,555006,555008,2020-11-12 21:25:54.790496 +200000,98722,20,2,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12395,555007,555006,555008,2020-11-12 21:25:54.780496 +280000,123000,25,10,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12395,555007,555006,555008,2020-11-12 21:25:54.770496 +150000,108722,20,4,-94,-13.2,6,-99,-16.2,1,-114,-19.2,-2,12395,555007,555006,555008,2020-11-12 21:25:54.760496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12395,555007,555006,555008,2020-11-12 21:25:54.750496 +100000,98722,20,6,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12395,555007,555006,555008,2020-11-12 21:25:54.740496 +150000,108722,20,3,-94,-11.9,8,-99,-14.9,3,-114,-17.9,0,12395,555007,555006,555008,2020-11-12 21:25:54.730496 +110000,88722,20,5,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12395,555007,555006,555008,2020-11-12 21:25:54.720496 +100000,98722,20,6,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12395,555007,555006,555008,2020-11-12 21:25:54.710496 +290000,123000,25,10,-90,-12.9,9,-95,-15.9,4,-110,-18.9,1,12395,555007,555006,555008,2020-11-12 21:25:54.700496 +100000,98722,20,3,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12395,555007,555006,555008,2020-11-12 21:25:54.690496 +100000,78722,20,3,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12395,555007,555006,555008,2020-11-12 21:25:54.680496 +280000,123000,25,10,-81,-12.2,16,-86,-15.2,11,-101,-18.2,8,12395,555007,555006,555008,2020-11-12 21:25:54.670496 +110000,98722,20,7,-99,-17.7,15,-104,-20.7,10,-119,-23.7,7,12395,555007,555006,555008,2020-11-12 21:25:54.660496 +100000,108722,20,7,-89,-15.7,15,-94,-18.7,10,-109,-21.7,7,12395,555007,555006,555008,2020-11-12 21:25:54.650496 +150000,88722,20,4,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12395,555007,555006,555008,2020-11-12 21:25:54.640496 +280000,122000,25,8,-83,-12.6,12,-88,-15.6,7,-103,-18.6,4,12395,555007,555006,555008,2020-11-12 21:25:54.630496 +7000,5000,9,4,-124,-23.7,1,-129,-26.7,-3,-144,-29.7,-7,12395,555007,555006,555008,2020-11-12 21:25:54.620496 +100000,108722,20,2,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12395,555007,555006,555008,2020-11-12 21:25:54.610496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12395,555007,555006,555008,2020-11-12 21:25:54.600496 +200000,108722,20,7,-90,-12.5,10,-95,-15.5,5,-110,-18.5,2,12395,555007,555006,555008,2020-11-12 21:25:54.590496 +100000,108722,20,3,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12395,555007,555006,555008,2020-11-12 21:25:54.580496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12395,555007,555006,555008,2020-11-12 21:25:54.570496 +280000,123000,25,10,-89,-13.3,5,-94,-16.3,0,-109,-19.3,-3,12395,555007,555006,555008,2020-11-12 21:25:54.560496 +110000,88722,20,2,-85,-11.7,15,-90,-14.7,10,-105,-17.7,7,12395,555007,555006,555008,2020-11-12 21:25:54.550496 +110000,98722,20,6,-90,-10.9,9,-95,-13.9,4,-110,-16.9,1,12395,555007,555006,555008,2020-11-12 21:25:54.540496 +200000,98722,20,2,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12395,555007,555006,555008,2020-11-12 21:25:54.530496 +150000,108722,20,6,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12395,555007,555006,555008,2020-11-12 21:25:54.520496 +10000,38722,16,6,-115,-18.7,3,-120,-21.7,-2,-135,-24.7,-5,12395,555007,555006,555008,2020-11-12 21:25:54.510496 +110000,108722,20,5,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12395,555007,555006,555008,2020-11-12 21:25:54.500496 +150000,88722,20,5,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12395,555007,555006,555008,2020-11-12 21:25:54.490496 +150000,108722,20,4,-86,-11.9,16,-91,-14.9,11,-106,-17.9,8,12396,555007,555006,555008,2020-11-12 21:25:54.480496 +10000,6722,14,6,-121,-22.7,2,-126,-25.7,2,-141,-28.7,2,12396,555007,555006,555008,2020-11-12 21:25:54.470496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12396,555007,555006,555008,2020-11-12 21:25:54.460496 +150000,108722,20,4,-94,-12.9,9,-99,-15.9,4,-114,-18.9,1,12396,555007,555006,555008,2020-11-12 21:25:54.450496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12396,555007,555006,555008,2020-11-12 21:25:54.440496 +150000,98722,20,2,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12396,555007,555006,555008,2020-11-12 21:25:54.430496 +280000,121000,25,10,-91,-13.0,8,-96,-16.0,3,-111,-19.0,0,12396,555007,555006,555008,2020-11-12 21:25:54.420496 +280000,122000,25,10,-80,-12.2,16,-85,-15.2,11,-100,-18.2,8,12396,555007,555006,555008,2020-11-12 21:25:54.410496 +280000,121000,25,8,-94,-12.9,9,-99,-15.9,4,-114,-18.9,1,12396,555007,555006,555008,2020-11-12 21:25:54.400496 +280000,122000,25,10,-88,-12.7,11,-93,-15.7,6,-108,-18.7,3,12396,555007,555006,555008,2020-11-12 21:25:54.390496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12396,555007,555006,555008,2020-11-12 21:25:54.380496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12396,555007,555006,555008,2020-11-12 21:25:54.370496 +100000,108722,20,4,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12396,555007,555006,555008,2020-11-12 21:25:54.360496 +110000,108722,20,2,-95,-11.5,10,-100,-14.5,5,-115,-17.5,2,12396,555007,555006,555008,2020-11-12 21:25:54.350496 +10000,48722,16,7,-110,-18.5,7,-115,-21.5,2,-130,-24.5,-1,12396,555007,555006,555008,2020-11-12 21:25:54.340496 +280000,122000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12396,555007,555006,555008,2020-11-12 21:25:54.330496 +280000,123000,25,10,-87,-12.0,18,-92,-15.0,13,-107,-18.0,10,12396,555007,555006,555008,2020-11-12 21:25:54.320496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12396,555007,555006,555008,2020-11-12 21:25:54.310496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12396,555007,555006,555008,2020-11-12 21:25:54.300496 +150000,98722,20,6,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12396,555007,555006,555008,2020-11-12 21:25:54.290496 +150000,88722,20,6,-92,-11.5,10,-97,-14.5,5,-112,-17.5,2,12396,555007,555006,555008,2020-11-12 21:25:54.280496 +230000,88722,20,4,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12396,555007,555006,555008,2020-11-12 21:25:54.270496 +110000,108722,20,4,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12396,555007,555006,555008,2020-11-12 21:25:54.260496 +110000,98722,20,3,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12396,555007,555006,555008,2020-11-12 21:25:54.250496 +290000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12396,555007,555006,555008,2020-11-12 21:25:54.240496 +280000,121000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12396,555007,555006,555008,2020-11-12 21:25:54.230496 +300000,125000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12396,555007,555006,555008,2020-11-12 21:25:54.220496 +150000,108722,20,3,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12396,555007,555006,555008,2020-11-12 21:25:54.210496 +280000,122000,25,10,-82,-12.1,17,-87,-15.1,12,-102,-18.1,9,12396,555007,555006,555008,2020-11-12 21:25:54.200496 +280000,123000,25,10,-87,-12.1,17,-92,-15.1,12,-107,-18.1,9,12396,555007,555006,555008,2020-11-12 21:25:54.190496 +100000,48722,18,7,-115,-19.1,2,-120,-22.1,-3,-135,-25.1,-6,12396,555007,555006,555008,2020-11-12 21:25:54.180496 +100000,38722,18,6,-114,-18.7,6,-119,-21.7,1,-134,-24.7,-2,12396,555007,555006,555008,2020-11-12 21:25:54.170496 +110000,88722,20,4,-83,-11.3,15,-88,-14.3,10,-103,-17.3,7,12396,555007,555006,555008,2020-11-12 21:25:54.160496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12396,555007,555006,555008,2020-11-12 21:25:54.150496 +110000,68722,20,2,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12396,555007,555006,555008,2020-11-12 21:25:54.140496 +230000,108722,20,10,-92,-13.1,7,-97,-16.1,2,-112,-19.1,-1,12396,555007,555006,555008,2020-11-12 21:25:54.130496 +230000,108722,20,5,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12396,555007,555006,555008,2020-11-12 21:25:54.120496 +150000,108722,20,2,-98,-12.5,11,-103,-15.5,6,-118,-18.5,3,12396,555007,555006,555008,2020-11-12 21:25:54.110496 +150000,98722,20,6,-90,-13.2,6,-95,-16.2,1,-110,-19.2,-2,12396,555007,555006,555008,2020-11-12 21:25:54.100496 +100000,38722,18,6,-115,-18.9,7,-120,-21.9,2,-135,-24.9,-1,12396,555007,555006,555008,2020-11-12 21:25:54.090496 +150000,78722,20,2,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12396,555007,555006,555008,2020-11-12 21:25:54.080496 +90000,48722,16,7,-110,-18.9,4,-115,-21.9,-1,-130,-24.9,-4,12396,555007,555006,555008,2020-11-12 21:25:54.070496 +110000,68722,20,3,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12396,555007,555006,555008,2020-11-12 21:25:54.060496 +280000,123000,25,10,-86,-12.0,18,-91,-15.0,13,-106,-18.0,10,12396,555007,555006,555008,2020-11-12 21:25:54.050496 +110000,108722,20,7,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12396,555007,555006,555008,2020-11-12 21:25:54.040496 +280000,123000,25,10,-88,-12.0,18,-93,-15.0,13,-108,-18.0,10,12396,555007,555006,555008,2020-11-12 21:25:54.030496 +100000,68722,18,7,-113,-18.9,7,-118,-21.9,2,-133,-24.9,-1,12396,555007,555006,555008,2020-11-12 21:25:54.020496 +10000,68722,16,7,-118,-18.5,7,-123,-21.5,2,-138,-24.5,-1,12396,555007,555006,555008,2020-11-12 21:25:54.010496 +4000,500,9,3,-124,-24.3,-13,-129,-27.3,-18,-144,-30.3,-21,12396,555007,555006,555008,2020-11-12 21:25:54.000496 +110000,88722,20,2,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12396,555007,555006,555008,2020-11-12 21:25:53.990496 +100000,108722,20,3,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12396,555007,555006,555008,2020-11-12 21:25:53.980496 +10000,6000,16,6,-119,-22.5,-1,-124,-25.5,-5,-139,-28.5,-4,12396,555007,555006,555008,2020-11-12 21:25:53.970496 +110000,108722,20,3,-82,-11.1,14,-87,-14.1,9,-102,-17.1,6,12397,555007,555006,555008,2020-11-12 21:25:53.960496 +90000,6722,18,7,-111,-17.9,7,-116,-20.9,2,-131,-23.9,-1,12397,555007,555006,555008,2020-11-12 21:25:53.950496 +150000,88722,20,3,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12397,555007,555006,555008,2020-11-12 21:25:53.940496 +100000,6722,18,7,-113,-19.7,2,-118,-22.7,-3,-133,-25.7,-6,12397,555007,555006,555008,2020-11-12 21:25:53.930496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12397,555007,555006,555008,2020-11-12 21:25:53.920496 +200000,78722,20,4,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12397,555007,555006,555008,2020-11-12 21:25:53.910496 +110000,108722,20,6,-95,-16.9,14,-100,-19.9,9,-115,-22.9,6,12397,555007,555006,555008,2020-11-12 21:25:53.900496 +8000,4000,10,4,-120,-24.1,-18,-125,-27.1,-23,-140,-30.1,-26,12397,555007,555006,555008,2020-11-12 21:25:53.890496 +150000,98722,20,5,-94,-12.9,9,-99,-15.9,4,-114,-18.9,1,12397,555007,555006,555008,2020-11-12 21:25:53.880496 +150000,78722,20,3,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12397,555007,555006,555008,2020-11-12 21:25:53.870496 +100000,88722,20,2,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12397,555007,555006,555008,2020-11-12 21:25:53.860496 +110000,108722,20,3,-97,-10.9,9,-102,-13.9,4,-117,-16.9,1,12397,555007,555006,555008,2020-11-12 21:25:53.850496 +110000,88722,20,4,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12397,555007,555006,555008,2020-11-12 21:25:53.840496 +150000,108722,20,4,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12397,555007,555006,555008,2020-11-12 21:25:53.830496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12397,555007,555006,555008,2020-11-12 21:25:53.820496 +110000,88722,20,4,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12397,555007,555006,555008,2020-11-12 21:25:53.810496 +290000,123000,25,10,-83,-12.6,12,-88,-15.6,7,-103,-18.6,4,12397,555007,555006,555008,2020-11-12 21:25:53.800496 +90000,58722,16,7,-117,-18.1,5,-122,-21.1,0,-137,-24.1,-3,12397,555007,555006,555008,2020-11-12 21:25:53.790496 +110000,88722,20,6,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12397,555007,555006,555008,2020-11-12 21:25:53.780496 +150000,98722,20,4,-82,-11.1,15,-87,-14.1,10,-102,-17.1,7,12397,555007,555006,555008,2020-11-12 21:25:53.770496 +300000,125000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12397,555007,555006,555008,2020-11-12 21:25:53.760496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12397,555007,555006,555008,2020-11-12 21:25:53.750496 +300000,123000,25,10,-87,-12.6,12,-92,-15.6,7,-107,-18.6,4,12397,555007,555006,555008,2020-11-12 21:25:53.740496 +280000,121000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12397,555007,555006,555008,2020-11-12 21:25:53.730496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12397,555007,555006,555008,2020-11-12 21:25:53.720496 +300000,123000,25,10,-48,-3.4,24,-53,-6.4,19,-68,-9.4,16,12397,555007,555006,555008,2020-11-12 21:25:53.710496 +110000,88722,20,3,-99,-17.7,16,-104,-20.7,11,-119,-23.7,8,12397,555007,555006,555008,2020-11-12 21:25:53.700496 +270000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12397,555007,555006,555008,2020-11-12 21:25:53.690496 +110000,108722,20,6,-91,-13.0,8,-96,-16.0,3,-111,-19.0,0,12397,555007,555006,555008,2020-11-12 21:25:53.680496 +200000,88722,20,6,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12397,555007,555006,555008,2020-11-12 21:25:53.670496 +110000,108722,20,8,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12397,555007,555006,555008,2020-11-12 21:25:53.660496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12397,555007,555006,555008,2020-11-12 21:25:53.650496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12397,555007,555006,555008,2020-11-12 21:25:53.640496 +100000,108722,20,8,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12397,555007,555006,555008,2020-11-12 21:25:53.630496 +230000,108722,20,2,-92,-11.7,12,-97,-14.7,7,-112,-17.7,4,12397,555007,555006,555008,2020-11-12 21:25:53.620496 +110000,98722,20,5,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12397,555007,555006,555008,2020-11-12 21:25:53.610496 +100000,108722,20,6,-81,-10.9,12,-86,-13.9,7,-101,-16.9,4,12397,555007,555006,555008,2020-11-12 21:25:53.600496 +90000,6722,14,6,-112,-18.5,2,-117,-21.5,-3,-132,-24.5,-6,12397,555007,555006,555008,2020-11-12 21:25:53.590496 +90000,48722,15,7,-117,-19.1,4,-122,-22.1,-1,-137,-25.1,-4,12397,555007,555006,555008,2020-11-12 21:25:53.580496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12397,555007,555006,555008,2020-11-12 21:25:53.570496 +200000,88722,20,3,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12397,555007,555006,555008,2020-11-12 21:25:53.560496 +290000,123000,25,8,-89,-13.3,5,-94,-16.3,0,-109,-19.3,-3,12397,555007,555006,555008,2020-11-12 21:25:53.550496 +10,2,9,3,-130,-22.1,-9,-135,-25.1,-14,-150,-28.1,-17,12397,555007,555006,555008,2020-11-12 21:25:53.540496 +110000,88722,20,4,-98,-11.9,8,-103,-14.9,3,-118,-17.9,0,12397,555007,555006,555008,2020-11-12 21:25:53.530496 +150000,98722,20,5,-94,-12.3,10,-99,-15.3,5,-114,-18.3,2,12397,555007,555006,555008,2020-11-12 21:25:53.520496 +110000,108722,20,2,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12397,555007,555006,555008,2020-11-12 21:25:53.510496 +150000,98722,20,7,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12397,555007,555006,555008,2020-11-12 21:25:53.500496 +110000,88722,20,5,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12397,555007,555006,555008,2020-11-12 21:25:53.490496 +280000,121000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12397,555007,555006,555008,2020-11-12 21:25:53.480496 +300000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12397,555007,555006,555008,2020-11-12 21:25:53.470496 +280000,123000,25,8,-89,-13.8,0,-94,-16.8,-5,-109,-19.8,-8,12397,555007,555006,555008,2020-11-12 21:25:53.460496 +150000,88722,20,5,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12397,555007,555006,555008,2020-11-12 21:25:53.450496 +230000,88722,20,3,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12398,555007,555006,555008,2020-11-12 21:25:53.440496 +280000,122000,25,10,-86,-12.3,15,-91,-15.3,10,-106,-18.3,7,12398,555007,555006,555008,2020-11-12 21:25:53.430496 +10000,6722,16,6,-109,-17.9,3,-114,-20.9,-2,-129,-23.9,-5,12398,555007,555006,555008,2020-11-12 21:25:53.420496 +300000,122000,25,10,-83,-12.7,11,-88,-15.7,6,-103,-18.7,3,12398,555007,555006,555008,2020-11-12 21:25:53.410496 +230000,108722,20,3,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12398,555007,555006,555008,2020-11-12 21:25:53.400496 +150000,108722,20,3,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12398,555007,555006,555008,2020-11-12 21:25:53.390496 +100000,6722,18,6,-115,-19.3,6,-120,-22.3,1,-135,-25.3,-2,12398,555007,555006,555008,2020-11-12 21:25:53.380496 +110000,78722,20,2,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12398,555007,555006,555008,2020-11-12 21:25:53.370496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12398,555007,555006,555008,2020-11-12 21:25:53.360496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12398,555007,555006,555008,2020-11-12 21:25:53.350496 +150000,98722,20,3,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12398,555007,555006,555008,2020-11-12 21:25:53.340496 +100000,108722,20,8,-95,-16.9,14,-100,-19.9,9,-115,-22.9,6,12398,555007,555006,555008,2020-11-12 21:25:53.330496 +150000,98722,20,7,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12398,555007,555006,555008,2020-11-12 21:25:53.320496 +110000,98722,20,4,-99,-11.9,11,-104,-14.9,6,-119,-17.9,3,12398,555007,555006,555008,2020-11-12 21:25:53.310496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12398,555007,555006,555008,2020-11-12 21:25:53.300496 +200000,88722,20,7,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12398,555007,555006,555008,2020-11-12 21:25:53.290496 +280000,123000,25,10,-84,-12.1,17,-89,-15.1,12,-104,-18.1,9,12398,555007,555006,555008,2020-11-12 21:25:53.280496 +230000,98722,20,4,-99,-11.7,9,-104,-14.7,4,-119,-17.7,1,12398,555007,555006,555008,2020-11-12 21:25:53.270496 +150000,88722,20,3,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12398,555007,555006,555008,2020-11-12 21:25:53.260496 +230000,108722,20,10,-91,-13.0,8,-96,-16.0,3,-111,-19.0,0,12398,555007,555006,555008,2020-11-12 21:25:53.250496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12398,555007,555006,555008,2020-11-12 21:25:53.240496 +110000,108722,20,3,-84,-11.5,15,-89,-14.5,10,-104,-17.5,7,12398,555007,555006,555008,2020-11-12 21:25:53.230496 +110000,98722,20,2,-99,-17.7,16,-104,-20.7,11,-119,-23.7,8,12398,555007,555006,555008,2020-11-12 21:25:53.220496 +150000,108722,20,4,-93,-13.6,2,-98,-16.6,-3,-113,-19.6,-6,12398,555007,555006,555008,2020-11-12 21:25:53.210496 +100000,88722,20,3,-82,-11.1,15,-87,-14.1,10,-102,-17.1,7,12398,555007,555006,555008,2020-11-12 21:25:53.200496 +280000,121000,25,8,-92,-13.3,5,-97,-16.3,0,-112,-19.3,-3,12398,555007,555006,555008,2020-11-12 21:25:53.190496 +200000,98722,20,2,-96,-17.1,12,-101,-20.1,7,-116,-23.1,4,12398,555007,555006,555008,2020-11-12 21:25:53.180496 +280000,123000,25,10,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12398,555007,555006,555008,2020-11-12 21:25:53.170496 +150000,108722,20,4,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12398,555007,555006,555008,2020-11-12 21:25:53.160496 +100000,38722,18,6,-114,-18.1,6,-119,-21.1,1,-134,-24.1,-2,12398,555007,555006,555008,2020-11-12 21:25:53.150496 +280000,123000,25,10,-90,-13.3,5,-95,-16.3,0,-110,-19.3,-3,12398,555007,555006,555008,2020-11-12 21:25:53.140496 +110000,108722,20,8,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12398,555007,555006,555008,2020-11-12 21:25:53.130496 +4000,200,9,4,-123,-23.7,1,-128,-26.7,0,-143,-29.7,-8,12398,555007,555006,555008,2020-11-12 21:25:53.120496 +230000,108722,20,4,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12398,555007,555006,555008,2020-11-12 21:25:53.110496 +100000,108722,20,6,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12398,555007,555006,555008,2020-11-12 21:25:53.100496 +150000,108722,20,6,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12398,555007,555006,555008,2020-11-12 21:25:53.090496 +10000,68722,15,6,-113,-17.9,6,-118,-20.9,1,-133,-23.9,-2,12398,555007,555006,555008,2020-11-12 21:25:53.080496 +100000,48722,18,6,-113,-18.7,5,-118,-21.7,0,-133,-24.7,-3,12398,555007,555006,555008,2020-11-12 21:25:53.070496 +90000,68722,16,7,-112,-18.1,3,-117,-21.1,-2,-132,-24.1,-5,12398,555007,555006,555008,2020-11-12 21:25:53.060496 +300000,125000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12398,555007,555006,555008,2020-11-12 21:25:53.050496 +300000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12398,555007,555006,555008,2020-11-12 21:25:53.040496 +110000,108722,20,6,-93,-11.9,12,-98,-14.9,7,-113,-17.9,4,12398,555007,555006,555008,2020-11-12 21:25:53.030496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12398,555007,555006,555008,2020-11-12 21:25:53.020496 +280000,121000,25,10,-91,-12.9,9,-96,-15.9,4,-111,-18.9,1,12398,555007,555006,555008,2020-11-12 21:25:53.010496 +150000,108722,20,3,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12398,555007,555006,555008,2020-11-12 21:25:53.000496 +100000,88722,20,2,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12398,555007,555006,555008,2020-11-12 21:25:52.990496 +110000,98722,20,4,-99,-11.1,8,-104,-14.1,3,-119,-17.1,0,12398,555007,555006,555008,2020-11-12 21:25:52.980496 +100000,108722,20,3,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12398,555007,555006,555008,2020-11-12 21:25:52.970496 +200000,88722,20,2,-80,-10.7,12,-85,-13.7,7,-100,-16.7,4,12398,555007,555006,555008,2020-11-12 21:25:52.960496 +110000,108722,20,5,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12398,555007,555006,555008,2020-11-12 21:25:52.950496 +100000,98722,20,2,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12398,555007,555006,555008,2020-11-12 21:25:52.940496 +110000,88722,20,2,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12398,555007,555006,555008,2020-11-12 21:25:52.930496 +100000,6722,18,7,-110,-18.5,4,-115,-21.5,-1,-130,-24.5,-4,12399,555007,555006,555008,2020-11-12 21:25:52.920496 +110000,98722,20,3,-89,-11.5,11,-94,-14.5,6,-109,-17.5,3,12399,555007,555006,555008,2020-11-12 21:25:52.910496 +200000,108722,20,4,-90,-12.9,9,-95,-15.9,4,-110,-18.9,1,12399,555007,555006,555008,2020-11-12 21:25:52.900496 +9000,5000,14,6,-121,-22.9,-20,-126,-25.9,-25,-141,-28.9,-28,12399,555007,555006,555008,2020-11-12 21:25:52.890496 +100000,68722,18,7,-109,-18.1,5,-114,-21.1,0,-129,-24.1,-3,12399,555007,555006,555008,2020-11-12 21:25:52.880496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12399,555007,555006,555008,2020-11-12 21:25:52.870496 +100000,68722,20,7,-95,-11.3,3,-100,-14.3,-2,-115,-17.3,-5,12399,555007,555006,555008,2020-11-12 21:25:52.860496 +200000,98722,20,2,-99,-11.3,11,-104,-14.3,6,-119,-17.3,3,12399,555007,555006,555008,2020-11-12 21:25:52.850496 +5000,20,10,4,-122,-24.1,-18,-127,-27.1,-23,-142,-30.1,-26,12399,555007,555006,555008,2020-11-12 21:25:52.840496 +100000,68722,18,6,-116,-19.1,3,-121,-22.1,-2,-136,-25.1,-5,12399,555007,555006,555008,2020-11-12 21:25:52.830496 +100000,38722,18,6,-113,-19.3,4,-118,-22.3,-1,-133,-25.3,-4,12399,555007,555006,555008,2020-11-12 21:25:52.820496 +230000,98722,20,4,-92,-16.3,12,-97,-19.3,7,-112,-22.3,4,12399,555007,555006,555008,2020-11-12 21:25:52.810496 +110000,68722,20,4,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12399,555007,555006,555008,2020-11-12 21:25:52.800496 +110000,108722,20,4,-92,-13.2,6,-97,-16.2,1,-112,-19.2,-2,12399,555007,555006,555008,2020-11-12 21:25:52.790496 +150000,108722,20,5,-92,-11.7,12,-97,-14.7,7,-112,-17.7,4,12399,555007,555006,555008,2020-11-12 21:25:52.780496 +300000,125000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12399,555007,555006,555008,2020-11-12 21:25:52.770496 +110000,108722,20,6,-90,-13.6,2,-95,-16.6,-3,-110,-19.6,-6,12399,555007,555006,555008,2020-11-12 21:25:52.760496 +110000,108722,20,6,-88,-12.3,12,-93,-15.3,7,-108,-18.3,4,12399,555007,555006,555008,2020-11-12 21:25:52.750496 +300000,125000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12399,555007,555006,555008,2020-11-12 21:25:52.740496 +7000,6000,10,4,-124,-23.5,-18,-129,-26.5,-23,-144,-29.5,-26,12399,555007,555006,555008,2020-11-12 21:25:52.730496 +10000,58722,16,7,-119,-18.9,2,-124,-21.9,-3,-139,-24.9,-6,12399,555007,555006,555008,2020-11-12 21:25:52.720496 +150000,68722,20,8,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12399,555007,555006,555008,2020-11-12 21:25:52.710496 +280000,123000,25,10,-80,-12.3,15,-85,-15.3,10,-100,-18.3,7,12399,555007,555006,555008,2020-11-12 21:25:52.700496 +110000,108722,20,7,-89,-13.6,2,-94,-16.6,-3,-109,-19.6,-6,12399,555007,555006,555008,2020-11-12 21:25:52.690496 +110000,98722,20,4,-89,-12.5,12,-94,-15.5,7,-109,-18.5,4,12399,555007,555006,555008,2020-11-12 21:25:52.680496 +110000,88722,20,4,-97,-12.3,10,-102,-15.3,5,-117,-18.3,2,12399,555007,555006,555008,2020-11-12 21:25:52.670496 +290000,123000,25,10,-83,-12.5,13,-88,-15.5,8,-103,-18.5,5,12399,555007,555006,555008,2020-11-12 21:25:52.660496 +150000,108722,20,6,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12399,555007,555006,555008,2020-11-12 21:25:52.650496 +110000,108722,20,4,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12399,555007,555006,555008,2020-11-12 21:25:52.640496 +280000,122000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12399,555007,555006,555008,2020-11-12 21:25:52.630496 +200000,88722,20,4,-96,-12.3,9,-101,-15.3,4,-116,-18.3,1,12399,555007,555006,555008,2020-11-12 21:25:52.620496 +280000,121000,25,10,-94,-13.5,3,-99,-16.5,-2,-114,-19.5,-5,12399,555007,555006,555008,2020-11-12 21:25:52.610496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12399,555007,555006,555008,2020-11-12 21:25:52.600496 +110000,98722,20,3,-98,-11.1,8,-103,-14.1,3,-118,-17.1,0,12399,555007,555006,555008,2020-11-12 21:25:52.590496 +110000,98722,20,6,-91,-12.9,9,-96,-15.9,4,-111,-18.9,1,12399,555007,555006,555008,2020-11-12 21:25:52.580496 +150000,88722,20,2,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12399,555007,555006,555008,2020-11-12 21:25:52.570496 +150000,108722,20,8,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12399,555007,555006,555008,2020-11-12 21:25:52.560496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12399,555007,555006,555008,2020-11-12 21:25:52.550496 +280000,121000,25,10,-91,-13.8,0,-96,-16.8,-5,-111,-19.8,-8,12399,555007,555006,555008,2020-11-12 21:25:52.540496 +110000,88722,20,6,-93,-11.5,12,-98,-14.5,7,-113,-17.5,4,12399,555007,555006,555008,2020-11-12 21:25:52.530496 +300000,123000,25,10,-80,-12.5,13,-85,-15.5,8,-100,-18.5,5,12399,555007,555006,555008,2020-11-12 21:25:52.520496 +110000,98722,20,3,-92,-12.1,12,-97,-15.1,7,-112,-18.1,4,12399,555007,555006,555008,2020-11-12 21:25:52.510496 +200000,108722,20,5,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12399,555007,555006,555008,2020-11-12 21:25:52.500496 +290000,122000,25,10,-82,-12.6,12,-87,-15.6,7,-102,-18.6,4,12399,555007,555006,555008,2020-11-12 21:25:52.490496 +280000,123000,25,10,-88,-12.5,13,-93,-15.5,8,-108,-18.5,5,12399,555007,555006,555008,2020-11-12 21:25:52.480496 +100000,6722,18,6,-114,-18.9,4,-119,-21.9,-1,-134,-24.9,-4,12399,555007,555006,555008,2020-11-12 21:25:52.470496 +100000,88722,20,5,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12399,555007,555006,555008,2020-11-12 21:25:52.460496 +280000,122000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12399,555007,555006,555008,2020-11-12 21:25:52.450496 +100000,58722,18,7,-110,-17.9,6,-115,-20.9,1,-130,-23.9,-2,12399,555007,555006,555008,2020-11-12 21:25:52.440496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12399,555007,555006,555008,2020-11-12 21:25:52.430496 +200000,68722,20,2,-86,-11.9,16,-91,-14.9,11,-106,-17.9,8,12399,555007,555006,555008,2020-11-12 21:25:52.420496 +200000,108722,20,4,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12399,555007,555006,555008,2020-11-12 21:25:52.410496 +150000,108722,20,3,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12400,555007,555006,555008,2020-11-12 21:25:52.400496 +110000,108722,20,7,-92,-13.7,1,-97,-16.7,-4,-112,-19.7,-7,12400,555007,555006,555008,2020-11-12 21:25:52.390496 +1000,2,9,3,-124,-23.1,-21,-129,-26.1,-26,-144,-29.1,-29,12400,555007,555006,555008,2020-11-12 21:25:52.380496 +150000,88722,20,7,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12400,555007,555006,555008,2020-11-12 21:25:52.370496 +110000,78722,20,6,-88,-12.3,12,-93,-15.3,7,-108,-18.3,4,12400,555007,555006,555008,2020-11-12 21:25:52.360496 +110000,78722,20,3,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12400,555007,555006,555008,2020-11-12 21:25:52.350496 +110000,108722,20,3,-82,-11.1,14,-87,-14.1,9,-102,-17.1,6,12400,555007,555006,555008,2020-11-12 21:25:52.340496 +100,1000,9,3,-121,-23.5,-12,-126,-26.5,-17,-141,-29.5,-20,12400,555007,555006,555008,2020-11-12 21:25:52.330496 +150000,108722,20,4,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12400,555007,555006,555008,2020-11-12 21:25:52.320496 +4000,500,9,3,-124,-24.1,-16,-129,-27.1,-21,-144,-30.1,-24,12400,555007,555006,555008,2020-11-12 21:25:52.310496 +200000,108722,20,4,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12400,555007,555006,555008,2020-11-12 21:25:52.300496 +150000,98722,20,6,-90,-13.2,6,-95,-16.2,1,-110,-19.2,-2,12400,555007,555006,555008,2020-11-12 21:25:52.290496 +300000,123000,25,10,-88,-12.5,13,-93,-15.5,8,-108,-18.5,5,12400,555007,555006,555008,2020-11-12 21:25:52.280496 +110000,88722,20,8,-97,-11.3,8,-102,-14.3,3,-117,-17.3,0,12400,555007,555006,555008,2020-11-12 21:25:52.270496 +150000,68722,20,8,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12400,555007,555006,555008,2020-11-12 21:25:52.260496 +100000,78722,20,4,-89,-12.5,14,-94,-15.5,9,-109,-18.5,6,12400,555007,555006,555008,2020-11-12 21:25:52.250496 +110000,108722,20,2,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12400,555007,555006,555008,2020-11-12 21:25:52.240496 +110000,98722,20,6,-92,-13.2,6,-97,-16.2,1,-112,-19.2,-2,12400,555007,555006,555008,2020-11-12 21:25:52.230496 +100000,68722,18,6,-117,-18.7,6,-122,-21.7,1,-137,-24.7,-2,12400,555007,555006,555008,2020-11-12 21:25:52.220496 +4000,2,9,4,-130,-22.5,-4,-135,-25.5,-5,-150,-28.5,2,12400,555007,555006,555008,2020-11-12 21:25:52.210496 +110000,108722,20,3,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12400,555007,555006,555008,2020-11-12 21:25:52.200496 +280000,123000,25,8,-88,-12.4,14,-93,-15.4,9,-108,-18.4,6,12400,555007,555006,555008,2020-11-12 21:25:52.190496 +150000,68722,20,6,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12400,555007,555006,555008,2020-11-12 21:25:52.180496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12400,555007,555006,555008,2020-11-12 21:25:52.170496 +110000,108722,20,4,-92,-12.9,9,-97,-15.9,4,-112,-18.9,1,12400,555007,555006,555008,2020-11-12 21:25:52.160496 +150000,108722,20,7,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12400,555007,555006,555008,2020-11-12 21:25:52.150496 +280000,123000,25,10,-86,-12.7,11,-91,-15.7,6,-106,-18.7,3,12400,555007,555006,555008,2020-11-12 21:25:52.140496 +100000,78722,20,2,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12400,555007,555006,555008,2020-11-12 21:25:52.130496 +10000,78722,14,7,-114,-19.3,9,-119,-22.3,4,-134,-25.3,1,12400,555007,555006,555008,2020-11-12 21:25:52.120496 +150000,108722,20,4,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12400,555007,555006,555008,2020-11-12 21:25:52.110496 +300000,125000,25,10,-47,-3.3,24,-52,-6.3,19,-67,-9.3,16,12400,555007,555006,555008,2020-11-12 21:25:52.100496 +110000,108722,20,4,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12400,555007,555006,555008,2020-11-12 21:25:52.090496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12400,555007,555006,555008,2020-11-12 21:25:52.080496 +280000,123000,25,10,-83,-12.6,12,-88,-15.6,7,-103,-18.6,4,12400,555007,555006,555008,2020-11-12 21:25:52.070496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12400,555007,555006,555008,2020-11-12 21:25:52.060496 +110000,108722,20,6,-93,-13.5,3,-98,-16.5,-2,-113,-19.5,-5,12400,555007,555006,555008,2020-11-12 21:25:52.050496 +10000,6722,15,6,-117,-17.7,4,-122,-20.7,-1,-137,-23.7,-4,12400,555007,555006,555008,2020-11-12 21:25:52.040496 +280000,121000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12400,555007,555006,555008,2020-11-12 21:25:52.030496 +280000,123000,25,10,-88,-12.3,15,-93,-15.3,10,-108,-18.3,7,12400,555007,555006,555008,2020-11-12 21:25:52.020496 +150000,108722,20,6,-91,-13.4,4,-96,-16.4,-1,-111,-19.4,-4,12400,555007,555006,555008,2020-11-12 21:25:52.010496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12400,555007,555006,555008,2020-11-12 21:25:52.000496 +280000,123000,25,10,-81,-12.8,10,-86,-15.8,5,-101,-18.8,2,12400,555007,555006,555008,2020-11-12 21:25:51.990496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12400,555007,555006,555008,2020-11-12 21:25:51.980496 +110000,78722,20,2,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12400,555007,555006,555008,2020-11-12 21:25:51.970496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12400,555007,555006,555008,2020-11-12 21:25:51.960496 +280000,123000,25,10,-80,-12.0,18,-85,-15.0,13,-100,-18.0,10,12400,555007,555006,555008,2020-11-12 21:25:51.950496 +150000,98722,20,4,-90,-13.4,4,-95,-16.4,-1,-110,-19.4,-4,12400,555007,555006,555008,2020-11-12 21:25:51.940496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12400,555007,555006,555008,2020-11-12 21:25:51.930496 +90000,38722,18,7,-118,-18.3,5,-123,-21.3,0,-138,-24.3,-3,12400,555007,555006,555008,2020-11-12 21:25:51.920496 +200000,98722,20,2,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12400,555007,555006,555008,2020-11-12 21:25:51.910496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12400,555007,555006,555008,2020-11-12 21:25:51.900496 +150000,108722,20,3,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12400,555007,555006,555008,2020-11-12 21:25:51.890496 +100000,78722,20,3,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12401,555007,555006,555008,2020-11-12 21:25:51.880496 +280000,123000,25,10,-85,-12.2,16,-90,-15.2,11,-105,-18.2,8,12401,555007,555006,555008,2020-11-12 21:25:51.870496 +110000,108722,20,7,-95,-16.9,12,-100,-19.9,7,-115,-22.9,4,12401,555007,555006,555008,2020-11-12 21:25:51.860496 +110000,88722,20,4,-86,-11.9,16,-91,-14.9,11,-106,-17.9,8,12401,555007,555006,555008,2020-11-12 21:25:51.850496 +280000,123000,25,10,-80,-12.3,15,-85,-15.3,10,-100,-18.3,7,12401,555007,555006,555008,2020-11-12 21:25:51.840496 +150000,108722,20,6,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12401,555007,555006,555008,2020-11-12 21:25:51.830496 +100000,108722,20,3,-98,-17.5,12,-103,-20.5,7,-118,-23.5,4,12401,555007,555006,555008,2020-11-12 21:25:51.820496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12401,555007,555006,555008,2020-11-12 21:25:51.810496 +290000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12401,555007,555006,555008,2020-11-12 21:25:51.800496 +100000,6722,20,4,-95,-11.1,4,-100,-14.1,-1,-115,-17.1,-4,12401,555007,555006,555008,2020-11-12 21:25:51.790496 +150000,98722,20,6,-96,-12.3,11,-101,-15.3,6,-116,-18.3,3,12401,555007,555006,555008,2020-11-12 21:25:51.780496 +110000,98722,20,3,-90,-15.9,11,-95,-18.9,6,-110,-21.9,3,12401,555007,555006,555008,2020-11-12 21:25:51.770496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12401,555007,555006,555008,2020-11-12 21:25:51.760496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12401,555007,555006,555008,2020-11-12 21:25:51.750496 +100000,6722,18,6,-116,-17.7,4,-121,-20.7,-1,-136,-23.7,-4,12401,555007,555006,555008,2020-11-12 21:25:51.740496 +150000,88722,20,8,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12401,555007,555006,555008,2020-11-12 21:25:51.730496 +150000,98722,20,3,-96,-10.9,9,-101,-13.9,4,-116,-16.9,1,12401,555007,555006,555008,2020-11-12 21:25:51.720496 +150000,78722,20,6,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12401,555007,555006,555008,2020-11-12 21:25:51.710496 +150000,108722,20,3,-87,-12.1,14,-92,-15.1,9,-107,-18.1,6,12401,555007,555006,555008,2020-11-12 21:25:51.700496 +290000,122000,25,10,-89,-13.0,8,-94,-16.0,3,-109,-19.0,0,12401,555007,555006,555008,2020-11-12 21:25:51.690496 +150000,98722,20,5,-92,-11.5,8,-97,-14.5,3,-112,-17.5,0,12401,555007,555006,555008,2020-11-12 21:25:51.680496 +110000,88722,20,8,-95,-12.3,9,-100,-15.3,4,-115,-18.3,1,12401,555007,555006,555008,2020-11-12 21:25:51.670496 +110000,98722,20,3,-97,-17.3,14,-102,-20.3,9,-117,-23.3,6,12401,555007,555006,555008,2020-11-12 21:25:51.660496 +150000,108722,20,2,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12401,555007,555006,555008,2020-11-12 21:25:51.650496 +8000,6000,10,4,-126,-22.7,-6,-131,-25.7,-11,-146,-28.7,0,12401,555007,555006,555008,2020-11-12 21:25:51.640496 +100000,58722,18,6,-115,-19.3,4,-120,-22.3,-1,-135,-25.3,-4,12401,555007,555006,555008,2020-11-12 21:25:51.630496 +290000,123000,25,10,-46,-3.2,24,-51,-6.2,19,-66,-9.2,16,12401,555007,555006,555008,2020-11-12 21:25:51.620496 +280000,123000,25,10,-85,-12.6,12,-90,-15.6,7,-105,-18.6,4,12401,555007,555006,555008,2020-11-12 21:25:51.610496 +100000,48722,18,7,-114,-19.5,6,-119,-22.5,1,-134,-25.5,-2,12401,555007,555006,555008,2020-11-12 21:25:51.600496 +150000,98722,20,7,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12401,555007,555006,555008,2020-11-12 21:25:51.590496 +280000,121000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12401,555007,555006,555008,2020-11-12 21:25:51.580496 +150000,108722,20,2,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12401,555007,555006,555008,2020-11-12 21:25:51.570496 +150000,108722,20,5,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12401,555007,555006,555008,2020-11-12 21:25:51.560496 +150000,98722,20,8,-96,-10.9,8,-101,-13.9,3,-116,-16.9,0,12401,555007,555006,555008,2020-11-12 21:25:51.550496 +200000,68722,20,8,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12401,555007,555006,555008,2020-11-12 21:25:51.540496 +200000,108722,20,4,-83,-11.3,14,-88,-14.3,9,-103,-17.3,6,12401,555007,555006,555008,2020-11-12 21:25:51.530496 +280000,123000,25,10,-82,-12.1,17,-87,-15.1,12,-102,-18.1,9,12401,555007,555006,555008,2020-11-12 21:25:51.520496 +90000,58722,18,7,-112,-21.1,4,-117,-24.1,-2,-132,-27.1,-7,12401,555007,555006,555008,2020-11-12 21:25:51.510496 +10000,68722,18,6,-113,-19.1,3,-118,-22.1,-2,-133,-25.1,-5,12401,555007,555006,555008,2020-11-12 21:25:51.500496 +110000,108722,20,5,-91,-16.1,15,-96,-19.1,10,-111,-22.1,7,12401,555007,555006,555008,2020-11-12 21:25:51.490496 +200000,78722,20,3,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12401,555007,555006,555008,2020-11-12 21:25:51.480496 +200000,78722,20,2,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12401,555007,555006,555008,2020-11-12 21:25:51.470496 +110000,108722,20,3,-92,-16.3,12,-97,-19.3,7,-112,-22.3,4,12401,555007,555006,555008,2020-11-12 21:25:51.460496 +100000,48722,18,7,-119,-19.5,2,-124,-22.5,-3,-139,-25.5,-6,12401,555007,555006,555008,2020-11-12 21:25:51.450496 +280000,123000,25,10,-81,-12.7,11,-86,-15.7,6,-101,-18.7,3,12401,555007,555006,555008,2020-11-12 21:25:51.440496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12401,555007,555006,555008,2020-11-12 21:25:51.430496 +110000,88722,20,2,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12401,555007,555006,555008,2020-11-12 21:25:51.420496 +3000,2000,9,4,-126,-22.1,-3,-131,-25.1,-10,-146,-28.1,1,12401,555007,555006,555008,2020-11-12 21:25:51.410496 +150000,108722,20,5,-96,-11.1,10,-101,-14.1,5,-116,-17.1,2,12401,555007,555006,555008,2020-11-12 21:25:51.400496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12401,555007,555006,555008,2020-11-12 21:25:51.390496 +150000,88722,20,5,-99,-17.7,16,-104,-20.7,11,-119,-23.7,8,12401,555007,555006,555008,2020-11-12 21:25:51.380496 +280000,122000,25,10,-87,-12.4,14,-92,-15.4,9,-107,-18.4,6,12401,555007,555006,555008,2020-11-12 21:25:51.370496 +280000,121000,25,10,-94,-13.7,1,-99,-16.7,-4,-114,-19.7,-7,12402,555007,555006,555008,2020-11-12 21:25:51.360496 +270000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12402,555007,555006,555008,2020-11-12 21:25:51.350496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12402,555007,555006,555008,2020-11-12 21:25:51.340496 +110000,68722,20,6,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12402,555007,555006,555008,2020-11-12 21:25:51.330496 +300000,125000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12402,555007,555006,555008,2020-11-12 21:25:51.320496 +280000,122000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12402,555007,555006,555008,2020-11-12 21:25:51.310496 +110000,108722,20,5,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12402,555007,555006,555008,2020-11-12 21:25:51.300496 +150000,108722,20,2,-97,-11.5,11,-102,-14.5,6,-117,-17.5,3,12402,555007,555006,555008,2020-11-12 21:25:51.290496 +100000,98722,20,6,-89,-12.5,12,-94,-15.5,7,-109,-18.5,4,12402,555007,555006,555008,2020-11-12 21:25:51.280496 +280000,122000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12402,555007,555006,555008,2020-11-12 21:25:51.270496 +150000,78722,20,6,-87,-12.1,12,-92,-15.1,7,-107,-18.1,4,12402,555007,555006,555008,2020-11-12 21:25:51.260496 +110000,88722,20,6,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12402,555007,555006,555008,2020-11-12 21:25:51.250496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12402,555007,555006,555008,2020-11-12 21:25:51.240496 +280000,122000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12402,555007,555006,555008,2020-11-12 21:25:51.230496 +280000,123000,25,10,-86,-12.3,15,-91,-15.3,10,-106,-18.3,7,12402,555007,555006,555008,2020-11-12 21:25:51.220496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12402,555007,555006,555008,2020-11-12 21:25:51.210496 +150000,108722,20,2,-93,-10.7,8,-98,-13.7,3,-113,-16.7,0,12402,555007,555006,555008,2020-11-12 21:25:51.200496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12402,555007,555006,555008,2020-11-12 21:25:51.190496 +280000,123000,25,10,-81,-12.6,12,-86,-15.6,7,-101,-18.6,4,12402,555007,555006,555008,2020-11-12 21:25:51.180496 +290000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12402,555007,555006,555008,2020-11-12 21:25:51.170496 +150000,108722,20,2,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12402,555007,555006,555008,2020-11-12 21:25:51.160496 +300000,121000,25,10,-91,-13.4,4,-96,-16.4,-1,-111,-19.4,-4,12402,555007,555006,555008,2020-11-12 21:25:51.150496 +100000,108722,20,6,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12402,555007,555006,555008,2020-11-12 21:25:51.140496 +150000,78722,20,8,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12402,555007,555006,555008,2020-11-12 21:25:51.130496 +230000,78722,20,4,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12402,555007,555006,555008,2020-11-12 21:25:51.120496 +110000,68722,20,2,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12402,555007,555006,555008,2020-11-12 21:25:51.110496 +230000,98722,20,4,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12402,555007,555006,555008,2020-11-12 21:25:51.100496 +150000,108722,20,5,-91,-13.8,0,-96,-16.8,-5,-111,-19.8,-8,12402,555007,555006,555008,2020-11-12 21:25:51.090496 +290000,121000,25,10,-91,-13.6,2,-96,-16.6,-3,-111,-19.6,-6,12402,555007,555006,555008,2020-11-12 21:25:51.080496 +10000,38722,18,6,-110,-19.3,3,-115,-22.3,-2,-130,-25.3,-5,12402,555007,555006,555008,2020-11-12 21:25:51.070496 +200000,108722,20,5,-94,-13.3,5,-99,-16.3,0,-114,-19.3,-3,12402,555007,555006,555008,2020-11-12 21:25:51.060496 +100000,58722,18,6,-119,-19.3,6,-124,-22.3,1,-139,-25.3,-2,12402,555007,555006,555008,2020-11-12 21:25:51.050496 +100000,68722,18,7,-113,-18.3,6,-118,-21.3,1,-133,-24.3,-2,12402,555007,555006,555008,2020-11-12 21:25:51.040496 +300000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12402,555007,555006,555008,2020-11-12 21:25:51.030496 +200000,88722,20,6,-90,-12.7,14,-95,-15.7,9,-110,-18.7,6,12402,555007,555006,555008,2020-11-12 21:25:51.020496 +280000,122000,25,8,-82,-12.5,13,-87,-15.5,8,-102,-18.5,5,12402,555007,555006,555008,2020-11-12 21:25:51.010496 +150000,108722,20,5,-92,-13.5,3,-97,-16.5,-2,-112,-19.5,-5,12402,555007,555006,555008,2020-11-12 21:25:51.000496 +110000,108722,20,2,-97,-12.7,10,-102,-15.7,5,-117,-18.7,2,12402,555007,555006,555008,2020-11-12 21:25:50.990496 +100000,108722,20,8,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12402,555007,555006,555008,2020-11-12 21:25:50.980496 +230000,108722,20,10,-91,-13.4,4,-96,-16.4,-1,-111,-19.4,-4,12402,555007,555006,555008,2020-11-12 21:25:50.970496 +150000,108722,20,3,-89,-10.9,11,-94,-13.9,6,-109,-16.9,3,12402,555007,555006,555008,2020-11-12 21:25:50.960496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12402,555007,555006,555008,2020-11-12 21:25:50.950496 +100000,108722,20,3,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12402,555007,555006,555008,2020-11-12 21:25:50.940496 +290000,123000,25,10,-47,-3.3,24,-52,-6.3,19,-67,-9.3,16,12402,555007,555006,555008,2020-11-12 21:25:50.930496 +280000,123000,25,10,-45,-3.1,24,-50,-6.1,19,-65,-9.1,16,12402,555007,555006,555008,2020-11-12 21:25:50.920496 +100000,88722,20,8,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12402,555007,555006,555008,2020-11-12 21:25:50.910496 +100000,68722,18,7,-110,-19.7,5,-115,-22.7,0,-130,-25.7,-3,12402,555007,555006,555008,2020-11-12 21:25:50.900496 +280000,123000,25,10,-83,-12.6,12,-88,-15.6,7,-103,-18.6,4,12402,555007,555006,555008,2020-11-12 21:25:50.890496 +150000,108722,20,3,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12402,555007,555006,555008,2020-11-12 21:25:50.880496 +150000,108722,20,4,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12402,555007,555006,555008,2020-11-12 21:25:50.870496 +100000,108722,20,5,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12402,555007,555006,555008,2020-11-12 21:25:50.860496 +100000,48722,20,2,-94,-10.7,3,-99,-13.7,-2,-114,-16.7,-5,12402,555007,555006,555008,2020-11-12 21:25:50.850496 +290000,123000,25,10,-47,-3.3,24,-52,-6.3,19,-67,-9.3,16,12403,555007,555006,555008,2020-11-12 21:25:50.840496 +150000,88722,20,4,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12403,555007,555006,555008,2020-11-12 21:25:50.830496 +230000,88722,20,6,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12403,555007,555006,555008,2020-11-12 21:25:50.820496 +110000,108722,20,2,-89,-10.9,9,-94,-13.9,4,-109,-16.9,1,12403,555007,555006,555008,2020-11-12 21:25:50.810496 +200000,108722,20,6,-91,-13.1,7,-96,-16.1,2,-111,-19.1,-1,12403,555007,555006,555008,2020-11-12 21:25:50.800496 +110000,108722,20,3,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12403,555007,555006,555008,2020-11-12 21:25:50.790496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12403,555007,555006,555008,2020-11-12 21:25:50.780496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12403,555007,555006,555008,2020-11-12 21:25:50.770496 +150000,88722,20,8,-94,-12.3,10,-99,-15.3,5,-114,-18.3,2,12403,555007,555006,555008,2020-11-12 21:25:50.760496 +280000,122000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12403,555007,555006,555008,2020-11-12 21:25:50.750496 +110000,98722,20,6,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12403,555007,555006,555008,2020-11-12 21:25:50.740496 +100000,88722,20,2,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12403,555007,555006,555008,2020-11-12 21:25:50.730496 +150000,78722,20,6,-80,-10.7,15,-85,-13.7,10,-100,-16.7,7,12403,555007,555006,555008,2020-11-12 21:25:50.720496 +110000,68722,20,5,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12403,555007,555006,555008,2020-11-12 21:25:50.710496 +200000,98722,20,6,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12403,555007,555006,555008,2020-11-12 21:25:50.700496 +280000,123000,25,10,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12403,555007,555006,555008,2020-11-12 21:25:50.690496 +110000,78722,20,4,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12403,555007,555006,555008,2020-11-12 21:25:50.680496 +1000,2,9,3,-124,-24.5,0,-129,-27.5,-2,-144,-30.5,-6,12403,555007,555006,555008,2020-11-12 21:25:50.670496 +280000,123000,25,10,-90,-13.2,6,-95,-16.2,1,-110,-19.2,-2,12403,555007,555006,555008,2020-11-12 21:25:50.660496 +90000,6722,18,7,-119,-19.7,4,-124,-22.7,-1,-139,-25.7,-4,12403,555007,555006,555008,2020-11-12 21:25:50.650496 +110000,88722,20,7,-92,-16.3,12,-97,-19.3,7,-112,-22.3,4,12403,555007,555006,555008,2020-11-12 21:25:50.640496 +230000,88722,20,8,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12403,555007,555006,555008,2020-11-12 21:25:50.630496 +110000,88722,20,6,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12403,555007,555006,555008,2020-11-12 21:25:50.620496 +10000,58722,15,7,-110,-18.5,3,-115,-21.5,-2,-130,-24.5,-5,12403,555007,555006,555008,2020-11-12 21:25:50.610496 +280000,121000,25,10,-94,-12.9,9,-99,-15.9,4,-114,-18.9,1,12403,555007,555006,555008,2020-11-12 21:25:50.600496 +290000,122000,25,10,-83,-12.8,10,-88,-15.8,5,-103,-18.8,2,12403,555007,555006,555008,2020-11-12 21:25:50.590496 +100000,68722,18,7,-112,-19.3,3,-117,-22.3,-2,-132,-25.3,-5,12403,555007,555006,555008,2020-11-12 21:25:50.580496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12403,555007,555006,555008,2020-11-12 21:25:50.570496 +100000,78722,20,2,-89,-11.3,10,-94,-14.3,5,-109,-17.3,2,12403,555007,555006,555008,2020-11-12 21:25:50.560496 +110000,88722,20,5,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12403,555007,555006,555008,2020-11-12 21:25:50.550496 +110000,88722,20,6,-89,-11.3,11,-94,-14.3,6,-109,-17.3,3,12403,555007,555006,555008,2020-11-12 21:25:50.540496 +290000,123000,25,10,-81,-12.7,11,-86,-15.7,6,-101,-18.7,3,12403,555007,555006,555008,2020-11-12 21:25:50.530496 +200000,88722,20,7,-98,-17.5,14,-103,-20.5,9,-118,-23.5,6,12403,555007,555006,555008,2020-11-12 21:25:50.520496 +290000,122000,25,10,-89,-13.0,8,-94,-16.0,3,-109,-19.0,0,12403,555007,555006,555008,2020-11-12 21:25:50.510496 +110000,98722,20,5,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12403,555007,555006,555008,2020-11-12 21:25:50.500496 +110000,108722,20,4,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12403,555007,555006,555008,2020-11-12 21:25:50.490496 +100000,68722,20,3,-87,-12.1,12,-92,-15.1,7,-107,-18.1,4,12403,555007,555006,555008,2020-11-12 21:25:50.480496 +280000,123000,25,10,-84,-12.3,15,-89,-15.3,10,-104,-18.3,7,12403,555007,555006,555008,2020-11-12 21:25:50.470496 +150000,98722,20,6,-91,-13.4,4,-96,-16.4,-1,-111,-19.4,-4,12403,555007,555006,555008,2020-11-12 21:25:50.460496 +280000,121000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12403,555007,555006,555008,2020-11-12 21:25:50.450496 +150000,108722,20,4,-88,-12.3,15,-93,-15.3,10,-108,-18.3,7,12403,555007,555006,555008,2020-11-12 21:25:50.440496 +100000,6722,20,3,-93,-11.9,7,-98,-14.9,2,-113,-17.9,-1,12403,555007,555006,555008,2020-11-12 21:25:50.430496 +100000,68722,20,8,-95,-11.5,4,-100,-14.5,-1,-115,-17.5,-4,12403,555007,555006,555008,2020-11-12 21:25:50.420496 +90000,58722,18,7,-113,-18.5,4,-118,-21.5,-1,-133,-24.5,-4,12403,555007,555006,555008,2020-11-12 21:25:50.410496 +110000,108722,20,2,-94,-16.7,15,-99,-19.7,10,-114,-22.7,7,12403,555007,555006,555008,2020-11-12 21:25:50.400496 +280000,123000,25,10,-89,-13.3,5,-94,-16.3,0,-109,-19.3,-3,12403,555007,555006,555008,2020-11-12 21:25:50.390496 +110000,88722,20,6,-92,-10.9,12,-97,-13.9,7,-112,-16.9,4,12403,555007,555006,555008,2020-11-12 21:25:50.380496 +110000,108722,20,2,-96,-11.9,8,-101,-14.9,3,-116,-17.9,0,12403,555007,555006,555008,2020-11-12 21:25:50.370496 +110000,98722,20,7,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12403,555007,555006,555008,2020-11-12 21:25:50.360496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12403,555007,555006,555008,2020-11-12 21:25:50.350496 +290000,123000,25,10,-89,-13.7,1,-94,-16.7,-4,-109,-19.7,-7,12403,555007,555006,555008,2020-11-12 21:25:50.340496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12403,555007,555006,555008,2020-11-12 21:25:50.330496 +100000,88722,20,8,-87,-12.1,12,-92,-15.1,7,-107,-18.1,4,12404,555007,555006,555008,2020-11-12 21:25:50.320496 +150000,98722,20,5,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12404,555007,555006,555008,2020-11-12 21:25:50.310496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12404,555007,555006,555008,2020-11-12 21:25:50.300496 +100000,6722,18,7,-119,-17.9,4,-124,-20.9,-1,-139,-23.9,-4,12404,555007,555006,555008,2020-11-12 21:25:50.290496 +280000,123000,25,10,-80,-12.1,17,-85,-15.1,12,-100,-18.1,9,12404,555007,555006,555008,2020-11-12 21:25:50.280496 +110000,88722,20,3,-96,-11.7,9,-101,-14.7,4,-116,-17.7,1,12404,555007,555006,555008,2020-11-12 21:25:50.270496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12404,555007,555006,555008,2020-11-12 21:25:50.260496 +200000,98722,20,5,-90,-13.5,3,-95,-16.5,-2,-110,-19.5,-5,12404,555007,555006,555008,2020-11-12 21:25:50.250496 +280000,122000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12404,555007,555006,555008,2020-11-12 21:25:50.240496 +280000,123000,25,10,-88,-12.7,11,-93,-15.7,6,-108,-18.7,3,12404,555007,555006,555008,2020-11-12 21:25:50.230496 +9000,6000,14,6,-120,-20.9,-3,-125,-23.9,-8,-140,-26.9,-11,12404,555007,555006,555008,2020-11-12 21:25:50.220496 +290000,121000,25,8,-94,-13.3,5,-99,-16.3,0,-114,-19.3,-3,12404,555007,555006,555008,2020-11-12 21:25:50.210496 +150000,108722,20,4,-86,-11.9,15,-91,-14.9,10,-106,-17.9,7,12404,555007,555006,555008,2020-11-12 21:25:50.200496 +100000,98722,20,6,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12404,555007,555006,555008,2020-11-12 21:25:50.190496 +150000,108722,20,2,-95,-16.9,15,-100,-19.9,10,-115,-22.9,7,12404,555007,555006,555008,2020-11-12 21:25:50.180496 +100000,108722,20,6,-95,-16.9,14,-100,-19.9,9,-115,-22.9,6,12404,555007,555006,555008,2020-11-12 21:25:50.170496 +100000,68722,18,7,-112,-20.9,-5,-117,-23.9,-10,-132,-26.9,-13,12404,555007,555006,555008,2020-11-12 21:25:50.160496 +110000,108722,20,6,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12404,555007,555006,555008,2020-11-12 21:25:50.150496 +110000,108722,20,6,-92,-13.0,8,-97,-16.0,3,-112,-19.0,0,12404,555007,555006,555008,2020-11-12 21:25:50.140496 +270000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12404,555007,555006,555008,2020-11-12 21:25:50.130496 +100000,78722,20,6,-98,-11.3,9,-103,-14.3,4,-118,-17.3,1,12404,555007,555006,555008,2020-11-12 21:25:50.120496 +110000,88722,20,8,-91,-12.3,11,-96,-15.3,6,-111,-18.3,3,12404,555007,555006,555008,2020-11-12 21:25:50.110496 +150000,108722,20,3,-95,-10.7,12,-100,-13.7,7,-115,-16.7,4,12404,555007,555006,555008,2020-11-12 21:25:50.100496 +280000,123000,25,10,-81,-12.0,18,-86,-15.0,13,-101,-18.0,10,12404,555007,555006,555008,2020-11-12 21:25:50.090496 +290000,122000,25,10,-82,-12.2,16,-87,-15.2,11,-102,-18.2,8,12404,555007,555006,555008,2020-11-12 21:25:50.080496 +150000,108722,20,6,-99,-12.3,12,-104,-15.3,7,-119,-18.3,4,12404,555007,555006,555008,2020-11-12 21:25:50.070496 +150000,88722,20,8,-87,-12.1,12,-92,-15.1,7,-107,-18.1,4,12404,555007,555006,555008,2020-11-12 21:25:50.060496 +290000,122000,25,10,-89,-13.7,1,-94,-16.7,-4,-109,-19.7,-7,12404,555007,555006,555008,2020-11-12 21:25:50.050496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12404,555007,555006,555008,2020-11-12 21:25:50.040496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12404,555007,555006,555008,2020-11-12 21:25:50.030496 +10000,6722,16,7,-111,-19.3,2,-116,-22.3,-3,-131,-25.3,-6,12404,555007,555006,555008,2020-11-12 21:25:50.020496 +150000,108722,20,2,-96,-12.5,10,-101,-15.5,5,-116,-18.5,2,12404,555007,555006,555008,2020-11-12 21:25:50.010496 +110000,68722,20,4,-82,-11.1,15,-87,-14.1,10,-102,-17.1,7,12404,555007,555006,555008,2020-11-12 21:25:50.000496 +110000,98722,20,8,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12404,555007,555006,555008,2020-11-12 21:25:49.990496 +9000,5000,14,6,-124,-20.7,-8,-129,-23.7,-13,-144,-26.7,-16,12404,555007,555006,555008,2020-11-12 21:25:49.980496 +110000,78722,20,2,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12404,555007,555006,555008,2020-11-12 21:25:49.970496 +200000,98722,20,6,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12404,555007,555006,555008,2020-11-12 21:25:49.960496 +300000,125000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12404,555007,555006,555008,2020-11-12 21:25:49.950496 +200000,108722,20,4,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12404,555007,555006,555008,2020-11-12 21:25:49.940496 +110000,88722,20,3,-89,-12.5,14,-94,-15.5,9,-109,-18.5,6,12404,555007,555006,555008,2020-11-12 21:25:49.930496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12404,555007,555006,555008,2020-11-12 21:25:49.920496 +100000,68722,20,5,-96,-17.1,15,-101,-20.1,10,-116,-23.1,7,12404,555007,555006,555008,2020-11-12 21:25:49.910496 +150000,88722,20,6,-89,-12.5,14,-94,-15.5,9,-109,-18.5,6,12404,555007,555006,555008,2020-11-12 21:25:49.900496 +150000,108722,20,6,-92,-12.1,8,-97,-15.1,3,-112,-18.1,0,12404,555007,555006,555008,2020-11-12 21:25:49.890496 +90000,6722,15,7,-113,-18.1,4,-118,-21.1,-1,-133,-24.1,-4,12404,555007,555006,555008,2020-11-12 21:25:49.880496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12404,555007,555006,555008,2020-11-12 21:25:49.870496 +150000,108722,20,4,-98,-12.1,8,-103,-15.1,3,-118,-18.1,0,12404,555007,555006,555008,2020-11-12 21:25:49.860496 +110000,98722,20,7,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12404,555007,555006,555008,2020-11-12 21:25:49.850496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12404,555007,555006,555008,2020-11-12 21:25:49.840496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12404,555007,555006,555008,2020-11-12 21:25:49.830496 +4000,2000,10,4,-128,-22.5,-7,-133,-25.5,-12,-148,-28.5,-15,12404,555007,555006,555008,2020-11-12 21:25:49.820496 +100000,78722,20,8,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12404,555007,555006,555008,2020-11-12 21:25:49.810496 +100000,48722,18,6,-109,-18.5,3,-114,-21.5,-2,-129,-24.5,-5,12405,555008,555007,555009,2020-11-12 21:25:49.800496 +150000,108722,20,5,-87,-12.1,15,-92,-15.1,10,-107,-18.1,7,12405,555008,555007,555009,2020-11-12 21:25:49.790496 +280000,121000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12405,555008,555007,555009,2020-11-12 21:25:49.780496 +150000,108722,20,5,-82,-11.1,15,-87,-14.1,10,-102,-17.1,7,12405,555008,555007,555009,2020-11-12 21:25:49.770496 +110000,108722,20,8,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12405,555008,555007,555009,2020-11-12 21:25:49.760496 +100000,6722,18,7,-113,-18.1,7,-118,-21.1,2,-133,-24.1,-1,12405,555008,555007,555009,2020-11-12 21:25:49.750496 +200000,98722,20,3,-92,-11.1,11,-97,-14.1,6,-112,-17.1,3,12405,555008,555007,555009,2020-11-12 21:25:49.740496 +110000,98722,20,7,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12405,555008,555007,555009,2020-11-12 21:25:49.730496 +110000,108722,20,6,-96,-12.5,12,-101,-15.5,7,-116,-18.5,4,12405,555008,555007,555009,2020-11-12 21:25:49.720496 +150000,88722,20,3,-90,-15.9,11,-95,-18.9,6,-110,-21.9,3,12405,555008,555007,555009,2020-11-12 21:25:49.710496 +280000,123000,25,10,-80,-12.8,10,-85,-15.8,5,-100,-18.8,2,12405,555008,555007,555009,2020-11-12 21:25:49.700496 +300000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12405,555008,555007,555009,2020-11-12 21:25:49.690496 +280000,122000,25,10,-89,-13.5,3,-94,-16.5,-2,-109,-19.5,-5,12405,555008,555007,555009,2020-11-12 21:25:49.680496 +100000,68722,18,7,-109,-18.3,7,-114,-21.3,2,-129,-24.3,-1,12405,555008,555007,555009,2020-11-12 21:25:49.670496 +100000,108722,20,5,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12405,555008,555007,555009,2020-11-12 21:25:49.660496 +10000,78722,15,7,-113,-19.3,12,-118,-22.3,7,-133,-25.3,4,12405,555008,555007,555009,2020-11-12 21:25:49.650496 +200000,98722,20,6,-91,-13.5,3,-96,-16.5,-2,-111,-19.5,-5,12405,555008,555007,555009,2020-11-12 21:25:49.640496 +110000,88722,20,5,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12405,555008,555007,555009,2020-11-12 21:25:49.630496 +280000,123000,25,8,-89,-13.3,5,-94,-16.3,0,-109,-19.3,-3,12405,555008,555007,555009,2020-11-12 21:25:49.620496 +110000,108722,20,4,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12405,555008,555007,555009,2020-11-12 21:25:49.610496 +280000,121000,25,10,-91,-13.3,5,-96,-16.3,0,-111,-19.3,-3,12405,555008,555007,555009,2020-11-12 21:25:49.600496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12405,555008,555007,555009,2020-11-12 21:25:49.590496 +110000,68722,20,6,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12405,555008,555007,555009,2020-11-12 21:25:49.580496 +10,2000,9,3,-118,-23.7,0,-123,-26.7,-6,-138,-29.7,-8,12405,555008,555007,555009,2020-11-12 21:25:49.570496 +110000,108722,20,8,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12405,555008,555007,555009,2020-11-12 21:25:49.560496 +280000,123000,25,10,-85,-12.6,12,-90,-15.6,7,-105,-18.6,4,12405,555008,555007,555009,2020-11-12 21:25:49.550496 +200000,88722,20,6,-99,-12.1,10,-104,-15.1,5,-119,-18.1,2,12405,555008,555007,555009,2020-11-12 21:25:49.540496 +150000,88722,20,5,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12405,555008,555007,555009,2020-11-12 21:25:49.530496 +100000,68722,20,4,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12405,555008,555007,555009,2020-11-12 21:25:49.520496 +9000,6000,16,6,-121,-22.3,3,-126,-25.3,-2,-141,-28.3,0,12405,555008,555007,555009,2020-11-12 21:25:49.510496 +100000,68722,18,6,-112,-17.7,4,-117,-20.7,-1,-132,-23.7,-4,12405,555008,555007,555009,2020-11-12 21:25:49.500496 +110000,108722,20,7,-89,-11.9,11,-94,-14.9,6,-109,-17.9,3,12405,555008,555007,555009,2020-11-12 21:25:49.490496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12405,555008,555007,555009,2020-11-12 21:25:49.480496 +300000,123000,25,10,-84,-12.1,17,-89,-15.1,12,-104,-18.1,9,12405,555008,555007,555009,2020-11-12 21:25:49.470496 +280000,123000,25,10,-80,-12.5,13,-85,-15.5,8,-100,-18.5,5,12405,555008,555007,555009,2020-11-12 21:25:49.460496 +300000,125000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12405,555008,555007,555009,2020-11-12 21:25:49.450496 +300000,125000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12405,555008,555007,555009,2020-11-12 21:25:49.440496 +100000,98722,20,4,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12405,555008,555007,555009,2020-11-12 21:25:49.430496 +110000,98722,20,8,-99,-17.7,12,-104,-20.7,7,-119,-23.7,4,12405,555008,555007,555009,2020-11-12 21:25:49.420496 +150000,108722,20,7,-98,-11.1,10,-103,-14.1,5,-118,-17.1,2,12405,555008,555007,555009,2020-11-12 21:25:49.410496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12405,555008,555007,555009,2020-11-12 21:25:49.400496 +100000,108722,20,2,-83,-11.3,15,-88,-14.3,10,-103,-17.3,7,12405,555008,555007,555009,2020-11-12 21:25:49.390496 +110000,98722,20,3,-90,-11.9,8,-95,-14.9,3,-110,-17.9,0,12405,555008,555007,555009,2020-11-12 21:25:49.380496 +150000,88722,20,7,-86,-11.9,16,-91,-14.9,11,-106,-17.9,8,12405,555008,555007,555009,2020-11-12 21:25:49.370496 +100000,48722,18,7,-118,-18.5,6,-123,-21.5,1,-138,-24.5,-2,12405,555008,555007,555009,2020-11-12 21:25:49.360496 +110000,108722,20,7,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12405,555008,555007,555009,2020-11-12 21:25:49.350496 +300000,125000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12405,555008,555007,555009,2020-11-12 21:25:49.340496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12405,555008,555007,555009,2020-11-12 21:25:49.330496 +8000,5000,14,6,-122,-21.7,2,-127,-24.7,-2,-142,-27.7,1,12405,555008,555007,555009,2020-11-12 21:25:49.320496 +200000,108722,20,3,-87,-12.1,15,-92,-15.1,10,-107,-18.1,7,12405,555008,555007,555009,2020-11-12 21:25:49.310496 +10000,48722,18,6,-119,-18.7,6,-124,-21.7,1,-139,-24.7,-2,12405,555008,555007,555009,2020-11-12 21:25:49.300496 +4000,200,9,4,-123,-21.5,1,-128,-24.5,0,-143,-27.5,0,12405,555008,555007,555009,2020-11-12 21:25:49.290496 +150000,108722,20,4,-93,-13.8,0,-98,-16.8,-5,-113,-19.8,-8,12406,555008,555007,555009,2020-11-12 21:25:49.280496 +100000,38722,18,7,-110,-17.7,6,-115,-20.7,1,-130,-23.7,-2,12406,555008,555007,555009,2020-11-12 21:25:49.270496 +110000,108722,20,2,-95,-10.7,8,-100,-13.7,3,-115,-16.7,0,12406,555008,555007,555009,2020-11-12 21:25:49.260496 +100000,108722,20,8,-91,-16.1,14,-96,-19.1,9,-111,-22.1,6,12406,555008,555007,555009,2020-11-12 21:25:49.250496 +150000,108722,20,2,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12406,555008,555007,555009,2020-11-12 21:25:49.240496 +100000,68722,18,7,-111,-18.1,7,-116,-21.1,2,-131,-24.1,-1,12406,555008,555007,555009,2020-11-12 21:25:49.230496 +290000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12406,555008,555007,555009,2020-11-12 21:25:49.220496 +100000,68722,18,7,-111,-19.1,6,-116,-22.1,1,-131,-25.1,-2,12406,555008,555007,555009,2020-11-12 21:25:49.210496 +110000,98722,20,6,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12406,555008,555007,555009,2020-11-12 21:25:49.200496 +110000,68722,20,7,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12406,555008,555007,555009,2020-11-12 21:25:49.190496 +150000,108722,20,3,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12406,555008,555007,555009,2020-11-12 21:25:49.180496 +100000,108722,20,6,-99,-17.7,12,-104,-20.7,7,-119,-23.7,4,12406,555008,555007,555009,2020-11-12 21:25:49.170496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12406,555008,555007,555009,2020-11-12 21:25:49.160496 +150000,108722,20,3,-94,-12.1,8,-99,-15.1,3,-114,-18.1,0,12406,555008,555007,555009,2020-11-12 21:25:49.150496 +100000,48722,20,3,-89,-12.1,2,-94,-15.1,-3,-109,-18.1,-6,12406,555008,555007,555009,2020-11-12 21:25:49.140496 +280000,123000,25,10,-87,-12.3,15,-92,-15.3,10,-107,-18.3,7,12406,555008,555007,555009,2020-11-12 21:25:49.130496 +100000,88722,20,6,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12406,555008,555007,555009,2020-11-12 21:25:49.120496 +100000,68722,18,6,-113,-18.5,4,-118,-21.5,-1,-133,-24.5,-4,12406,555008,555007,555009,2020-11-12 21:25:49.110496 +110000,108722,20,2,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12406,555008,555007,555009,2020-11-12 21:25:49.100496 +110000,108722,20,7,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12406,555008,555007,555009,2020-11-12 21:25:49.090496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12406,555008,555007,555009,2020-11-12 21:25:49.080496 +10000,68722,15,6,-117,-17.9,3,-122,-20.9,-2,-137,-23.9,-5,12406,555008,555007,555009,2020-11-12 21:25:49.070496 +280000,122000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12406,555008,555007,555009,2020-11-12 21:25:49.060496 +230000,98722,20,3,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12406,555008,555007,555009,2020-11-12 21:25:49.050496 +290000,121000,25,10,-92,-13.1,7,-97,-16.1,2,-112,-19.1,-1,12406,555008,555007,555009,2020-11-12 21:25:49.040496 +110000,108722,20,6,-99,-11.9,9,-104,-14.9,4,-119,-17.9,1,12406,555008,555007,555009,2020-11-12 21:25:49.030496 +200000,98722,20,3,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12406,555008,555007,555009,2020-11-12 21:25:49.020496 +290000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12406,555008,555007,555009,2020-11-12 21:25:49.010496 +110000,108722,20,2,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12406,555008,555007,555009,2020-11-12 21:25:49.000496 +150000,88722,20,6,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12406,555008,555007,555009,2020-11-12 21:25:48.990496 +100000,6722,18,7,-116,-17.9,3,-121,-20.9,-2,-136,-23.9,-5,12406,555008,555007,555009,2020-11-12 21:25:48.980496 +100000,6722,18,6,-109,-18.9,4,-114,-21.9,-1,-129,-24.9,-4,12406,555008,555007,555009,2020-11-12 21:25:48.970496 +230000,98722,20,3,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12406,555008,555007,555009,2020-11-12 21:25:48.960496 +150000,88722,20,6,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12406,555008,555007,555009,2020-11-12 21:25:48.950496 +100000,6722,18,7,-113,-17.9,5,-118,-20.9,0,-133,-23.9,-3,12406,555008,555007,555009,2020-11-12 21:25:48.940496 +150000,108722,20,6,-89,-12.5,15,-94,-15.5,10,-109,-18.5,7,12406,555008,555007,555009,2020-11-12 21:25:48.930496 +280000,123000,25,10,-86,-12.1,17,-91,-15.1,12,-106,-18.1,9,12406,555008,555007,555009,2020-11-12 21:25:48.920496 +280000,123000,25,10,-89,-13.1,7,-94,-16.1,2,-109,-19.1,-1,12406,555008,555007,555009,2020-11-12 21:25:48.910496 +3000,20,10,4,-127,-22.7,-4,-132,-25.7,-9,-147,-28.7,-12,12406,555008,555007,555009,2020-11-12 21:25:48.900496 +280000,123000,25,10,-86,-12.5,13,-91,-15.5,8,-106,-18.5,5,12406,555008,555007,555009,2020-11-12 21:25:48.890496 +280000,123000,25,10,-88,-12.0,18,-93,-15.0,13,-108,-18.0,10,12406,555008,555007,555009,2020-11-12 21:25:48.880496 +280000,123000,25,8,-85,-12.3,15,-90,-15.3,10,-105,-18.3,7,12406,555008,555007,555009,2020-11-12 21:25:48.870496 +100000,98722,20,3,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12406,555008,555007,555009,2020-11-12 21:25:48.860496 +110000,108722,20,6,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12406,555008,555007,555009,2020-11-12 21:25:48.850496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12406,555008,555007,555009,2020-11-12 21:25:48.840496 +150000,108722,20,5,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12406,555008,555007,555009,2020-11-12 21:25:48.830496 +200000,108722,20,5,-91,-13.5,3,-96,-16.5,-2,-111,-19.5,-5,12406,555008,555007,555009,2020-11-12 21:25:48.820496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12406,555008,555007,555009,2020-11-12 21:25:48.810496 +150000,108722,20,6,-92,-11.9,12,-97,-14.9,7,-112,-17.9,4,12406,555008,555007,555009,2020-11-12 21:25:48.800496 +100000,68722,20,3,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12406,555008,555007,555009,2020-11-12 21:25:48.790496 +100000,108722,20,8,-88,-12.3,12,-93,-15.3,7,-108,-18.3,4,12406,555008,555007,555009,2020-11-12 21:25:48.780496 +110000,108722,20,4,-92,-13.3,5,-97,-16.3,0,-112,-19.3,-3,12406,555008,555007,555009,2020-11-12 21:25:48.770496 +280000,123000,25,10,-82,-12.0,18,-87,-15.0,13,-102,-18.0,10,12407,555008,555007,555009,2020-11-12 21:25:48.760496 +280000,121000,25,10,-93,-13.0,8,-98,-16.0,3,-113,-19.0,0,12407,555008,555007,555009,2020-11-12 21:25:48.750496 +100000,108722,20,4,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12407,555008,555007,555009,2020-11-12 21:25:48.740496 +100000,48722,20,5,-98,-10.9,2,-103,-13.9,-3,-118,-16.9,-6,12407,555008,555007,555009,2020-11-12 21:25:48.730496 +200000,78722,20,2,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12407,555008,555007,555009,2020-11-12 21:25:48.720496 +230000,88722,20,6,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12407,555008,555007,555009,2020-11-12 21:25:48.710496 +110000,98722,20,4,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12407,555008,555007,555009,2020-11-12 21:25:48.700496 +280000,121000,25,10,-91,-13.5,3,-96,-16.5,-2,-111,-19.5,-5,12407,555008,555007,555009,2020-11-12 21:25:48.690496 +100000,98722,20,4,-89,-15.7,12,-94,-18.7,7,-109,-21.7,4,12407,555008,555007,555009,2020-11-12 21:25:48.680496 +110000,108722,20,3,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12407,555008,555007,555009,2020-11-12 21:25:48.670496 +150000,98722,20,7,-89,-13.7,1,-94,-16.7,-4,-109,-19.7,-7,12407,555008,555007,555009,2020-11-12 21:25:48.660496 +110000,88722,20,4,-88,-12.3,12,-93,-15.3,7,-108,-18.3,4,12407,555008,555007,555009,2020-11-12 21:25:48.650496 +150000,98722,20,6,-92,-13.4,4,-97,-16.4,-1,-112,-19.4,-4,12407,555008,555007,555009,2020-11-12 21:25:48.640496 +150000,108722,20,7,-98,-17.5,15,-103,-20.5,10,-118,-23.5,7,12407,555008,555007,555009,2020-11-12 21:25:48.630496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12407,555008,555007,555009,2020-11-12 21:25:48.620496 +200000,98722,20,7,-91,-13.4,4,-96,-16.4,-1,-111,-19.4,-4,12407,555008,555007,555009,2020-11-12 21:25:48.610496 +110000,108722,20,4,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12407,555008,555007,555009,2020-11-12 21:25:48.600496 +290000,123000,25,10,-83,-12.3,15,-88,-15.3,10,-103,-18.3,7,12407,555008,555007,555009,2020-11-12 21:25:48.590496 +150000,108722,20,7,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12407,555008,555007,555009,2020-11-12 21:25:48.580496 +300000,123000,25,10,-88,-12.0,18,-93,-15.0,13,-108,-18.0,10,12407,555008,555007,555009,2020-11-12 21:25:48.570496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12407,555008,555007,555009,2020-11-12 21:25:48.560496 +110000,108722,20,4,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12407,555008,555007,555009,2020-11-12 21:25:48.550496 +280000,122000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12407,555008,555007,555009,2020-11-12 21:25:48.540496 +150000,108722,20,7,-91,-13.5,3,-96,-16.5,-2,-111,-19.5,-5,12407,555008,555007,555009,2020-11-12 21:25:48.530496 +150000,108722,20,7,-93,-13.4,4,-98,-16.4,-1,-113,-19.4,-4,12407,555008,555007,555009,2020-11-12 21:25:48.520496 +150000,108722,20,6,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12407,555008,555007,555009,2020-11-12 21:25:48.510496 +300000,121000,25,10,-90,-13.3,5,-95,-16.3,0,-110,-19.3,-3,12407,555008,555007,555009,2020-11-12 21:25:48.500496 +150000,108722,20,7,-83,-11.3,15,-88,-14.3,10,-103,-17.3,7,12407,555008,555007,555009,2020-11-12 21:25:48.490496 +110000,98722,20,3,-89,-15.7,15,-94,-18.7,10,-109,-21.7,7,12407,555008,555007,555009,2020-11-12 21:25:48.480496 +100000,6722,20,2,-92,-10.9,7,-97,-13.9,2,-112,-16.9,-1,12407,555008,555007,555009,2020-11-12 21:25:48.470496 +10000,68722,14,6,-119,-19.5,4,-124,-22.5,-1,-139,-25.5,-4,12407,555008,555007,555009,2020-11-12 21:25:48.460496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12407,555008,555007,555009,2020-11-12 21:25:48.450496 +100000,108722,20,6,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12407,555008,555007,555009,2020-11-12 21:25:48.440496 +110000,108722,20,5,-91,-13.1,7,-96,-16.1,2,-111,-19.1,-1,12407,555008,555007,555009,2020-11-12 21:25:48.430496 +280000,122000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12407,555008,555007,555009,2020-11-12 21:25:48.420496 +150000,108722,20,8,-82,-11.1,14,-87,-14.1,9,-102,-17.1,6,12407,555008,555007,555009,2020-11-12 21:25:48.410496 +110000,88722,20,3,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12407,555008,555007,555009,2020-11-12 21:25:48.400496 +150000,108722,20,4,-93,-13.7,1,-98,-16.7,-4,-113,-19.7,-7,12407,555008,555007,555009,2020-11-12 21:25:48.390496 +110000,108722,20,8,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12407,555008,555007,555009,2020-11-12 21:25:48.380496 +150000,108722,20,2,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12407,555008,555007,555009,2020-11-12 21:25:48.370496 +110000,88722,20,3,-94,-11.9,11,-99,-14.9,6,-114,-17.9,3,12407,555008,555007,555009,2020-11-12 21:25:48.360496 +150000,108722,20,6,-97,-12.5,11,-102,-15.5,6,-117,-18.5,3,12407,555008,555007,555009,2020-11-12 21:25:48.350496 +4000,1000,9,3,-126,-22.5,0,-131,-25.5,-5,-146,-28.5,-8,12407,555008,555007,555009,2020-11-12 21:25:48.340496 +110000,88722,20,7,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12407,555008,555007,555009,2020-11-12 21:25:48.330496 +280000,121000,25,10,-93,-13.7,1,-98,-16.7,-4,-113,-19.7,-7,12407,555008,555007,555009,2020-11-12 21:25:48.320496 +110000,88722,20,3,-92,-16.3,12,-97,-19.3,7,-112,-22.3,4,12407,555008,555007,555009,2020-11-12 21:25:48.310496 +200000,108722,20,3,-94,-12.7,11,-99,-15.7,6,-114,-18.7,3,12407,555008,555007,555009,2020-11-12 21:25:48.300496 +280000,122000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12407,555008,555007,555009,2020-11-12 21:25:48.290496 +230000,108722,20,10,-89,-13.4,4,-94,-16.4,-1,-109,-19.4,-4,12407,555008,555007,555009,2020-11-12 21:25:48.280496 +110000,98722,20,7,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12407,555008,555007,555009,2020-11-12 21:25:48.270496 +230000,108722,20,5,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12407,555008,555007,555009,2020-11-12 21:25:48.260496 +230000,88722,20,7,-98,-17.5,12,-103,-20.5,7,-118,-23.5,4,12407,555008,555007,555009,2020-11-12 21:25:48.250496 +110000,108722,20,4,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12408,555008,555007,555009,2020-11-12 21:25:48.240496 +150000,108722,20,4,-92,-13.1,7,-97,-16.1,2,-112,-19.1,-1,12408,555008,555007,555009,2020-11-12 21:25:48.230496 +100000,58722,18,6,-115,-19.1,4,-120,-22.1,-1,-135,-25.1,-4,12408,555008,555007,555009,2020-11-12 21:25:48.220496 +100000,38722,18,7,-115,-19.5,3,-120,-22.5,-2,-135,-25.5,-5,12408,555008,555007,555009,2020-11-12 21:25:48.210496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12408,555008,555007,555009,2020-11-12 21:25:48.200496 +100000,68722,18,7,-111,-18.1,2,-116,-21.1,-3,-131,-24.1,-6,12408,555008,555007,555009,2020-11-12 21:25:48.190496 +110000,108722,20,7,-92,-12.7,8,-97,-15.7,3,-112,-18.7,0,12408,555008,555007,555009,2020-11-12 21:25:48.180496 +230000,98722,20,2,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12408,555008,555007,555009,2020-11-12 21:25:48.170496 +230000,88722,20,8,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12408,555008,555007,555009,2020-11-12 21:25:48.160496 +8000,6000,10,4,-121,-24.5,-15,-126,-27.5,-20,-141,-30.5,-23,12408,555008,555007,555009,2020-11-12 21:25:48.150496 +280000,123000,25,8,-82,-12.2,16,-87,-15.2,11,-102,-18.2,8,12408,555008,555007,555009,2020-11-12 21:25:48.140496 +110000,108722,20,6,-93,-13.0,8,-98,-16.0,3,-113,-19.0,0,12408,555008,555007,555009,2020-11-12 21:25:48.130496 +280000,123000,25,10,-80,-12.5,13,-85,-15.5,8,-100,-18.5,5,12408,555008,555007,555009,2020-11-12 21:25:48.120496 +90000,68722,16,6,-114,-18.1,7,-119,-21.1,2,-134,-24.1,-1,12408,555008,555007,555009,2020-11-12 21:25:48.110496 +100000,98722,20,2,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12408,555008,555007,555009,2020-11-12 21:25:48.100496 +200000,98722,20,8,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12408,555008,555007,555009,2020-11-12 21:25:48.090496 +230000,108722,20,2,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12408,555008,555007,555009,2020-11-12 21:25:48.080496 +280000,122000,25,10,-82,-12.2,16,-87,-15.2,11,-102,-18.2,8,12408,555008,555007,555009,2020-11-12 21:25:48.070496 +110000,108722,20,2,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12408,555008,555007,555009,2020-11-12 21:25:48.060496 +150000,78722,20,5,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12408,555008,555007,555009,2020-11-12 21:25:48.050496 +280000,121000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12408,555008,555007,555009,2020-11-12 21:25:48.040496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12408,555008,555007,555009,2020-11-12 21:25:48.030496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12408,555008,555007,555009,2020-11-12 21:25:48.020496 +150000,108722,20,5,-92,-13.3,5,-97,-16.3,0,-112,-19.3,-3,12408,555008,555007,555009,2020-11-12 21:25:48.010496 +110000,88722,20,4,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12408,555008,555007,555009,2020-11-12 21:25:48.000496 +280000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12408,555008,555007,555009,2020-11-12 21:25:47.990496 +110000,98722,20,4,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12408,555008,555007,555009,2020-11-12 21:25:47.980496 +5000,2,10,3,-123,-24.7,-21,-128,-27.7,-26,-143,-30.7,-29,12408,555008,555007,555009,2020-11-12 21:25:47.970496 +100000,6722,18,7,-110,-17.7,7,-115,-20.7,2,-130,-23.7,-1,12408,555008,555007,555009,2020-11-12 21:25:47.960496 +230000,108722,20,3,-98,-11.5,11,-103,-14.5,6,-118,-17.5,3,12408,555008,555007,555009,2020-11-12 21:25:47.950496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12408,555008,555007,555009,2020-11-12 21:25:47.940496 +90000,6722,14,6,-115,-19.3,4,-120,-22.3,-1,-135,-25.3,-4,12408,555008,555007,555009,2020-11-12 21:25:47.930496 +230000,98722,20,8,-89,-12.5,12,-94,-15.5,7,-109,-18.5,4,12408,555008,555007,555009,2020-11-12 21:25:47.920496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12408,555008,555007,555009,2020-11-12 21:25:47.910496 +100000,108722,20,3,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12408,555008,555007,555009,2020-11-12 21:25:47.900496 +100000,6722,18,7,-110,-19.3,7,-115,-22.3,2,-130,-25.3,-1,12408,555008,555007,555009,2020-11-12 21:25:47.890496 +280000,123000,25,10,-86,-12.8,10,-91,-15.8,5,-106,-18.8,2,12408,555008,555007,555009,2020-11-12 21:25:47.880496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12408,555008,555007,555009,2020-11-12 21:25:47.870496 +280000,122000,25,10,-86,-12.3,15,-91,-15.3,10,-106,-18.3,7,12408,555008,555007,555009,2020-11-12 21:25:47.860496 +110000,108722,20,6,-91,-13.0,8,-96,-16.0,3,-111,-19.0,0,12408,555008,555007,555009,2020-11-12 21:25:47.850496 +110000,108722,20,3,-82,-11.1,14,-87,-14.1,9,-102,-17.1,6,12408,555008,555007,555009,2020-11-12 21:25:47.840496 +150000,98722,20,7,-98,-11.3,11,-103,-14.3,6,-118,-17.3,3,12408,555008,555007,555009,2020-11-12 21:25:47.830496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12408,555008,555007,555009,2020-11-12 21:25:47.820496 +100000,98722,20,3,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12408,555008,555007,555009,2020-11-12 21:25:47.810496 +110000,108722,20,3,-92,-16.3,12,-97,-19.3,7,-112,-22.3,4,12408,555008,555007,555009,2020-11-12 21:25:47.800496 +290000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12408,555008,555007,555009,2020-11-12 21:25:47.790496 +100000,48722,18,6,-113,-19.3,7,-118,-22.3,2,-133,-25.3,-1,12408,555008,555007,555009,2020-11-12 21:25:47.780496 +280000,123000,25,10,-89,-13.8,0,-94,-16.8,-5,-109,-19.8,-8,12408,555008,555007,555009,2020-11-12 21:25:47.770496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12408,555008,555007,555009,2020-11-12 21:25:47.760496 +110000,108722,20,7,-94,-11.1,10,-99,-14.1,5,-114,-17.1,2,12408,555008,555007,555009,2020-11-12 21:25:47.750496 +90000,48722,16,7,-111,-19.3,3,-116,-22.3,-2,-131,-25.3,-5,12408,555008,555007,555009,2020-11-12 21:25:47.740496 +150000,78722,20,6,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12408,555008,555007,555009,2020-11-12 21:25:47.730496 +110000,108722,20,3,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12409,555008,555007,555009,2020-11-12 21:25:47.720496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12409,555008,555007,555009,2020-11-12 21:25:47.710496 +110000,108722,20,4,-93,-13.7,1,-98,-16.7,-4,-113,-19.7,-7,12409,555008,555007,555009,2020-11-12 21:25:47.700496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12409,555008,555007,555009,2020-11-12 21:25:47.690496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12409,555008,555007,555009,2020-11-12 21:25:47.680496 +90000,48722,14,7,-116,-17.9,4,-121,-20.9,-1,-136,-23.9,-4,12409,555008,555007,555009,2020-11-12 21:25:47.670496 +110000,98722,20,2,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12409,555008,555007,555009,2020-11-12 21:25:47.660496 +150000,108722,20,8,-97,-12.5,9,-102,-15.5,4,-117,-18.5,1,12409,555008,555007,555009,2020-11-12 21:25:47.650496 +150000,98722,20,4,-92,-11.7,10,-97,-14.7,5,-112,-17.7,2,12409,555008,555007,555009,2020-11-12 21:25:47.640496 +230000,108722,20,4,-90,-10.7,10,-95,-13.7,5,-110,-16.7,2,12409,555008,555007,555009,2020-11-12 21:25:47.630496 +280000,122000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12409,555008,555007,555009,2020-11-12 21:25:47.620496 +110000,88722,20,3,-98,-11.9,8,-103,-14.9,3,-118,-17.9,0,12409,555008,555007,555009,2020-11-12 21:25:47.610496 +280000,123000,25,10,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12409,555008,555007,555009,2020-11-12 21:25:47.600496 +150000,78722,20,6,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12409,555008,555007,555009,2020-11-12 21:25:47.590496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12409,555008,555007,555009,2020-11-12 21:25:47.580496 +150000,98722,20,4,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12409,555008,555007,555009,2020-11-12 21:25:47.570496 +280000,123000,25,10,-90,-13.7,1,-95,-16.7,-4,-110,-19.7,-7,12409,555008,555007,555009,2020-11-12 21:25:47.560496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12409,555008,555007,555009,2020-11-12 21:25:47.550496 +200000,108722,20,8,-96,-11.1,8,-101,-14.1,3,-116,-17.1,0,12409,555008,555007,555009,2020-11-12 21:25:47.540496 +110000,108722,20,3,-92,-10.9,11,-97,-13.9,6,-112,-16.9,3,12409,555008,555007,555009,2020-11-12 21:25:47.530496 +150000,108722,20,2,-91,-11.1,12,-96,-14.1,7,-111,-17.1,4,12409,555008,555007,555009,2020-11-12 21:25:47.520496 +150000,98722,20,2,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12409,555008,555007,555009,2020-11-12 21:25:47.510496 +150000,108722,20,4,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12409,555008,555007,555009,2020-11-12 21:25:47.500496 +110000,68722,20,4,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12409,555008,555007,555009,2020-11-12 21:25:47.490496 +7000,6000,9,4,-121,-24.1,-14,-126,-27.1,-19,-141,-30.1,-22,12409,555008,555007,555009,2020-11-12 21:25:47.480496 +150000,98722,20,5,-91,-13.0,8,-96,-16.0,3,-111,-19.0,0,12409,555008,555007,555009,2020-11-12 21:25:47.470496 +100000,108722,20,6,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12409,555008,555007,555009,2020-11-12 21:25:47.460496 +280000,123000,25,10,-89,-13.6,2,-94,-16.6,-3,-109,-19.6,-6,12409,555008,555007,555009,2020-11-12 21:25:47.450496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12409,555008,555007,555009,2020-11-12 21:25:47.440496 +300000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12409,555008,555007,555009,2020-11-12 21:25:47.430496 +100000,88722,20,4,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12409,555008,555007,555009,2020-11-12 21:25:47.420496 +100000,48722,18,7,-115,-19.5,6,-120,-22.5,1,-135,-25.5,-2,12409,555008,555007,555009,2020-11-12 21:25:47.410496 +150000,108722,20,4,-90,-15.9,11,-95,-18.9,6,-110,-21.9,3,12409,555008,555007,555009,2020-11-12 21:25:47.400496 +100000,48722,18,6,-116,-19.3,5,-121,-22.3,0,-136,-25.3,-3,12409,555008,555007,555009,2020-11-12 21:25:47.390496 +300000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12409,555008,555007,555009,2020-11-12 21:25:47.380496 +200000,108722,20,7,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12409,555008,555007,555009,2020-11-12 21:25:47.370496 +100000,108722,20,6,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12409,555008,555007,555009,2020-11-12 21:25:47.360496 +230000,108722,20,3,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12409,555008,555007,555009,2020-11-12 21:25:47.350496 +110000,88722,20,5,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12409,555008,555007,555009,2020-11-12 21:25:47.340496 +110000,108722,20,6,-92,-12.7,9,-97,-15.7,4,-112,-18.7,1,12409,555008,555007,555009,2020-11-12 21:25:47.330496 +200000,108722,20,8,-91,-16.1,14,-96,-19.1,9,-111,-22.1,6,12409,555008,555007,555009,2020-11-12 21:25:47.320496 +100000,108722,20,3,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12409,555008,555007,555009,2020-11-12 21:25:47.310496 +8000,4000,10,4,-119,-23.5,-20,-124,-26.5,-25,-139,-29.5,-28,12409,555008,555007,555009,2020-11-12 21:25:47.300496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12409,555008,555007,555009,2020-11-12 21:25:47.290496 +110000,98722,20,4,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12409,555008,555007,555009,2020-11-12 21:25:47.280496 +290000,123000,25,10,-81,-12.6,12,-86,-15.6,7,-101,-18.6,4,12409,555008,555007,555009,2020-11-12 21:25:47.270496 +280000,123000,25,10,-81,-12.5,13,-86,-15.5,8,-101,-18.5,5,12409,555008,555007,555009,2020-11-12 21:25:47.260496 +300000,123000,25,10,-82,-12.5,13,-87,-15.5,8,-102,-18.5,5,12409,555008,555007,555009,2020-11-12 21:25:47.250496 +110000,98722,20,4,-91,-13.1,7,-96,-16.1,2,-111,-19.1,-1,12409,555008,555007,555009,2020-11-12 21:25:47.240496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12409,555008,555007,555009,2020-11-12 21:25:47.230496 +290000,123000,25,10,-82,-12.6,12,-87,-15.6,7,-102,-18.6,4,12409,555008,555007,555009,2020-11-12 21:25:47.220496 +10000,58722,14,6,-119,-19.3,2,-124,-22.3,-3,-139,-25.3,-6,12409,555008,555007,555009,2020-11-12 21:25:47.210496 +150000,78722,20,3,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12410,555008,555007,555009,2020-11-12 21:25:47.200496 +280000,123000,25,10,-83,-12.5,13,-88,-15.5,8,-103,-18.5,5,12410,555008,555007,555009,2020-11-12 21:25:47.190496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12410,555008,555007,555009,2020-11-12 21:25:47.180496 +230000,98722,20,7,-96,-17.1,15,-101,-20.1,10,-116,-23.1,7,12410,555008,555007,555009,2020-11-12 21:25:47.170496 +110000,108722,20,6,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12410,555008,555007,555009,2020-11-12 21:25:47.160496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12410,555008,555007,555009,2020-11-12 21:25:47.150496 +290000,121000,25,10,-91,-13.0,8,-96,-16.0,3,-111,-19.0,0,12410,555008,555007,555009,2020-11-12 21:25:47.140496 +150000,108722,20,3,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12410,555008,555007,555009,2020-11-12 21:25:47.130496 +110000,108722,20,7,-93,-10.7,9,-98,-13.7,4,-113,-16.7,1,12410,555008,555007,555009,2020-11-12 21:25:47.120496 +110000,98722,20,3,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12410,555008,555007,555009,2020-11-12 21:25:47.110496 +150000,108722,20,2,-97,-11.5,10,-102,-14.5,5,-117,-17.5,2,12410,555008,555007,555009,2020-11-12 21:25:47.100496 +100000,98722,20,4,-97,-17.3,14,-102,-20.3,9,-117,-23.3,6,12410,555008,555007,555009,2020-11-12 21:25:47.090496 +150000,68722,20,7,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12410,555008,555007,555009,2020-11-12 21:25:47.080496 +230000,108722,20,3,-91,-11.5,9,-96,-14.5,4,-111,-17.5,1,12410,555008,555007,555009,2020-11-12 21:25:47.070496 +230000,108722,20,10,-90,-13.2,6,-95,-16.2,1,-110,-19.2,-2,12410,555008,555007,555009,2020-11-12 21:25:47.060496 +200000,108722,20,3,-92,-16.3,15,-97,-19.3,10,-112,-22.3,7,12410,555008,555007,555009,2020-11-12 21:25:47.050496 +280000,123000,25,10,-81,-12.1,17,-86,-15.1,12,-101,-18.1,9,12410,555008,555007,555009,2020-11-12 21:25:47.040496 +200000,68722,20,6,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12410,555008,555007,555009,2020-11-12 21:25:47.030496 +300000,123000,25,8,-87,-12.7,11,-92,-15.7,6,-107,-18.7,3,12410,555008,555007,555009,2020-11-12 21:25:47.020496 +150000,108722,20,6,-92,-12.9,9,-97,-15.9,4,-112,-18.9,1,12410,555008,555007,555009,2020-11-12 21:25:47.010496 +280000,123000,25,10,-88,-12.5,13,-93,-15.5,8,-108,-18.5,5,12410,555008,555007,555009,2020-11-12 21:25:47.000496 +100000,108722,20,7,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12410,555008,555007,555009,2020-11-12 21:25:46.990496 +150000,98722,20,5,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12410,555008,555007,555009,2020-11-12 21:25:46.980496 +100000,68722,18,7,-119,-18.5,6,-124,-21.5,1,-139,-24.5,-2,12410,555008,555007,555009,2020-11-12 21:25:46.970496 +150000,108722,20,5,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12410,555008,555007,555009,2020-11-12 21:25:46.960496 +100000,6722,18,6,-118,-18.9,4,-123,-21.9,-1,-138,-24.9,-4,12410,555008,555007,555009,2020-11-12 21:25:46.950496 +150000,98722,20,6,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12410,555008,555007,555009,2020-11-12 21:25:46.940496 +100000,78722,20,5,-92,-12.1,12,-97,-15.1,7,-112,-18.1,4,12410,555008,555007,555009,2020-11-12 21:25:46.930496 +110000,88722,20,7,-89,-11.9,9,-94,-14.9,4,-109,-17.9,1,12410,555008,555007,555009,2020-11-12 21:25:46.920496 +100000,108722,20,5,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12410,555008,555007,555009,2020-11-12 21:25:46.910496 +110000,108722,20,6,-90,-12.7,14,-95,-15.7,9,-110,-18.7,6,12410,555008,555007,555009,2020-11-12 21:25:46.900496 +110000,98722,20,6,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12410,555008,555007,555009,2020-11-12 21:25:46.890496 +150000,108722,20,2,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12410,555008,555007,555009,2020-11-12 21:25:46.880496 +110000,88722,20,2,-92,-10.9,9,-97,-13.9,4,-112,-16.9,1,12410,555008,555007,555009,2020-11-12 21:25:46.870496 +150000,108722,20,8,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12410,555008,555007,555009,2020-11-12 21:25:46.860496 +100000,38722,18,6,-116,-19.5,6,-121,-22.5,1,-136,-25.5,-2,12410,555008,555007,555009,2020-11-12 21:25:46.850496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12410,555008,555007,555009,2020-11-12 21:25:46.840496 +100000,58722,18,6,-117,-18.9,7,-122,-21.9,2,-137,-24.9,-1,12410,555008,555007,555009,2020-11-12 21:25:46.830496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12410,555008,555007,555009,2020-11-12 21:25:46.820496 +100000,78722,20,3,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12410,555008,555007,555009,2020-11-12 21:25:46.810496 +4000,3000,10,4,-126,-22.5,-4,-131,-25.5,-9,-146,-28.5,-12,12410,555008,555007,555009,2020-11-12 21:25:46.800496 +100000,48722,18,7,-115,-19.5,5,-120,-22.5,0,-135,-25.5,-3,12410,555008,555007,555009,2020-11-12 21:25:46.790496 +270000,122000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12410,555008,555007,555009,2020-11-12 21:25:46.780496 +10000,68722,14,7,-117,-19.5,7,-122,-22.5,2,-137,-25.5,-1,12410,555008,555007,555009,2020-11-12 21:25:46.770496 +110000,108722,20,5,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12410,555008,555007,555009,2020-11-12 21:25:46.760496 +100000,58722,18,6,-110,-18.7,7,-115,-21.7,2,-130,-24.7,-1,12410,555008,555007,555009,2020-11-12 21:25:46.750496 +110000,108722,20,2,-86,-11.9,14,-91,-14.9,9,-106,-17.9,6,12410,555008,555007,555009,2020-11-12 21:25:46.740496 +100000,88722,20,6,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12410,555008,555007,555009,2020-11-12 21:25:46.730496 +150000,108722,20,2,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12410,555008,555007,555009,2020-11-12 21:25:46.720496 +110000,88722,20,2,-90,-15.9,11,-95,-18.9,6,-110,-21.9,3,12410,555008,555007,555009,2020-11-12 21:25:46.710496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12410,555008,555007,555009,2020-11-12 21:25:46.700496 +100000,88722,20,4,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12410,555008,555007,555009,2020-11-12 21:25:46.690496 +100000,38722,18,6,-111,-18.1,7,-116,-21.1,2,-131,-24.1,-1,12411,555008,555007,555009,2020-11-12 21:25:46.680496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12411,555008,555007,555009,2020-11-12 21:25:46.670496 +110000,108722,20,5,-94,-13.5,3,-99,-16.5,-2,-114,-19.5,-5,12411,555008,555007,555009,2020-11-12 21:25:46.660496 +100000,108722,20,8,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12411,555008,555007,555009,2020-11-12 21:25:46.650496 +280000,123000,25,10,-45,-3.1,24,-50,-6.1,19,-65,-9.1,16,12411,555008,555007,555009,2020-11-12 21:25:46.640496 +100000,68722,18,6,-110,-19.5,2,-115,-22.5,-3,-130,-25.5,-6,12411,555008,555007,555009,2020-11-12 21:25:46.630496 +10,200,10,3,-128,-22.5,-3,-133,-25.5,-4,-148,-28.5,2,12411,555008,555007,555009,2020-11-12 21:25:46.620496 +150000,98722,20,3,-91,-11.5,10,-96,-14.5,5,-111,-17.5,2,12411,555008,555007,555009,2020-11-12 21:25:46.610496 +280000,123000,25,10,-87,-12.7,11,-92,-15.7,6,-107,-18.7,3,12411,555008,555007,555009,2020-11-12 21:25:46.600496 +100000,88722,20,5,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12411,555008,555007,555009,2020-11-12 21:25:46.590496 +110000,88722,20,4,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12411,555008,555007,555009,2020-11-12 21:25:46.580496 +280000,123000,25,10,-87,-12.0,18,-92,-15.0,13,-107,-18.0,10,12411,555008,555007,555009,2020-11-12 21:25:46.570496 +280000,123000,25,10,-86,-12.5,13,-91,-15.5,8,-106,-18.5,5,12411,555008,555007,555009,2020-11-12 21:25:46.560496 +4000,500,9,3,-130,-22.1,-3,-135,-25.1,-8,-150,-28.1,-11,12411,555008,555007,555009,2020-11-12 21:25:46.550496 +110000,108722,20,6,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12411,555008,555007,555009,2020-11-12 21:25:46.540496 +100000,68722,18,6,-116,-18.3,3,-121,-21.3,-2,-136,-24.3,-5,12411,555008,555007,555009,2020-11-12 21:25:46.530496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12411,555008,555007,555009,2020-11-12 21:25:46.520496 +230000,108722,20,2,-94,-11.9,11,-99,-14.9,6,-114,-17.9,3,12411,555008,555007,555009,2020-11-12 21:25:46.510496 +280000,123000,25,10,-84,-12.7,11,-89,-15.7,6,-104,-18.7,3,12411,555008,555007,555009,2020-11-12 21:25:46.500496 +110000,108722,20,4,-89,-12.5,15,-94,-15.5,10,-109,-18.5,7,12411,555008,555007,555009,2020-11-12 21:25:46.490496 +9000,6000,14,6,-125,-21.1,-11,-130,-24.1,-16,-145,-27.1,-19,12411,555008,555007,555009,2020-11-12 21:25:46.480496 +280000,122000,25,10,-83,-12.8,10,-88,-15.8,5,-103,-18.8,2,12411,555008,555007,555009,2020-11-12 21:25:46.470496 +150000,68722,20,5,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12411,555008,555007,555009,2020-11-12 21:25:46.460496 +230000,108722,20,4,-96,-11.9,11,-101,-14.9,6,-116,-17.9,3,12411,555008,555007,555009,2020-11-12 21:25:46.450496 +230000,108722,20,3,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12411,555008,555007,555009,2020-11-12 21:25:46.440496 +110000,98722,20,6,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12411,555008,555007,555009,2020-11-12 21:25:46.430496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12411,555008,555007,555009,2020-11-12 21:25:46.420496 +200000,78722,20,2,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12411,555008,555007,555009,2020-11-12 21:25:46.410496 +300000,123000,25,10,-47,-3.3,24,-52,-6.3,19,-67,-9.3,16,12411,555008,555007,555009,2020-11-12 21:25:46.400496 +110000,78722,20,3,-97,-17.3,12,-102,-20.3,7,-117,-23.3,4,12411,555008,555007,555009,2020-11-12 21:25:46.390496 +1000,200,9,4,-129,-22.1,-5,-134,-25.1,-7,-149,-28.1,1,12411,555008,555007,555009,2020-11-12 21:25:46.380496 +290000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12411,555008,555007,555009,2020-11-12 21:25:46.370496 +10000,48722,15,7,-117,-17.7,4,-122,-20.7,-1,-137,-23.7,-4,12411,555008,555007,555009,2020-11-12 21:25:46.360496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12411,555008,555007,555009,2020-11-12 21:25:46.350496 +100000,108722,20,4,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12411,555008,555007,555009,2020-11-12 21:25:46.340496 +280000,122000,25,10,-85,-12.8,10,-90,-15.8,5,-105,-18.8,2,12411,555008,555007,555009,2020-11-12 21:25:46.330496 +100000,108722,20,6,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12411,555008,555007,555009,2020-11-12 21:25:46.320496 +110000,88722,20,7,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12411,555008,555007,555009,2020-11-12 21:25:46.310496 +280000,121000,25,10,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12411,555008,555007,555009,2020-11-12 21:25:46.300496 +100000,108722,20,2,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12411,555008,555007,555009,2020-11-12 21:25:46.290496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12411,555008,555007,555009,2020-11-12 21:25:46.280496 +230000,78722,20,4,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12411,555008,555007,555009,2020-11-12 21:25:46.270496 +150000,88722,20,7,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12411,555008,555007,555009,2020-11-12 21:25:46.260496 +280000,123000,25,10,-85,-12.2,16,-90,-15.2,11,-105,-18.2,8,12411,555008,555007,555009,2020-11-12 21:25:46.250496 +280000,121000,25,10,-91,-13.2,6,-96,-16.2,1,-111,-19.2,-2,12411,555008,555007,555009,2020-11-12 21:25:46.240496 +110000,108722,20,7,-92,-12.9,9,-97,-15.9,4,-112,-18.9,1,12411,555008,555007,555009,2020-11-12 21:25:46.230496 +280000,123000,25,10,-81,-12.1,17,-86,-15.1,12,-101,-18.1,9,12411,555008,555007,555009,2020-11-12 21:25:46.220496 +150000,88722,20,6,-99,-10.9,11,-104,-13.9,6,-119,-16.9,3,12411,555008,555007,555009,2020-11-12 21:25:46.210496 +230000,108722,20,2,-90,-12.7,14,-95,-15.7,9,-110,-18.7,6,12411,555008,555007,555009,2020-11-12 21:25:46.200496 +100000,38722,18,7,-117,-18.3,2,-122,-21.3,-3,-137,-24.3,-6,12411,555008,555007,555009,2020-11-12 21:25:46.190496 +110000,88722,20,3,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12411,555008,555007,555009,2020-11-12 21:25:46.180496 +100000,6722,18,6,-109,-19.5,6,-114,-22.5,1,-129,-25.5,-2,12411,555008,555007,555009,2020-11-12 21:25:46.170496 +200000,88722,20,4,-93,-10.7,12,-98,-13.7,7,-113,-16.7,4,12412,555008,555007,555009,2020-11-12 21:25:46.160496 +100000,6722,18,6,-113,-18.9,2,-118,-21.9,-3,-133,-24.9,-6,12412,555008,555007,555009,2020-11-12 21:25:46.150496 +110000,108722,20,4,-91,-13.1,7,-96,-16.1,2,-111,-19.1,-1,12412,555008,555007,555009,2020-11-12 21:25:46.140496 +4000,200,10,4,-129,-22.1,-4,-134,-25.1,-11,-149,-28.1,0,12412,555008,555007,555009,2020-11-12 21:25:46.130496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12412,555008,555007,555009,2020-11-12 21:25:46.120496 +280000,123000,25,10,-83,-12.0,18,-88,-15.0,13,-103,-18.0,10,12412,555008,555007,555009,2020-11-12 21:25:46.110496 +110000,88722,20,4,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12412,555008,555007,555009,2020-11-12 21:25:46.100496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12412,555008,555007,555009,2020-11-12 21:25:46.090496 +280000,121000,25,10,-90,-13.4,4,-95,-16.4,-1,-110,-19.4,-4,12412,555008,555007,555009,2020-11-12 21:25:46.080496 +280000,121000,25,10,-93,-13.7,1,-98,-16.7,-4,-113,-19.7,-7,12412,555008,555007,555009,2020-11-12 21:25:46.070496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12412,555008,555007,555009,2020-11-12 21:25:46.060496 +150000,108722,20,5,-89,-11.9,8,-94,-14.9,3,-109,-17.9,0,12412,555008,555007,555009,2020-11-12 21:25:46.050496 +110000,68722,20,3,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12412,555008,555007,555009,2020-11-12 21:25:46.040496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12412,555008,555007,555009,2020-11-12 21:25:46.030496 +110000,98722,20,8,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12412,555008,555007,555009,2020-11-12 21:25:46.020496 +280000,122000,25,10,-85,-12.5,13,-90,-15.5,8,-105,-18.5,5,12412,555008,555007,555009,2020-11-12 21:25:46.010496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12412,555008,555007,555009,2020-11-12 21:25:46.000496 +100000,108722,20,3,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12412,555008,555007,555009,2020-11-12 21:25:45.990496 +150000,108722,20,7,-93,-13.8,0,-98,-16.8,-5,-113,-19.8,-8,12412,555008,555007,555009,2020-11-12 21:25:45.980496 +290000,123000,25,10,-81,-12.3,15,-86,-15.3,10,-101,-18.3,7,12412,555008,555007,555009,2020-11-12 21:25:45.970496 +270000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12412,555008,555007,555009,2020-11-12 21:25:45.960496 +150000,88722,20,2,-90,-12.5,11,-95,-15.5,6,-110,-18.5,3,12412,555008,555007,555009,2020-11-12 21:25:45.950496 +290000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12412,555008,555007,555009,2020-11-12 21:25:45.940496 +230000,108722,20,4,-91,-11.3,12,-96,-14.3,7,-111,-17.3,4,12412,555008,555007,555009,2020-11-12 21:25:45.930496 +280000,122000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12412,555008,555007,555009,2020-11-12 21:25:45.920496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12412,555008,555007,555009,2020-11-12 21:25:45.910496 +150000,88722,20,7,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12412,555008,555007,555009,2020-11-12 21:25:45.900496 +100000,88722,20,7,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12412,555008,555007,555009,2020-11-12 21:25:45.890496 +280000,121000,25,10,-91,-13.3,5,-96,-16.3,0,-111,-19.3,-3,12412,555008,555007,555009,2020-11-12 21:25:45.880496 +280000,122000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12412,555008,555007,555009,2020-11-12 21:25:45.870496 +280000,122000,25,10,-89,-13.6,2,-94,-16.6,-3,-109,-19.6,-6,12412,555008,555007,555009,2020-11-12 21:25:45.860496 +100000,58722,18,6,-115,-19.1,4,-120,-22.1,-1,-135,-25.1,-4,12412,555008,555007,555009,2020-11-12 21:25:45.850496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12412,555008,555007,555009,2020-11-12 21:25:45.840496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12412,555008,555007,555009,2020-11-12 21:25:45.830496 +110000,88722,20,5,-99,-12.3,8,-104,-15.3,3,-119,-18.3,0,12412,555008,555007,555009,2020-11-12 21:25:45.820496 +110000,108722,20,4,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12412,555008,555007,555009,2020-11-12 21:25:45.810496 +100000,98722,20,6,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12412,555008,555007,555009,2020-11-12 21:25:45.800496 +150000,88722,20,2,-99,-17.7,16,-104,-20.7,11,-119,-23.7,8,12412,555008,555007,555009,2020-11-12 21:25:45.790496 +100000,38722,20,8,-97,-11.1,2,-102,-14.1,-3,-117,-17.1,-6,12412,555008,555007,555009,2020-11-12 21:25:45.780496 +230000,108722,20,3,-88,-12.3,15,-93,-15.3,10,-108,-18.3,7,12412,555008,555007,555009,2020-11-12 21:25:45.770496 +100000,98722,20,4,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12412,555008,555007,555009,2020-11-12 21:25:45.760496 +200000,108722,20,4,-94,-13.4,4,-99,-16.4,-1,-114,-19.4,-4,12412,555008,555007,555009,2020-11-12 21:25:45.750496 +100000,88722,20,6,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12412,555008,555007,555009,2020-11-12 21:25:45.740496 +300000,125000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12412,555008,555007,555009,2020-11-12 21:25:45.730496 +150000,88722,20,2,-91,-11.7,8,-96,-14.7,3,-111,-17.7,0,12412,555008,555007,555009,2020-11-12 21:25:45.720496 +290000,122000,25,10,-85,-12.0,18,-90,-15.0,13,-105,-18.0,10,12412,555008,555007,555009,2020-11-12 21:25:45.710496 +100000,108722,20,4,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12412,555008,555007,555009,2020-11-12 21:25:45.700496 +5000,1000,9,3,-116,-23.9,-19,-121,-26.9,-24,-136,-29.9,-27,12412,555008,555007,555009,2020-11-12 21:25:45.690496 +280000,123000,25,10,-85,-12.8,10,-90,-15.8,5,-105,-18.8,2,12412,555008,555007,555009,2020-11-12 21:25:45.680496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12412,555008,555007,555009,2020-11-12 21:25:45.670496 +200000,108722,20,6,-90,-13.5,3,-95,-16.5,-2,-110,-19.5,-5,12412,555008,555007,555009,2020-11-12 21:25:45.660496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12412,555008,555007,555009,2020-11-12 21:25:45.650496 +280000,123000,25,8,-81,-12.2,16,-86,-15.2,11,-101,-18.2,8,12413,555008,555007,555009,2020-11-12 21:25:45.640496 +150000,88722,20,2,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12413,555008,555007,555009,2020-11-12 21:25:45.630496 +200000,108722,20,5,-92,-13.6,2,-97,-16.6,-3,-112,-19.6,-6,12413,555008,555007,555009,2020-11-12 21:25:45.620496 +110000,108722,20,2,-97,-12.7,10,-102,-15.7,5,-117,-18.7,2,12413,555008,555007,555009,2020-11-12 21:25:45.610496 +150000,108722,20,3,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12413,555008,555007,555009,2020-11-12 21:25:45.600496 +110000,108722,20,2,-89,-11.7,12,-94,-14.7,7,-109,-17.7,4,12413,555008,555007,555009,2020-11-12 21:25:45.590496 +110000,108722,20,4,-96,-12.3,12,-101,-15.3,7,-116,-18.3,4,12413,555008,555007,555009,2020-11-12 21:25:45.580496 +280000,123000,25,10,-90,-13.2,6,-95,-16.2,1,-110,-19.2,-2,12413,555008,555007,555009,2020-11-12 21:25:45.570496 +150000,98722,20,6,-91,-13.8,0,-96,-16.8,-5,-111,-19.8,-8,12413,555008,555007,555009,2020-11-12 21:25:45.560496 +290000,123000,25,10,-81,-12.3,15,-86,-15.3,10,-101,-18.3,7,12413,555008,555007,555009,2020-11-12 21:25:45.550496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12413,555008,555007,555009,2020-11-12 21:25:45.540496 +280000,121000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12413,555008,555007,555009,2020-11-12 21:25:45.530496 +150000,108722,20,8,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12413,555008,555007,555009,2020-11-12 21:25:45.520496 +150000,98722,20,3,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12413,555008,555007,555009,2020-11-12 21:25:45.510496 +230000,98722,20,6,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12413,555008,555007,555009,2020-11-12 21:25:45.500496 +300000,125000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12413,555008,555007,555009,2020-11-12 21:25:45.490496 +110000,78722,20,3,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12413,555008,555007,555009,2020-11-12 21:25:45.480496 +150000,88722,20,6,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12413,555008,555007,555009,2020-11-12 21:25:45.470496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12413,555008,555007,555009,2020-11-12 21:25:45.460496 +150000,108722,20,2,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12413,555008,555007,555009,2020-11-12 21:25:45.450496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12413,555008,555007,555009,2020-11-12 21:25:45.440496 +150000,108722,20,6,-92,-13.2,6,-97,-16.2,1,-112,-19.2,-2,12413,555008,555007,555009,2020-11-12 21:25:45.430496 +110000,98722,20,7,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12413,555008,555007,555009,2020-11-12 21:25:45.420496 +90000,6722,14,6,-119,-19.1,3,-124,-22.1,-2,-139,-25.1,-5,12413,555008,555007,555009,2020-11-12 21:25:45.410496 +100000,108722,20,2,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12413,555008,555007,555009,2020-11-12 21:25:45.400496 +230000,98722,20,6,-98,-17.5,15,-103,-20.5,10,-118,-23.5,7,12413,555008,555007,555009,2020-11-12 21:25:45.390496 +90000,48722,16,7,-118,-17.9,5,-123,-20.9,0,-138,-23.9,-3,12413,555008,555007,555009,2020-11-12 21:25:45.380496 +100000,68722,18,6,-109,-18.5,7,-114,-21.5,2,-129,-24.5,-1,12413,555008,555007,555009,2020-11-12 21:25:45.370496 +110000,88722,20,6,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12413,555008,555007,555009,2020-11-12 21:25:45.360496 +100000,58722,18,7,-110,-18.9,2,-115,-21.9,-3,-130,-24.9,-6,12413,555008,555007,555009,2020-11-12 21:25:45.350496 +90000,48722,16,7,-110,-18.9,4,-115,-21.9,-1,-130,-24.9,-4,12413,555008,555007,555009,2020-11-12 21:25:45.340496 +110000,108722,20,5,-90,-12.9,9,-95,-15.9,4,-110,-18.9,1,12413,555008,555007,555009,2020-11-12 21:25:45.330496 +280000,121000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12413,555008,555007,555009,2020-11-12 21:25:45.320496 +100000,48722,18,7,-117,-19.3,5,-122,-22.3,0,-137,-25.3,-3,12413,555008,555007,555009,2020-11-12 21:25:45.310496 +200000,88722,20,8,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12413,555008,555007,555009,2020-11-12 21:25:45.300496 +100000,78722,20,2,-97,-17.3,12,-102,-20.3,7,-117,-23.3,4,12413,555008,555007,555009,2020-11-12 21:25:45.290496 +280000,122000,25,10,-80,-12.2,16,-85,-15.2,11,-100,-18.2,8,12413,555008,555007,555009,2020-11-12 21:25:45.280496 +150000,98722,20,6,-91,-13.4,4,-96,-16.4,-1,-111,-19.4,-4,12413,555008,555007,555009,2020-11-12 21:25:45.270496 +110000,98722,20,6,-91,-13.1,7,-96,-16.1,2,-111,-19.1,-1,12413,555008,555007,555009,2020-11-12 21:25:45.260496 +100000,98722,20,6,-86,-11.9,16,-91,-14.9,11,-106,-17.9,8,12413,555008,555007,555009,2020-11-12 21:25:45.250496 +150000,88722,20,2,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12413,555008,555007,555009,2020-11-12 21:25:45.240496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12413,555008,555007,555009,2020-11-12 21:25:45.230496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12413,555008,555007,555009,2020-11-12 21:25:45.220496 +280000,123000,25,10,-90,-13.5,3,-95,-16.5,-2,-110,-19.5,-5,12413,555008,555007,555009,2020-11-12 21:25:45.210496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12413,555008,555007,555009,2020-11-12 21:25:45.200496 +10000,68722,16,7,-119,-19.3,2,-124,-22.3,-3,-139,-25.3,-6,12413,555008,555007,555009,2020-11-12 21:25:45.190496 +280000,123000,25,10,-85,-12.4,14,-90,-15.4,9,-105,-18.4,6,12413,555008,555007,555009,2020-11-12 21:25:45.180496 +230000,68722,20,3,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12413,555008,555007,555009,2020-11-12 21:25:45.170496 +100000,6722,18,7,-113,-19.1,6,-118,-22.1,1,-133,-25.1,-2,12413,555008,555007,555009,2020-11-12 21:25:45.160496 +110000,88722,20,5,-89,-12.5,14,-94,-15.5,9,-109,-18.5,6,12413,555008,555007,555009,2020-11-12 21:25:45.150496 +150000,78722,20,6,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12413,555008,555007,555009,2020-11-12 21:25:45.140496 +100000,58722,18,6,-109,-18.3,6,-114,-21.3,1,-129,-24.3,-2,12413,555008,555007,555009,2020-11-12 21:25:45.130496 +110000,108722,20,6,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12414,555008,555007,555009,2020-11-12 21:25:45.120496 +150000,88722,20,8,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12414,555008,555007,555009,2020-11-12 21:25:45.110496 +230000,88722,20,3,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12414,555008,555007,555009,2020-11-12 21:25:45.100496 +230000,98722,20,7,-91,-12.7,8,-96,-15.7,3,-111,-18.7,0,12414,555008,555007,555009,2020-11-12 21:25:45.090496 +3000,3000,9,3,-128,-21.9,-11,-133,-24.9,-16,-148,-27.9,-19,12414,555008,555007,555009,2020-11-12 21:25:45.080496 +270000,122000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12414,555008,555007,555009,2020-11-12 21:25:45.070496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12414,555008,555007,555009,2020-11-12 21:25:45.060496 +100000,108722,20,3,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12414,555008,555007,555009,2020-11-12 21:25:45.050496 +150000,88722,20,2,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12414,555008,555007,555009,2020-11-12 21:25:45.040496 +280000,122000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12414,555008,555007,555009,2020-11-12 21:25:45.030496 +110000,98722,20,3,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12414,555008,555007,555009,2020-11-12 21:25:45.020496 +280000,122000,25,10,-90,-13.5,3,-95,-16.5,-2,-110,-19.5,-5,12414,555008,555007,555009,2020-11-12 21:25:45.010496 +100000,6722,18,6,-109,-19.3,4,-114,-22.3,-1,-129,-25.3,-4,12414,555008,555007,555009,2020-11-12 21:25:45.000496 +280000,122000,25,10,-89,-13.3,5,-94,-16.3,0,-109,-19.3,-3,12414,555008,555007,555009,2020-11-12 21:25:44.990496 +280000,121000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12414,555008,555007,555009,2020-11-12 21:25:44.980496 +300000,125000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12414,555008,555007,555009,2020-11-12 21:25:44.970496 +10000,6722,15,6,-117,-17.7,4,-122,-20.7,-1,-137,-23.7,-4,12414,555008,555007,555009,2020-11-12 21:25:44.960496 +8000,6722,10,3,-121,-21.7,1,-126,-24.7,-6,-141,-27.7,1,12414,555008,555007,555009,2020-11-12 21:25:44.950496 +110000,98722,20,4,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12414,555008,555007,555009,2020-11-12 21:25:44.940496 +100000,38722,18,7,-113,-17.7,5,-118,-20.7,0,-133,-23.7,-3,12414,555008,555007,555009,2020-11-12 21:25:44.930496 +150000,108722,20,2,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12414,555008,555007,555009,2020-11-12 21:25:44.920496 +110000,108722,20,4,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12414,555008,555007,555009,2020-11-12 21:25:44.910496 +100000,98722,20,3,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12414,555008,555007,555009,2020-11-12 21:25:44.900496 +10000,78722,15,6,-114,-18.5,9,-119,-21.5,4,-134,-24.5,1,12414,555008,555007,555009,2020-11-12 21:25:44.890496 +110000,68722,20,7,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12414,555008,555007,555009,2020-11-12 21:25:44.880496 +230000,98722,20,5,-97,-17.3,12,-102,-20.3,7,-117,-23.3,4,12414,555008,555007,555009,2020-11-12 21:25:44.870496 +290000,123000,25,10,-80,-12.1,17,-85,-15.1,12,-100,-18.1,9,12414,555008,555007,555009,2020-11-12 21:25:44.860496 +280000,122000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12414,555008,555007,555009,2020-11-12 21:25:44.850496 +150000,78722,20,4,-87,-12.1,15,-92,-15.1,10,-107,-18.1,7,12414,555008,555007,555009,2020-11-12 21:25:44.840496 +100000,108722,20,8,-94,-16.7,15,-99,-19.7,10,-114,-22.7,7,12414,555008,555007,555009,2020-11-12 21:25:44.830496 +290000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12414,555008,555007,555009,2020-11-12 21:25:44.820496 +100000,6722,18,7,-118,-18.9,7,-123,-21.9,2,-138,-24.9,-1,12414,555008,555007,555009,2020-11-12 21:25:44.810496 +280000,122000,25,10,-90,-13.5,3,-95,-16.5,-2,-110,-19.5,-5,12414,555008,555007,555009,2020-11-12 21:25:44.800496 +110000,108722,20,6,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12414,555008,555007,555009,2020-11-12 21:25:44.790496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12414,555008,555007,555009,2020-11-12 21:25:44.780496 +150000,108722,20,6,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12414,555008,555007,555009,2020-11-12 21:25:44.770496 +110000,108722,20,5,-90,-11.9,12,-95,-14.9,7,-110,-17.9,4,12414,555008,555007,555009,2020-11-12 21:25:44.760496 +110000,108722,20,2,-92,-11.3,12,-97,-14.3,7,-112,-17.3,4,12414,555008,555007,555009,2020-11-12 21:25:44.750496 +100000,6722,18,7,-117,-19.3,7,-122,-22.3,2,-137,-25.3,-1,12414,555008,555007,555009,2020-11-12 21:25:44.740496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12414,555008,555007,555009,2020-11-12 21:25:44.730496 +280000,121000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12414,555008,555007,555009,2020-11-12 21:25:44.720496 +100000,48722,18,7,-117,-18.9,7,-122,-21.9,2,-137,-24.9,-1,12414,555008,555007,555009,2020-11-12 21:25:44.710496 +100000,108722,20,7,-84,-11.5,15,-89,-14.5,10,-104,-17.5,7,12414,555008,555007,555009,2020-11-12 21:25:44.700496 +230000,98722,20,6,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12414,555008,555007,555009,2020-11-12 21:25:44.690496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12414,555008,555007,555009,2020-11-12 21:25:44.680496 +200000,108722,20,6,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12414,555008,555007,555009,2020-11-12 21:25:44.670496 +110000,78722,20,4,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12414,555008,555007,555009,2020-11-12 21:25:44.660496 +100000,48722,20,4,-94,-10.7,4,-99,-13.7,-1,-114,-16.7,-4,12414,555008,555007,555009,2020-11-12 21:25:44.650496 +150000,108722,20,8,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12414,555008,555007,555009,2020-11-12 21:25:44.640496 +290000,121000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12414,555008,555007,555009,2020-11-12 21:25:44.630496 +10000,6722,14,6,-115,-22.7,-6,-120,-25.7,-6,-135,-28.7,-10,12414,555008,555007,555009,2020-11-12 21:25:44.620496 +230000,88722,20,8,-95,-16.9,14,-100,-19.9,9,-115,-22.9,6,12414,555008,555007,555009,2020-11-12 21:25:44.610496 +10000,6722,15,7,-117,-19.5,7,-122,-22.5,2,-137,-25.5,-1,12415,555009,555008,555010,2020-11-12 21:25:44.600496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12415,555009,555008,555010,2020-11-12 21:25:44.590496 +110000,108722,20,3,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12415,555009,555008,555010,2020-11-12 21:25:44.580496 +280000,123000,25,10,-82,-12.2,16,-87,-15.2,11,-102,-18.2,8,12415,555009,555008,555010,2020-11-12 21:25:44.570496 +150000,108722,20,6,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12415,555009,555008,555010,2020-11-12 21:25:44.560496 +150000,98722,20,4,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12415,555009,555008,555010,2020-11-12 21:25:44.550496 +110000,98722,20,7,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12415,555009,555008,555010,2020-11-12 21:25:44.540496 +280000,123000,25,10,-82,-12.6,12,-87,-15.6,7,-102,-18.6,4,12415,555009,555008,555010,2020-11-12 21:25:44.530496 +110000,68722,20,6,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12415,555009,555008,555010,2020-11-12 21:25:44.520496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12415,555009,555008,555010,2020-11-12 21:25:44.510496 +290000,121000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12415,555009,555008,555010,2020-11-12 21:25:44.500496 +150000,108722,20,4,-92,-11.9,8,-97,-14.9,3,-112,-17.9,0,12415,555009,555008,555010,2020-11-12 21:25:44.490496 +200000,88722,20,8,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12415,555009,555008,555010,2020-11-12 21:25:44.480496 +150000,108722,20,7,-94,-13.2,6,-99,-16.2,1,-114,-19.2,-2,12415,555009,555008,555010,2020-11-12 21:25:44.470496 +300000,125000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12415,555009,555008,555010,2020-11-12 21:25:44.460496 +100000,48722,18,7,-119,-18.5,6,-124,-21.5,1,-139,-24.5,-2,12415,555009,555008,555010,2020-11-12 21:25:44.450496 +230000,108722,20,6,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12415,555009,555008,555010,2020-11-12 21:25:44.440496 +300000,125000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12415,555009,555008,555010,2020-11-12 21:25:44.430496 +110000,108722,20,6,-92,-13.2,6,-97,-16.2,1,-112,-19.2,-2,12415,555009,555008,555010,2020-11-12 21:25:44.420496 +280000,122000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12415,555009,555008,555010,2020-11-12 21:25:44.410496 +290000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12415,555009,555008,555010,2020-11-12 21:25:44.400496 +150000,78722,20,5,-83,-11.3,14,-88,-14.3,9,-103,-17.3,6,12415,555009,555008,555010,2020-11-12 21:25:44.390496 +150000,108722,20,5,-89,-12.1,10,-94,-15.1,5,-109,-18.1,2,12415,555009,555008,555010,2020-11-12 21:25:44.380496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12415,555009,555008,555010,2020-11-12 21:25:44.370496 +110000,108722,20,2,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12415,555009,555008,555010,2020-11-12 21:25:44.360496 +280000,122000,25,10,-80,-12.7,11,-85,-15.7,6,-100,-18.7,3,12415,555009,555008,555010,2020-11-12 21:25:44.350496 +110000,108722,20,2,-97,-10.9,12,-102,-13.9,7,-117,-16.9,4,12415,555009,555008,555010,2020-11-12 21:25:44.340496 +110000,98722,20,4,-96,-17.1,15,-101,-20.1,10,-116,-23.1,7,12415,555009,555008,555010,2020-11-12 21:25:44.330496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12415,555009,555008,555010,2020-11-12 21:25:44.320496 +280000,121000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12415,555009,555008,555010,2020-11-12 21:25:44.310496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12415,555009,555008,555010,2020-11-12 21:25:44.300496 +150000,88722,20,8,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12415,555009,555008,555010,2020-11-12 21:25:44.290496 +150000,98722,20,6,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12415,555009,555008,555010,2020-11-12 21:25:44.280496 +110000,98722,20,3,-94,-12.5,9,-99,-15.5,4,-114,-18.5,1,12415,555009,555008,555010,2020-11-12 21:25:44.270496 +110000,108722,20,6,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12415,555009,555008,555010,2020-11-12 21:25:44.260496 +150000,108722,20,4,-90,-11.9,11,-95,-14.9,6,-110,-17.9,3,12415,555009,555008,555010,2020-11-12 21:25:44.250496 +280000,121000,25,10,-93,-13.4,4,-98,-16.4,-1,-113,-19.4,-4,12415,555009,555008,555010,2020-11-12 21:25:44.240496 +200000,108722,20,6,-92,-13.1,7,-97,-16.1,2,-112,-19.1,-1,12415,555009,555008,555010,2020-11-12 21:25:44.230496 +100000,6722,18,6,-119,-19.1,6,-124,-22.1,1,-139,-25.1,-2,12415,555009,555008,555010,2020-11-12 21:25:44.220496 +280000,121000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12415,555009,555008,555010,2020-11-12 21:25:44.210496 +10000,38722,14,7,-115,-18.5,7,-120,-21.5,2,-135,-24.5,-1,12415,555009,555008,555010,2020-11-12 21:25:44.200496 +290000,122000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12415,555009,555008,555010,2020-11-12 21:25:44.190496 +200000,108722,20,4,-94,-11.1,8,-99,-14.1,3,-114,-17.1,0,12415,555009,555008,555010,2020-11-12 21:25:44.180496 +150000,108722,20,8,-83,-11.3,15,-88,-14.3,10,-103,-17.3,7,12415,555009,555008,555010,2020-11-12 21:25:44.170496 +280000,123000,25,10,-81,-12.2,16,-86,-15.2,11,-101,-18.2,8,12415,555009,555008,555010,2020-11-12 21:25:44.160496 +110000,98722,20,7,-89,-12.5,15,-94,-15.5,10,-109,-18.5,7,12415,555009,555008,555010,2020-11-12 21:25:44.150496 +280000,122000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12415,555009,555008,555010,2020-11-12 21:25:44.140496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12415,555009,555008,555010,2020-11-12 21:25:44.130496 +100000,108722,20,6,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12415,555009,555008,555010,2020-11-12 21:25:44.120496 +280000,121000,25,10,-93,-13.0,8,-98,-16.0,3,-113,-19.0,0,12415,555009,555008,555010,2020-11-12 21:25:44.110496 +100000,98722,20,2,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12415,555009,555008,555010,2020-11-12 21:25:44.100496 +150000,98722,20,4,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12415,555009,555008,555010,2020-11-12 21:25:44.090496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12416,555009,555008,555010,2020-11-12 21:25:44.080496 +10000,6722,14,7,-119,-18.7,2,-124,-21.7,-3,-139,-24.7,-6,12416,555009,555008,555010,2020-11-12 21:25:44.070496 +280000,122000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12416,555009,555008,555010,2020-11-12 21:25:44.060496 +300000,123000,25,10,-83,-12.2,16,-88,-15.2,11,-103,-18.2,8,12416,555009,555008,555010,2020-11-12 21:25:44.050496 +280000,121000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12416,555009,555008,555010,2020-11-12 21:25:44.040496 +290000,123000,25,10,-84,-12.1,17,-89,-15.1,12,-104,-18.1,9,12416,555009,555008,555010,2020-11-12 21:25:44.030496 +200000,68722,20,6,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12416,555009,555008,555010,2020-11-12 21:25:44.020496 +280000,122000,25,10,-89,-13.8,0,-94,-16.8,-5,-109,-19.8,-8,12416,555009,555008,555010,2020-11-12 21:25:44.010496 +150000,88722,20,2,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12416,555009,555008,555010,2020-11-12 21:25:44.000496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12416,555009,555008,555010,2020-11-12 21:25:43.990496 +280000,122000,25,10,-84,-12.3,15,-89,-15.3,10,-104,-18.3,7,12416,555009,555008,555010,2020-11-12 21:25:43.980496 +10000,6722,14,7,-112,-17.7,3,-117,-20.7,-2,-132,-23.7,-5,12416,555009,555008,555010,2020-11-12 21:25:43.970496 +230000,108722,20,6,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12416,555009,555008,555010,2020-11-12 21:25:43.960496 +150000,108722,20,6,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12416,555009,555008,555010,2020-11-12 21:25:43.950496 +110000,108722,20,7,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12416,555009,555008,555010,2020-11-12 21:25:43.940496 +100000,6722,18,7,-117,-17.7,7,-122,-20.7,2,-137,-23.7,-1,12416,555009,555008,555010,2020-11-12 21:25:43.930496 +200000,108722,20,3,-94,-12.7,11,-99,-15.7,6,-114,-18.7,3,12416,555009,555008,555010,2020-11-12 21:25:43.920496 +110000,98722,20,4,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12416,555009,555008,555010,2020-11-12 21:25:43.910496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12416,555009,555008,555010,2020-11-12 21:25:43.900496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12416,555009,555008,555010,2020-11-12 21:25:43.890496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12416,555009,555008,555010,2020-11-12 21:25:43.880496 +230000,108722,20,10,-92,-13.8,0,-97,-16.8,-5,-112,-19.8,-8,12416,555009,555008,555010,2020-11-12 21:25:43.870496 +300000,125000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12416,555009,555008,555010,2020-11-12 21:25:43.860496 +300000,123000,25,10,-81,-12.6,12,-86,-15.6,7,-101,-18.6,4,12416,555009,555008,555010,2020-11-12 21:25:43.850496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12416,555009,555008,555010,2020-11-12 21:25:43.840496 +150000,108722,20,8,-96,-12.5,10,-101,-15.5,5,-116,-18.5,2,12416,555009,555008,555010,2020-11-12 21:25:43.830496 +300000,125000,25,10,-46,-3.2,24,-51,-6.2,19,-66,-9.2,16,12416,555009,555008,555010,2020-11-12 21:25:43.820496 +200000,68722,20,2,-89,-15.7,12,-94,-18.7,7,-109,-21.7,4,12416,555009,555008,555010,2020-11-12 21:25:43.810496 +100000,108722,20,7,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12416,555009,555008,555010,2020-11-12 21:25:43.800496 +200000,98722,20,2,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12416,555009,555008,555010,2020-11-12 21:25:43.790496 +100000,6722,18,7,-110,-19.7,2,-115,-22.7,-3,-130,-25.7,-6,12416,555009,555008,555010,2020-11-12 21:25:43.780496 +100000,48722,18,6,-115,-18.7,6,-120,-21.7,1,-135,-24.7,-2,12416,555009,555008,555010,2020-11-12 21:25:43.770496 +110000,98722,20,6,-91,-13.3,5,-96,-16.3,0,-111,-19.3,-3,12416,555009,555008,555010,2020-11-12 21:25:43.760496 +110000,98722,20,2,-95,-16.9,15,-100,-19.9,10,-115,-22.9,7,12416,555009,555008,555010,2020-11-12 21:25:43.750496 +200000,98722,20,8,-95,-10.9,10,-100,-13.9,5,-115,-16.9,2,12416,555009,555008,555010,2020-11-12 21:25:43.740496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12416,555009,555008,555010,2020-11-12 21:25:43.730496 +280000,122000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12416,555009,555008,555010,2020-11-12 21:25:43.720496 +150000,108722,20,4,-92,-12.3,12,-97,-15.3,7,-112,-18.3,4,12416,555009,555008,555010,2020-11-12 21:25:43.710496 +300000,125000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12416,555009,555008,555010,2020-11-12 21:25:43.700496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12416,555009,555008,555010,2020-11-12 21:25:43.690496 +290000,122000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12416,555009,555008,555010,2020-11-12 21:25:43.680496 +110000,108722,20,4,-80,-10.7,12,-85,-13.7,7,-100,-16.7,4,12416,555009,555008,555010,2020-11-12 21:25:43.670496 +280000,123000,25,10,-89,-13.1,7,-94,-16.1,2,-109,-19.1,-1,12416,555009,555008,555010,2020-11-12 21:25:43.660496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12416,555009,555008,555010,2020-11-12 21:25:43.650496 +150000,88722,20,5,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12416,555009,555008,555010,2020-11-12 21:25:43.640496 +110000,108722,20,8,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12416,555009,555008,555010,2020-11-12 21:25:43.630496 +280000,121000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12416,555009,555008,555010,2020-11-12 21:25:43.620496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12416,555009,555008,555010,2020-11-12 21:25:43.610496 +150000,108722,20,5,-91,-13.4,4,-96,-16.4,-1,-111,-19.4,-4,12416,555009,555008,555010,2020-11-12 21:25:43.600496 +10000,6722,14,6,-118,-17.7,3,-123,-20.7,-2,-138,-23.7,-5,12416,555009,555008,555010,2020-11-12 21:25:43.590496 +100000,6722,18,6,-116,-18.5,7,-121,-21.5,2,-136,-24.5,-1,12416,555009,555008,555010,2020-11-12 21:25:43.580496 +100000,58722,18,6,-115,-18.5,4,-120,-21.5,-1,-135,-24.5,-4,12416,555009,555008,555010,2020-11-12 21:25:43.570496 +150000,98722,20,5,-93,-12.1,10,-98,-15.1,5,-113,-18.1,2,12417,555009,555008,555010,2020-11-12 21:25:43.560496 +110000,98722,20,4,-96,-17.1,15,-101,-20.1,10,-116,-23.1,7,12417,555009,555008,555010,2020-11-12 21:25:43.550496 +290000,123000,25,10,-46,-3.2,24,-51,-6.2,19,-66,-9.2,16,12417,555009,555008,555010,2020-11-12 21:25:43.540496 +230000,108722,20,2,-85,-11.7,15,-90,-14.7,10,-105,-17.7,7,12417,555009,555008,555010,2020-11-12 21:25:43.530496 +10000,6722,15,6,-119,-19.7,5,-124,-22.7,0,-139,-25.7,-3,12417,555009,555008,555010,2020-11-12 21:25:43.520496 +10000,6000,16,6,-116,-22.3,-1,-121,-25.3,-5,-136,-28.3,-9,12417,555009,555008,555010,2020-11-12 21:25:43.510496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12417,555009,555008,555010,2020-11-12 21:25:43.500496 +150000,108722,20,6,-90,-13.1,7,-95,-16.1,2,-110,-19.1,-1,12417,555009,555008,555010,2020-11-12 21:25:43.490496 +4000,1000,9,3,-122,-24.3,-15,-127,-27.3,-20,-142,-30.3,-23,12417,555009,555008,555010,2020-11-12 21:25:43.480496 +280000,123000,25,10,-85,-12.2,16,-90,-15.2,11,-105,-18.2,8,12417,555009,555008,555010,2020-11-12 21:25:43.470496 +150000,108722,20,4,-92,-13.2,6,-97,-16.2,1,-112,-19.2,-2,12417,555009,555008,555010,2020-11-12 21:25:43.460496 +290000,123000,25,10,-86,-12.7,11,-91,-15.7,6,-106,-18.7,3,12417,555009,555008,555010,2020-11-12 21:25:43.450496 +200000,108722,20,5,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12417,555009,555008,555010,2020-11-12 21:25:43.440496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12417,555009,555008,555010,2020-11-12 21:25:43.430496 +200000,108722,20,6,-97,-11.9,11,-102,-14.9,6,-117,-17.9,3,12417,555009,555008,555010,2020-11-12 21:25:43.420496 +110000,78722,20,3,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12417,555009,555008,555010,2020-11-12 21:25:43.410496 +110000,98722,20,7,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12417,555009,555008,555010,2020-11-12 21:25:43.400496 +280000,122000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12417,555009,555008,555010,2020-11-12 21:25:43.390496 +280000,123000,25,10,-82,-12.3,15,-87,-15.3,10,-102,-18.3,7,12417,555009,555008,555010,2020-11-12 21:25:43.380496 +280000,122000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12417,555009,555008,555010,2020-11-12 21:25:43.370496 +9000,6000,14,6,-120,-20.7,-1,-125,-23.7,-6,-140,-26.7,-9,12417,555009,555008,555010,2020-11-12 21:25:43.360496 +200000,78722,20,4,-82,-11.1,14,-87,-14.1,9,-102,-17.1,6,12417,555009,555008,555010,2020-11-12 21:25:43.350496 +110000,108722,20,7,-97,-17.3,15,-102,-20.3,10,-117,-23.3,7,12417,555009,555008,555010,2020-11-12 21:25:43.340496 +100000,38722,18,7,-114,-19.7,7,-119,-22.7,2,-134,-25.7,-1,12417,555009,555008,555010,2020-11-12 21:25:43.330496 +200000,98722,20,5,-91,-13.6,2,-96,-16.6,-3,-111,-19.6,-6,12417,555009,555008,555010,2020-11-12 21:25:43.320496 +7000,6722,14,6,-118,-21.5,3,-123,-24.5,-3,-138,-27.5,-6,12417,555009,555008,555010,2020-11-12 21:25:43.310496 +100000,68722,20,4,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12417,555009,555008,555010,2020-11-12 21:25:43.300496 +100000,6722,18,6,-112,-18.5,6,-117,-21.5,1,-132,-24.5,-2,12417,555009,555008,555010,2020-11-12 21:25:43.290496 +110000,108722,20,2,-93,-12.3,10,-98,-15.3,5,-113,-18.3,2,12417,555009,555008,555010,2020-11-12 21:25:43.280496 +100000,108722,20,7,-92,-16.3,12,-97,-19.3,7,-112,-22.3,4,12417,555009,555008,555010,2020-11-12 21:25:43.270496 +150000,108722,20,4,-91,-12.1,9,-96,-15.1,4,-111,-18.1,1,12417,555009,555008,555010,2020-11-12 21:25:43.260496 +150000,108722,20,6,-91,-13.3,5,-96,-16.3,0,-111,-19.3,-3,12417,555009,555008,555010,2020-11-12 21:25:43.250496 +4000,500,10,3,-121,-21.3,-5,-126,-24.3,-10,-141,-27.3,-13,12417,555009,555008,555010,2020-11-12 21:25:43.240496 +280000,123000,25,10,-89,-13.6,2,-94,-16.6,-3,-109,-19.6,-6,12417,555009,555008,555010,2020-11-12 21:25:43.230496 +280000,121000,25,10,-92,-13.6,2,-97,-16.6,-3,-112,-19.6,-6,12417,555009,555008,555010,2020-11-12 21:25:43.220496 +150000,98722,20,7,-94,-10.7,11,-99,-13.7,6,-114,-16.7,3,12417,555009,555008,555010,2020-11-12 21:25:43.210496 +280000,123000,25,10,-86,-12.4,14,-91,-15.4,9,-106,-18.4,6,12417,555009,555008,555010,2020-11-12 21:25:43.200496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12417,555009,555008,555010,2020-11-12 21:25:43.190496 +150000,68722,20,6,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12417,555009,555008,555010,2020-11-12 21:25:43.180496 +10000,68722,14,7,-110,-18.3,3,-115,-21.3,-2,-130,-24.3,-5,12417,555009,555008,555010,2020-11-12 21:25:43.170496 +200000,98722,20,2,-93,-12.5,9,-98,-15.5,4,-113,-18.5,1,12417,555009,555008,555010,2020-11-12 21:25:43.160496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12417,555009,555008,555010,2020-11-12 21:25:43.150496 +280000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12417,555009,555008,555010,2020-11-12 21:25:43.140496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12417,555009,555008,555010,2020-11-12 21:25:43.130496 +110000,98722,20,3,-99,-11.1,8,-104,-14.1,3,-119,-17.1,0,12417,555009,555008,555010,2020-11-12 21:25:43.120496 +270000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12417,555009,555008,555010,2020-11-12 21:25:43.110496 +110000,108722,20,6,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12417,555009,555008,555010,2020-11-12 21:25:43.100496 +100000,108722,20,3,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12417,555009,555008,555010,2020-11-12 21:25:43.090496 +150000,108722,20,3,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12417,555009,555008,555010,2020-11-12 21:25:43.080496 +150000,108722,20,2,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12417,555009,555008,555010,2020-11-12 21:25:43.070496 +280000,121000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12417,555009,555008,555010,2020-11-12 21:25:43.060496 +280000,121000,25,10,-94,-12.9,9,-99,-15.9,4,-114,-18.9,1,12417,555009,555008,555010,2020-11-12 21:25:43.050496 +280000,123000,25,10,-89,-13.7,1,-94,-16.7,-4,-109,-19.7,-7,12418,555009,555008,555010,2020-11-12 21:25:43.040496 +10000,6722,16,6,-110,-19.1,4,-115,-22.1,-1,-130,-25.1,-4,12418,555009,555008,555010,2020-11-12 21:25:43.030496 +110000,98722,20,6,-98,-11.3,10,-103,-14.3,5,-118,-17.3,2,12418,555009,555008,555010,2020-11-12 21:25:43.020496 +150000,108722,20,2,-89,-15.7,12,-94,-18.7,7,-109,-21.7,4,12418,555009,555008,555010,2020-11-12 21:25:43.010496 +280000,123000,25,10,-85,-12.4,14,-90,-15.4,9,-105,-18.4,6,12418,555009,555008,555010,2020-11-12 21:25:43.000496 +110000,108722,20,5,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12418,555009,555008,555010,2020-11-12 21:25:42.990496 +280000,121000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12418,555009,555008,555010,2020-11-12 21:25:42.980496 +280000,123000,25,10,-90,-13.7,1,-95,-16.7,-4,-110,-19.7,-7,12418,555009,555008,555010,2020-11-12 21:25:42.970496 +280000,123000,25,10,-83,-12.0,18,-88,-15.0,13,-103,-18.0,10,12418,555009,555008,555010,2020-11-12 21:25:42.960496 +110000,68722,20,2,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12418,555009,555008,555010,2020-11-12 21:25:42.950496 +280000,122000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12418,555009,555008,555010,2020-11-12 21:25:42.940496 +300000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12418,555009,555008,555010,2020-11-12 21:25:42.930496 +150000,88722,20,4,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12418,555009,555008,555010,2020-11-12 21:25:42.920496 +200000,108722,20,6,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12418,555009,555008,555010,2020-11-12 21:25:42.910496 +110000,108722,20,4,-98,-11.9,11,-103,-14.9,6,-118,-17.9,3,12418,555009,555008,555010,2020-11-12 21:25:42.900496 +200000,108722,20,6,-91,-13.4,4,-96,-16.4,-1,-111,-19.4,-4,12418,555009,555008,555010,2020-11-12 21:25:42.890496 +100000,78722,20,4,-96,-10.7,8,-101,-13.7,3,-116,-16.7,0,12418,555009,555008,555010,2020-11-12 21:25:42.880496 +280000,122000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12418,555009,555008,555010,2020-11-12 21:25:42.870496 +230000,108722,20,10,-94,-13.4,4,-99,-16.4,-1,-114,-19.4,-4,12418,555009,555008,555010,2020-11-12 21:25:42.860496 +110000,88722,20,7,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12418,555009,555008,555010,2020-11-12 21:25:42.850496 +280000,123000,25,10,-80,-12.4,14,-85,-15.4,9,-100,-18.4,6,12418,555009,555008,555010,2020-11-12 21:25:42.840496 +110000,108722,20,3,-88,-12.3,15,-93,-15.3,10,-108,-18.3,7,12418,555009,555008,555010,2020-11-12 21:25:42.830496 +280000,123000,25,10,-83,-12.7,11,-88,-15.7,6,-103,-18.7,3,12418,555009,555008,555010,2020-11-12 21:25:42.820496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12418,555009,555008,555010,2020-11-12 21:25:42.810496 +100000,6722,18,6,-118,-18.1,5,-123,-21.1,0,-138,-24.1,-3,12418,555009,555008,555010,2020-11-12 21:25:42.800496 +150000,108722,20,6,-93,-13.0,8,-98,-16.0,3,-113,-19.0,0,12418,555009,555008,555010,2020-11-12 21:25:42.790496 +150000,98722,20,2,-80,-10.7,15,-85,-13.7,10,-100,-16.7,7,12418,555009,555008,555010,2020-11-12 21:25:42.780496 +110000,108722,20,4,-91,-12.5,9,-96,-15.5,4,-111,-18.5,1,12418,555009,555008,555010,2020-11-12 21:25:42.770496 +280000,123000,25,10,-86,-12.8,10,-91,-15.8,5,-106,-18.8,2,12418,555009,555008,555010,2020-11-12 21:25:42.760496 +9000,6000,14,6,-120,-22.7,-10,-125,-25.7,-15,-140,-28.7,-18,12418,555009,555008,555010,2020-11-12 21:25:42.750496 +110000,108722,20,5,-92,-13.7,1,-97,-16.7,-4,-112,-19.7,-7,12418,555009,555008,555010,2020-11-12 21:25:42.740496 +280000,123000,25,10,-85,-12.3,15,-90,-15.3,10,-105,-18.3,7,12418,555009,555008,555010,2020-11-12 21:25:42.730496 +110000,108722,20,2,-89,-12.5,14,-94,-15.5,9,-109,-18.5,6,12418,555009,555008,555010,2020-11-12 21:25:42.720496 +150000,108722,20,4,-92,-12.9,9,-97,-15.9,4,-112,-18.9,1,12418,555009,555008,555010,2020-11-12 21:25:42.710496 +110000,108722,20,2,-86,-11.9,14,-91,-14.9,9,-106,-17.9,6,12418,555009,555008,555010,2020-11-12 21:25:42.700496 +10000,68722,14,7,-117,-18.5,5,-122,-21.5,0,-137,-24.5,-3,12418,555009,555008,555010,2020-11-12 21:25:42.690496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12418,555009,555008,555010,2020-11-12 21:25:42.680496 +110000,108722,20,2,-86,-11.9,14,-91,-14.9,9,-106,-17.9,6,12418,555009,555008,555010,2020-11-12 21:25:42.670496 +100000,68722,18,7,-110,-21.3,-3,-115,-24.3,-9,-130,-27.3,-14,12418,555009,555008,555010,2020-11-12 21:25:42.660496 +230000,88722,20,4,-90,-12.3,11,-95,-15.3,6,-110,-18.3,3,12418,555009,555008,555010,2020-11-12 21:25:42.650496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12418,555009,555008,555010,2020-11-12 21:25:42.640496 +150000,88722,20,4,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12418,555009,555008,555010,2020-11-12 21:25:42.630496 +230000,108722,20,4,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12418,555009,555008,555010,2020-11-12 21:25:42.620496 +280000,123000,25,8,-83,-12.0,18,-88,-15.0,13,-103,-18.0,10,12418,555009,555008,555010,2020-11-12 21:25:42.610496 +110000,98722,20,6,-99,-11.1,8,-104,-14.1,3,-119,-17.1,0,12418,555009,555008,555010,2020-11-12 21:25:42.600496 +100000,6722,18,7,-113,-19.5,3,-118,-22.5,-2,-133,-25.5,-5,12418,555009,555008,555010,2020-11-12 21:25:42.590496 +200000,98722,20,4,-92,-12.1,11,-97,-15.1,6,-112,-18.1,3,12418,555009,555008,555010,2020-11-12 21:25:42.580496 +10000,58722,15,6,-116,-19.3,3,-121,-22.3,-2,-136,-25.3,-5,12418,555009,555008,555010,2020-11-12 21:25:42.570496 +280000,123000,25,10,-84,-12.2,16,-89,-15.2,11,-104,-18.2,8,12418,555009,555008,555010,2020-11-12 21:25:42.560496 +280000,123000,25,10,-83,-12.5,13,-88,-15.5,8,-103,-18.5,5,12418,555009,555008,555010,2020-11-12 21:25:42.550496 +280000,123000,25,10,-84,-12.1,17,-89,-15.1,12,-104,-18.1,9,12418,555009,555008,555010,2020-11-12 21:25:42.540496 +10000,6722,18,6,-117,-19.3,3,-122,-22.3,-2,-137,-25.3,-5,12418,555009,555008,555010,2020-11-12 21:25:42.530496 +150000,88722,20,8,-99,-12.7,9,-104,-15.7,4,-119,-18.7,1,12419,555009,555008,555010,2020-11-12 21:25:42.520496 +10,2,10,3,-129,-22.1,-5,-134,-25.1,-8,-149,-28.1,1,12419,555009,555008,555010,2020-11-12 21:25:42.510496 +290000,122000,25,10,-89,-13.3,5,-94,-16.3,0,-109,-19.3,-3,12419,555009,555008,555010,2020-11-12 21:25:42.500496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12419,555009,555008,555010,2020-11-12 21:25:42.490496 +100000,6722,20,2,-91,-10.9,2,-96,-13.9,-3,-111,-16.9,-6,12419,555009,555008,555010,2020-11-12 21:25:42.480496 +100000,48722,20,3,-95,-10.9,4,-100,-13.9,-1,-115,-16.9,-4,12419,555009,555008,555010,2020-11-12 21:25:42.470496 +230000,78722,20,2,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12419,555009,555008,555010,2020-11-12 21:25:42.460496 +150000,108722,20,6,-93,-11.5,10,-98,-14.5,5,-113,-17.5,2,12419,555009,555008,555010,2020-11-12 21:25:42.450496 +110000,108722,20,6,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12419,555009,555008,555010,2020-11-12 21:25:42.440496 +150000,108722,20,2,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12419,555009,555008,555010,2020-11-12 21:25:42.430496 +280000,122000,25,10,-88,-12.7,11,-93,-15.7,6,-108,-18.7,3,12419,555009,555008,555010,2020-11-12 21:25:42.420496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12419,555009,555008,555010,2020-11-12 21:25:42.410496 +110000,108722,20,2,-92,-10.7,10,-97,-13.7,5,-112,-16.7,2,12419,555009,555008,555010,2020-11-12 21:25:42.400496 +110000,108722,20,8,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12419,555009,555008,555010,2020-11-12 21:25:42.390496 +110000,98722,20,2,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12419,555009,555008,555010,2020-11-12 21:25:42.380496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12419,555009,555008,555010,2020-11-12 21:25:42.370496 +280000,123000,25,10,-88,-12.5,13,-93,-15.5,8,-108,-18.5,5,12419,555009,555008,555010,2020-11-12 21:25:42.360496 +200000,108722,20,6,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12419,555009,555008,555010,2020-11-12 21:25:42.350496 +100000,48722,20,6,-95,-12.7,6,-100,-15.7,1,-115,-18.7,-2,12419,555009,555008,555010,2020-11-12 21:25:42.340496 +200000,108722,20,3,-97,-12.1,12,-102,-15.1,7,-117,-18.1,4,12419,555009,555008,555010,2020-11-12 21:25:42.330496 +150000,108722,20,5,-86,-11.9,14,-91,-14.9,9,-106,-17.9,6,12419,555009,555008,555010,2020-11-12 21:25:42.320496 +110000,108722,20,8,-87,-12.1,15,-92,-15.1,10,-107,-18.1,7,12419,555009,555008,555010,2020-11-12 21:25:42.310496 +100000,38722,18,6,-111,-18.9,6,-116,-21.9,1,-131,-24.9,-2,12419,555009,555008,555010,2020-11-12 21:25:42.300496 +110000,108722,20,3,-88,-12.3,15,-93,-15.3,10,-108,-18.3,7,12419,555009,555008,555010,2020-11-12 21:25:42.290496 +110000,88722,20,5,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12419,555009,555008,555010,2020-11-12 21:25:42.280496 +110000,78722,20,4,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12419,555009,555008,555010,2020-11-12 21:25:42.270496 +280000,121000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12419,555009,555008,555010,2020-11-12 21:25:42.260496 +230000,98722,20,5,-98,-12.3,12,-103,-15.3,7,-118,-18.3,4,12419,555009,555008,555010,2020-11-12 21:25:42.250496 +290000,123000,25,10,-87,-12.2,16,-92,-15.2,11,-107,-18.2,8,12419,555009,555008,555010,2020-11-12 21:25:42.240496 +4000,2,10,4,-130,-22.3,-9,-135,-25.3,-14,-150,-28.3,-17,12419,555009,555008,555010,2020-11-12 21:25:42.230496 +110000,88722,20,8,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12419,555009,555008,555010,2020-11-12 21:25:42.220496 +290000,122000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12419,555009,555008,555010,2020-11-12 21:25:42.210496 +200000,68722,20,5,-81,-10.9,15,-86,-13.9,10,-101,-16.9,7,12419,555009,555008,555010,2020-11-12 21:25:42.200496 +280000,121000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12419,555009,555008,555010,2020-11-12 21:25:42.190496 +290000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12419,555009,555008,555010,2020-11-12 21:25:42.180496 +150000,108722,20,3,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12419,555009,555008,555010,2020-11-12 21:25:42.170496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12419,555009,555008,555010,2020-11-12 21:25:42.160496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12419,555009,555008,555010,2020-11-12 21:25:42.150496 +290000,123000,25,10,-84,-12.1,17,-89,-15.1,12,-104,-18.1,9,12419,555009,555008,555010,2020-11-12 21:25:42.140496 +280000,123000,25,10,-80,-12.5,13,-85,-15.5,8,-100,-18.5,5,12419,555009,555008,555010,2020-11-12 21:25:42.130496 +7000,4000,10,4,-118,-23.9,1,-123,-26.9,-4,-138,-29.9,-5,12419,555009,555008,555010,2020-11-12 21:25:42.120496 +280000,122000,25,10,-80,-12.4,14,-85,-15.4,9,-100,-18.4,6,12419,555009,555008,555010,2020-11-12 21:25:42.110496 +150000,98722,20,2,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12419,555009,555008,555010,2020-11-12 21:25:42.100496 +110000,98722,20,6,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12419,555009,555008,555010,2020-11-12 21:25:42.090496 +150000,88722,20,7,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12419,555009,555008,555010,2020-11-12 21:25:42.080496 +110000,98722,20,3,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12419,555009,555008,555010,2020-11-12 21:25:42.070496 +280000,123000,25,10,-86,-12.5,13,-91,-15.5,8,-106,-18.5,5,12419,555009,555008,555010,2020-11-12 21:25:42.060496 +280000,123000,25,10,-86,-12.1,17,-91,-15.1,12,-106,-18.1,9,12419,555009,555008,555010,2020-11-12 21:25:42.050496 +290000,123000,25,10,-84,-12.1,17,-89,-15.1,12,-104,-18.1,9,12419,555009,555008,555010,2020-11-12 21:25:42.040496 +110000,78722,20,4,-97,-17.3,12,-102,-20.3,7,-117,-23.3,4,12419,555009,555008,555010,2020-11-12 21:25:42.030496 +280000,121000,25,10,-91,-13.5,3,-96,-16.5,-2,-111,-19.5,-5,12419,555009,555008,555010,2020-11-12 21:25:42.020496 +150000,108722,20,5,-92,-13.5,3,-97,-16.5,-2,-112,-19.5,-5,12419,555009,555008,555010,2020-11-12 21:25:42.010496 +100,3000,10,4,-122,-23.7,-17,-127,-26.7,-22,-142,-29.7,-25,12420,555009,555008,555010,2020-11-12 21:25:42.000496 +10000,68722,14,7,-111,-19.7,5,-116,-22.7,0,-131,-25.7,-3,12420,555009,555008,555010,2020-11-12 21:25:41.990496 +270000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12420,555009,555008,555010,2020-11-12 21:25:41.980496 +280000,123000,25,8,-89,-13.4,4,-94,-16.4,-1,-109,-19.4,-4,12420,555009,555008,555010,2020-11-12 21:25:41.970496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12420,555009,555008,555010,2020-11-12 21:25:41.960496 +10000,68722,14,6,-119,-19.5,4,-124,-22.5,-1,-139,-25.5,-4,12420,555009,555008,555010,2020-11-12 21:25:41.950496 +110000,108722,20,7,-91,-13.8,0,-96,-16.8,-5,-111,-19.8,-8,12420,555009,555008,555010,2020-11-12 21:25:41.940496 +200000,108722,20,6,-93,-13.1,7,-98,-16.1,2,-113,-19.1,-1,12420,555009,555008,555010,2020-11-12 21:25:41.930496 +280000,123000,25,10,-88,-12.3,15,-93,-15.3,10,-108,-18.3,7,12420,555009,555008,555010,2020-11-12 21:25:41.920496 +110000,108722,20,3,-86,-11.9,15,-91,-14.9,10,-106,-17.9,7,12420,555009,555008,555010,2020-11-12 21:25:41.910496 +110000,108722,20,7,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12420,555009,555008,555010,2020-11-12 21:25:41.900496 +200000,78722,20,3,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12420,555009,555008,555010,2020-11-12 21:25:41.890496 +280000,122000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12420,555009,555008,555010,2020-11-12 21:25:41.880496 +150000,68722,20,8,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12420,555009,555008,555010,2020-11-12 21:25:41.870496 +200000,108722,20,6,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12420,555009,555008,555010,2020-11-12 21:25:41.860496 +150000,98722,20,2,-89,-15.7,12,-94,-18.7,7,-109,-21.7,4,12420,555009,555008,555010,2020-11-12 21:25:41.850496 +290000,122000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12420,555009,555008,555010,2020-11-12 21:25:41.840496 +200000,98722,20,3,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12420,555009,555008,555010,2020-11-12 21:25:41.830496 +110000,98722,20,7,-93,-13.5,3,-98,-16.5,-2,-113,-19.5,-5,12420,555009,555008,555010,2020-11-12 21:25:41.820496 +110000,98722,20,4,-89,-10.9,11,-94,-13.9,6,-109,-16.9,3,12420,555009,555008,555010,2020-11-12 21:25:41.810496 +150000,88722,20,6,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12420,555009,555008,555010,2020-11-12 21:25:41.800496 +110000,98722,20,4,-94,-13.3,5,-99,-16.3,0,-114,-19.3,-3,12420,555009,555008,555010,2020-11-12 21:25:41.790496 +10000,78722,14,7,-113,-17.9,11,-118,-20.9,6,-133,-23.9,3,12420,555009,555008,555010,2020-11-12 21:25:41.780496 +100000,38722,18,6,-109,-18.9,4,-114,-21.9,-1,-129,-24.9,-4,12420,555009,555008,555010,2020-11-12 21:25:41.770496 +8000,5000,9,3,-126,-22.3,-5,-131,-25.3,-12,-146,-28.3,1,12420,555009,555008,555010,2020-11-12 21:25:41.760496 +100000,108722,20,4,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12420,555009,555008,555010,2020-11-12 21:25:41.750496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12420,555009,555008,555010,2020-11-12 21:25:41.740496 +150000,108722,20,2,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12420,555009,555008,555010,2020-11-12 21:25:41.730496 +270000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12420,555009,555008,555010,2020-11-12 21:25:41.720496 +100000,6722,18,7,-112,-17.9,3,-117,-20.9,-2,-132,-23.9,-5,12420,555009,555008,555010,2020-11-12 21:25:41.710496 +300000,125000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12420,555009,555008,555010,2020-11-12 21:25:41.700496 +110000,78722,20,3,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12420,555009,555008,555010,2020-11-12 21:25:41.690496 +9000,6000,14,6,-120,-22.5,2,-125,-25.5,1,-140,-28.5,1,12420,555009,555008,555010,2020-11-12 21:25:41.680496 +100000,6722,18,7,-118,-17.7,5,-123,-20.7,0,-138,-23.7,-3,12420,555009,555008,555010,2020-11-12 21:25:41.670496 +9000,6722,14,6,-118,-22.3,3,-123,-25.3,-2,-138,-28.3,-4,12420,555009,555008,555010,2020-11-12 21:25:41.660496 +200000,108722,20,4,-99,-12.1,9,-104,-15.1,4,-119,-18.1,1,12420,555009,555008,555010,2020-11-12 21:25:41.650496 +200000,108722,20,6,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12420,555009,555008,555010,2020-11-12 21:25:41.640496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12420,555009,555008,555010,2020-11-12 21:25:41.630496 +280000,122000,25,8,-89,-13.0,8,-94,-16.0,3,-109,-19.0,0,12420,555009,555008,555010,2020-11-12 21:25:41.620496 +90000,68722,16,7,-117,-17.9,4,-122,-20.9,-1,-137,-23.9,-4,12420,555009,555008,555010,2020-11-12 21:25:41.610496 +100000,88722,20,3,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12420,555009,555008,555010,2020-11-12 21:25:41.600496 +110000,108722,20,4,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12420,555009,555008,555010,2020-11-12 21:25:41.590496 +280000,123000,25,10,-90,-13.7,1,-95,-16.7,-4,-110,-19.7,-7,12420,555009,555008,555010,2020-11-12 21:25:41.580496 +230000,108722,20,7,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12420,555009,555008,555010,2020-11-12 21:25:41.570496 +280000,121000,25,10,-92,-13.8,0,-97,-16.8,-5,-112,-19.8,-8,12420,555009,555008,555010,2020-11-12 21:25:41.560496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12420,555009,555008,555010,2020-11-12 21:25:41.550496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12420,555009,555008,555010,2020-11-12 21:25:41.540496 +110000,108722,20,4,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12420,555009,555008,555010,2020-11-12 21:25:41.530496 +150000,98722,20,4,-90,-15.9,11,-95,-18.9,6,-110,-21.9,3,12420,555009,555008,555010,2020-11-12 21:25:41.520496 +280000,123000,25,10,-84,-12.6,12,-89,-15.6,7,-104,-18.6,4,12420,555009,555008,555010,2020-11-12 21:25:41.510496 +230000,68722,20,4,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12420,555009,555008,555010,2020-11-12 21:25:41.500496 +280000,122000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12420,555009,555008,555010,2020-11-12 21:25:41.490496 +90000,48722,16,6,-110,-19.1,7,-115,-22.1,2,-130,-25.1,-1,12421,555009,555008,555010,2020-11-12 21:25:41.480496 +110000,108722,20,4,-90,-12.7,14,-95,-15.7,9,-110,-18.7,6,12421,555009,555008,555010,2020-11-12 21:25:41.470496 +280000,123000,25,10,-81,-12.1,17,-86,-15.1,12,-101,-18.1,9,12421,555009,555008,555010,2020-11-12 21:25:41.460496 +280000,122000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12421,555009,555008,555010,2020-11-12 21:25:41.450496 +100000,108722,20,3,-91,-16.1,14,-96,-19.1,9,-111,-22.1,6,12421,555009,555008,555010,2020-11-12 21:25:41.440496 +200000,78722,20,4,-89,-15.7,12,-94,-18.7,7,-109,-21.7,4,12421,555009,555008,555010,2020-11-12 21:25:41.430496 +150000,108722,20,2,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12421,555009,555008,555010,2020-11-12 21:25:41.420496 +200000,108722,20,7,-93,-13.3,5,-98,-16.3,0,-113,-19.3,-3,12421,555009,555008,555010,2020-11-12 21:25:41.410496 +100000,108722,20,6,-99,-17.7,12,-104,-20.7,7,-119,-23.7,4,12421,555009,555008,555010,2020-11-12 21:25:41.400496 +100000,58722,18,7,-119,-17.7,6,-124,-20.7,1,-139,-23.7,-2,12421,555009,555008,555010,2020-11-12 21:25:41.390496 +290000,123000,25,10,-85,-12.2,16,-90,-15.2,11,-105,-18.2,8,12421,555009,555008,555010,2020-11-12 21:25:41.380496 +150000,108722,20,6,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12421,555009,555008,555010,2020-11-12 21:25:41.370496 +230000,108722,20,4,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12421,555009,555008,555010,2020-11-12 21:25:41.360496 +110000,68722,20,6,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12421,555009,555008,555010,2020-11-12 21:25:41.350496 +110000,108722,20,3,-91,-16.1,14,-96,-19.1,9,-111,-22.1,6,12421,555009,555008,555010,2020-11-12 21:25:41.340496 +100000,68722,20,6,-99,-11.9,3,-104,-14.9,-2,-119,-17.9,-5,12421,555009,555008,555010,2020-11-12 21:25:41.330496 +280000,121000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12421,555009,555008,555010,2020-11-12 21:25:41.320496 +280000,121000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12421,555009,555008,555010,2020-11-12 21:25:41.310496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12421,555009,555008,555010,2020-11-12 21:25:41.300496 +150000,108722,20,2,-93,-11.9,11,-98,-14.9,6,-113,-17.9,3,12421,555009,555008,555010,2020-11-12 21:25:41.290496 +200000,98722,20,4,-91,-13.1,7,-96,-16.1,2,-111,-19.1,-1,12421,555009,555008,555010,2020-11-12 21:25:41.280496 +290000,123000,25,10,-90,-13.3,5,-95,-16.3,0,-110,-19.3,-3,12421,555009,555008,555010,2020-11-12 21:25:41.270496 +10000,48722,18,7,-115,-18.5,2,-120,-21.5,-3,-135,-24.5,-6,12421,555009,555008,555010,2020-11-12 21:25:41.260496 +280000,121000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12421,555009,555008,555010,2020-11-12 21:25:41.250496 +10000,6722,15,7,-111,-18.3,5,-116,-21.3,0,-131,-24.3,-3,12421,555009,555008,555010,2020-11-12 21:25:41.240496 +150000,98722,20,4,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12421,555009,555008,555010,2020-11-12 21:25:41.230496 +110000,68722,20,6,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12421,555009,555008,555010,2020-11-12 21:25:41.220496 +10000,68722,15,6,-114,-18.7,3,-119,-21.7,-2,-134,-24.7,-5,12421,555009,555008,555010,2020-11-12 21:25:41.210496 +4000,1000,9,4,-129,-22.3,-6,-134,-25.3,-6,-149,-28.3,0,12421,555009,555008,555010,2020-11-12 21:25:41.200496 +10000,68722,16,7,-109,-19.5,4,-114,-22.5,-1,-129,-25.5,-4,12421,555009,555008,555010,2020-11-12 21:25:41.190496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12421,555009,555008,555010,2020-11-12 21:25:41.180496 +100000,98722,20,4,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12421,555009,555008,555010,2020-11-12 21:25:41.170496 +200000,98722,20,3,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12421,555009,555008,555010,2020-11-12 21:25:41.160496 +290000,122000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12421,555009,555008,555010,2020-11-12 21:25:41.150496 +150000,108722,20,2,-98,-10.9,11,-103,-13.9,6,-118,-16.9,3,12421,555009,555008,555010,2020-11-12 21:25:41.140496 +290000,122000,25,10,-90,-13.4,4,-95,-16.4,-1,-110,-19.4,-4,12421,555009,555008,555010,2020-11-12 21:25:41.130496 +7000,4000,10,4,-125,-24.3,0,-130,-27.3,-4,-145,-30.3,-7,12421,555009,555008,555010,2020-11-12 21:25:41.120496 +150000,108722,20,6,-95,-11.7,8,-100,-14.7,3,-115,-17.7,0,12421,555009,555008,555010,2020-11-12 21:25:41.110496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12421,555009,555008,555010,2020-11-12 21:25:41.100496 +150000,108722,20,2,-98,-17.5,15,-103,-20.5,10,-118,-23.5,7,12421,555009,555008,555010,2020-11-12 21:25:41.090496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12421,555009,555008,555010,2020-11-12 21:25:41.080496 +280000,122000,25,10,-90,-13.5,3,-95,-16.5,-2,-110,-19.5,-5,12421,555009,555008,555010,2020-11-12 21:25:41.070496 +110000,98722,20,2,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12421,555009,555008,555010,2020-11-12 21:25:41.060496 +110000,68722,20,4,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12421,555009,555008,555010,2020-11-12 21:25:41.050496 +90000,48722,16,7,-119,-19.3,7,-124,-22.3,2,-139,-25.3,-1,12421,555009,555008,555010,2020-11-12 21:25:41.040496 +290000,123000,25,10,-86,-12.8,10,-91,-15.8,5,-106,-18.8,2,12421,555009,555008,555010,2020-11-12 21:25:41.030496 +100000,108722,20,4,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12421,555009,555008,555010,2020-11-12 21:25:41.020496 +110000,88722,20,6,-89,-12.7,8,-94,-15.7,3,-109,-18.7,0,12421,555009,555008,555010,2020-11-12 21:25:41.010496 +110000,108722,20,2,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12421,555009,555008,555010,2020-11-12 21:25:41.000496 +150000,108722,20,7,-94,-11.7,9,-99,-14.7,4,-114,-17.7,1,12421,555009,555008,555010,2020-11-12 21:25:40.990496 +150000,98722,20,5,-96,-17.1,12,-101,-20.1,7,-116,-23.1,4,12421,555009,555008,555010,2020-11-12 21:25:40.980496 +110000,108722,20,4,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12421,555009,555008,555010,2020-11-12 21:25:40.970496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12422,555009,555008,555010,2020-11-12 21:25:40.960496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12422,555009,555008,555010,2020-11-12 21:25:40.950496 +110000,88722,20,4,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12422,555009,555008,555010,2020-11-12 21:25:40.940496 +280000,123000,25,10,-86,-12.0,18,-91,-15.0,13,-106,-18.0,10,12422,555009,555008,555010,2020-11-12 21:25:40.930496 +280000,121000,25,10,-92,-13.3,5,-97,-16.3,0,-112,-19.3,-3,12422,555009,555008,555010,2020-11-12 21:25:40.920496 +280000,123000,25,10,-88,-12.7,11,-93,-15.7,6,-108,-18.7,3,12422,555009,555008,555010,2020-11-12 21:25:40.910496 +270000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12422,555009,555008,555010,2020-11-12 21:25:40.900496 +150000,108722,20,4,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12422,555009,555008,555010,2020-11-12 21:25:40.890496 +100000,68722,20,2,-92,-12.5,4,-97,-15.5,-1,-112,-18.5,-4,12422,555009,555008,555010,2020-11-12 21:25:40.880496 +280000,123000,25,10,-88,-12.3,15,-93,-15.3,10,-108,-18.3,7,12422,555009,555008,555010,2020-11-12 21:25:40.870496 +110000,78722,20,2,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12422,555009,555008,555010,2020-11-12 21:25:40.860496 +110000,108722,20,2,-98,-12.1,10,-103,-15.1,5,-118,-18.1,2,12422,555009,555008,555010,2020-11-12 21:25:40.850496 +150000,108722,20,5,-89,-13.8,0,-94,-16.8,-5,-109,-19.8,-8,12422,555009,555008,555010,2020-11-12 21:25:40.840496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12422,555009,555008,555010,2020-11-12 21:25:40.830496 +150000,88722,20,3,-97,-12.5,11,-102,-15.5,6,-117,-18.5,3,12422,555009,555008,555010,2020-11-12 21:25:40.820496 +150000,108722,20,7,-94,-13.3,5,-99,-16.3,0,-114,-19.3,-3,12422,555009,555008,555010,2020-11-12 21:25:40.810496 +110000,108722,20,5,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12422,555009,555008,555010,2020-11-12 21:25:40.800496 +200000,98722,20,6,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12422,555009,555008,555010,2020-11-12 21:25:40.790496 +100000,108722,20,2,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12422,555009,555008,555010,2020-11-12 21:25:40.780496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12422,555009,555008,555010,2020-11-12 21:25:40.770496 +110000,108722,20,5,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12422,555009,555008,555010,2020-11-12 21:25:40.760496 +110000,98722,20,6,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12422,555009,555008,555010,2020-11-12 21:25:40.750496 +100000,78722,20,7,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12422,555009,555008,555010,2020-11-12 21:25:40.740496 +100000,108722,20,4,-97,-17.3,12,-102,-20.3,7,-117,-23.3,4,12422,555009,555008,555010,2020-11-12 21:25:40.730496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12422,555009,555008,555010,2020-11-12 21:25:40.720496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12422,555009,555008,555010,2020-11-12 21:25:40.710496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12422,555009,555008,555010,2020-11-12 21:25:40.700496 +110000,98722,20,2,-87,-12.1,14,-92,-15.1,9,-107,-18.1,6,12422,555009,555008,555010,2020-11-12 21:25:40.690496 +110000,78722,20,4,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12422,555009,555008,555010,2020-11-12 21:25:40.680496 +150000,108722,20,6,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12422,555009,555008,555010,2020-11-12 21:25:40.670496 +110000,78722,20,5,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12422,555009,555008,555010,2020-11-12 21:25:40.660496 +280000,121000,25,10,-91,-13.1,7,-96,-16.1,2,-111,-19.1,-1,12422,555009,555008,555010,2020-11-12 21:25:40.650496 +100000,78722,20,5,-93,-12.7,11,-98,-15.7,6,-113,-18.7,3,12422,555009,555008,555010,2020-11-12 21:25:40.640496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12422,555009,555008,555010,2020-11-12 21:25:40.630496 +280000,121000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12422,555009,555008,555010,2020-11-12 21:25:40.620496 +110000,88722,20,5,-97,-17.3,14,-102,-20.3,9,-117,-23.3,6,12422,555009,555008,555010,2020-11-12 21:25:40.610496 +150000,108722,20,2,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12422,555009,555008,555010,2020-11-12 21:25:40.600496 +290000,123000,25,10,-85,-12.4,14,-90,-15.4,9,-105,-18.4,6,12422,555009,555008,555010,2020-11-12 21:25:40.590496 +150000,108722,20,7,-89,-13.8,0,-94,-16.8,-5,-109,-19.8,-8,12422,555009,555008,555010,2020-11-12 21:25:40.580496 +230000,108722,20,2,-92,-16.3,12,-97,-19.3,7,-112,-22.3,4,12422,555009,555008,555010,2020-11-12 21:25:40.570496 +10000,48722,16,6,-116,-18.9,6,-121,-21.9,1,-136,-24.9,-2,12422,555009,555008,555010,2020-11-12 21:25:40.560496 +280000,123000,25,10,-85,-12.1,17,-90,-15.1,12,-105,-18.1,9,12422,555009,555008,555010,2020-11-12 21:25:40.550496 +110000,68722,20,3,-99,-17.7,15,-104,-20.7,10,-119,-23.7,7,12422,555009,555008,555010,2020-11-12 21:25:40.540496 +100000,6722,18,6,-117,-18.7,4,-122,-21.7,-1,-137,-24.7,-4,12422,555009,555008,555010,2020-11-12 21:25:40.530496 +110000,98722,20,3,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12422,555009,555008,555010,2020-11-12 21:25:40.520496 +200000,88722,20,6,-92,-10.7,10,-97,-13.7,5,-112,-16.7,2,12422,555009,555008,555010,2020-11-12 21:25:40.510496 +300000,125000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12422,555009,555008,555010,2020-11-12 21:25:40.500496 +110000,108722,20,4,-93,-12.7,9,-98,-15.7,4,-113,-18.7,1,12422,555009,555008,555010,2020-11-12 21:25:40.490496 +280000,121000,25,10,-90,-13.0,8,-95,-16.0,3,-110,-19.0,0,12422,555009,555008,555010,2020-11-12 21:25:40.480496 +150000,108722,20,5,-99,-11.9,9,-104,-14.9,4,-119,-17.9,1,12422,555009,555008,555010,2020-11-12 21:25:40.470496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12422,555009,555008,555010,2020-11-12 21:25:40.460496 +150000,88722,20,2,-90,-11.5,11,-95,-14.5,6,-110,-17.5,3,12422,555009,555008,555010,2020-11-12 21:25:40.450496 +110000,78722,20,4,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12423,555009,555008,555010,2020-11-12 21:25:40.440496 +280000,123000,25,10,-81,-12.3,15,-86,-15.3,10,-101,-18.3,7,12423,555009,555008,555010,2020-11-12 21:25:40.430496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12423,555009,555008,555010,2020-11-12 21:25:40.420496 +290000,123000,25,10,-80,-12.1,17,-85,-15.1,12,-100,-18.1,9,12423,555009,555008,555010,2020-11-12 21:25:40.410496 +110000,108722,20,6,-92,-13.6,2,-97,-16.6,-3,-112,-19.6,-6,12423,555009,555008,555010,2020-11-12 21:25:40.400496 +110000,108722,20,6,-97,-12.3,12,-102,-15.3,7,-117,-18.3,4,12423,555009,555008,555010,2020-11-12 21:25:40.390496 +100000,108722,20,4,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12423,555009,555008,555010,2020-11-12 21:25:40.380496 +150000,98722,20,5,-93,-13.4,4,-98,-16.4,-1,-113,-19.4,-4,12423,555009,555008,555010,2020-11-12 21:25:40.370496 +200000,108722,20,3,-93,-16.5,15,-98,-19.5,10,-113,-22.5,7,12423,555009,555008,555010,2020-11-12 21:25:40.360496 +100000,38722,18,7,-112,-20.9,2,-117,-23.9,-3,-132,-26.9,-4,12423,555009,555008,555010,2020-11-12 21:25:40.350496 +100000,108722,20,6,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12423,555009,555008,555010,2020-11-12 21:25:40.340496 +110000,108722,20,3,-81,-10.9,12,-86,-13.9,7,-101,-16.9,4,12423,555009,555008,555010,2020-11-12 21:25:40.330496 +280000,123000,25,10,-90,-13.5,3,-95,-16.5,-2,-110,-19.5,-5,12423,555009,555008,555010,2020-11-12 21:25:40.320496 +200000,108722,20,5,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12423,555009,555008,555010,2020-11-12 21:25:40.310496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12423,555009,555008,555010,2020-11-12 21:25:40.300496 +200000,108722,20,3,-95,-11.9,12,-100,-14.9,7,-115,-17.9,4,12423,555009,555008,555010,2020-11-12 21:25:40.290496 +9000,5000,14,6,-120,-20.9,-9,-125,-23.9,-14,-140,-26.9,-17,12423,555009,555008,555010,2020-11-12 21:25:40.280496 +230000,108722,20,3,-96,-12.3,9,-101,-15.3,4,-116,-18.3,1,12423,555009,555008,555010,2020-11-12 21:25:40.270496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12423,555009,555008,555010,2020-11-12 21:25:40.260496 +150000,68722,20,8,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12423,555009,555008,555010,2020-11-12 21:25:40.250496 +100000,78722,20,3,-95,-12.7,9,-100,-15.7,4,-115,-18.7,1,12423,555009,555008,555010,2020-11-12 21:25:40.240496 +200000,88722,20,3,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12423,555009,555008,555010,2020-11-12 21:25:40.230496 +150000,78722,20,6,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12423,555009,555008,555010,2020-11-12 21:25:40.220496 +110000,108722,20,6,-94,-11.3,9,-99,-14.3,4,-114,-17.3,1,12423,555009,555008,555010,2020-11-12 21:25:40.210496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12423,555009,555008,555010,2020-11-12 21:25:40.200496 +280000,123000,25,10,-83,-12.3,15,-88,-15.3,10,-103,-18.3,7,12423,555009,555008,555010,2020-11-12 21:25:40.190496 +100000,48722,18,7,-110,-18.3,6,-115,-21.3,1,-130,-24.3,-2,12423,555009,555008,555010,2020-11-12 21:25:40.180496 +290000,123000,25,10,-86,-12.1,17,-91,-15.1,12,-106,-18.1,9,12423,555009,555008,555010,2020-11-12 21:25:40.170496 +150000,68722,20,8,-92,-16.3,15,-97,-19.3,10,-112,-22.3,7,12423,555009,555008,555010,2020-11-12 21:25:40.160496 +150000,88722,20,2,-98,-17.5,14,-103,-20.5,9,-118,-23.5,6,12423,555009,555008,555010,2020-11-12 21:25:40.150496 +270000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12423,555009,555008,555010,2020-11-12 21:25:40.140496 +8000,4000,10,4,-122,-23.7,-17,-127,-26.7,-22,-142,-29.7,-25,12423,555009,555008,555010,2020-11-12 21:25:40.130496 +280000,121000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12423,555009,555008,555010,2020-11-12 21:25:40.120496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12423,555009,555008,555010,2020-11-12 21:25:40.110496 +100000,108722,20,4,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12423,555009,555008,555010,2020-11-12 21:25:40.100496 +200000,108722,20,4,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12423,555009,555008,555010,2020-11-12 21:25:40.090496 +290000,123000,25,10,-84,-12.7,11,-89,-15.7,6,-104,-18.7,3,12423,555009,555008,555010,2020-11-12 21:25:40.080496 +150000,88722,20,6,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12423,555009,555008,555010,2020-11-12 21:25:40.070496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12423,555009,555008,555010,2020-11-12 21:25:40.060496 +280000,122000,25,10,-80,-12.4,14,-85,-15.4,9,-100,-18.4,6,12423,555009,555008,555010,2020-11-12 21:25:40.050496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12423,555009,555008,555010,2020-11-12 21:25:40.040496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12423,555009,555008,555010,2020-11-12 21:25:40.030496 +200000,108722,20,7,-87,-12.1,14,-92,-15.1,9,-107,-18.1,6,12423,555009,555008,555010,2020-11-12 21:25:40.020496 +200000,78722,20,7,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12423,555009,555008,555010,2020-11-12 21:25:40.010496 +10000,38722,16,7,-115,-19.5,2,-120,-22.5,-3,-135,-25.5,-6,12423,555009,555008,555010,2020-11-12 21:25:40.000496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12423,555009,555008,555010,2020-11-12 21:25:39.990496 +230000,98722,20,7,-97,-10.9,10,-102,-13.9,5,-117,-16.9,2,12423,555009,555008,555010,2020-11-12 21:25:39.980496 +110000,108722,20,3,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12423,555009,555008,555010,2020-11-12 21:25:39.970496 +230000,98722,20,3,-89,-15.7,12,-94,-18.7,7,-109,-21.7,4,12423,555009,555008,555010,2020-11-12 21:25:39.960496 +110000,98722,20,4,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12423,555009,555008,555010,2020-11-12 21:25:39.950496 +7000,5000,10,3,-119,-24.1,-19,-124,-27.1,-24,-139,-30.1,-27,12423,555009,555008,555010,2020-11-12 21:25:39.940496 +230000,108722,20,7,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12423,555009,555008,555010,2020-11-12 21:25:39.930496 +150000,108722,20,6,-93,-13.0,8,-98,-16.0,3,-113,-19.0,0,12424,555009,555008,555010,2020-11-12 21:25:39.920496 +110000,108722,20,4,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12424,555009,555008,555010,2020-11-12 21:25:39.910496 +150000,88722,20,3,-90,-11.1,8,-95,-14.1,3,-110,-17.1,0,12424,555009,555008,555010,2020-11-12 21:25:39.900496 +110000,98722,20,4,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12424,555009,555008,555010,2020-11-12 21:25:39.890496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12424,555009,555008,555010,2020-11-12 21:25:39.880496 +230000,108722,20,8,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12424,555009,555008,555010,2020-11-12 21:25:39.870496 +280000,123000,25,10,-88,-12.7,11,-93,-15.7,6,-108,-18.7,3,12424,555009,555008,555010,2020-11-12 21:25:39.860496 +110000,108722,20,3,-99,-10.9,9,-104,-13.9,4,-119,-16.9,1,12424,555009,555008,555010,2020-11-12 21:25:39.850496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12424,555009,555008,555010,2020-11-12 21:25:39.840496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12424,555009,555008,555010,2020-11-12 21:25:39.830496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12424,555009,555008,555010,2020-11-12 21:25:39.820496 +100000,6722,18,7,-109,-18.7,7,-114,-21.7,2,-129,-24.7,-1,12424,555009,555008,555010,2020-11-12 21:25:39.810496 +280000,123000,25,10,-81,-12.5,13,-86,-15.5,8,-101,-18.5,5,12424,555009,555008,555010,2020-11-12 21:25:39.800496 +230000,108722,20,2,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12424,555009,555008,555010,2020-11-12 21:25:39.790496 +110000,98722,20,2,-90,-11.1,11,-95,-14.1,6,-110,-17.1,3,12424,555009,555008,555010,2020-11-12 21:25:39.780496 +100000,6722,18,7,-111,-19.3,6,-116,-22.3,1,-131,-25.3,-2,12424,555009,555008,555010,2020-11-12 21:25:39.770496 +280000,123000,25,10,-88,-12.0,18,-93,-15.0,13,-108,-18.0,10,12424,555009,555008,555010,2020-11-12 21:25:39.760496 +100000,78722,20,6,-96,-12.7,12,-101,-15.7,7,-116,-18.7,4,12424,555009,555008,555010,2020-11-12 21:25:39.750496 +110000,78722,20,7,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12424,555009,555008,555010,2020-11-12 21:25:39.740496 +110000,88722,20,6,-82,-11.1,15,-87,-14.1,10,-102,-17.1,7,12424,555009,555008,555010,2020-11-12 21:25:39.730496 +100000,108722,20,3,-83,-11.3,15,-88,-14.3,10,-103,-17.3,7,12424,555009,555008,555010,2020-11-12 21:25:39.720496 +110000,88722,20,4,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12424,555009,555008,555010,2020-11-12 21:25:39.710496 +150000,108722,20,6,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12424,555009,555008,555010,2020-11-12 21:25:39.700496 +230000,108722,20,3,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12424,555009,555008,555010,2020-11-12 21:25:39.690496 +110000,98722,20,4,-86,-11.9,14,-91,-14.9,9,-106,-17.9,6,12424,555009,555008,555010,2020-11-12 21:25:39.680496 +230000,68722,20,3,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12424,555009,555008,555010,2020-11-12 21:25:39.670496 +290000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12424,555009,555008,555010,2020-11-12 21:25:39.660496 +270000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12424,555009,555008,555010,2020-11-12 21:25:39.650496 +280000,123000,25,10,-84,-12.4,14,-89,-15.4,9,-104,-18.4,6,12424,555009,555008,555010,2020-11-12 21:25:39.640496 +280000,123000,25,10,-86,-12.6,12,-91,-15.6,7,-106,-18.6,4,12424,555009,555008,555010,2020-11-12 21:25:39.630496 +10000,4000,14,6,-122,-21.1,1,-127,-24.1,-5,-142,-27.1,1,12424,555009,555008,555010,2020-11-12 21:25:39.620496 +110000,78722,20,4,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12424,555009,555008,555010,2020-11-12 21:25:39.610496 +150000,98722,20,7,-86,-11.9,14,-91,-14.9,9,-106,-17.9,6,12424,555009,555008,555010,2020-11-12 21:25:39.600496 +7000,6722,10,3,-124,-23.9,0,-129,-26.9,-3,-144,-29.9,-8,12424,555009,555008,555010,2020-11-12 21:25:39.590496 +150000,108722,20,4,-93,-10.7,8,-98,-13.7,3,-113,-16.7,0,12424,555009,555008,555010,2020-11-12 21:25:39.580496 +110000,108722,20,6,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12424,555009,555008,555010,2020-11-12 21:25:39.570496 +110000,108722,20,7,-94,-13.3,5,-99,-16.3,0,-114,-19.3,-3,12424,555009,555008,555010,2020-11-12 21:25:39.560496 +200000,98722,20,2,-87,-12.1,12,-92,-15.1,7,-107,-18.1,4,12424,555009,555008,555010,2020-11-12 21:25:39.550496 +110000,88722,20,2,-80,-10.7,12,-85,-13.7,7,-100,-16.7,4,12424,555009,555008,555010,2020-11-12 21:25:39.540496 +9000,5000,14,6,-120,-20.7,-6,-125,-23.7,-11,-140,-26.7,-14,12424,555009,555008,555010,2020-11-12 21:25:39.530496 +230000,108722,20,4,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12424,555009,555008,555010,2020-11-12 21:25:39.520496 +150000,108722,20,4,-94,-13.6,2,-99,-16.6,-3,-114,-19.6,-6,12424,555009,555008,555010,2020-11-12 21:25:39.510496 +150000,108722,20,6,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12424,555009,555008,555010,2020-11-12 21:25:39.500496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12424,555009,555008,555010,2020-11-12 21:25:39.490496 +200000,88722,20,4,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12424,555009,555008,555010,2020-11-12 21:25:39.480496 +90000,38722,16,7,-113,-18.3,4,-118,-21.3,-1,-133,-24.3,-4,12424,555009,555008,555010,2020-11-12 21:25:39.470496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12424,555009,555008,555010,2020-11-12 21:25:39.460496 +110000,98722,20,2,-94,-16.7,15,-99,-19.7,10,-114,-22.7,7,12424,555009,555008,555010,2020-11-12 21:25:39.450496 +200000,68722,20,2,-87,-12.1,15,-92,-15.1,10,-107,-18.1,7,12424,555009,555008,555010,2020-11-12 21:25:39.440496 +150000,108722,20,3,-95,-16.9,12,-100,-19.9,7,-115,-22.9,4,12424,555009,555008,555010,2020-11-12 21:25:39.430496 +200000,108722,20,6,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12424,555009,555008,555010,2020-11-12 21:25:39.420496 +230000,78722,20,7,-95,-16.9,12,-100,-19.9,7,-115,-22.9,4,12424,555009,555008,555010,2020-11-12 21:25:39.410496 +280000,123000,25,10,-90,-12.9,9,-95,-15.9,4,-110,-18.9,1,12425,555010,555009,555011,2020-11-12 21:25:39.400496 +280000,122000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12425,555010,555009,555011,2020-11-12 21:25:39.390496 +110000,108722,20,3,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12425,555010,555009,555011,2020-11-12 21:25:39.380496 +150000,108722,20,5,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12425,555010,555009,555011,2020-11-12 21:25:39.370496 +230000,108722,20,10,-94,-13.3,5,-99,-16.3,0,-114,-19.3,-3,12425,555010,555009,555011,2020-11-12 21:25:39.360496 +110000,108722,20,4,-89,-12.7,8,-94,-15.7,3,-109,-18.7,0,12425,555010,555009,555011,2020-11-12 21:25:39.350496 +150000,108722,20,7,-92,-13.5,3,-97,-16.5,-2,-112,-19.5,-5,12425,555010,555009,555011,2020-11-12 21:25:39.340496 +110000,98722,20,2,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12425,555010,555009,555011,2020-11-12 21:25:39.330496 +100000,48722,18,6,-118,-19.3,4,-123,-22.3,-1,-138,-25.3,-4,12425,555010,555009,555011,2020-11-12 21:25:39.320496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12425,555010,555009,555011,2020-11-12 21:25:39.310496 +150000,108722,20,5,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12425,555010,555009,555011,2020-11-12 21:25:39.300496 +280000,122000,25,10,-82,-12.1,17,-87,-15.1,12,-102,-18.1,9,12425,555010,555009,555011,2020-11-12 21:25:39.290496 +100000,108722,20,6,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12425,555010,555009,555011,2020-11-12 21:25:39.280496 +200000,98722,20,8,-96,-17.1,15,-101,-20.1,10,-116,-23.1,7,12425,555010,555009,555011,2020-11-12 21:25:39.270496 +150000,78722,20,4,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12425,555010,555009,555011,2020-11-12 21:25:39.260496 +100000,108722,20,3,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12425,555010,555009,555011,2020-11-12 21:25:39.250496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12425,555010,555009,555011,2020-11-12 21:25:39.240496 +110000,88722,20,3,-91,-11.1,8,-96,-14.1,3,-111,-17.1,0,12425,555010,555009,555011,2020-11-12 21:25:39.230496 +150000,108722,20,6,-95,-16.9,14,-100,-19.9,9,-115,-22.9,6,12425,555010,555009,555011,2020-11-12 21:25:39.220496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12425,555010,555009,555011,2020-11-12 21:25:39.210496 +200000,98722,20,6,-93,-13.8,0,-98,-16.8,-5,-113,-19.8,-8,12425,555010,555009,555011,2020-11-12 21:25:39.200496 +150000,108722,20,7,-98,-17.5,15,-103,-20.5,10,-118,-23.5,7,12425,555010,555009,555011,2020-11-12 21:25:39.190496 +110000,108722,20,2,-88,-12.3,12,-93,-15.3,7,-108,-18.3,4,12425,555010,555009,555011,2020-11-12 21:25:39.180496 +150000,78722,20,5,-89,-12.5,15,-94,-15.5,10,-109,-18.5,7,12425,555010,555009,555011,2020-11-12 21:25:39.170496 +4000,20,9,4,-127,-21.9,-4,-132,-24.9,-11,-147,-27.9,0,12425,555010,555009,555011,2020-11-12 21:25:39.160496 +110000,108722,20,4,-96,-17.1,12,-101,-20.1,7,-116,-23.1,4,12425,555010,555009,555011,2020-11-12 21:25:39.150496 +110000,88722,20,2,-93,-16.5,15,-98,-19.5,10,-113,-22.5,7,12425,555010,555009,555011,2020-11-12 21:25:39.140496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12425,555010,555009,555011,2020-11-12 21:25:39.130496 +110000,108722,20,8,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12425,555010,555009,555011,2020-11-12 21:25:39.120496 +110000,108722,20,6,-91,-13.5,3,-96,-16.5,-2,-111,-19.5,-5,12425,555010,555009,555011,2020-11-12 21:25:39.110496 +100000,88722,20,3,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12425,555010,555009,555011,2020-11-12 21:25:39.100496 +100000,38722,18,6,-111,-18.1,6,-116,-21.1,1,-131,-24.1,-2,12425,555010,555009,555011,2020-11-12 21:25:39.090496 +280000,121000,25,8,-89,-13.8,0,-94,-16.8,-5,-109,-19.8,-8,12425,555010,555009,555011,2020-11-12 21:25:39.080496 +110000,108722,20,2,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12425,555010,555009,555011,2020-11-12 21:25:39.070496 +100000,88722,20,7,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12425,555010,555009,555011,2020-11-12 21:25:39.060496 +110000,98722,20,4,-95,-11.3,9,-100,-14.3,4,-115,-17.3,1,12425,555010,555009,555011,2020-11-12 21:25:39.050496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12425,555010,555009,555011,2020-11-12 21:25:39.040496 +150000,108722,20,8,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12425,555010,555009,555011,2020-11-12 21:25:39.030496 +300000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12425,555010,555009,555011,2020-11-12 21:25:39.020496 +10000,6722,14,6,-115,-21.1,0,-120,-24.1,-5,-135,-27.1,-8,12425,555010,555009,555011,2020-11-12 21:25:39.010496 +280000,122000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12425,555010,555009,555011,2020-11-12 21:25:39.000496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12425,555010,555009,555011,2020-11-12 21:25:38.990496 +100000,48722,20,2,-89,-12.1,5,-94,-15.1,0,-109,-18.1,-3,12425,555010,555009,555011,2020-11-12 21:25:38.980496 +150000,68722,20,2,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12425,555010,555009,555011,2020-11-12 21:25:38.970496 +110000,98722,20,7,-93,-13.7,1,-98,-16.7,-4,-113,-19.7,-7,12425,555010,555009,555011,2020-11-12 21:25:38.960496 +280000,121000,25,10,-93,-13.8,0,-98,-16.8,-5,-113,-19.8,-8,12425,555010,555009,555011,2020-11-12 21:25:38.950496 +3000,200,10,3,-128,-22.3,-2,-133,-25.3,-2,-148,-28.3,1,12425,555010,555009,555011,2020-11-12 21:25:38.940496 +280000,123000,25,10,-84,-12.0,18,-89,-15.0,13,-104,-18.0,10,12425,555010,555009,555011,2020-11-12 21:25:38.930496 +110000,108722,20,5,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12425,555010,555009,555011,2020-11-12 21:25:38.920496 +280000,121000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12425,555010,555009,555011,2020-11-12 21:25:38.910496 +230000,108722,20,6,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12425,555010,555009,555011,2020-11-12 21:25:38.900496 +110000,108722,20,4,-91,-13.2,6,-96,-16.2,1,-111,-19.2,-2,12425,555010,555009,555011,2020-11-12 21:25:38.890496 +100000,98722,20,3,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12426,555010,555009,555011,2020-11-12 21:25:38.880496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12426,555010,555009,555011,2020-11-12 21:25:38.870496 +270000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12426,555010,555009,555011,2020-11-12 21:25:38.860496 +110000,88722,20,2,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12426,555010,555009,555011,2020-11-12 21:25:38.850496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12426,555010,555009,555011,2020-11-12 21:25:38.840496 +110000,98722,20,4,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12426,555010,555009,555011,2020-11-12 21:25:38.830496 +150000,108722,20,6,-94,-13.5,3,-99,-16.5,-2,-114,-19.5,-5,12426,555010,555009,555011,2020-11-12 21:25:38.820496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12426,555010,555009,555011,2020-11-12 21:25:38.810496 +150000,108722,20,5,-97,-11.5,10,-102,-14.5,5,-117,-17.5,2,12426,555010,555009,555011,2020-11-12 21:25:38.800496 +100000,78722,20,4,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12426,555010,555009,555011,2020-11-12 21:25:38.790496 +110000,78722,20,5,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12426,555010,555009,555011,2020-11-12 21:25:38.780496 +110000,88722,20,6,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12426,555010,555009,555011,2020-11-12 21:25:38.770496 +300000,125000,25,10,-46,-3.2,24,-51,-6.2,19,-66,-9.2,16,12426,555010,555009,555011,2020-11-12 21:25:38.760496 +100000,108722,20,2,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12426,555010,555009,555011,2020-11-12 21:25:38.750496 +110000,108722,20,2,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12426,555010,555009,555011,2020-11-12 21:25:38.740496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12426,555010,555009,555011,2020-11-12 21:25:38.730496 +150000,78722,20,3,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12426,555010,555009,555011,2020-11-12 21:25:38.720496 +110000,98722,20,4,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12426,555010,555009,555011,2020-11-12 21:25:38.710496 +90000,68722,18,6,-113,-18.7,4,-118,-21.7,-1,-133,-24.7,-4,12426,555010,555009,555011,2020-11-12 21:25:38.700496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12426,555010,555009,555011,2020-11-12 21:25:38.690496 +290000,122000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12426,555010,555009,555011,2020-11-12 21:25:38.680496 +300000,123000,25,10,-87,-12.5,13,-92,-15.5,8,-107,-18.5,5,12426,555010,555009,555011,2020-11-12 21:25:38.670496 +200000,98722,20,3,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12426,555010,555009,555011,2020-11-12 21:25:38.660496 +150000,88722,20,6,-91,-12.7,9,-96,-15.7,4,-111,-18.7,1,12426,555010,555009,555011,2020-11-12 21:25:38.650496 +10000,68722,14,6,-114,-18.7,4,-119,-21.7,-1,-134,-24.7,-4,12426,555010,555009,555011,2020-11-12 21:25:38.640496 +280000,121000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12426,555010,555009,555011,2020-11-12 21:25:38.630496 +90000,68722,15,7,-112,-18.5,5,-117,-21.5,0,-132,-24.5,-3,12426,555010,555009,555011,2020-11-12 21:25:38.620496 +110000,98722,20,2,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12426,555010,555009,555011,2020-11-12 21:25:38.610496 +150000,108722,20,6,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12426,555010,555009,555011,2020-11-12 21:25:38.600496 +9000,6722,15,6,-119,-20.7,3,-124,-23.7,1,-139,-26.7,-8,12426,555010,555009,555011,2020-11-12 21:25:38.590496 +280000,123000,25,10,-81,-12.4,14,-86,-15.4,9,-101,-18.4,6,12426,555010,555009,555011,2020-11-12 21:25:38.580496 +110000,88722,20,5,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12426,555010,555009,555011,2020-11-12 21:25:38.570496 +100000,108722,20,2,-93,-16.5,15,-98,-19.5,10,-113,-22.5,7,12426,555010,555009,555011,2020-11-12 21:25:38.560496 +100000,108722,20,7,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12426,555010,555009,555011,2020-11-12 21:25:38.550496 +110000,98722,20,2,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12426,555010,555009,555011,2020-11-12 21:25:38.540496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12426,555010,555009,555011,2020-11-12 21:25:38.530496 +200000,98722,20,7,-94,-11.3,9,-99,-14.3,4,-114,-17.3,1,12426,555010,555009,555011,2020-11-12 21:25:38.520496 +110000,108722,20,6,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12426,555010,555009,555011,2020-11-12 21:25:38.510496 +150000,108722,20,2,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12426,555010,555009,555011,2020-11-12 21:25:38.500496 +100000,98722,20,6,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12426,555010,555009,555011,2020-11-12 21:25:38.490496 +280000,122000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12426,555010,555009,555011,2020-11-12 21:25:38.480496 +100000,98722,20,2,-87,-12.1,15,-92,-15.1,10,-107,-18.1,7,12426,555010,555009,555011,2020-11-12 21:25:38.470496 +110000,108722,20,3,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12426,555010,555009,555011,2020-11-12 21:25:38.460496 +150000,108722,20,4,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12426,555010,555009,555011,2020-11-12 21:25:38.450496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12426,555010,555009,555011,2020-11-12 21:25:38.440496 +110000,108722,20,2,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12426,555010,555009,555011,2020-11-12 21:25:38.430496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12426,555010,555009,555011,2020-11-12 21:25:38.420496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12426,555010,555009,555011,2020-11-12 21:25:38.410496 +280000,121000,25,10,-93,-13.3,5,-98,-16.3,0,-113,-19.3,-3,12426,555010,555009,555011,2020-11-12 21:25:38.400496 +200000,108722,20,6,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12426,555010,555009,555011,2020-11-12 21:25:38.390496 +150000,108722,20,8,-88,-12.3,14,-93,-15.3,9,-108,-18.3,6,12426,555010,555009,555011,2020-11-12 21:25:38.380496 +110000,108722,20,6,-90,-13.1,7,-95,-16.1,2,-110,-19.1,-1,12426,555010,555009,555011,2020-11-12 21:25:38.370496 +280000,123000,25,10,-87,-12.2,16,-92,-15.2,11,-107,-18.2,8,12427,555010,555009,555011,2020-11-12 21:25:38.360496 +100000,78722,20,2,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12427,555010,555009,555011,2020-11-12 21:25:38.350496 +200000,108722,20,4,-89,-12.7,10,-94,-15.7,5,-109,-18.7,2,12427,555010,555009,555011,2020-11-12 21:25:38.340496 +110000,68722,20,3,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12427,555010,555009,555011,2020-11-12 21:25:38.330496 +100000,48722,18,7,-109,-17.9,5,-114,-20.9,0,-129,-23.9,-3,12427,555010,555009,555011,2020-11-12 21:25:38.320496 +110000,78722,20,3,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12427,555010,555009,555011,2020-11-12 21:25:38.310496 +110000,88722,20,6,-98,-17.5,12,-103,-20.5,7,-118,-23.5,4,12427,555010,555009,555011,2020-11-12 21:25:38.300496 +280000,123000,25,10,-89,-13.7,1,-94,-16.7,-4,-109,-19.7,-7,12427,555010,555009,555011,2020-11-12 21:25:38.290496 +270000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12427,555010,555009,555011,2020-11-12 21:25:38.280496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12427,555010,555009,555011,2020-11-12 21:25:38.270496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12427,555010,555009,555011,2020-11-12 21:25:38.260496 +150000,108722,20,6,-89,-12.5,14,-94,-15.5,9,-109,-18.5,6,12427,555010,555009,555011,2020-11-12 21:25:38.250496 +100000,68722,18,7,-117,-19.3,2,-122,-22.3,-3,-137,-25.3,-6,12427,555010,555009,555011,2020-11-12 21:25:38.240496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12427,555010,555009,555011,2020-11-12 21:25:38.230496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12427,555010,555009,555011,2020-11-12 21:25:38.220496 +150000,108722,20,5,-91,-13.2,6,-96,-16.2,1,-111,-19.2,-2,12427,555010,555009,555011,2020-11-12 21:25:38.210496 +100000,98722,20,3,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12427,555010,555009,555011,2020-11-12 21:25:38.200496 +280000,122000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12427,555010,555009,555011,2020-11-12 21:25:38.190496 +1000,500,10,3,-127,-22.5,-6,-132,-25.5,-11,-147,-28.5,-14,12427,555010,555009,555011,2020-11-12 21:25:38.180496 +230000,108722,20,2,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12427,555010,555009,555011,2020-11-12 21:25:38.170496 +200000,108722,20,7,-92,-16.3,15,-97,-19.3,10,-112,-22.3,7,12427,555010,555009,555011,2020-11-12 21:25:38.160496 +230000,108722,20,8,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12427,555010,555009,555011,2020-11-12 21:25:38.150496 +100000,78722,20,5,-93,-16.5,12,-98,-19.5,7,-113,-22.5,4,12427,555010,555009,555011,2020-11-12 21:25:38.140496 +100000,108722,20,2,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12427,555010,555009,555011,2020-11-12 21:25:38.130496 +100000,78722,20,8,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12427,555010,555009,555011,2020-11-12 21:25:38.120496 +150000,108722,20,3,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12427,555010,555009,555011,2020-11-12 21:25:38.110496 +150000,108722,20,6,-93,-13.5,3,-98,-16.5,-2,-113,-19.5,-5,12427,555010,555009,555011,2020-11-12 21:25:38.100496 +150000,68722,20,3,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12427,555010,555009,555011,2020-11-12 21:25:38.090496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12427,555010,555009,555011,2020-11-12 21:25:38.080496 +200000,98722,20,6,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12427,555010,555009,555011,2020-11-12 21:25:38.070496 +280000,122000,25,10,-80,-12.5,13,-85,-15.5,8,-100,-18.5,5,12427,555010,555009,555011,2020-11-12 21:25:38.060496 +150000,78722,20,2,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12427,555010,555009,555011,2020-11-12 21:25:38.050496 +4000,2000,10,4,-124,-23.3,1,-129,-26.3,-3,-144,-29.3,-8,12427,555010,555009,555011,2020-11-12 21:25:38.040496 +280000,123000,25,10,-85,-12.4,14,-90,-15.4,9,-105,-18.4,6,12427,555010,555009,555011,2020-11-12 21:25:38.030496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12427,555010,555009,555011,2020-11-12 21:25:38.020496 +230000,88722,20,3,-98,-10.9,10,-103,-13.9,5,-118,-16.9,2,12427,555010,555009,555011,2020-11-12 21:25:38.010496 +110000,108722,20,7,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12427,555010,555009,555011,2020-11-12 21:25:38.000496 +110000,88722,20,8,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12427,555010,555009,555011,2020-11-12 21:25:37.990496 +230000,108722,20,7,-99,-12.1,10,-104,-15.1,5,-119,-18.1,2,12427,555010,555009,555011,2020-11-12 21:25:37.980496 +280000,123000,25,10,-86,-12.8,10,-91,-15.8,5,-106,-18.8,2,12427,555010,555009,555011,2020-11-12 21:25:37.970496 +100000,6722,18,7,-113,-19.3,7,-118,-22.3,2,-133,-25.3,-1,12427,555010,555009,555011,2020-11-12 21:25:37.960496 +100000,108722,20,8,-82,-11.1,12,-87,-14.1,7,-102,-17.1,4,12427,555010,555009,555011,2020-11-12 21:25:37.950496 +150000,108722,20,6,-92,-13.7,1,-97,-16.7,-4,-112,-19.7,-7,12427,555010,555009,555011,2020-11-12 21:25:37.940496 +200000,108722,20,7,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12427,555010,555009,555011,2020-11-12 21:25:37.930496 +300000,123000,25,10,-86,-12.8,10,-91,-15.8,5,-106,-18.8,2,12427,555010,555009,555011,2020-11-12 21:25:37.920496 +100000,6722,18,7,-112,-19.1,7,-117,-22.1,2,-132,-25.1,-1,12427,555010,555009,555011,2020-11-12 21:25:37.910496 +110000,108722,20,4,-94,-13.8,0,-99,-16.8,-5,-114,-19.8,-8,12427,555010,555009,555011,2020-11-12 21:25:37.900496 +10000,48722,16,7,-111,-19.3,6,-116,-22.3,1,-131,-25.3,-2,12427,555010,555009,555011,2020-11-12 21:25:37.890496 +110000,88722,20,6,-94,-12.5,9,-99,-15.5,4,-114,-18.5,1,12427,555010,555009,555011,2020-11-12 21:25:37.880496 +90000,78722,18,7,-117,-18.7,10,-122,-21.7,5,-137,-24.7,2,12427,555010,555009,555011,2020-11-12 21:25:37.870496 +110000,88722,20,4,-91,-16.1,14,-96,-19.1,9,-111,-22.1,6,12427,555010,555009,555011,2020-11-12 21:25:37.860496 +150000,108722,20,6,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12427,555010,555009,555011,2020-11-12 21:25:37.850496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12428,555010,555009,555011,2020-11-12 21:25:37.840496 +100000,98722,20,3,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12428,555010,555009,555011,2020-11-12 21:25:37.830496 +290000,122000,25,10,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12428,555010,555009,555011,2020-11-12 21:25:37.820496 +230000,108722,20,2,-85,-11.7,15,-90,-14.7,10,-105,-17.7,7,12428,555010,555009,555011,2020-11-12 21:25:37.810496 +110000,108722,20,6,-93,-13.1,7,-98,-16.1,2,-113,-19.1,-1,12428,555010,555009,555011,2020-11-12 21:25:37.800496 +280000,122000,25,10,-85,-12.0,18,-90,-15.0,13,-105,-18.0,10,12428,555010,555009,555011,2020-11-12 21:25:37.790496 +110000,108722,20,7,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12428,555010,555009,555011,2020-11-12 21:25:37.780496 +110000,98722,20,6,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12428,555010,555009,555011,2020-11-12 21:25:37.770496 +110000,68722,20,3,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12428,555010,555009,555011,2020-11-12 21:25:37.760496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12428,555010,555009,555011,2020-11-12 21:25:37.750496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12428,555010,555009,555011,2020-11-12 21:25:37.740496 +110000,108722,20,4,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12428,555010,555009,555011,2020-11-12 21:25:37.730496 +290000,123000,25,10,-87,-12.7,11,-92,-15.7,6,-107,-18.7,3,12428,555010,555009,555011,2020-11-12 21:25:37.720496 +230000,98722,20,5,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12428,555010,555009,555011,2020-11-12 21:25:37.710496 +100000,108722,20,6,-97,-17.3,12,-102,-20.3,7,-117,-23.3,4,12428,555010,555009,555011,2020-11-12 21:25:37.700496 +110000,108722,20,7,-98,-12.7,9,-103,-15.7,4,-118,-18.7,1,12428,555010,555009,555011,2020-11-12 21:25:37.690496 +200000,98722,20,6,-92,-12.9,9,-97,-15.9,4,-112,-18.9,1,12428,555010,555009,555011,2020-11-12 21:25:37.680496 +110000,78722,20,7,-88,-12.3,15,-93,-15.3,10,-108,-18.3,7,12428,555010,555009,555011,2020-11-12 21:25:37.670496 +100000,58722,18,6,-115,-17.9,7,-120,-20.9,2,-135,-23.9,-1,12428,555010,555009,555011,2020-11-12 21:25:37.660496 +110000,98722,20,4,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12428,555010,555009,555011,2020-11-12 21:25:37.650496 +100000,48722,18,6,-109,-19.1,6,-114,-22.1,1,-129,-25.1,-2,12428,555010,555009,555011,2020-11-12 21:25:37.640496 +280000,121000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12428,555010,555009,555011,2020-11-12 21:25:37.630496 +110000,108722,20,3,-82,-11.1,14,-87,-14.1,9,-102,-17.1,6,12428,555010,555009,555011,2020-11-12 21:25:37.620496 +100000,88722,20,4,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12428,555010,555009,555011,2020-11-12 21:25:37.610496 +100000,88722,20,2,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12428,555010,555009,555011,2020-11-12 21:25:37.600496 +110000,108722,20,4,-94,-16.7,15,-99,-19.7,10,-114,-22.7,7,12428,555010,555009,555011,2020-11-12 21:25:37.590496 +150000,68722,20,6,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12428,555010,555009,555011,2020-11-12 21:25:37.580496 +230000,108722,20,7,-95,-16.9,15,-100,-19.9,10,-115,-22.9,7,12428,555010,555009,555011,2020-11-12 21:25:37.570496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12428,555010,555009,555011,2020-11-12 21:25:37.560496 +150000,108722,20,7,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12428,555010,555009,555011,2020-11-12 21:25:37.550496 +100000,58722,18,7,-116,-19.1,7,-121,-22.1,2,-136,-25.1,-1,12428,555010,555009,555011,2020-11-12 21:25:37.540496 +280000,123000,25,10,-88,-12.2,16,-93,-15.2,11,-108,-18.2,8,12428,555010,555009,555011,2020-11-12 21:25:37.530496 +230000,78722,20,8,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12428,555010,555009,555011,2020-11-12 21:25:37.520496 +280000,122000,25,10,-80,-12.7,11,-85,-15.7,6,-100,-18.7,3,12428,555010,555009,555011,2020-11-12 21:25:37.510496 +100000,88722,20,2,-99,-17.7,16,-104,-20.7,11,-119,-23.7,8,12428,555010,555009,555011,2020-11-12 21:25:37.500496 +150000,108722,20,4,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12428,555010,555009,555011,2020-11-12 21:25:37.490496 +110000,108722,20,2,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12428,555010,555009,555011,2020-11-12 21:25:37.480496 +280000,123000,25,10,-81,-12.0,18,-86,-15.0,13,-101,-18.0,10,12428,555010,555009,555011,2020-11-12 21:25:37.470496 +280000,121000,25,10,-93,-13.4,4,-98,-16.4,-1,-113,-19.4,-4,12428,555010,555009,555011,2020-11-12 21:25:37.460496 +280000,123000,25,10,-83,-12.5,13,-88,-15.5,8,-103,-18.5,5,12428,555010,555009,555011,2020-11-12 21:25:37.450496 +110000,98722,20,4,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12428,555010,555009,555011,2020-11-12 21:25:37.440496 +110000,108722,20,4,-93,-11.1,9,-98,-14.1,4,-113,-17.1,1,12428,555010,555009,555011,2020-11-12 21:25:37.430496 +100000,98722,20,7,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12428,555010,555009,555011,2020-11-12 21:25:37.420496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12428,555010,555009,555011,2020-11-12 21:25:37.410496 +200000,98722,20,6,-96,-17.1,12,-101,-20.1,7,-116,-23.1,4,12428,555010,555009,555011,2020-11-12 21:25:37.400496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12428,555010,555009,555011,2020-11-12 21:25:37.390496 +150000,108722,20,5,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12428,555010,555009,555011,2020-11-12 21:25:37.380496 +230000,108722,20,10,-90,-13.1,7,-95,-16.1,2,-110,-19.1,-1,12428,555010,555009,555011,2020-11-12 21:25:37.370496 +10,2,9,3,-123,-23.9,-17,-128,-26.9,-22,-143,-29.9,-25,12428,555010,555009,555011,2020-11-12 21:25:37.360496 +230000,108722,20,3,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12428,555010,555009,555011,2020-11-12 21:25:37.350496 +150000,88722,20,2,-97,-17.3,15,-102,-20.3,10,-117,-23.3,7,12428,555010,555009,555011,2020-11-12 21:25:37.340496 +100000,48722,18,7,-115,-18.1,2,-120,-21.1,-3,-135,-24.1,-6,12428,555010,555009,555011,2020-11-12 21:25:37.330496 +150000,108722,20,6,-98,-17.5,14,-103,-20.5,9,-118,-23.5,6,12429,555010,555009,555011,2020-11-12 21:25:37.320496 +110000,108722,20,7,-97,-12.1,9,-102,-15.1,4,-117,-18.1,1,12429,555010,555009,555011,2020-11-12 21:25:37.310496 +100000,6722,18,6,-111,-19.1,2,-116,-22.1,-3,-131,-25.1,-6,12429,555010,555009,555011,2020-11-12 21:25:37.300496 +100000,58722,18,7,-114,-21.3,-5,-119,-24.3,-5,-134,-27.3,-14,12429,555010,555009,555011,2020-11-12 21:25:37.290496 +100000,48722,20,2,-89,-11.3,6,-94,-14.3,1,-109,-17.3,-2,12429,555010,555009,555011,2020-11-12 21:25:37.280496 +110000,108722,20,5,-94,-13.6,2,-99,-16.6,-3,-114,-19.6,-6,12429,555010,555009,555011,2020-11-12 21:25:37.270496 +300000,123000,25,10,-80,-12.0,18,-85,-15.0,13,-100,-18.0,10,12429,555010,555009,555011,2020-11-12 21:25:37.260496 +150000,98722,20,8,-99,-12.7,9,-104,-15.7,4,-119,-18.7,1,12429,555010,555009,555011,2020-11-12 21:25:37.250496 +150000,108722,20,3,-89,-12.7,10,-94,-15.7,5,-109,-18.7,2,12429,555010,555009,555011,2020-11-12 21:25:37.240496 +8000,5000,10,3,-121,-21.7,-11,-126,-24.7,-16,-141,-27.7,-19,12429,555010,555009,555011,2020-11-12 21:25:37.230496 +230000,108722,20,2,-97,-12.3,10,-102,-15.3,5,-117,-18.3,2,12429,555010,555009,555011,2020-11-12 21:25:37.220496 +200000,108722,20,3,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12429,555010,555009,555011,2020-11-12 21:25:37.210496 +100000,48722,18,6,-112,-19.3,3,-117,-22.3,-2,-132,-25.3,-5,12429,555010,555009,555011,2020-11-12 21:25:37.200496 +230000,98722,20,10,-91,-13.4,4,-96,-16.4,-1,-111,-19.4,-4,12429,555010,555009,555011,2020-11-12 21:25:37.190496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12429,555010,555009,555011,2020-11-12 21:25:37.180496 +280000,123000,25,10,-83,-12.7,11,-88,-15.7,6,-103,-18.7,3,12429,555010,555009,555011,2020-11-12 21:25:37.170496 +150000,78722,20,6,-87,-12.1,15,-92,-15.1,10,-107,-18.1,7,12429,555010,555009,555011,2020-11-12 21:25:37.160496 +200000,68722,20,3,-90,-12.7,14,-95,-15.7,9,-110,-18.7,6,12429,555010,555009,555011,2020-11-12 21:25:37.150496 +110000,108722,20,3,-98,-12.5,8,-103,-15.5,3,-118,-18.5,0,12429,555010,555009,555011,2020-11-12 21:25:37.140496 +280000,123000,25,10,-81,-12.1,17,-86,-15.1,12,-101,-18.1,9,12429,555010,555009,555011,2020-11-12 21:25:37.130496 +90000,6722,18,7,-118,-18.9,4,-123,-21.9,-1,-138,-24.9,-4,12429,555010,555009,555011,2020-11-12 21:25:37.120496 +10000,58722,18,7,-114,-18.1,4,-119,-21.1,-1,-134,-24.1,-4,12429,555010,555009,555011,2020-11-12 21:25:37.110496 +300000,123000,25,10,-48,-3.4,24,-53,-6.4,19,-68,-9.4,16,12429,555010,555009,555011,2020-11-12 21:25:37.100496 +280000,121000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12429,555010,555009,555011,2020-11-12 21:25:37.090496 +280000,123000,25,10,-86,-12.2,16,-91,-15.2,11,-106,-18.2,8,12429,555010,555009,555011,2020-11-12 21:25:37.080496 +200000,88722,20,2,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12429,555010,555009,555011,2020-11-12 21:25:37.070496 +10000,68722,15,7,-118,-18.3,3,-123,-21.3,-2,-138,-24.3,-5,12429,555010,555009,555011,2020-11-12 21:25:37.060496 +150000,108722,20,2,-94,-10.7,8,-99,-13.7,3,-114,-16.7,0,12429,555010,555009,555011,2020-11-12 21:25:37.050496 +280000,123000,25,10,-89,-13.5,3,-94,-16.5,-2,-109,-19.5,-5,12429,555010,555009,555011,2020-11-12 21:25:37.040496 +200000,108722,20,5,-86,-11.9,16,-91,-14.9,11,-106,-17.9,8,12429,555010,555009,555011,2020-11-12 21:25:37.030496 +280000,123000,25,10,-88,-12.8,10,-93,-15.8,5,-108,-18.8,2,12429,555010,555009,555011,2020-11-12 21:25:37.020496 +9000,6000,14,6,-118,-20.9,-4,-123,-23.9,-9,-138,-26.9,-12,12429,555010,555009,555011,2020-11-12 21:25:37.010496 +300000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12429,555010,555009,555011,2020-11-12 21:25:37.000496 +4000,1000,9,3,-121,-23.3,-20,-126,-26.3,-25,-141,-29.3,-28,12429,555010,555009,555011,2020-11-12 21:25:36.990496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12429,555010,555009,555011,2020-11-12 21:25:36.980496 +280000,123000,25,10,-81,-12.4,14,-86,-15.4,9,-101,-18.4,6,12429,555010,555009,555011,2020-11-12 21:25:36.970496 +4000,1000,9,3,-123,-23.5,-21,-128,-26.5,-26,-143,-29.5,-29,12429,555010,555009,555011,2020-11-12 21:25:36.960496 +230000,108722,20,6,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12429,555010,555009,555011,2020-11-12 21:25:36.950496 +110000,88722,20,2,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12429,555010,555009,555011,2020-11-12 21:25:36.940496 +150000,108722,20,6,-94,-13.7,1,-99,-16.7,-4,-114,-19.7,-7,12429,555010,555009,555011,2020-11-12 21:25:36.930496 +280000,121000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12429,555010,555009,555011,2020-11-12 21:25:36.920496 +5000,3000,10,4,-124,-23.9,-17,-129,-26.9,-22,-144,-29.9,-25,12429,555010,555009,555011,2020-11-12 21:25:36.910496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12429,555010,555009,555011,2020-11-12 21:25:36.900496 +110000,108722,20,4,-92,-13.2,6,-97,-16.2,1,-112,-19.2,-2,12429,555010,555009,555011,2020-11-12 21:25:36.890496 +150000,108722,20,6,-92,-13.6,2,-97,-16.6,-3,-112,-19.6,-6,12429,555010,555009,555011,2020-11-12 21:25:36.880496 +100000,6722,18,7,-115,-18.9,5,-120,-21.9,0,-135,-24.9,-3,12429,555010,555009,555011,2020-11-12 21:25:36.870496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12429,555010,555009,555011,2020-11-12 21:25:36.860496 +280000,121000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12429,555010,555009,555011,2020-11-12 21:25:36.850496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12429,555010,555009,555011,2020-11-12 21:25:36.840496 +110000,108722,20,3,-91,-16.1,14,-96,-19.1,9,-111,-22.1,6,12429,555010,555009,555011,2020-11-12 21:25:36.830496 +7000,6000,9,3,-126,-21.9,-3,-131,-24.9,-8,-146,-27.9,0,12429,555010,555009,555011,2020-11-12 21:25:36.820496 +110000,108722,20,3,-91,-11.9,11,-96,-14.9,6,-111,-17.9,3,12429,555010,555009,555011,2020-11-12 21:25:36.810496 +100000,58722,20,2,-89,-12.5,4,-94,-15.5,-1,-109,-18.5,-4,12430,555010,555009,555011,2020-11-12 21:25:36.800496 +200000,88722,20,4,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12430,555010,555009,555011,2020-11-12 21:25:36.790496 +110000,88722,20,3,-99,-17.7,15,-104,-20.7,10,-119,-23.7,7,12430,555010,555009,555011,2020-11-12 21:25:36.780496 +290000,123000,25,8,-80,-12.3,15,-85,-15.3,10,-100,-18.3,7,12430,555010,555009,555011,2020-11-12 21:25:36.770496 +150000,98722,20,2,-94,-11.3,11,-99,-14.3,6,-114,-17.3,3,12430,555010,555009,555011,2020-11-12 21:25:36.760496 +280000,121000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12430,555010,555009,555011,2020-11-12 21:25:36.750496 +100000,6722,18,7,-114,-18.3,7,-119,-21.3,2,-134,-24.3,-1,12430,555010,555009,555011,2020-11-12 21:25:36.740496 +150000,108722,20,2,-85,-11.7,15,-90,-14.7,10,-105,-17.7,7,12430,555010,555009,555011,2020-11-12 21:25:36.730496 +280000,123000,25,10,-83,-12.1,17,-88,-15.1,12,-103,-18.1,9,12430,555010,555009,555011,2020-11-12 21:25:36.720496 +100000,78722,20,5,-93,-16.5,12,-98,-19.5,7,-113,-22.5,4,12430,555010,555009,555011,2020-11-12 21:25:36.710496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12430,555010,555009,555011,2020-11-12 21:25:36.700496 +150000,98722,20,2,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12430,555010,555009,555011,2020-11-12 21:25:36.690496 +280000,123000,25,10,-82,-12.5,13,-87,-15.5,8,-102,-18.5,5,12430,555010,555009,555011,2020-11-12 21:25:36.680496 +110000,108722,20,2,-95,-11.1,10,-100,-14.1,5,-115,-17.1,2,12430,555010,555009,555011,2020-11-12 21:25:36.670496 +280000,123000,25,10,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12430,555010,555009,555011,2020-11-12 21:25:36.660496 +150000,88722,20,8,-90,-15.9,15,-95,-18.9,10,-110,-21.9,7,12430,555010,555009,555011,2020-11-12 21:25:36.650496 +100000,6722,18,7,-115,-18.7,2,-120,-21.7,-3,-135,-24.7,-6,12430,555010,555009,555011,2020-11-12 21:25:36.640496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12430,555010,555009,555011,2020-11-12 21:25:36.630496 +10000,6722,18,7,-117,-19.1,7,-122,-22.1,2,-137,-25.1,-1,12430,555010,555009,555011,2020-11-12 21:25:36.620496 +230000,88722,20,8,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12430,555010,555009,555011,2020-11-12 21:25:36.610496 +280000,123000,25,10,-90,-12.9,9,-95,-15.9,4,-110,-18.9,1,12430,555010,555009,555011,2020-11-12 21:25:36.600496 +10000,48722,15,7,-115,-18.5,3,-120,-21.5,-2,-135,-24.5,-5,12430,555010,555009,555011,2020-11-12 21:25:36.590496 +110000,98722,20,4,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12430,555010,555009,555011,2020-11-12 21:25:36.580496 +110000,68722,20,4,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12430,555010,555009,555011,2020-11-12 21:25:36.570496 +280000,123000,25,10,-90,-13.8,0,-95,-16.8,-5,-110,-19.8,-8,12430,555010,555009,555011,2020-11-12 21:25:36.560496 +10000,5000,14,6,-120,-21.1,-1,-125,-24.1,-6,-140,-27.1,-9,12430,555010,555009,555011,2020-11-12 21:25:36.550496 +150000,98722,20,8,-92,-10.9,8,-97,-13.9,3,-112,-16.9,0,12430,555010,555009,555011,2020-11-12 21:25:36.540496 +100000,6722,18,6,-116,-17.9,5,-121,-20.9,0,-136,-23.9,-3,12430,555010,555009,555011,2020-11-12 21:25:36.530496 +100000,58722,18,7,-112,-19.1,6,-117,-22.1,1,-132,-25.1,-2,12430,555010,555009,555011,2020-11-12 21:25:36.520496 +230000,108722,20,4,-89,-11.7,10,-94,-14.7,5,-109,-17.7,2,12430,555010,555009,555011,2020-11-12 21:25:36.510496 +280000,123000,25,10,-85,-12.6,12,-90,-15.6,7,-105,-18.6,4,12430,555010,555009,555011,2020-11-12 21:25:36.500496 +200000,108722,20,7,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12430,555010,555009,555011,2020-11-12 21:25:36.490496 +100000,108722,20,2,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12430,555010,555009,555011,2020-11-12 21:25:36.480496 +300000,123000,25,10,-83,-12.0,18,-88,-15.0,13,-103,-18.0,10,12430,555010,555009,555011,2020-11-12 21:25:36.470496 +280000,122000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12430,555010,555009,555011,2020-11-12 21:25:36.460496 +280000,122000,25,10,-84,-12.8,10,-89,-15.8,5,-104,-18.8,2,12430,555010,555009,555011,2020-11-12 21:25:36.450496 +230000,88722,20,3,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12430,555010,555009,555011,2020-11-12 21:25:36.440496 +110000,78722,20,3,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12430,555010,555009,555011,2020-11-12 21:25:36.430496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12430,555010,555009,555011,2020-11-12 21:25:36.420496 +110000,108722,20,5,-93,-13.8,0,-98,-16.8,-5,-113,-19.8,-8,12430,555010,555009,555011,2020-11-12 21:25:36.410496 +1000,2000,9,3,-122,-21.5,-6,-127,-24.5,-11,-142,-27.5,-14,12430,555010,555009,555011,2020-11-12 21:25:36.400496 +280000,121000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12430,555010,555009,555011,2020-11-12 21:25:36.390496 +280000,123000,25,10,-83,-12.3,15,-88,-15.3,10,-103,-18.3,7,12430,555010,555009,555011,2020-11-12 21:25:36.380496 +200000,88722,20,7,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12430,555010,555009,555011,2020-11-12 21:25:36.370496 +300000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12430,555010,555009,555011,2020-11-12 21:25:36.360496 +280000,121000,25,10,-93,-13.0,8,-98,-16.0,3,-113,-19.0,0,12430,555010,555009,555011,2020-11-12 21:25:36.350496 +150000,98722,20,4,-91,-11.1,8,-96,-14.1,3,-111,-17.1,0,12430,555010,555009,555011,2020-11-12 21:25:36.340496 +280000,123000,25,10,-90,-13.2,6,-95,-16.2,1,-110,-19.2,-2,12430,555010,555009,555011,2020-11-12 21:25:36.330496 +150000,108722,20,7,-92,-12.9,9,-97,-15.9,4,-112,-18.9,1,12430,555010,555009,555011,2020-11-12 21:25:36.320496 +280000,123000,25,8,-83,-12.0,18,-88,-15.0,13,-103,-18.0,10,12430,555010,555009,555011,2020-11-12 21:25:36.310496 +290000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12430,555010,555009,555011,2020-11-12 21:25:36.300496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12430,555010,555009,555011,2020-11-12 21:25:36.290496 +270000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12431,555010,555009,555011,2020-11-12 21:25:36.280496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12431,555010,555009,555011,2020-11-12 21:25:36.270496 +110000,108722,20,3,-97,-17.3,15,-102,-20.3,10,-117,-23.3,7,12431,555010,555009,555011,2020-11-12 21:25:36.260496 +150000,108722,20,2,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12431,555010,555009,555011,2020-11-12 21:25:36.250496 +150000,98722,20,6,-91,-13.4,4,-96,-16.4,-1,-111,-19.4,-4,12431,555010,555009,555011,2020-11-12 21:25:36.240496 +200000,68722,20,6,-87,-12.1,15,-92,-15.1,10,-107,-18.1,7,12431,555010,555009,555011,2020-11-12 21:25:36.230496 +110000,108722,20,2,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12431,555010,555009,555011,2020-11-12 21:25:36.220496 +200000,108722,20,4,-92,-13.1,7,-97,-16.1,2,-112,-19.1,-1,12431,555010,555009,555011,2020-11-12 21:25:36.210496 +280000,121000,25,10,-91,-13.0,8,-96,-16.0,3,-111,-19.0,0,12431,555010,555009,555011,2020-11-12 21:25:36.200496 +110000,88722,20,6,-91,-11.5,10,-96,-14.5,5,-111,-17.5,2,12431,555010,555009,555011,2020-11-12 21:25:36.190496 +100000,68722,18,6,-118,-19.5,6,-123,-22.5,1,-138,-25.5,-2,12431,555010,555009,555011,2020-11-12 21:25:36.180496 +270000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12431,555010,555009,555011,2020-11-12 21:25:36.170496 +280000,122000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12431,555010,555009,555011,2020-11-12 21:25:36.160496 +110000,88722,20,2,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12431,555010,555009,555011,2020-11-12 21:25:36.150496 +110000,108722,20,6,-97,-17.3,15,-102,-20.3,10,-117,-23.3,7,12431,555010,555009,555011,2020-11-12 21:25:36.140496 +100000,108722,20,3,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12431,555010,555009,555011,2020-11-12 21:25:36.130496 +280000,123000,25,10,-87,-12.2,16,-92,-15.2,11,-107,-18.2,8,12431,555010,555009,555011,2020-11-12 21:25:36.120496 +280000,122000,25,10,-83,-12.0,18,-88,-15.0,13,-103,-18.0,10,12431,555010,555009,555011,2020-11-12 21:25:36.110496 +100000,38722,18,7,-112,-19.5,6,-117,-22.5,1,-132,-25.5,-2,12431,555010,555009,555011,2020-11-12 21:25:36.100496 +100000,98722,20,7,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12431,555010,555009,555011,2020-11-12 21:25:36.090496 +280000,122000,25,10,-80,-12.5,13,-85,-15.5,8,-100,-18.5,5,12431,555010,555009,555011,2020-11-12 21:25:36.080496 +110000,98722,20,2,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12431,555010,555009,555011,2020-11-12 21:25:36.070496 +110000,88722,20,6,-89,-11.3,11,-94,-14.3,6,-109,-17.3,3,12431,555010,555009,555011,2020-11-12 21:25:36.060496 +150000,108722,20,6,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12431,555010,555009,555011,2020-11-12 21:25:36.050496 +230000,68722,20,8,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12431,555010,555009,555011,2020-11-12 21:25:36.040496 +10000,6722,18,7,-116,-18.9,7,-121,-21.9,2,-136,-24.9,-1,12431,555010,555009,555011,2020-11-12 21:25:36.030496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12431,555010,555009,555011,2020-11-12 21:25:36.020496 +110000,68722,20,4,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12431,555010,555009,555011,2020-11-12 21:25:36.010496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12431,555010,555009,555011,2020-11-12 21:25:36.000496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12431,555010,555009,555011,2020-11-12 21:25:35.990496 +1000,1000,10,3,-129,-22.3,-6,-134,-25.3,-10,-149,-28.3,0,12431,555010,555009,555011,2020-11-12 21:25:35.980496 +280000,122000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12431,555010,555009,555011,2020-11-12 21:25:35.970496 +150000,98722,20,3,-93,-16.5,12,-98,-19.5,7,-113,-22.5,4,12431,555010,555009,555011,2020-11-12 21:25:35.960496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12431,555010,555009,555011,2020-11-12 21:25:35.950496 +200000,88722,20,4,-92,-16.3,12,-97,-19.3,7,-112,-22.3,4,12431,555010,555009,555011,2020-11-12 21:25:35.940496 +280000,122000,25,8,-81,-12.0,18,-86,-15.0,13,-101,-18.0,10,12431,555010,555009,555011,2020-11-12 21:25:35.930496 +280000,123000,25,10,-82,-12.7,11,-87,-15.7,6,-102,-18.7,3,12431,555010,555009,555011,2020-11-12 21:25:35.920496 +110000,88722,20,6,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12431,555010,555009,555011,2020-11-12 21:25:35.910496 +300000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12431,555010,555009,555011,2020-11-12 21:25:35.900496 +150000,88722,20,4,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12431,555010,555009,555011,2020-11-12 21:25:35.890496 +280000,123000,25,10,-80,-12.5,13,-85,-15.5,8,-100,-18.5,5,12431,555010,555009,555011,2020-11-12 21:25:35.880496 +110000,88722,20,5,-93,-11.1,12,-98,-14.1,7,-113,-17.1,4,12431,555010,555009,555011,2020-11-12 21:25:35.870496 +200000,108722,20,3,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12431,555010,555009,555011,2020-11-12 21:25:35.860496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12431,555010,555009,555011,2020-11-12 21:25:35.850496 +110000,108722,20,2,-90,-11.3,10,-95,-14.3,5,-110,-17.3,2,12431,555010,555009,555011,2020-11-12 21:25:35.840496 +150000,88722,20,8,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12431,555010,555009,555011,2020-11-12 21:25:35.830496 +280000,123000,25,10,-83,-12.2,16,-88,-15.2,11,-103,-18.2,8,12431,555010,555009,555011,2020-11-12 21:25:35.820496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12431,555010,555009,555011,2020-11-12 21:25:35.810496 +150000,108722,20,5,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12431,555010,555009,555011,2020-11-12 21:25:35.800496 +110000,108722,20,5,-99,-11.7,9,-104,-14.7,4,-119,-17.7,1,12431,555010,555009,555011,2020-11-12 21:25:35.790496 +110000,108722,20,2,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12431,555010,555009,555011,2020-11-12 21:25:35.780496 +150000,98722,20,8,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12431,555010,555009,555011,2020-11-12 21:25:35.770496 +100000,48722,18,6,-110,-17.9,3,-115,-20.9,-2,-130,-23.9,-5,12432,555010,555009,555011,2020-11-12 21:25:35.760496 +150000,108722,20,3,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12432,555010,555009,555011,2020-11-12 21:25:35.750496 +290000,123000,25,10,-88,-12.5,13,-93,-15.5,8,-108,-18.5,5,12432,555010,555009,555011,2020-11-12 21:25:35.740496 +10000,68722,18,7,-110,-17.7,3,-115,-20.7,-2,-130,-23.7,-5,12432,555010,555009,555011,2020-11-12 21:25:35.730496 +270000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12432,555010,555009,555011,2020-11-12 21:25:35.720496 +280000,121000,25,10,-90,-13.3,5,-95,-16.3,0,-110,-19.3,-3,12432,555010,555009,555011,2020-11-12 21:25:35.710496 +10000,58722,18,7,-113,-18.5,7,-118,-21.5,2,-133,-24.5,-1,12432,555010,555009,555011,2020-11-12 21:25:35.700496 +100000,6722,18,7,-112,-18.7,7,-117,-21.7,2,-132,-24.7,-1,12432,555010,555009,555011,2020-11-12 21:25:35.690496 +100000,48722,20,5,-97,-12.5,5,-102,-15.5,0,-117,-18.5,-3,12432,555010,555009,555011,2020-11-12 21:25:35.680496 +150000,88722,20,6,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12432,555010,555009,555011,2020-11-12 21:25:35.670496 +4000,2,10,4,-122,-24.3,1,-127,-27.3,-5,-142,-30.3,-7,12432,555010,555009,555011,2020-11-12 21:25:35.660496 +290000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12432,555010,555009,555011,2020-11-12 21:25:35.650496 +110000,78722,20,6,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12432,555010,555009,555011,2020-11-12 21:25:35.640496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12432,555010,555009,555011,2020-11-12 21:25:35.630496 +230000,78722,20,6,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12432,555010,555009,555011,2020-11-12 21:25:35.620496 +150000,108722,20,2,-88,-12.3,12,-93,-15.3,7,-108,-18.3,4,12432,555010,555009,555011,2020-11-12 21:25:35.610496 +280000,122000,25,10,-84,-12.8,10,-89,-15.8,5,-104,-18.8,2,12432,555010,555009,555011,2020-11-12 21:25:35.600496 +10000,6722,14,6,-111,-18.1,7,-116,-21.1,2,-131,-24.1,-1,12432,555010,555009,555011,2020-11-12 21:25:35.590496 +300000,123000,25,10,-46,-3.2,24,-51,-6.2,19,-66,-9.2,16,12432,555010,555009,555011,2020-11-12 21:25:35.580496 +280000,123000,25,10,-84,-12.8,10,-89,-15.8,5,-104,-18.8,2,12432,555010,555009,555011,2020-11-12 21:25:35.570496 +150000,98722,20,4,-89,-15.7,11,-94,-18.7,6,-109,-21.7,3,12432,555010,555009,555011,2020-11-12 21:25:35.560496 +100000,108722,20,5,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12432,555010,555009,555011,2020-11-12 21:25:35.550496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12432,555010,555009,555011,2020-11-12 21:25:35.540496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12432,555010,555009,555011,2020-11-12 21:25:35.530496 +110000,108722,20,8,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12432,555010,555009,555011,2020-11-12 21:25:35.520496 +150000,88722,20,3,-88,-12.3,15,-93,-15.3,10,-108,-18.3,7,12432,555010,555009,555011,2020-11-12 21:25:35.510496 +110000,88722,20,8,-98,-10.7,12,-103,-13.7,7,-118,-16.7,4,12432,555010,555009,555011,2020-11-12 21:25:35.500496 +100000,68722,20,2,-86,-11.9,14,-91,-14.9,9,-106,-17.9,6,12432,555010,555009,555011,2020-11-12 21:25:35.490496 +110000,108722,20,4,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12432,555010,555009,555011,2020-11-12 21:25:35.480496 +100000,108722,20,6,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12432,555010,555009,555011,2020-11-12 21:25:35.470496 +10000,6722,18,6,-119,-18.1,5,-124,-21.1,0,-139,-24.1,-3,12432,555010,555009,555011,2020-11-12 21:25:35.460496 +150000,108722,20,2,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12432,555010,555009,555011,2020-11-12 21:25:35.450496 +230000,108722,20,2,-88,-12.3,15,-93,-15.3,10,-108,-18.3,7,12432,555010,555009,555011,2020-11-12 21:25:35.440496 +150000,108722,20,2,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12432,555010,555009,555011,2020-11-12 21:25:35.430496 +10000,38722,14,6,-114,-18.3,4,-119,-21.3,-1,-134,-24.3,-4,12432,555010,555009,555011,2020-11-12 21:25:35.420496 +100000,78722,20,3,-91,-11.3,9,-96,-14.3,4,-111,-17.3,1,12432,555010,555009,555011,2020-11-12 21:25:35.410496 +100000,6722,18,7,-116,-18.3,6,-121,-21.3,1,-136,-24.3,-2,12432,555010,555009,555011,2020-11-12 21:25:35.400496 +110000,88722,20,8,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12432,555010,555009,555011,2020-11-12 21:25:35.390496 +100000,6722,18,7,-114,-19.1,2,-119,-22.1,-3,-134,-25.1,-6,12432,555010,555009,555011,2020-11-12 21:25:35.380496 +150000,88722,20,8,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12432,555010,555009,555011,2020-11-12 21:25:35.370496 +280000,122000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12432,555010,555009,555011,2020-11-12 21:25:35.360496 +280000,121000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12432,555010,555009,555011,2020-11-12 21:25:35.350496 +200000,88722,20,5,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12432,555010,555009,555011,2020-11-12 21:25:35.340496 +110000,98722,20,7,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12432,555010,555009,555011,2020-11-12 21:25:35.330496 +110000,108722,20,4,-93,-12.9,9,-98,-15.9,4,-113,-18.9,1,12432,555010,555009,555011,2020-11-12 21:25:35.320496 +100000,6722,18,6,-119,-18.9,4,-124,-21.9,-1,-139,-24.9,-4,12432,555010,555009,555011,2020-11-12 21:25:35.310496 +100000,78722,20,3,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12432,555010,555009,555011,2020-11-12 21:25:35.300496 +150000,88722,20,3,-91,-11.5,8,-96,-14.5,3,-111,-17.5,0,12432,555010,555009,555011,2020-11-12 21:25:35.290496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12432,555010,555009,555011,2020-11-12 21:25:35.280496 +100000,48722,18,7,-112,-18.3,6,-117,-21.3,1,-132,-24.3,-2,12432,555010,555009,555011,2020-11-12 21:25:35.270496 +100000,38722,18,7,-119,-18.7,5,-124,-21.7,0,-139,-24.7,-3,12432,555010,555009,555011,2020-11-12 21:25:35.260496 +230000,108722,20,10,-92,-13.6,2,-97,-16.6,-3,-112,-19.6,-6,12432,555010,555009,555011,2020-11-12 21:25:35.250496 +280000,123000,25,10,-87,-12.3,15,-92,-15.3,10,-107,-18.3,7,12433,555010,555009,555011,2020-11-12 21:25:35.240496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12433,555010,555009,555011,2020-11-12 21:25:35.230496 +110000,78722,20,3,-89,-12.5,15,-94,-15.5,10,-109,-18.5,7,12433,555010,555009,555011,2020-11-12 21:25:35.220496 +110000,108722,20,7,-89,-13.3,5,-94,-16.3,0,-109,-19.3,-3,12433,555010,555009,555011,2020-11-12 21:25:35.210496 +10000,68722,18,7,-111,-17.9,6,-116,-20.9,1,-131,-23.9,-2,12433,555010,555009,555011,2020-11-12 21:25:35.200496 +110000,78722,20,6,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12433,555010,555009,555011,2020-11-12 21:25:35.190496 +110000,88722,20,4,-91,-10.9,12,-96,-13.9,7,-111,-16.9,4,12433,555010,555009,555011,2020-11-12 21:25:35.180496 +280000,123000,25,10,-86,-12.0,18,-91,-15.0,13,-106,-18.0,10,12433,555010,555009,555011,2020-11-12 21:25:35.170496 +110000,98722,20,6,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12433,555010,555009,555011,2020-11-12 21:25:35.160496 +110000,88722,20,6,-82,-11.1,12,-87,-14.1,7,-102,-17.1,4,12433,555010,555009,555011,2020-11-12 21:25:35.150496 +100000,78722,20,2,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12433,555010,555009,555011,2020-11-12 21:25:35.140496 +300000,123000,25,10,-80,-12.2,16,-85,-15.2,11,-100,-18.2,8,12433,555010,555009,555011,2020-11-12 21:25:35.130496 +110000,98722,20,7,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12433,555010,555009,555011,2020-11-12 21:25:35.120496 +100000,78722,20,8,-98,-11.7,10,-103,-14.7,5,-118,-17.7,2,12433,555010,555009,555011,2020-11-12 21:25:35.110496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12433,555010,555009,555011,2020-11-12 21:25:35.100496 +100000,88722,20,3,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12433,555010,555009,555011,2020-11-12 21:25:35.090496 +110000,88722,20,3,-88,-12.3,12,-93,-15.3,7,-108,-18.3,4,12433,555010,555009,555011,2020-11-12 21:25:35.080496 +10000,5000,14,6,-115,-21.9,-7,-120,-24.9,-7,-135,-27.9,-11,12433,555010,555009,555011,2020-11-12 21:25:35.070496 +290000,121000,25,10,-92,-13.0,8,-97,-16.0,3,-112,-19.0,0,12433,555010,555009,555011,2020-11-12 21:25:35.060496 +100000,68722,20,6,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12433,555010,555009,555011,2020-11-12 21:25:35.050496 +150000,108722,20,2,-98,-12.3,9,-103,-15.3,4,-118,-18.3,1,12433,555010,555009,555011,2020-11-12 21:25:35.040496 +100000,108722,20,7,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12433,555010,555009,555011,2020-11-12 21:25:35.030496 +110000,108722,20,5,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12433,555010,555009,555011,2020-11-12 21:25:35.020496 +110000,78722,20,8,-94,-16.7,15,-99,-19.7,10,-114,-22.7,7,12433,555010,555009,555011,2020-11-12 21:25:35.010496 +230000,108722,20,6,-83,-11.3,15,-88,-14.3,10,-103,-17.3,7,12433,555010,555009,555011,2020-11-12 21:25:35.000496 +230000,108722,20,6,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12433,555010,555009,555011,2020-11-12 21:25:34.990496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12433,555010,555009,555011,2020-11-12 21:25:34.980496 +100000,68722,18,6,-116,-19.5,3,-121,-22.5,-2,-136,-25.5,-5,12433,555010,555009,555011,2020-11-12 21:25:34.970496 +230000,108722,20,10,-93,-13.8,0,-98,-16.8,-5,-113,-19.8,-8,12433,555010,555009,555011,2020-11-12 21:25:34.960496 +290000,121000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12433,555010,555009,555011,2020-11-12 21:25:34.950496 +150000,108722,20,4,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12433,555010,555009,555011,2020-11-12 21:25:34.940496 +10000,6722,18,6,-114,-18.3,2,-119,-21.3,-3,-134,-24.3,-6,12433,555010,555009,555011,2020-11-12 21:25:34.930496 +110000,108722,20,2,-93,-12.5,9,-98,-15.5,4,-113,-18.5,1,12433,555010,555009,555011,2020-11-12 21:25:34.920496 +150000,108722,20,4,-90,-13.0,8,-95,-16.0,3,-110,-19.0,0,12433,555010,555009,555011,2020-11-12 21:25:34.910496 +280000,123000,25,10,-86,-12.5,13,-91,-15.5,8,-106,-18.5,5,12433,555010,555009,555011,2020-11-12 21:25:34.900496 +300000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12433,555010,555009,555011,2020-11-12 21:25:34.890496 +110000,108722,20,4,-93,-10.7,11,-98,-13.7,6,-113,-16.7,3,12433,555010,555009,555011,2020-11-12 21:25:34.880496 +110000,88722,20,3,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12433,555010,555009,555011,2020-11-12 21:25:34.870496 +100000,108722,20,7,-98,-17.5,14,-103,-20.5,9,-118,-23.5,6,12433,555010,555009,555011,2020-11-12 21:25:34.860496 +150000,108722,20,7,-89,-13.8,0,-94,-16.8,-5,-109,-19.8,-8,12433,555010,555009,555011,2020-11-12 21:25:34.850496 +100000,38722,18,7,-113,-18.9,3,-118,-21.9,-2,-133,-24.9,-5,12433,555010,555009,555011,2020-11-12 21:25:34.840496 +200000,88722,20,8,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12433,555010,555009,555011,2020-11-12 21:25:34.830496 +200000,108722,20,6,-91,-13.4,4,-96,-16.4,-1,-111,-19.4,-4,12433,555010,555009,555011,2020-11-12 21:25:34.820496 +100000,108722,20,8,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12433,555010,555009,555011,2020-11-12 21:25:34.810496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12433,555010,555009,555011,2020-11-12 21:25:34.800496 +230000,108722,20,3,-80,-10.7,14,-85,-13.7,9,-100,-16.7,6,12433,555010,555009,555011,2020-11-12 21:25:34.790496 +280000,121000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12433,555010,555009,555011,2020-11-12 21:25:34.780496 +110000,108722,20,4,-89,-12.7,8,-94,-15.7,3,-109,-18.7,0,12433,555010,555009,555011,2020-11-12 21:25:34.770496 +280000,121000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12433,555010,555009,555011,2020-11-12 21:25:34.760496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12433,555010,555009,555011,2020-11-12 21:25:34.750496 +110000,108722,20,4,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12433,555010,555009,555011,2020-11-12 21:25:34.740496 +100000,58722,18,6,-115,-17.9,5,-120,-20.9,0,-135,-23.9,-3,12433,555010,555009,555011,2020-11-12 21:25:34.730496 +100000,88722,20,6,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12434,555010,555009,555011,2020-11-12 21:25:34.720496 +280000,121000,25,8,-90,-13.6,2,-95,-16.6,-3,-110,-19.6,-6,12434,555010,555009,555011,2020-11-12 21:25:34.710496 +280000,123000,25,10,-81,-12.2,16,-86,-15.2,11,-101,-18.2,8,12434,555010,555009,555011,2020-11-12 21:25:34.700496 +110000,108722,20,3,-93,-11.3,8,-98,-14.3,3,-113,-17.3,0,12434,555010,555009,555011,2020-11-12 21:25:34.690496 +230000,108722,20,3,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12434,555010,555009,555011,2020-11-12 21:25:34.680496 +100000,88722,20,3,-83,-11.3,12,-88,-14.3,7,-103,-17.3,4,12434,555010,555009,555011,2020-11-12 21:25:34.670496 +110000,108722,20,8,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12434,555010,555009,555011,2020-11-12 21:25:34.660496 +200000,98722,20,2,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12434,555010,555009,555011,2020-11-12 21:25:34.650496 +100000,58722,18,7,-113,-18.5,5,-118,-21.5,0,-133,-24.5,-3,12434,555010,555009,555011,2020-11-12 21:25:34.640496 +100000,108722,20,3,-95,-16.9,15,-100,-19.9,10,-115,-22.9,7,12434,555010,555009,555011,2020-11-12 21:25:34.630496 +110000,108722,20,8,-90,-12.7,14,-95,-15.7,9,-110,-18.7,6,12434,555010,555009,555011,2020-11-12 21:25:34.620496 +150000,108722,20,3,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12434,555010,555009,555011,2020-11-12 21:25:34.610496 +9000,6722,15,6,-118,-21.9,3,-123,-24.9,-3,-138,-27.9,-4,12434,555010,555009,555011,2020-11-12 21:25:34.600496 +110000,78722,20,6,-94,-16.7,16,-99,-19.7,11,-114,-22.7,8,12434,555010,555009,555011,2020-11-12 21:25:34.590496 +290000,122000,25,10,-81,-12.3,15,-86,-15.3,10,-101,-18.3,7,12434,555010,555009,555011,2020-11-12 21:25:34.580496 +100000,38722,18,6,-110,-19.7,3,-115,-22.7,-2,-130,-25.7,-5,12434,555010,555009,555011,2020-11-12 21:25:34.570496 +4000,200,9,4,-125,-21.3,0,-130,-24.3,-3,-145,-27.3,0,12434,555010,555009,555011,2020-11-12 21:25:34.560496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12434,555010,555009,555011,2020-11-12 21:25:34.550496 +100000,58722,18,7,-113,-18.3,7,-118,-21.3,2,-133,-24.3,-1,12434,555010,555009,555011,2020-11-12 21:25:34.540496 +300000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12434,555010,555009,555011,2020-11-12 21:25:34.530496 +110000,88722,20,2,-90,-15.9,11,-95,-18.9,6,-110,-21.9,3,12434,555010,555009,555011,2020-11-12 21:25:34.520496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12434,555010,555009,555011,2020-11-12 21:25:34.510496 +280000,123000,25,10,-81,-12.5,13,-86,-15.5,8,-101,-18.5,5,12434,555010,555009,555011,2020-11-12 21:25:34.500496 +280000,123000,25,10,-82,-12.4,14,-87,-15.4,9,-102,-18.4,6,12434,555010,555009,555011,2020-11-12 21:25:34.490496 +280000,121000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12434,555010,555009,555011,2020-11-12 21:25:34.480496 +150000,108722,20,3,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12434,555010,555009,555011,2020-11-12 21:25:34.470496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12434,555010,555009,555011,2020-11-12 21:25:34.460496 +110000,108722,20,6,-94,-12.9,9,-99,-15.9,4,-114,-18.9,1,12434,555010,555009,555011,2020-11-12 21:25:34.450496 +110000,108722,20,3,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12434,555010,555009,555011,2020-11-12 21:25:34.440496 +300000,125000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12434,555010,555009,555011,2020-11-12 21:25:34.430496 +300000,123000,25,10,-85,-12.8,10,-90,-15.8,5,-105,-18.8,2,12434,555010,555009,555011,2020-11-12 21:25:34.420496 +110000,108722,20,5,-95,-11.7,12,-100,-14.7,7,-115,-17.7,4,12434,555010,555009,555011,2020-11-12 21:25:34.410496 +100000,88722,20,4,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12434,555010,555009,555011,2020-11-12 21:25:34.400496 +280000,123000,25,10,-84,-12.6,12,-89,-15.6,7,-104,-18.6,4,12434,555010,555009,555011,2020-11-12 21:25:34.390496 +100000,6722,18,7,-119,-19.5,3,-124,-22.5,-2,-139,-25.5,-5,12434,555010,555009,555011,2020-11-12 21:25:34.380496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12434,555010,555009,555011,2020-11-12 21:25:34.370496 +100000,38722,18,7,-111,-19.1,4,-116,-22.1,-1,-131,-25.1,-4,12434,555010,555009,555011,2020-11-12 21:25:34.360496 +200000,108722,20,8,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12434,555010,555009,555011,2020-11-12 21:25:34.350496 +280000,122000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12434,555010,555009,555011,2020-11-12 21:25:34.340496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12434,555010,555009,555011,2020-11-12 21:25:34.330496 +150000,88722,20,7,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12434,555010,555009,555011,2020-11-12 21:25:34.320496 +100000,88722,20,3,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12434,555010,555009,555011,2020-11-12 21:25:34.310496 +200000,98722,20,8,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12434,555010,555009,555011,2020-11-12 21:25:34.300496 +280000,123000,25,10,-85,-12.5,13,-90,-15.5,8,-105,-18.5,5,12434,555010,555009,555011,2020-11-12 21:25:34.290496 +100000,6722,18,7,-112,-17.7,4,-117,-20.7,-1,-132,-23.7,-4,12434,555010,555009,555011,2020-11-12 21:25:34.280496 +100000,6722,18,7,-112,-17.9,5,-117,-20.9,0,-132,-23.9,-3,12434,555010,555009,555011,2020-11-12 21:25:34.270496 +10,1000,9,3,-128,-22.1,-2,-133,-25.1,-7,-148,-28.1,-10,12434,555010,555009,555011,2020-11-12 21:25:34.260496 +110000,108722,20,7,-91,-12.5,12,-96,-15.5,7,-111,-18.5,4,12434,555010,555009,555011,2020-11-12 21:25:34.250496 +290000,123000,25,10,-88,-12.2,16,-93,-15.2,11,-108,-18.2,8,12434,555010,555009,555011,2020-11-12 21:25:34.240496 +150000,108722,20,6,-92,-13.6,2,-97,-16.6,-3,-112,-19.6,-6,12434,555010,555009,555011,2020-11-12 21:25:34.230496 +110000,108722,20,7,-89,-13.2,6,-94,-16.2,1,-109,-19.2,-2,12434,555010,555009,555011,2020-11-12 21:25:34.220496 +280000,122000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12434,555010,555009,555011,2020-11-12 21:25:34.210496 +110000,108722,20,6,-90,-11.1,11,-95,-14.1,6,-110,-17.1,3,12435,555011,555010,555012,2020-11-12 21:25:34.200496 +100000,48722,18,6,-115,-18.1,6,-120,-21.1,1,-135,-24.1,-2,12435,555011,555010,555012,2020-11-12 21:25:34.190496 +100000,108722,20,3,-90,-15.9,11,-95,-18.9,6,-110,-21.9,3,12435,555011,555010,555012,2020-11-12 21:25:34.180496 +300000,121000,25,10,-90,-13.4,4,-95,-16.4,-1,-110,-19.4,-4,12435,555011,555010,555012,2020-11-12 21:25:34.170496 +100000,108722,20,3,-85,-11.7,12,-90,-14.7,7,-105,-17.7,4,12435,555011,555010,555012,2020-11-12 21:25:34.160496 +110000,108722,20,2,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12435,555011,555010,555012,2020-11-12 21:25:34.150496 +110000,108722,20,4,-89,-12.5,12,-94,-15.5,7,-109,-18.5,4,12435,555011,555010,555012,2020-11-12 21:25:34.140496 +150000,78722,20,8,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12435,555011,555010,555012,2020-11-12 21:25:34.130496 +110000,108722,20,6,-93,-12.7,9,-98,-15.7,4,-113,-18.7,1,12435,555011,555010,555012,2020-11-12 21:25:34.120496 +100000,38722,18,6,-117,-19.7,6,-122,-22.7,1,-137,-25.7,-2,12435,555011,555010,555012,2020-11-12 21:25:34.110496 +150000,108722,20,8,-93,-10.7,10,-98,-13.7,5,-113,-16.7,2,12435,555011,555010,555012,2020-11-12 21:25:34.100496 +280000,123000,25,10,-85,-12.5,13,-90,-15.5,8,-105,-18.5,5,12435,555011,555010,555012,2020-11-12 21:25:34.090496 +290000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12435,555011,555010,555012,2020-11-12 21:25:34.080496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12435,555011,555010,555012,2020-11-12 21:25:34.070496 +100000,48722,18,6,-115,-19.5,4,-120,-22.5,-1,-135,-25.5,-4,12435,555011,555010,555012,2020-11-12 21:25:34.060496 +110000,88722,20,3,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12435,555011,555010,555012,2020-11-12 21:25:34.050496 +100000,88722,20,5,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12435,555011,555010,555012,2020-11-12 21:25:34.040496 +280000,123000,25,10,-83,-12.0,18,-88,-15.0,13,-103,-18.0,10,12435,555011,555010,555012,2020-11-12 21:25:34.030496 +100000,68722,18,6,-112,-18.5,7,-117,-21.5,2,-132,-24.5,-1,12435,555011,555010,555012,2020-11-12 21:25:34.020496 +300000,125000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12435,555011,555010,555012,2020-11-12 21:25:34.010496 +200000,108722,20,4,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12435,555011,555010,555012,2020-11-12 21:25:34.000496 +100000,88722,20,3,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12435,555011,555010,555012,2020-11-12 21:25:33.990496 +110000,98722,20,4,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12435,555011,555010,555012,2020-11-12 21:25:33.980496 +110000,108722,20,4,-96,-12.3,12,-101,-15.3,7,-116,-18.3,4,12435,555011,555010,555012,2020-11-12 21:25:33.970496 +150000,108722,20,5,-91,-13.1,7,-96,-16.1,2,-111,-19.1,-1,12435,555011,555010,555012,2020-11-12 21:25:33.960496 +290000,123000,25,10,-47,-3.3,24,-52,-6.3,19,-67,-9.3,16,12435,555011,555010,555012,2020-11-12 21:25:33.950496 +280000,123000,25,10,-82,-12.5,13,-87,-15.5,8,-102,-18.5,5,12435,555011,555010,555012,2020-11-12 21:25:33.940496 +100000,38722,18,6,-112,-19.5,5,-117,-22.5,0,-132,-25.5,-3,12435,555011,555010,555012,2020-11-12 21:25:33.930496 +280000,123000,25,10,-86,-12.5,13,-91,-15.5,8,-106,-18.5,5,12435,555011,555010,555012,2020-11-12 21:25:33.920496 +280000,123000,25,10,-85,-12.3,15,-90,-15.3,10,-105,-18.3,7,12435,555011,555010,555012,2020-11-12 21:25:33.910496 +10000,68722,16,6,-113,-18.3,2,-118,-21.3,-3,-133,-24.3,-6,12435,555011,555010,555012,2020-11-12 21:25:33.900496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12435,555011,555010,555012,2020-11-12 21:25:33.890496 +230000,78722,20,2,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12435,555011,555010,555012,2020-11-12 21:25:33.880496 +150000,108722,20,6,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12435,555011,555010,555012,2020-11-12 21:25:33.870496 +200000,108722,20,6,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12435,555011,555010,555012,2020-11-12 21:25:33.860496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12435,555011,555010,555012,2020-11-12 21:25:33.850496 +200000,108722,20,2,-90,-12.7,15,-95,-15.7,10,-110,-18.7,7,12435,555011,555010,555012,2020-11-12 21:25:33.840496 +110000,108722,20,2,-96,-11.3,11,-101,-14.3,6,-116,-17.3,3,12435,555011,555010,555012,2020-11-12 21:25:33.830496 +90000,6722,18,7,-109,-18.3,2,-114,-21.3,-3,-129,-24.3,-6,12435,555011,555010,555012,2020-11-12 21:25:33.820496 +110000,78722,20,6,-90,-15.9,11,-95,-18.9,6,-110,-21.9,3,12435,555011,555010,555012,2020-11-12 21:25:33.810496 +110000,108722,20,6,-92,-13.4,4,-97,-16.4,-1,-112,-19.4,-4,12435,555011,555010,555012,2020-11-12 21:25:33.800496 +150000,108722,20,3,-97,-11.5,12,-102,-14.5,7,-117,-17.5,4,12435,555011,555010,555012,2020-11-12 21:25:33.790496 +110000,108722,20,7,-94,-13.1,7,-99,-16.1,2,-114,-19.1,-1,12435,555011,555010,555012,2020-11-12 21:25:33.780496 +200000,68722,20,4,-82,-11.1,16,-87,-14.1,11,-102,-17.1,8,12435,555011,555010,555012,2020-11-12 21:25:33.770496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12435,555011,555010,555012,2020-11-12 21:25:33.760496 +110000,108722,20,6,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12435,555011,555010,555012,2020-11-12 21:25:33.750496 +100000,6722,18,7,-114,-19.1,2,-119,-22.1,-3,-134,-25.1,-6,12435,555011,555010,555012,2020-11-12 21:25:33.740496 +200000,108722,20,2,-87,-12.1,16,-92,-15.1,11,-107,-18.1,8,12435,555011,555010,555012,2020-11-12 21:25:33.730496 +100000,78722,20,8,-85,-11.7,16,-90,-14.7,11,-105,-17.7,8,12435,555011,555010,555012,2020-11-12 21:25:33.720496 +200000,78722,20,4,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12435,555011,555010,555012,2020-11-12 21:25:33.710496 +100000,6722,18,7,-113,-18.5,6,-118,-21.5,1,-133,-24.5,-2,12435,555011,555010,555012,2020-11-12 21:25:33.700496 +100000,6722,18,6,-110,-18.9,4,-115,-21.9,-1,-130,-24.9,-4,12435,555011,555010,555012,2020-11-12 21:25:33.690496 +100000,38722,18,6,-115,-19.1,7,-120,-22.1,2,-135,-25.1,-1,12436,555011,555010,555012,2020-11-12 21:25:33.680496 +10000,38722,16,7,-119,-17.7,4,-124,-20.7,-1,-139,-23.7,-4,12436,555011,555010,555012,2020-11-12 21:25:33.670496 +150000,108722,20,6,-94,-16.7,15,-99,-19.7,10,-114,-22.7,7,12436,555011,555010,555012,2020-11-12 21:25:33.660496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12436,555011,555010,555012,2020-11-12 21:25:33.650496 +230000,108722,20,8,-90,-12.7,9,-95,-15.7,4,-110,-18.7,1,12436,555011,555010,555012,2020-11-12 21:25:33.640496 +10000,38722,16,7,-115,-17.9,4,-120,-20.9,-1,-135,-23.9,-4,12436,555011,555010,555012,2020-11-12 21:25:33.630496 +150000,108722,20,3,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12436,555011,555010,555012,2020-11-12 21:25:33.620496 +10000,6000,14,6,-116,-20.9,-3,-121,-23.9,-7,-136,-26.9,-10,12436,555011,555010,555012,2020-11-12 21:25:33.610496 +150000,108722,20,8,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12436,555011,555010,555012,2020-11-12 21:25:33.600496 +110000,108722,20,3,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12436,555011,555010,555012,2020-11-12 21:25:33.590496 +280000,122000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12436,555011,555010,555012,2020-11-12 21:25:33.580496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12436,555011,555010,555012,2020-11-12 21:25:33.570496 +100000,88722,20,5,-82,-11.1,11,-87,-14.1,6,-102,-17.1,3,12436,555011,555010,555012,2020-11-12 21:25:33.560496 +230000,88722,20,3,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12436,555011,555010,555012,2020-11-12 21:25:33.550496 +280000,121000,25,10,-89,-13.4,4,-94,-16.4,-1,-109,-19.4,-4,12436,555011,555010,555012,2020-11-12 21:25:33.540496 +100000,6722,20,7,-96,-11.9,4,-101,-14.9,-1,-116,-17.9,-4,12436,555011,555010,555012,2020-11-12 21:25:33.530496 +150000,78722,20,3,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12436,555011,555010,555012,2020-11-12 21:25:33.520496 +230000,88722,20,2,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12436,555011,555010,555012,2020-11-12 21:25:33.510496 +300000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12436,555011,555010,555012,2020-11-12 21:25:33.500496 +230000,98722,20,2,-87,-12.1,12,-92,-15.1,7,-107,-18.1,4,12436,555011,555010,555012,2020-11-12 21:25:33.490496 +290000,122000,25,10,-88,-12.0,18,-93,-15.0,13,-108,-18.0,10,12436,555011,555010,555012,2020-11-12 21:25:33.480496 +230000,108722,20,4,-91,-16.1,15,-96,-19.1,10,-111,-22.1,7,12436,555011,555010,555012,2020-11-12 21:25:33.470496 +200000,98722,20,4,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12436,555011,555010,555012,2020-11-12 21:25:33.460496 +100000,78722,20,3,-90,-15.9,14,-95,-18.9,9,-110,-21.9,6,12436,555011,555010,555012,2020-11-12 21:25:33.450496 +280000,122000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12436,555011,555010,555012,2020-11-12 21:25:33.440496 +150000,108722,20,6,-92,-13.5,3,-97,-16.5,-2,-112,-19.5,-5,12436,555011,555010,555012,2020-11-12 21:25:33.430496 +290000,123000,25,10,-85,-12.5,13,-90,-15.5,8,-105,-18.5,5,12436,555011,555010,555012,2020-11-12 21:25:33.420496 +100000,6722,18,7,-113,-18.1,7,-118,-21.1,2,-133,-24.1,-1,12436,555011,555010,555012,2020-11-12 21:25:33.410496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12436,555011,555010,555012,2020-11-12 21:25:33.400496 +280000,122000,25,10,-88,-12.0,18,-93,-15.0,13,-108,-18.0,10,12436,555011,555010,555012,2020-11-12 21:25:33.390496 +8000,6722,14,6,-120,-23.9,-15,-125,-26.9,-20,-140,-29.9,-23,12436,555011,555010,555012,2020-11-12 21:25:33.380496 +110000,108722,20,2,-99,-17.7,16,-104,-20.7,11,-119,-23.7,8,12436,555011,555010,555012,2020-11-12 21:25:33.370496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12436,555011,555010,555012,2020-11-12 21:25:33.360496 +150000,108722,20,2,-94,-11.9,12,-99,-14.9,7,-114,-17.9,4,12436,555011,555010,555012,2020-11-12 21:25:33.350496 +100000,48722,18,6,-109,-18.1,6,-114,-21.1,1,-129,-24.1,-2,12436,555011,555010,555012,2020-11-12 21:25:33.340496 +110000,88722,20,2,-99,-17.7,11,-104,-20.7,6,-119,-23.7,3,12436,555011,555010,555012,2020-11-12 21:25:33.330496 +280000,123000,25,10,-89,-13.3,5,-94,-16.3,0,-109,-19.3,-3,12436,555011,555010,555012,2020-11-12 21:25:33.320496 +10000,78722,16,7,-114,-17.9,10,-119,-20.9,5,-134,-23.9,2,12436,555011,555010,555012,2020-11-12 21:25:33.310496 +150000,88722,20,2,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12436,555011,555010,555012,2020-11-12 21:25:33.300496 +10000,6000,14,6,-116,-20.9,3,-121,-23.9,-3,-136,-26.9,-7,12436,555011,555010,555012,2020-11-12 21:25:33.290496 +150000,98722,20,7,-91,-12.9,9,-96,-15.9,4,-111,-18.9,1,12436,555011,555010,555012,2020-11-12 21:25:33.280496 +100,3000,9,3,-123,-24.1,-17,-128,-27.1,-22,-143,-30.1,-25,12436,555011,555010,555012,2020-11-12 21:25:33.270496 +280000,122000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12436,555011,555010,555012,2020-11-12 21:25:33.260496 +100000,108722,20,4,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12436,555011,555010,555012,2020-11-12 21:25:33.250496 +100000,78722,20,5,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12436,555011,555010,555012,2020-11-12 21:25:33.240496 +100000,108722,20,5,-82,-11.1,14,-87,-14.1,9,-102,-17.1,6,12436,555011,555010,555012,2020-11-12 21:25:33.230496 +10000,5000,14,6,-115,-22.7,-4,-120,-25.7,-11,-135,-28.7,-12,12436,555011,555010,555012,2020-11-12 21:25:33.220496 +290000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12436,555011,555010,555012,2020-11-12 21:25:33.210496 +10000,58722,15,7,-115,-17.7,6,-120,-20.7,1,-135,-23.7,-2,12436,555011,555010,555012,2020-11-12 21:25:33.200496 +290000,123000,25,10,-89,-13.2,6,-94,-16.2,1,-109,-19.2,-2,12436,555011,555010,555012,2020-11-12 21:25:33.190496 +270000,122000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12436,555011,555010,555012,2020-11-12 21:25:33.180496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12436,555011,555010,555012,2020-11-12 21:25:33.170496 +150000,108722,20,7,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12437,555011,555010,555012,2020-11-12 21:25:33.160496 +110000,108722,20,4,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12437,555011,555010,555012,2020-11-12 21:25:33.150496 +280000,123000,25,10,-45,-3.1,24,-50,-6.1,19,-65,-9.1,16,12437,555011,555010,555012,2020-11-12 21:25:33.140496 +280000,123000,25,10,-82,-12.8,10,-87,-15.8,5,-102,-18.8,2,12437,555011,555010,555012,2020-11-12 21:25:33.130496 +150000,88722,20,2,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12437,555011,555010,555012,2020-11-12 21:25:33.120496 +110000,108722,20,2,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12437,555011,555010,555012,2020-11-12 21:25:33.110496 +150000,88722,20,8,-87,-12.1,14,-92,-15.1,9,-107,-18.1,6,12437,555011,555010,555012,2020-11-12 21:25:33.100496 +100000,68722,20,2,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12437,555011,555010,555012,2020-11-12 21:25:33.090496 +100000,108722,20,4,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12437,555011,555010,555012,2020-11-12 21:25:33.080496 +150000,108722,20,6,-91,-11.9,10,-96,-14.9,5,-111,-17.9,2,12437,555011,555010,555012,2020-11-12 21:25:33.070496 +270000,122000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12437,555011,555010,555012,2020-11-12 21:25:33.060496 +280000,122000,25,8,-83,-12.8,10,-88,-15.8,5,-103,-18.8,2,12437,555011,555010,555012,2020-11-12 21:25:33.050496 +100000,68722,18,6,-115,-19.1,7,-120,-22.1,2,-135,-25.1,-1,12437,555011,555010,555012,2020-11-12 21:25:33.040496 +150000,108722,20,4,-94,-12.3,9,-99,-15.3,4,-114,-18.3,1,12437,555011,555010,555012,2020-11-12 21:25:33.030496 +10000,58722,16,6,-116,-18.5,2,-121,-21.5,-3,-136,-24.5,-6,12437,555011,555010,555012,2020-11-12 21:25:33.020496 +290000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12437,555011,555010,555012,2020-11-12 21:25:33.010496 +110000,108722,20,3,-84,-11.5,12,-89,-14.5,7,-104,-17.5,4,12437,555011,555010,555012,2020-11-12 21:25:33.000496 +100000,58722,18,6,-112,-18.5,5,-117,-21.5,0,-132,-24.5,-3,12437,555011,555010,555012,2020-11-12 21:25:32.990496 +110000,78722,20,5,-89,-15.7,16,-94,-18.7,11,-109,-21.7,8,12437,555011,555010,555012,2020-11-12 21:25:32.980496 +150000,88722,20,6,-98,-12.7,10,-103,-15.7,5,-118,-18.7,2,12437,555011,555010,555012,2020-11-12 21:25:32.970496 +150000,108722,20,6,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12437,555011,555010,555012,2020-11-12 21:25:32.960496 +200000,108722,20,5,-91,-16.1,14,-96,-19.1,9,-111,-22.1,6,12437,555011,555010,555012,2020-11-12 21:25:32.950496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12437,555011,555010,555012,2020-11-12 21:25:32.940496 +100000,108722,20,2,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12437,555011,555010,555012,2020-11-12 21:25:32.930496 +200000,108722,20,4,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12437,555011,555010,555012,2020-11-12 21:25:32.920496 +110000,108722,20,4,-93,-16.5,12,-98,-19.5,7,-113,-22.5,4,12437,555011,555010,555012,2020-11-12 21:25:32.910496 +150000,108722,20,3,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12437,555011,555010,555012,2020-11-12 21:25:32.900496 +110000,98722,20,4,-94,-11.3,10,-99,-14.3,5,-114,-17.3,2,12437,555011,555010,555012,2020-11-12 21:25:32.890496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12437,555011,555010,555012,2020-11-12 21:25:32.880496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12437,555011,555010,555012,2020-11-12 21:25:32.870496 +230000,68722,20,5,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12437,555011,555010,555012,2020-11-12 21:25:32.860496 +230000,68722,20,8,-92,-16.3,12,-97,-19.3,7,-112,-22.3,4,12437,555011,555010,555012,2020-11-12 21:25:32.850496 +150000,108722,20,7,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12437,555011,555010,555012,2020-11-12 21:25:32.840496 +280000,122000,25,10,-85,-12.1,17,-90,-15.1,12,-105,-18.1,9,12437,555011,555010,555012,2020-11-12 21:25:32.830496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12437,555011,555010,555012,2020-11-12 21:25:32.820496 +230000,108722,20,7,-98,-12.5,9,-103,-15.5,4,-118,-18.5,1,12437,555011,555010,555012,2020-11-12 21:25:32.810496 +280000,121000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12437,555011,555010,555012,2020-11-12 21:25:32.800496 +110000,108722,20,6,-94,-13.3,5,-99,-16.3,0,-114,-19.3,-3,12437,555011,555010,555012,2020-11-12 21:25:32.790496 +200000,98722,20,4,-98,-17.5,14,-103,-20.5,9,-118,-23.5,6,12437,555011,555010,555012,2020-11-12 21:25:32.780496 +3000,3000,10,3,-121,-24.5,-17,-126,-27.5,-22,-141,-30.5,-25,12437,555011,555010,555012,2020-11-12 21:25:32.770496 +100000,108722,20,8,-89,-12.5,14,-94,-15.5,9,-109,-18.5,6,12437,555011,555010,555012,2020-11-12 21:25:32.760496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12437,555011,555010,555012,2020-11-12 21:25:32.750496 +110000,98722,20,4,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12437,555011,555010,555012,2020-11-12 21:25:32.740496 +110000,108722,20,5,-91,-13.1,7,-96,-16.1,2,-111,-19.1,-1,12437,555011,555010,555012,2020-11-12 21:25:32.730496 +300000,123000,25,10,-48,-3.4,24,-53,-6.4,19,-68,-9.4,16,12437,555011,555010,555012,2020-11-12 21:25:32.720496 +100000,98722,20,5,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12437,555011,555010,555012,2020-11-12 21:25:32.710496 +230000,88722,20,7,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12437,555011,555010,555012,2020-11-12 21:25:32.700496 +150000,108722,20,8,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12437,555011,555010,555012,2020-11-12 21:25:32.690496 +200000,108722,20,8,-96,-17.1,12,-101,-20.1,7,-116,-23.1,4,12437,555011,555010,555012,2020-11-12 21:25:32.680496 +110000,108722,20,5,-86,-11.9,16,-91,-14.9,11,-106,-17.9,8,12437,555011,555010,555012,2020-11-12 21:25:32.670496 +110000,108722,20,6,-89,-13.7,1,-94,-16.7,-4,-109,-19.7,-7,12437,555011,555010,555012,2020-11-12 21:25:32.660496 +110000,98722,20,5,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12437,555011,555010,555012,2020-11-12 21:25:32.650496 +230000,78722,20,4,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12438,555011,555010,555012,2020-11-12 21:25:32.640496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12438,555011,555010,555012,2020-11-12 21:25:32.630496 +280000,121000,25,8,-90,-13.6,2,-95,-16.6,-3,-110,-19.6,-6,12438,555011,555010,555012,2020-11-12 21:25:32.620496 +110000,108722,20,3,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12438,555011,555010,555012,2020-11-12 21:25:32.610496 +110000,108722,20,4,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12438,555011,555010,555012,2020-11-12 21:25:32.600496 +280000,121000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12438,555011,555010,555012,2020-11-12 21:25:32.590496 +10000,38722,16,7,-117,-18.9,7,-122,-21.9,2,-137,-24.9,-1,12438,555011,555010,555012,2020-11-12 21:25:32.580496 +100000,108722,20,4,-89,-12.5,16,-94,-15.5,11,-109,-18.5,8,12438,555011,555010,555012,2020-11-12 21:25:32.570496 +100000,48722,18,7,-118,-19.1,6,-123,-22.1,1,-138,-25.1,-2,12438,555011,555010,555012,2020-11-12 21:25:32.560496 +110000,108722,20,4,-82,-11.1,12,-87,-14.1,7,-102,-17.1,4,12438,555011,555010,555012,2020-11-12 21:25:32.550496 +110000,108722,20,7,-92,-12.3,11,-97,-15.3,6,-112,-18.3,3,12438,555011,555010,555012,2020-11-12 21:25:32.540496 +280000,121000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12438,555011,555010,555012,2020-11-12 21:25:32.530496 +150000,88722,20,3,-93,-16.5,15,-98,-19.5,10,-113,-22.5,7,12438,555011,555010,555012,2020-11-12 21:25:32.520496 +110000,98722,20,3,-89,-15.7,12,-94,-18.7,7,-109,-21.7,4,12438,555011,555010,555012,2020-11-12 21:25:32.510496 +280000,123000,25,10,-58,-4.4,23,-63,-7.4,18,-78,-10.4,15,12438,555011,555010,555012,2020-11-12 21:25:32.500496 +270000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12438,555011,555010,555012,2020-11-12 21:25:32.490496 +280000,123000,25,8,-90,-12.9,9,-95,-15.9,4,-110,-18.9,1,12438,555011,555010,555012,2020-11-12 21:25:32.480496 +100000,38722,18,6,-109,-17.7,5,-114,-20.7,0,-129,-23.7,-3,12438,555011,555010,555012,2020-11-12 21:25:32.470496 +150000,108722,20,3,-91,-11.7,10,-96,-14.7,5,-111,-17.7,2,12438,555011,555010,555012,2020-11-12 21:25:32.460496 +100000,78722,20,5,-99,-11.1,9,-104,-14.1,4,-119,-17.1,1,12438,555011,555010,555012,2020-11-12 21:25:32.450496 +110000,108722,20,5,-90,-15.9,15,-95,-18.9,10,-110,-21.9,7,12438,555011,555010,555012,2020-11-12 21:25:32.440496 +110000,68722,20,6,-81,-10.9,15,-86,-13.9,10,-101,-16.9,7,12438,555011,555010,555012,2020-11-12 21:25:32.430496 +300000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12438,555011,555010,555012,2020-11-12 21:25:32.420496 +150000,88722,20,4,-91,-12.5,12,-96,-15.5,7,-111,-18.5,4,12438,555011,555010,555012,2020-11-12 21:25:32.410496 +230000,98722,20,5,-84,-11.5,11,-89,-14.5,6,-104,-17.5,3,12438,555011,555010,555012,2020-11-12 21:25:32.400496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12438,555011,555010,555012,2020-11-12 21:25:32.390496 +230000,88722,20,7,-90,-15.9,15,-95,-18.9,10,-110,-21.9,7,12438,555011,555010,555012,2020-11-12 21:25:32.380496 +100000,58722,18,7,-112,-19.3,7,-117,-22.3,2,-132,-25.3,-1,12438,555011,555010,555012,2020-11-12 21:25:32.370496 +110000,68722,20,4,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12438,555011,555010,555012,2020-11-12 21:25:32.360496 +100000,68722,18,7,-118,-18.9,5,-123,-21.9,0,-138,-24.9,-3,12438,555011,555010,555012,2020-11-12 21:25:32.350496 +200000,108722,20,6,-92,-13.7,1,-97,-16.7,-4,-112,-19.7,-7,12438,555011,555010,555012,2020-11-12 21:25:32.340496 +5000,500,10,4,-124,-21.7,0,-129,-24.7,-3,-144,-27.7,1,12438,555011,555010,555012,2020-11-12 21:25:32.330496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12438,555011,555010,555012,2020-11-12 21:25:32.320496 +150000,108722,20,4,-98,-17.5,14,-103,-20.5,9,-118,-23.5,6,12438,555011,555010,555012,2020-11-12 21:25:32.310496 +230000,108722,20,2,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12438,555011,555010,555012,2020-11-12 21:25:32.300496 +150000,98722,20,8,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12438,555011,555010,555012,2020-11-12 21:25:32.290496 +300000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12438,555011,555010,555012,2020-11-12 21:25:32.280496 +100000,108722,20,3,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12438,555011,555010,555012,2020-11-12 21:25:32.270496 +110000,78722,20,2,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12438,555011,555010,555012,2020-11-12 21:25:32.260496 +110000,108722,20,4,-89,-12.5,15,-94,-15.5,10,-109,-18.5,7,12438,555011,555010,555012,2020-11-12 21:25:32.250496 +100000,6722,20,8,-93,-10.9,2,-98,-13.9,-3,-113,-16.9,-6,12438,555011,555010,555012,2020-11-12 21:25:32.240496 +280000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12438,555011,555010,555012,2020-11-12 21:25:32.230496 +290000,122000,25,10,-89,-13.6,2,-94,-16.6,-3,-109,-19.6,-6,12438,555011,555010,555012,2020-11-12 21:25:32.220496 +200000,68722,20,2,-99,-17.7,16,-104,-20.7,11,-119,-23.7,8,12438,555011,555010,555012,2020-11-12 21:25:32.210496 +200000,108722,20,3,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12438,555011,555010,555012,2020-11-12 21:25:32.200496 +150000,108722,20,4,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12438,555011,555010,555012,2020-11-12 21:25:32.190496 +200000,108722,20,6,-91,-13.6,2,-96,-16.6,-3,-111,-19.6,-6,12438,555011,555010,555012,2020-11-12 21:25:32.180496 +110000,88722,20,8,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12438,555011,555010,555012,2020-11-12 21:25:32.170496 +230000,88722,20,2,-99,-10.9,9,-104,-13.9,4,-119,-16.9,1,12438,555011,555010,555012,2020-11-12 21:25:32.160496 +270000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12438,555011,555010,555012,2020-11-12 21:25:32.150496 +100000,68722,18,6,-109,-17.7,3,-114,-20.7,-2,-129,-23.7,-5,12438,555011,555010,555012,2020-11-12 21:25:32.140496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12438,555011,555010,555012,2020-11-12 21:25:32.130496 +200000,108722,20,6,-93,-12.7,9,-98,-15.7,4,-113,-18.7,1,12439,555011,555010,555012,2020-11-12 21:25:32.120496 +110000,98722,20,3,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12439,555011,555010,555012,2020-11-12 21:25:32.110496 +280000,123000,25,10,-84,-12.6,12,-89,-15.6,7,-104,-18.6,4,12439,555011,555010,555012,2020-11-12 21:25:32.100496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12439,555011,555010,555012,2020-11-12 21:25:32.090496 +290000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12439,555011,555010,555012,2020-11-12 21:25:32.080496 +10000,6000,14,6,-118,-22.7,-7,-123,-25.7,-7,-138,-28.7,-14,12439,555011,555010,555012,2020-11-12 21:25:32.070496 +110000,108722,20,2,-97,-17.3,14,-102,-20.3,9,-117,-23.3,6,12439,555011,555010,555012,2020-11-12 21:25:32.060496 +110000,108722,20,5,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12439,555011,555010,555012,2020-11-12 21:25:32.050496 +100000,6722,18,7,-117,-19.3,7,-122,-22.3,2,-137,-25.3,-1,12439,555011,555010,555012,2020-11-12 21:25:32.040496 +110000,88722,20,6,-92,-16.3,12,-97,-19.3,7,-112,-22.3,4,12439,555011,555010,555012,2020-11-12 21:25:32.030496 +280000,122000,25,10,-88,-12.1,17,-93,-15.1,12,-108,-18.1,9,12439,555011,555010,555012,2020-11-12 21:25:32.020496 +90000,68722,15,6,-112,-18.1,6,-117,-21.1,1,-132,-24.1,-2,12439,555011,555010,555012,2020-11-12 21:25:32.010496 +110000,108722,20,2,-99,-17.7,14,-104,-20.7,9,-119,-23.7,6,12439,555011,555010,555012,2020-11-12 21:25:32.000496 +110000,98722,20,6,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12439,555011,555010,555012,2020-11-12 21:25:31.990496 +3000,20,9,4,-123,-23.5,1,-128,-26.5,-2,-143,-29.5,-8,12439,555011,555010,555012,2020-11-12 21:25:31.980496 +110000,108722,20,4,-83,-11.3,14,-88,-14.3,9,-103,-17.3,6,12439,555011,555010,555012,2020-11-12 21:25:31.970496 +110000,108722,20,7,-95,-16.9,16,-100,-19.9,11,-115,-22.9,8,12439,555011,555010,555012,2020-11-12 21:25:31.960496 +100000,38722,18,7,-111,-22.9,-7,-116,-25.9,-5,-131,-28.9,-15,12439,555011,555010,555012,2020-11-12 21:25:31.950496 +110000,108722,20,7,-91,-13.8,0,-96,-16.8,-5,-111,-19.8,-8,12439,555011,555010,555012,2020-11-12 21:25:31.940496 +200000,108722,20,5,-91,-13.1,7,-96,-16.1,2,-111,-19.1,-1,12439,555011,555010,555012,2020-11-12 21:25:31.930496 +150000,108722,20,3,-99,-10.9,8,-104,-13.9,3,-119,-16.9,0,12439,555011,555010,555012,2020-11-12 21:25:31.920496 +150000,88722,20,5,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12439,555011,555010,555012,2020-11-12 21:25:31.910496 +110000,108722,20,4,-89,-11.7,11,-94,-14.7,6,-109,-17.7,3,12439,555011,555010,555012,2020-11-12 21:25:31.900496 +100000,38722,18,7,-113,-19.3,3,-118,-22.3,-2,-133,-25.3,-5,12439,555011,555010,555012,2020-11-12 21:25:31.890496 +10000,68722,16,6,-110,-17.9,5,-115,-20.9,0,-130,-23.9,-3,12439,555011,555010,555012,2020-11-12 21:25:31.880496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12439,555011,555010,555012,2020-11-12 21:25:31.870496 +90000,6722,16,6,-119,-19.7,4,-124,-22.7,-1,-139,-25.7,-4,12439,555011,555010,555012,2020-11-12 21:25:31.860496 +150000,78722,20,3,-80,-10.7,12,-85,-13.7,7,-100,-16.7,4,12439,555011,555010,555012,2020-11-12 21:25:31.850496 +200000,98722,20,8,-92,-16.3,16,-97,-19.3,11,-112,-22.3,8,12439,555011,555010,555012,2020-11-12 21:25:31.840496 +290000,123000,25,10,-81,-12.1,17,-86,-15.1,12,-101,-18.1,9,12439,555011,555010,555012,2020-11-12 21:25:31.830496 +280000,122000,25,10,-87,-12.1,17,-92,-15.1,12,-107,-18.1,9,12439,555011,555010,555012,2020-11-12 21:25:31.820496 +280000,123000,25,8,-80,-12.7,11,-85,-15.7,6,-100,-18.7,3,12439,555011,555010,555012,2020-11-12 21:25:31.810496 +110000,108722,20,7,-92,-16.3,11,-97,-19.3,6,-112,-22.3,3,12439,555011,555010,555012,2020-11-12 21:25:31.800496 +150000,108722,20,6,-94,-13.7,1,-99,-16.7,-4,-114,-19.7,-7,12439,555011,555010,555012,2020-11-12 21:25:31.790496 +150000,78722,20,2,-88,-12.3,11,-93,-15.3,6,-108,-18.3,3,12439,555011,555010,555012,2020-11-12 21:25:31.780496 +300000,123000,25,10,-87,-12.6,12,-92,-15.6,7,-107,-18.6,4,12439,555011,555010,555012,2020-11-12 21:25:31.770496 +90000,6722,16,6,-110,-17.7,2,-115,-20.7,-3,-130,-23.7,-6,12439,555011,555010,555012,2020-11-12 21:25:31.760496 +280000,122000,25,10,-85,-12.2,16,-90,-15.2,11,-105,-18.2,8,12439,555011,555010,555012,2020-11-12 21:25:31.750496 +110000,78722,20,4,-98,-17.5,15,-103,-20.5,10,-118,-23.5,7,12439,555011,555010,555012,2020-11-12 21:25:31.740496 +100000,78722,20,6,-89,-15.7,14,-94,-18.7,9,-109,-21.7,6,12439,555011,555010,555012,2020-11-12 21:25:31.730496 +110000,108722,20,3,-94,-10.9,12,-99,-13.9,7,-114,-16.9,4,12439,555011,555010,555012,2020-11-12 21:25:31.720496 +150000,108722,20,4,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12439,555011,555010,555012,2020-11-12 21:25:31.710496 +110000,98722,20,6,-90,-13.6,2,-95,-16.6,-3,-110,-19.6,-6,12439,555011,555010,555012,2020-11-12 21:25:31.700496 +10000,6722,18,7,-110,-18.9,2,-115,-21.9,-3,-130,-24.9,-6,12439,555011,555010,555012,2020-11-12 21:25:31.690496 +100000,6722,18,7,-112,-17.9,6,-117,-20.9,1,-132,-23.9,-2,12439,555011,555010,555012,2020-11-12 21:25:31.680496 +5000,200,10,4,-118,-21.7,-9,-123,-24.7,-14,-138,-27.7,-17,12439,555011,555010,555012,2020-11-12 21:25:31.670496 +280000,122000,25,10,-88,-12.8,10,-93,-15.8,5,-108,-18.8,2,12439,555011,555010,555012,2020-11-12 21:25:31.660496 +110000,88722,20,6,-93,-16.5,16,-98,-19.5,11,-113,-22.5,8,12439,555011,555010,555012,2020-11-12 21:25:31.650496 +100000,78722,20,5,-90,-11.9,11,-95,-14.9,6,-110,-17.9,3,12439,555011,555010,555012,2020-11-12 21:25:31.640496 +300000,123000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12439,555011,555010,555012,2020-11-12 21:25:31.630496 +230000,88722,20,7,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12439,555011,555010,555012,2020-11-12 21:25:31.620496 +110000,88722,20,6,-88,-12.3,12,-93,-15.3,7,-108,-18.3,4,12439,555011,555010,555012,2020-11-12 21:25:31.610496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12440,555011,555010,555012,2020-11-12 21:25:31.600496 +110000,108722,20,2,-87,-12.1,12,-92,-15.1,7,-107,-18.1,4,12440,555011,555010,555012,2020-11-12 21:25:31.590496 +110000,98722,20,6,-91,-16.1,11,-96,-19.1,6,-111,-22.1,3,12440,555011,555010,555012,2020-11-12 21:25:31.580496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12440,555011,555010,555012,2020-11-12 21:25:31.570496 +280000,123000,25,10,-86,-12.3,15,-91,-15.3,10,-106,-18.3,7,12440,555011,555010,555012,2020-11-12 21:25:31.560496 +100000,108722,20,6,-84,-11.5,14,-89,-14.5,9,-104,-17.5,6,12440,555011,555010,555012,2020-11-12 21:25:31.550496 +9000,5000,14,6,-115,-22.7,3,-120,-25.7,2,-135,-28.7,-5,12440,555011,555010,555012,2020-11-12 21:25:31.540496 +230000,108722,20,10,-93,-13.0,8,-98,-16.0,3,-113,-19.0,0,12440,555011,555010,555012,2020-11-12 21:25:31.530496 +100000,78722,20,4,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12440,555011,555010,555012,2020-11-12 21:25:31.520496 +280000,121000,25,10,-91,-13.0,8,-96,-16.0,3,-111,-19.0,0,12440,555011,555010,555012,2020-11-12 21:25:31.510496 +110000,68722,20,6,-91,-16.1,12,-96,-19.1,7,-111,-22.1,4,12440,555011,555010,555012,2020-11-12 21:25:31.500496 +150000,108722,20,6,-98,-17.5,11,-103,-20.5,6,-118,-23.5,3,12440,555011,555010,555012,2020-11-12 21:25:31.490496 +270000,123000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12440,555011,555010,555012,2020-11-12 21:25:31.480496 +150000,108722,20,4,-92,-13.6,2,-97,-16.6,-3,-112,-19.6,-6,12440,555011,555010,555012,2020-11-12 21:25:31.470496 +110000,68722,20,2,-90,-12.7,16,-95,-15.7,11,-110,-18.7,8,12440,555011,555010,555012,2020-11-12 21:25:31.460496 +100000,108722,20,8,-95,-16.9,14,-100,-19.9,9,-115,-22.9,6,12440,555011,555010,555012,2020-11-12 21:25:31.450496 +110000,108722,20,4,-92,-13.0,8,-97,-16.0,3,-112,-19.0,0,12440,555011,555010,555012,2020-11-12 21:25:31.440496 +200000,108722,20,4,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12440,555011,555010,555012,2020-11-12 21:25:31.430496 +110000,108722,20,6,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12440,555011,555010,555012,2020-11-12 21:25:31.420496 +100000,88722,20,3,-98,-17.5,16,-103,-20.5,11,-118,-23.5,8,12440,555011,555010,555012,2020-11-12 21:25:31.410496 +100000,108722,20,6,-93,-16.5,15,-98,-19.5,10,-113,-22.5,7,12440,555011,555010,555012,2020-11-12 21:25:31.400496 +150000,88722,20,4,-90,-12.7,14,-95,-15.7,9,-110,-18.7,6,12440,555011,555010,555012,2020-11-12 21:25:31.390496 +280000,123000,25,10,-88,-12.1,17,-93,-15.1,12,-108,-18.1,9,12440,555011,555010,555012,2020-11-12 21:25:31.380496 +280000,123000,25,10,-57,-4.3,23,-62,-7.3,18,-77,-10.3,15,12440,555011,555010,555012,2020-11-12 21:25:31.370496 +150000,108722,20,4,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12440,555011,555010,555012,2020-11-12 21:25:31.360496 +150000,98722,20,6,-95,-12.7,11,-100,-15.7,6,-115,-18.7,3,12440,555011,555010,555012,2020-11-12 21:25:31.350496 +100000,68722,20,6,-95,-10.7,2,-100,-13.7,-3,-115,-16.7,-6,12440,555011,555010,555012,2020-11-12 21:25:31.340496 +110000,108722,20,4,-86,-11.9,14,-91,-14.9,9,-106,-17.9,6,12440,555011,555010,555012,2020-11-12 21:25:31.330496 +230000,108722,20,10,-92,-13.3,5,-97,-16.3,0,-112,-19.3,-3,12440,555011,555010,555012,2020-11-12 21:25:31.320496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12440,555011,555010,555012,2020-11-12 21:25:31.310496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12440,555011,555010,555012,2020-11-12 21:25:31.300496 +100000,6722,18,6,-113,-17.9,5,-118,-20.9,0,-133,-23.9,-3,12440,555011,555010,555012,2020-11-12 21:25:31.290496 +10000,38722,16,6,-114,-18.1,2,-119,-21.1,-3,-134,-24.1,-6,12440,555011,555010,555012,2020-11-12 21:25:31.280496 +100000,68722,18,7,-113,-21.1,0,-118,-24.1,-5,-133,-27.1,-5,12440,555011,555010,555012,2020-11-12 21:25:31.270496 +110000,98722,20,4,-91,-13.5,3,-96,-16.5,-2,-111,-19.5,-5,12440,555011,555010,555012,2020-11-12 21:25:31.260496 +150000,108722,20,3,-97,-12.5,11,-102,-15.5,6,-117,-18.5,3,12440,555011,555010,555012,2020-11-12 21:25:31.250496 +200000,108722,20,2,-98,-10.7,10,-103,-13.7,5,-118,-16.7,2,12440,555011,555010,555012,2020-11-12 21:25:31.240496 +110000,108722,20,5,-85,-11.7,14,-90,-14.7,9,-105,-17.7,6,12440,555011,555010,555012,2020-11-12 21:25:31.230496 +100000,48722,18,7,-115,-19.3,4,-120,-22.3,-1,-135,-25.3,-4,12440,555011,555010,555012,2020-11-12 21:25:31.220496 +280000,122000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12440,555011,555010,555012,2020-11-12 21:25:31.210496 +200000,78722,20,7,-90,-15.9,12,-95,-18.9,7,-110,-21.9,4,12440,555011,555010,555012,2020-11-12 21:25:31.200496 +150000,98722,20,2,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12440,555011,555010,555012,2020-11-12 21:25:31.190496 +110000,98722,20,7,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12440,555011,555010,555012,2020-11-12 21:25:31.180496 +110000,108722,20,5,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12440,555011,555010,555012,2020-11-12 21:25:31.170496 +280000,121000,25,10,-93,-13.0,8,-98,-16.0,3,-113,-19.0,0,12440,555011,555010,555012,2020-11-12 21:25:31.160496 +200000,108722,20,6,-90,-11.1,11,-95,-14.1,6,-110,-17.1,3,12440,555011,555010,555012,2020-11-12 21:25:31.150496 +200000,108722,20,5,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12440,555011,555010,555012,2020-11-12 21:25:31.140496 +100000,68722,20,7,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12440,555011,555010,555012,2020-11-12 21:25:31.130496 +100000,108722,20,3,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12440,555011,555010,555012,2020-11-12 21:25:31.120496 +110000,108722,20,7,-90,-13.4,4,-95,-16.4,-1,-110,-19.4,-4,12440,555011,555010,555012,2020-11-12 21:25:31.110496 +150000,108722,20,4,-99,-17.7,12,-104,-20.7,7,-119,-23.7,4,12440,555011,555010,555012,2020-11-12 21:25:31.100496 +280000,123000,25,10,-84,-12.7,11,-89,-15.7,6,-104,-18.7,3,12440,555011,555010,555012,2020-11-12 21:25:31.090496 +280000,122000,25,10,-45,-3.1,24,-50,-6.1,19,-65,-9.1,16,12441,555011,555010,555012,2020-11-12 21:25:31.080496 +10000,6722,18,7,-109,-18.5,2,-114,-21.5,-3,-129,-24.5,-6,12441,555011,555010,555012,2020-11-12 21:25:31.070496 +230000,98722,20,7,-96,-17.1,14,-101,-20.1,9,-116,-23.1,6,12441,555011,555010,555012,2020-11-12 21:25:31.060496 +150000,108722,20,3,-91,-16.1,15,-96,-19.1,10,-111,-22.1,7,12441,555011,555010,555012,2020-11-12 21:25:31.050496 +110000,88722,20,6,-83,-11.3,14,-88,-14.3,9,-103,-17.3,6,12441,555011,555010,555012,2020-11-12 21:25:31.040496 +10000,58722,16,7,-119,-18.1,2,-124,-21.1,-3,-139,-24.1,-6,12441,555011,555010,555012,2020-11-12 21:25:31.030496 +230000,98722,20,2,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12441,555011,555010,555012,2020-11-12 21:25:31.020496 +100000,108722,20,4,-85,-11.7,11,-90,-14.7,6,-105,-17.7,3,12441,555011,555010,555012,2020-11-12 21:25:31.010496 +150000,98722,20,2,-95,-16.9,11,-100,-19.9,6,-115,-22.9,3,12441,555011,555010,555012,2020-11-12 21:25:31.000496 +110000,68722,20,3,-81,-10.9,14,-86,-13.9,9,-101,-16.9,6,12441,555011,555010,555012,2020-11-12 21:25:30.990496 +110000,108722,20,3,-88,-12.3,12,-93,-15.3,7,-108,-18.3,4,12441,555011,555010,555012,2020-11-12 21:25:30.980496 +150000,108722,20,6,-92,-16.3,12,-97,-19.3,7,-112,-22.3,4,12441,555011,555010,555012,2020-11-12 21:25:30.970496 +280000,123000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12441,555011,555010,555012,2020-11-12 21:25:30.960496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12441,555011,555010,555012,2020-11-12 21:25:30.950496 +280000,123000,25,10,-80,-12.7,11,-85,-15.7,6,-100,-18.7,3,12441,555011,555010,555012,2020-11-12 21:25:30.940496 +110000,108722,20,7,-91,-13.6,2,-96,-16.6,-3,-111,-19.6,-6,12441,555011,555010,555012,2020-11-12 21:25:30.930496 +290000,122000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12441,555011,555010,555012,2020-11-12 21:25:30.920496 +150000,98722,20,6,-99,-11.7,8,-104,-14.7,3,-119,-17.7,0,12441,555011,555010,555012,2020-11-12 21:25:30.910496 +230000,108722,20,10,-94,-13.5,3,-99,-16.5,-2,-114,-19.5,-5,12441,555011,555010,555012,2020-11-12 21:25:30.900496 +300000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12441,555011,555010,555012,2020-11-12 21:25:30.890496 +100000,6722,18,7,-116,-18.5,5,-121,-21.5,0,-136,-24.5,-3,12441,555011,555010,555012,2020-11-12 21:25:30.880496 +200000,88722,20,7,-95,-10.9,8,-100,-13.9,3,-115,-16.9,0,12441,555011,555010,555012,2020-11-12 21:25:30.870496 +100000,78722,20,6,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12441,555011,555010,555012,2020-11-12 21:25:30.860496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12441,555011,555010,555012,2020-11-12 21:25:30.850496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12441,555011,555010,555012,2020-11-12 21:25:30.840496 +110000,98722,20,8,-89,-11.5,12,-94,-14.5,7,-109,-17.5,4,12441,555011,555010,555012,2020-11-12 21:25:30.830496 +100000,58722,18,6,-117,-18.9,2,-122,-21.9,-3,-137,-24.9,-6,12441,555011,555010,555012,2020-11-12 21:25:30.820496 +150000,88722,20,4,-94,-16.7,14,-99,-19.7,9,-114,-22.7,6,12441,555011,555010,555012,2020-11-12 21:25:30.810496 +280000,123000,25,10,-81,-12.2,16,-86,-15.2,11,-101,-18.2,8,12441,555011,555010,555012,2020-11-12 21:25:30.800496 +150000,108722,20,6,-80,-10.7,12,-85,-13.7,7,-100,-16.7,4,12441,555011,555010,555012,2020-11-12 21:25:30.790496 +110000,108722,20,4,-84,-11.5,16,-89,-14.5,11,-104,-17.5,8,12441,555011,555010,555012,2020-11-12 21:25:30.780496 +280000,122000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12441,555011,555010,555012,2020-11-12 21:25:30.770496 +290000,123000,25,10,-87,-12.1,17,-92,-15.1,12,-107,-18.1,9,12441,555011,555010,555012,2020-11-12 21:25:30.760496 +300000,123000,25,10,-82,-12.0,18,-87,-15.0,13,-102,-18.0,10,12441,555011,555010,555012,2020-11-12 21:25:30.750496 +10000,68722,16,7,-119,-19.3,2,-124,-22.3,-3,-139,-25.3,-6,12441,555011,555010,555012,2020-11-12 21:25:30.740496 +150000,108722,20,7,-89,-11.1,9,-94,-14.1,4,-109,-17.1,1,12441,555011,555010,555012,2020-11-12 21:25:30.730496 +100000,38722,18,7,-113,-17.7,7,-118,-20.7,2,-133,-23.7,-1,12441,555011,555010,555012,2020-11-12 21:25:30.720496 +280000,121000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12441,555011,555010,555012,2020-11-12 21:25:30.710496 +100000,98722,20,4,-98,-17.5,12,-103,-20.5,7,-118,-23.5,4,12441,555011,555010,555012,2020-11-12 21:25:30.700496 +280000,123000,25,10,-88,-12.3,15,-93,-15.3,10,-108,-18.3,7,12441,555011,555010,555012,2020-11-12 21:25:30.690496 +110000,108722,20,3,-94,-16.7,11,-99,-19.7,6,-114,-22.7,3,12441,555011,555010,555012,2020-11-12 21:25:30.680496 +230000,108722,20,3,-81,-10.9,12,-86,-13.9,7,-101,-16.9,4,12441,555011,555010,555012,2020-11-12 21:25:30.670496 +150000,68722,20,4,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12441,555011,555010,555012,2020-11-12 21:25:30.660496 +280000,123000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12441,555011,555010,555012,2020-11-12 21:25:30.650496 +280000,121000,25,10,-89,-13.6,2,-94,-16.6,-3,-109,-19.6,-6,12441,555011,555010,555012,2020-11-12 21:25:30.640496 +280000,121000,25,8,-92,-13.1,7,-97,-16.1,2,-112,-19.1,-1,12441,555011,555010,555012,2020-11-12 21:25:30.630496 +100000,38722,18,7,-114,-17.9,3,-119,-20.9,-2,-134,-23.9,-5,12441,555011,555010,555012,2020-11-12 21:25:30.620496 +280000,123000,25,10,-81,-12.6,12,-86,-15.6,7,-101,-18.6,4,12441,555011,555010,555012,2020-11-12 21:25:30.610496 +100000,68722,20,2,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12441,555011,555010,555012,2020-11-12 21:25:30.600496 +280000,123000,25,10,-83,-12.3,15,-88,-15.3,10,-103,-18.3,7,12441,555011,555010,555012,2020-11-12 21:25:30.590496 +150000,68722,20,4,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12441,555011,555010,555012,2020-11-12 21:25:30.580496 +10000,6722,16,7,-112,-19.3,7,-117,-22.3,2,-132,-25.3,-1,12441,555011,555010,555012,2020-11-12 21:25:30.570496 +110000,108722,20,7,-93,-12.5,11,-98,-15.5,6,-113,-18.5,3,12442,555011,555010,555012,2020-11-12 21:25:30.560496 +300000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12442,555011,555010,555012,2020-11-12 21:25:30.550496 +300000,125000,25,10,-49,-3.5,23,-54,-6.5,18,-69,-9.5,15,12442,555011,555010,555012,2020-11-12 21:25:30.540496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12442,555011,555010,555012,2020-11-12 21:25:30.530496 +280000,123000,25,10,-89,-13.2,6,-94,-16.2,1,-109,-19.2,-2,12442,555011,555010,555012,2020-11-12 21:25:30.520496 +110000,108722,20,8,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12442,555011,555010,555012,2020-11-12 21:25:30.510496 +290000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12442,555011,555010,555012,2020-11-12 21:25:30.500496 +150000,108722,20,7,-89,-13.0,8,-94,-16.0,3,-109,-19.0,0,12442,555011,555010,555012,2020-11-12 21:25:30.490496 +280000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12442,555011,555010,555012,2020-11-12 21:25:30.480496 +200000,98722,20,2,-91,-16.1,16,-96,-19.1,11,-111,-22.1,8,12442,555011,555010,555012,2020-11-12 21:25:30.470496 +150000,68722,20,4,-99,-17.7,16,-104,-20.7,11,-119,-23.7,8,12442,555011,555010,555012,2020-11-12 21:25:30.460496 +230000,108722,20,10,-91,-13.2,6,-96,-16.2,1,-111,-19.2,-2,12442,555011,555010,555012,2020-11-12 21:25:30.450496 +110000,88722,20,4,-91,-16.1,14,-96,-19.1,9,-111,-22.1,6,12442,555011,555010,555012,2020-11-12 21:25:30.440496 +110000,108722,20,2,-94,-11.7,9,-99,-14.7,4,-114,-17.7,1,12442,555011,555010,555012,2020-11-12 21:25:30.430496 +10000,6000,14,6,-115,-22.1,3,-120,-25.1,-3,-135,-28.1,-8,12442,555011,555010,555012,2020-11-12 21:25:30.420496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12442,555011,555010,555012,2020-11-12 21:25:30.410496 +110000,98722,20,2,-90,-15.9,16,-95,-18.9,11,-110,-21.9,8,12442,555011,555010,555012,2020-11-12 21:25:30.400496 +110000,108722,20,5,-94,-13.3,5,-99,-16.3,0,-114,-19.3,-3,12442,555011,555010,555012,2020-11-12 21:25:30.390496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12442,555011,555010,555012,2020-11-12 21:25:30.380496 +280000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12442,555011,555010,555012,2020-11-12 21:25:30.370496 +110000,108722,20,7,-93,-13.4,4,-98,-16.4,-1,-113,-19.4,-4,12442,555011,555010,555012,2020-11-12 21:25:30.360496 +110000,98722,20,5,-99,-17.7,16,-104,-20.7,11,-119,-23.7,8,12442,555011,555010,555012,2020-11-12 21:25:30.350496 +200000,108722,20,5,-97,-17.3,11,-102,-20.3,6,-117,-23.3,3,12442,555011,555010,555012,2020-11-12 21:25:30.340496 +280000,123000,25,10,-83,-12.0,18,-88,-15.0,13,-103,-18.0,10,12442,555011,555010,555012,2020-11-12 21:25:30.330496 +100000,48722,18,6,-118,-17.7,6,-123,-20.7,1,-138,-23.7,-2,12442,555011,555010,555012,2020-11-12 21:25:30.320496 +280000,122000,25,10,-80,-12.5,13,-85,-15.5,8,-100,-18.5,5,12442,555011,555010,555012,2020-11-12 21:25:30.310496 +150000,88722,20,4,-82,-11.1,15,-87,-14.1,10,-102,-17.1,7,12442,555011,555010,555012,2020-11-12 21:25:30.300496 +100000,68722,20,6,-97,-17.3,14,-102,-20.3,9,-117,-23.3,6,12442,555011,555010,555012,2020-11-12 21:25:30.290496 +280000,123000,25,10,-55,-4.1,23,-60,-7.1,18,-75,-10.1,15,12442,555011,555010,555012,2020-11-12 21:25:30.280496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12442,555011,555010,555012,2020-11-12 21:25:30.270496 +150000,98722,20,8,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12442,555011,555010,555012,2020-11-12 21:25:30.260496 +150000,68722,20,4,-90,-12.7,12,-95,-15.7,7,-110,-18.7,4,12442,555011,555010,555012,2020-11-12 21:25:30.250496 +4000,20,10,4,-130,-22.7,-5,-135,-25.7,-12,-150,-28.7,0,12442,555011,555010,555012,2020-11-12 21:25:30.240496 +200000,108722,20,4,-91,-13.5,3,-96,-16.5,-2,-111,-19.5,-5,12442,555011,555010,555012,2020-11-12 21:25:30.230496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12442,555011,555010,555012,2020-11-12 21:25:30.220496 +200000,98722,20,5,-94,-13.2,6,-99,-16.2,1,-114,-19.2,-2,12442,555011,555010,555012,2020-11-12 21:25:30.210496 +280000,123000,25,10,-83,-12.2,16,-88,-15.2,11,-103,-18.2,8,12442,555011,555010,555012,2020-11-12 21:25:30.200496 +200000,68722,20,3,-86,-11.9,11,-91,-14.9,6,-106,-17.9,3,12442,555011,555010,555012,2020-11-12 21:25:30.190496 +300000,123000,25,10,-48,-3.4,25,-53,-6.4,20,-68,-9.4,17,12442,555011,555010,555012,2020-11-12 21:25:30.180496 +10000,68722,16,7,-118,-18.5,4,-123,-21.5,-1,-138,-24.5,-4,12442,555011,555010,555012,2020-11-12 21:25:30.170496 +10000,38722,18,6,-119,-17.7,5,-124,-20.7,0,-139,-23.7,-3,12442,555011,555010,555012,2020-11-12 21:25:30.160496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12442,555011,555010,555012,2020-11-12 21:25:30.150496 +280000,123000,25,10,-82,-12.6,12,-87,-15.6,7,-102,-18.6,4,12442,555011,555010,555012,2020-11-12 21:25:30.140496 +280000,122000,25,10,-86,-12.8,10,-91,-15.8,5,-106,-18.8,2,12442,555011,555010,555012,2020-11-12 21:25:30.130496 +150000,108722,20,5,-90,-12.5,11,-95,-15.5,6,-110,-18.5,3,12442,555011,555010,555012,2020-11-12 21:25:30.120496 +280000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12442,555011,555010,555012,2020-11-12 21:25:30.110496 +280000,123000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12442,555011,555010,555012,2020-11-12 21:25:30.100496 +280000,123000,25,10,-81,-12.3,15,-86,-15.3,10,-101,-18.3,7,12442,555011,555010,555012,2020-11-12 21:25:30.090496 +150000,88722,20,4,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12442,555011,555010,555012,2020-11-12 21:25:30.080496 +100000,108722,20,6,-86,-11.9,12,-91,-14.9,7,-106,-17.9,4,12442,555011,555010,555012,2020-11-12 21:25:30.070496 +280000,123000,25,10,-83,-12.6,12,-88,-15.6,7,-103,-18.6,4,12442,555011,555010,555012,2020-11-12 21:25:30.060496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12442,555011,555010,555012,2020-11-12 21:25:30.050496 +230000,108722,20,5,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12443,555011,555010,555012,2020-11-12 21:25:30.040496 +200000,108722,20,5,-94,-13.1,7,-99,-16.1,2,-114,-19.1,-1,12443,555011,555010,555012,2020-11-12 21:25:30.030496 +110000,68722,20,2,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12443,555011,555010,555012,2020-11-12 21:25:30.020496 +230000,108722,20,10,-91,-13.0,8,-96,-16.0,3,-111,-19.0,0,12443,555011,555010,555012,2020-11-12 21:25:30.010496 +100000,78722,20,3,-86,-11.9,15,-91,-14.9,10,-106,-17.9,7,12443,555011,555010,555012,2020-11-12 21:25:30.000496 +150000,108722,20,7,-96,-11.7,9,-101,-14.7,4,-116,-17.7,1,12443,555011,555010,555012,2020-11-12 21:25:29.990496 +280000,123000,25,10,-83,-12.7,11,-88,-15.7,6,-103,-18.7,3,12443,555011,555010,555012,2020-11-12 21:25:29.980496 +230000,108722,20,6,-98,-11.3,11,-103,-14.3,6,-118,-17.3,3,12443,555011,555010,555012,2020-11-12 21:25:29.970496 +9000,6000,14,6,-121,-22.3,2,-126,-25.3,-2,-141,-28.3,2,12443,555011,555010,555012,2020-11-12 21:25:29.960496 +280000,122000,25,10,-51,-3.7,23,-56,-6.7,18,-71,-9.7,15,12443,555011,555010,555012,2020-11-12 21:25:29.950496 +110000,108722,20,3,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12443,555011,555010,555012,2020-11-12 21:25:29.940496 +200000,108722,20,3,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12443,555011,555010,555012,2020-11-12 21:25:29.930496 +10000,78722,18,7,-117,-18.9,9,-122,-21.9,4,-137,-24.9,1,12443,555011,555010,555012,2020-11-12 21:25:29.920496 +110000,108722,20,6,-91,-13.3,5,-96,-16.3,0,-111,-19.3,-3,12443,555011,555010,555012,2020-11-12 21:25:29.910496 +110000,98722,20,8,-89,-11.5,12,-94,-14.5,7,-109,-17.5,4,12443,555011,555010,555012,2020-11-12 21:25:29.900496 +280000,121000,25,10,-92,-13.4,4,-97,-16.4,-1,-112,-19.4,-4,12443,555011,555010,555012,2020-11-12 21:25:29.890496 +100000,38722,18,6,-114,-19.5,3,-119,-22.5,-2,-134,-25.5,-5,12443,555011,555010,555012,2020-11-12 21:25:29.880496 +280000,121000,25,10,-94,-13.3,5,-99,-16.3,0,-114,-19.3,-3,12443,555011,555010,555012,2020-11-12 21:25:29.870496 +280000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12443,555011,555010,555012,2020-11-12 21:25:29.860496 +280000,123000,25,10,-87,-12.0,18,-92,-15.0,13,-107,-18.0,10,12443,555011,555010,555012,2020-11-12 21:25:29.850496 +280000,123000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12443,555011,555010,555012,2020-11-12 21:25:29.840496 +280000,123000,25,10,-88,-12.1,17,-93,-15.1,12,-108,-18.1,9,12443,555011,555010,555012,2020-11-12 21:25:29.830496 +150000,108722,20,4,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12443,555011,555010,555012,2020-11-12 21:25:29.820496 +200000,108722,20,6,-93,-12.7,10,-98,-15.7,5,-113,-18.7,2,12443,555011,555010,555012,2020-11-12 21:25:29.810496 +100000,98722,20,3,-90,-12.7,11,-95,-15.7,6,-110,-18.7,3,12443,555011,555010,555012,2020-11-12 21:25:29.800496 +110000,78722,20,2,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12443,555011,555010,555012,2020-11-12 21:25:29.790496 +300000,125000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12443,555011,555010,555012,2020-11-12 21:25:29.780496 +100000,6722,20,2,-99,-12.7,6,-104,-15.7,1,-119,-18.7,-2,12443,555011,555010,555012,2020-11-12 21:25:29.770496 +230000,108722,20,6,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12443,555011,555010,555012,2020-11-12 21:25:29.760496 +10000,78722,16,7,-113,-17.9,12,-118,-20.9,7,-133,-23.9,4,12443,555011,555010,555012,2020-11-12 21:25:29.750496 +100000,98722,20,6,-87,-12.1,11,-92,-15.1,6,-107,-18.1,3,12443,555011,555010,555012,2020-11-12 21:25:29.740496 +100000,6722,20,6,-98,-12.3,6,-103,-15.3,1,-118,-18.3,-2,12443,555011,555010,555012,2020-11-12 21:25:29.730496 +150000,108722,20,4,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12443,555011,555010,555012,2020-11-12 21:25:29.720496 +110000,108722,20,4,-94,-16.7,12,-99,-19.7,7,-114,-22.7,4,12443,555011,555010,555012,2020-11-12 21:25:29.710496 +100000,88722,20,6,-89,-12.5,11,-94,-15.5,6,-109,-18.5,3,12443,555011,555010,555012,2020-11-12 21:25:29.700496 +4000,500,9,3,-129,-22.3,-3,-134,-25.3,-11,-149,-28.3,1,12443,555011,555010,555012,2020-11-12 21:25:29.690496 +280000,121000,25,10,-59,-4.5,23,-64,-7.5,18,-79,-10.5,15,12443,555011,555010,555012,2020-11-12 21:25:29.680496 +280000,123000,25,10,-80,-12.7,11,-85,-15.7,6,-100,-18.7,3,12443,555011,555010,555012,2020-11-12 21:25:29.670496 +280000,123000,25,10,-45,-3.1,25,-50,-6.1,20,-65,-9.1,17,12443,555011,555010,555012,2020-11-12 21:25:29.660496 +110000,108722,20,4,-93,-16.5,12,-98,-19.5,7,-113,-22.5,4,12443,555011,555010,555012,2020-11-12 21:25:29.650496 +110000,108722,20,6,-90,-12.7,14,-95,-15.7,9,-110,-18.7,6,12443,555011,555010,555012,2020-11-12 21:25:29.640496 +100000,108722,20,3,-83,-11.3,11,-88,-14.3,6,-103,-17.3,3,12443,555011,555010,555012,2020-11-12 21:25:29.630496 +110000,108722,20,5,-99,-11.1,12,-104,-14.1,7,-119,-17.1,4,12443,555011,555010,555012,2020-11-12 21:25:29.620496 +280000,123000,25,10,-53,-3.9,23,-58,-6.9,18,-73,-9.9,15,12443,555011,555010,555012,2020-11-12 21:25:29.610496 +280000,123000,25,10,-86,-12.8,10,-91,-15.8,5,-106,-18.8,2,12443,555011,555010,555012,2020-11-12 21:25:29.600496 +100000,6722,18,7,-113,-18.7,4,-118,-21.7,-1,-133,-24.7,-4,12443,555011,555010,555012,2020-11-12 21:25:29.590496 +110000,98722,20,7,-81,-10.9,11,-86,-13.9,6,-101,-16.9,3,12443,555011,555010,555012,2020-11-12 21:25:29.580496 +110000,98722,20,4,-82,-11.1,12,-87,-14.1,7,-102,-17.1,4,12443,555011,555010,555012,2020-11-12 21:25:29.570496 +280000,122000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12443,555011,555010,555012,2020-11-12 21:25:29.560496 +300000,123000,25,10,-46,-3.2,24,-51,-6.2,19,-66,-9.2,16,12443,555011,555010,555012,2020-11-12 21:25:29.550496 +10000,58722,14,7,-112,-18.1,5,-117,-21.1,0,-132,-24.1,-3,12443,555011,555010,555012,2020-11-12 21:25:29.540496 +150000,108722,20,6,-92,-13.8,0,-97,-16.8,-5,-112,-19.8,-8,12443,555011,555010,555012,2020-11-12 21:25:29.530496 +150000,98722,20,6,-91,-13.4,4,-96,-16.4,-1,-111,-19.4,-4,12444,555011,555010,555012,2020-11-12 21:25:29.520496 +150000,108722,20,8,-97,-17.3,16,-102,-20.3,11,-117,-23.3,8,12444,555011,555010,555012,2020-11-12 21:25:29.510496 +150000,108722,20,7,-92,-13.4,4,-97,-16.4,-1,-112,-19.4,-4,12444,555011,555010,555012,2020-11-12 21:25:29.500496 +10000,48722,16,6,-115,-18.5,7,-120,-21.5,2,-135,-24.5,-1,12444,555011,555010,555012,2020-11-12 21:25:29.490496 +10000,68722,14,7,-109,-17.9,5,-114,-20.9,0,-129,-23.9,-3,12444,555011,555010,555012,2020-11-12 21:25:29.480496 +300000,123000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12444,555011,555010,555012,2020-11-12 21:25:29.470496 +290000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12444,555011,555010,555012,2020-11-12 21:25:29.460496 +110000,108722,20,7,-95,-16.9,12,-100,-19.9,7,-115,-22.9,4,12444,555011,555010,555012,2020-11-12 21:25:29.450496 +110000,98722,20,2,-98,-17.5,14,-103,-20.5,9,-118,-23.5,6,12444,555011,555010,555012,2020-11-12 21:25:29.440496 +110000,108722,20,2,-83,-11.3,15,-88,-14.3,10,-103,-17.3,7,12444,555011,555010,555012,2020-11-12 21:25:29.430496 +110000,108722,20,3,-88,-12.3,16,-93,-15.3,11,-108,-18.3,8,12444,555011,555010,555012,2020-11-12 21:25:29.420496 +110000,108722,20,4,-90,-13.6,2,-95,-16.6,-3,-110,-19.6,-6,12444,555011,555010,555012,2020-11-12 21:25:29.410496 +110000,108722,20,4,-93,-13.3,5,-98,-16.3,0,-113,-19.3,-3,12444,555011,555010,555012,2020-11-12 21:25:29.400496 +110000,98722,20,3,-81,-10.9,16,-86,-13.9,11,-101,-16.9,8,12444,555011,555010,555012,2020-11-12 21:25:29.390496 +300000,125000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12444,555011,555010,555012,2020-11-12 21:25:29.380496 +100000,108722,20,5,-83,-11.3,16,-88,-14.3,11,-103,-17.3,8,12444,555011,555010,555012,2020-11-12 21:25:29.370496 +200000,108722,20,2,-96,-17.1,16,-101,-20.1,11,-116,-23.1,8,12444,555011,555010,555012,2020-11-12 21:25:29.360496 +280000,123000,25,10,-88,-12.3,15,-93,-15.3,10,-108,-18.3,7,12444,555011,555010,555012,2020-11-12 21:25:29.350496 +150000,68722,20,4,-96,-17.1,11,-101,-20.1,6,-116,-23.1,3,12444,555011,555010,555012,2020-11-12 21:25:29.340496 +150000,98722,20,2,-80,-10.7,11,-85,-13.7,6,-100,-16.7,3,12444,555011,555010,555012,2020-11-12 21:25:29.330496 +200000,88722,20,3,-80,-10.7,16,-85,-13.7,11,-100,-16.7,8,12444,555011,555010,555012,2020-11-12 21:25:29.320496 +10000,4000,14,6,-119,-22.1,-2,-124,-25.1,-5,-139,-28.1,-12,12444,555011,555010,555012,2020-11-12 21:25:29.310496 +9000,6000,14,6,-120,-20.9,-10,-125,-23.9,-15,-140,-26.9,-18,12444,555011,555010,555012,2020-11-12 21:25:29.300496 +280000,123000,25,10,-85,-12.6,12,-90,-15.6,7,-105,-18.6,4,12444,555011,555010,555012,2020-11-12 21:25:29.290496 +10000,48722,18,6,-111,-17.9,2,-116,-20.9,-3,-131,-23.9,-6,12444,555011,555010,555012,2020-11-12 21:25:29.280496 +280000,121000,25,10,-52,-3.8,23,-57,-6.8,18,-72,-9.8,15,12444,555011,555010,555012,2020-11-12 21:25:29.270496 +290000,123000,25,10,-84,-12.0,18,-89,-15.0,13,-104,-18.0,10,12444,555011,555010,555012,2020-11-12 21:25:29.260496 +230000,98722,20,2,-96,-12.5,12,-101,-15.5,7,-116,-18.5,4,12444,555011,555010,555012,2020-11-12 21:25:29.250496 +230000,108722,20,2,-82,-11.1,15,-87,-14.1,10,-102,-17.1,7,12444,555011,555010,555012,2020-11-12 21:25:29.240496 +300000,123000,25,10,-46,-3.2,25,-51,-6.2,20,-66,-9.2,17,12444,555011,555010,555012,2020-11-12 21:25:29.230496 +300000,123000,25,10,-47,-3.3,25,-52,-6.3,20,-67,-9.3,17,12444,555011,555010,555012,2020-11-12 21:25:29.220496 +290000,123000,25,10,-85,-12.8,10,-90,-15.8,5,-105,-18.8,2,12444,555011,555010,555012,2020-11-12 21:25:29.210496 +280000,123000,25,10,-54,-4.0,23,-59,-7.0,18,-74,-10.0,15,12444,555011,555010,555012,2020-11-12 21:25:29.200496 +230000,88722,20,6,-93,-16.5,11,-98,-19.5,6,-113,-22.5,3,12444,555011,555010,555012,2020-11-12 21:25:29.190496 +150000,98722,20,6,-98,-10.9,11,-103,-13.9,6,-118,-16.9,3,12444,555011,555010,555012,2020-11-12 21:25:29.180496 +1000,1000,9,4,-124,-24.3,0,-129,-27.3,-2,-144,-30.3,-8,12444,555011,555010,555012,2020-11-12 21:25:29.170496 +100000,38722,18,6,-112,-18.1,3,-117,-21.1,-2,-132,-24.1,-5,12444,555011,555010,555012,2020-11-12 21:25:29.160496 +100000,48722,18,7,-114,-19.1,5,-119,-22.1,0,-134,-25.1,-3,12444,555011,555010,555012,2020-11-12 21:25:29.150496 +300000,123000,25,10,-44,-3.0,25,-49,-6.0,20,-64,-9.0,17,12444,555011,555010,555012,2020-11-12 21:25:29.140496 +150000,98722,20,3,-93,-16.5,14,-98,-19.5,9,-113,-22.5,6,12444,555011,555010,555012,2020-11-12 21:25:29.130496 +280000,123000,25,10,-85,-12.0,18,-90,-15.0,13,-105,-18.0,10,12444,555011,555010,555012,2020-11-12 21:25:29.120496 +300000,125000,25,10,-44,-3.0,24,-49,-6.0,19,-64,-9.0,16,12444,555011,555010,555012,2020-11-12 21:25:29.110496 +10000,48722,15,6,-119,-18.5,6,-124,-21.5,1,-139,-24.5,-2,12444,555011,555010,555012,2020-11-12 21:25:29.100496 +280000,121000,25,10,-50,-3.6,23,-55,-6.6,18,-70,-9.6,15,12444,555011,555010,555012,2020-11-12 21:25:29.090496 +110000,88722,20,4,-98,-12.5,12,-103,-15.5,7,-118,-18.5,4,12444,555011,555010,555012,2020-11-12 21:25:29.080496 +150000,108722,20,6,-92,-16.3,14,-97,-19.3,9,-112,-22.3,6,12444,555011,555010,555012,2020-11-12 21:25:29.070496 +280000,121000,25,10,-56,-4.2,23,-61,-7.2,18,-76,-10.2,15,12444,555011,555010,555012,2020-11-12 21:25:29.060496 +200000,108722,20,4,-91,-13.2,6,-96,-16.2,1,-111,-19.2,-2,12444,555011,555010,555012,2020-11-12 21:25:29.050496 +280000,123000,25,10,-87,-12.0,18,-92,-15.0,13,-107,-18.0,10,12444,555011,555010,555012,2020-11-12 21:25:29.040496 +150000,88722,20,2,-90,-11.5,9,-95,-14.5,4,-110,-17.5,1,12444,555011,555010,555012,2020-11-12 21:25:29.030496 +230000,108722,20,8,-89,-12.9,9,-94,-15.9,4,-109,-18.9,1,12444,555011,555010,555012,2020-11-12 21:25:29.020496 +110000,108722,20,5,-92,-13.7,1,-97,-16.7,-4,-112,-19.7,-7,12444,555011,555010,555012,2020-11-12 21:25:29.010496 diff --git a/rmr-version.yaml b/rmr-version.yaml deleted file mode 100644 index d7b94dd..0000000 --- a/rmr-version.yaml +++ /dev/null @@ -1,3 +0,0 @@ -# CI script installs RMR from PackageCloud using this version ---- -version: 4.0.5 diff --git a/setup.py b/setup.py index 3cd55c9..00df32b 100644 --- a/setup.py +++ b/setup.py @@ -22,8 +22,8 @@ setup( packages=find_packages(exclude=["tests.*", "tests"]), description="Anomaly Detection xApp that integrates with Traffic Steering", url="https://gerrit.o-ran-sc.org/r/admin/repos/ric-app/ad", - install_requires=["ricxappframe>=1.1.1,<2.0.0", "pandas>=1.1.3", "joblib>=0.3.2", "Scikit-learn>=0.21", "schedule>=0.0.0", "hdbscan>=0.8.13"], - entry_points={"console_scripts": ["run-ad.py=ad.main:start"]}, # adds a magical entrypoint for Docker + #install_requires=["ricxappframe>=1.1.1,<2.0.0"], + #entry_points={"console_scripts": ["run-ad.py=ad.main"]}, # adds a magical entrypoint for Docker license="Apache 2.0", data_files=[("", ["LICENSE.txt"])], ) diff --git a/tests/__init__.py b/tests/__init__.py index 7569f61..279cb61 100644 --- a/tests/__init__.py +++ b/tests/__init__.py @@ -1 +1 @@ -# in __init__.py +"ric_app_ad" diff --git a/tests/fixtures/local.rt b/tests/fixtures/local.rt deleted file mode 100644 index 9a7f61f..0000000 --- a/tests/fixtures/local.rt +++ /dev/null @@ -1,18 +0,0 @@ -# ================================================================================== -# Copyright (c) 2020 HCL Technologies Limited. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ================================================================================== -newrt|start -rte|30003|service-ricxapp-trafficxapp-rmr.ricxapp.svc.cluster.local:4560 -newrt|end diff --git a/tests/fixtures/test_local.rt b/tests/fixtures/test_local.rt index 8ce2396..79a4c36 100644 --- a/tests/fixtures/test_local.rt +++ b/tests/fixtures/test_local.rt @@ -14,5 +14,5 @@ # limitations under the License. # ================================================================================== newrt|start -rte|30003|127.0.0.1:4560 +rte|40001|127.0.0.1:4562 newrt|end diff --git a/tests/test_main.py b/tests/test_main.py deleted file mode 100644 index c4b72ea..0000000 --- a/tests/test_main.py +++ /dev/null @@ -1,69 +0,0 @@ -# ================================================================================== -# Copyright (c) 2020 HCL Technologies Limited. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ================================================================================== -from ad import main -from ricxappframe.xapp_frame import Xapp -from contextlib import suppress -import os -from ad.ad_train import train -import pandas as pd -from ad.ad_model.tb_format import parse -from ad.ad_model.ad_model import HDB_PREDICT -import json - - -def test_RFtrainmodel(monkeypatch): - if not os.path.isfile('ad/RF'): - train() - - -def test_predict_anomaly(monkeypatch): - # The read_csv logic will be modified when we are going to fetch the data from database via sdl api. - # Read the input csv file - ue_data = pd.read_csv('ad/ue_test.csv') - - # Parse the ue data and predict the anomaly records for the randomly selected UEID - data = parse(ue_data) - db_df = HDB_PREDICT(data) - db_df = db_df.loc[db_df['Anomaly'] == 1][['UEID', 'MeasTimestampRF']].head(1) - db_df['MeasTimestampRF'] = db_df['MeasTimestampRF'].apply(lambda x: str(x)) # converts into string format - - # rmr send 30003(TS_ANOMALY_UPDATE), should trigger registered callback - result = json.loads(db_df.to_json(orient='records')) - val = json.dumps(result).encode() - - if len(val) > 2: - assert val[3:7] == b'UEID' - assert val[18:33] == b'MeasTimestampRF' - - -def test_msg_to_ts(monkeypatch, ad_to_ts): - - def mock_ad_entry(self): - global val, mock_ad_xapp - val = ad_to_ts - mock_ad_xapp = Xapp(entrypoint=main.msg_to_ts(self, val), rmr_port=4564, use_fake_sdl=True) - mock_ad_xapp.run() # this will return since mock_ad_entry isn't a loop - - -def teardown_module(): - """ - this is like a "finally"; the name of this function is pytest magic - safer to put down here since certain failures above can lead to pytest never returning - for example if an exception gets raised before stop is called in any test function above, - pytest will hang forever - """ - with suppress(Exception): - mock_ad_xapp.stop() diff --git a/tests/conftest.py b/tests/testad.py similarity index 59% rename from tests/conftest.py rename to tests/testad.py index fdfe662..af67ad0 100644 --- a/tests/conftest.py +++ b/tests/testad.py @@ -13,10 +13,22 @@ # See the License for the specific language governing permissions and # limitations under the License. # ================================================================================== -import pytest +from ricxappframe.xapp_frame import Xapp +#from ad import main +def test_init_adxapp(monkeypatch): + + # start ad + #main.predict() + + # rmr send 30003(TS_ANOMALY_UPDATE), should trigger registered callback + + val = '[{"UEID": 12419, "MeasTimestampRF": "2020-11-11 13:28:25.135743"}]' + self.rmr_send(val, 30003) + + # rmr receive to get the acknowledgement message from the traffic steering. + for (summary, sbuf) in self.rmr_get_messages(): + print("TS_ANOMALY_ACK: {}".format(summary)) + self.rmr_free(sbuf) + -@pytest.fixture -def ad_to_ts(): - ad_to_ts_val = '[{"UEID": 12371, "MeasTimestampRF": "2020-11-25 16:14:25.140140"}]' - return ad_to_ts_val diff --git a/tox.ini b/tox.ini index 23a1e26..75f1f8a 100644 --- a/tox.ini +++ b/tox.ini @@ -1,4 +1,5 @@ -# Copyright (c) 2020 AT&T Intellectual Property. +# ================================================================================== +# Copyright (c) 2020 AT&T Intellectual Property. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. @@ -17,15 +18,13 @@ envlist = code,flake8,docs,docs-linkcheck minversion = 2.0 [testenv:code] -basepython = python3.7 +basepython = python3.8 deps= pytest coverage pytest-cov - setenv = LD_LIBRARY_PATH = /usr/local/lib/:/usr/local/lib64 - PYTHONPATH = {toxinidir}:ad:/usr/lib/python3.7/site-packages/ RMR_SEED_RT = tests/fixtures/test_local.rt RMR_ASYNC_CONN = 0 USE_FAKE_SDL = 1 @@ -35,11 +34,9 @@ commands = coverage xml -i [testenv:flake8] -basepython = python3.7 +basepython = python3.8 skip_install = true deps = flake8 -setenv = - PYTHONPATH = {toxinidir}:ad:/usr/lib/python3.7/site-packages/ commands = flake8 setup.py ad tests [flake8] @@ -54,7 +51,7 @@ commands = sh -c 'pip freeze > requirements.txt' [testenv:docs] whitelist_externals = echo skipsdist = true -basepython = python3.7 +basepython = python3.8 deps = sphinx sphinx-rtd-theme @@ -67,7 +64,7 @@ commands = [testenv:docs-linkcheck] skipsdist = true -basepython = python3.7 +basepython = python3.8 deps = sphinx sphinx-rtd-theme sphinxcontrib-httpdomain -- 2.16.6