Prechádzať zdrojové kódy

indoor_first_commit

XGJ_zhaoyuan 5 mesiacov pred
commit
d27a499dd2
45 zmenil súbory, kde vykonal 11903 pridanie a 0 odobranie
  1. BIN
      Pji.png
  2. 0 0
      README.md
  3. BIN
      SimSun.ttf
  4. 1367 0
      comfort.py
  5. 310 0
      common.py
  6. 316 0
      config.json
  7. 191 0
      config_parser.py
  8. 74 0
      data_info.py
  9. 339 0
      data_process.py
  10. 654 0
      efficient.py
  11. 39 0
      log.py
  12. 92 0
      pji_run.py
  13. 94 0
      pji_run_test.py
  14. 124 0
      pjirebot_evaluate_csv.py
  15. 111 0
      report.json
  16. 239 0
      report_generate.py
  17. 44 0
      run.spec
  18. 266 0
      score_weight.py
  19. 106 0
      single_case_eval.py
  20. 323 0
      single_case_evaluate.py
  21. 105 0
      single_run.py
  22. 84 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9/DriverCtrl_pji.csv
  23. 897 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9/EgoState_pji.csv
  24. 126 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9/log.txt
  25. BIN
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9/track.png
  26. BIN
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/AngularAccelerate.png
  27. 74 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/DriverCtrl_pji.csv
  28. 896 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/EgoState_pji.csv
  29. BIN
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/LinearAccelerate.png
  30. BIN
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/Speed.png
  31. 160 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/log.txt
  32. BIN
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/track.png
  33. 18 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/室内机器人_report.pdf
  34. 79 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-20_obstacledetection_9/DriverCtrl_pji.csv
  35. 901 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-20_obstacledetection_9/EgoState_pji.csv
  36. 72 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-25_obstacledetection_9/DriverCtrl_pji.csv
  37. 899 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-25_obstacledetection_9/EgoState_pji.csv
  38. 79 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-31_obstacledetection_9/DriverCtrl_pji.csv
  39. 897 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-31_obstacledetection_9/EgoState_pji.csv
  40. 81 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-45_obstacledetection_9/DriverCtrl_pji.csv
  41. 900 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-45_obstacledetection_9/EgoState_pji.csv
  42. 26 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-33-00_obstacledetection_9/DriverCtrl_pji.csv
  43. 899 0
      task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-33-00_obstacledetection_9/EgoState_pji.csv
  44. BIN
      track.png
  45. 21 0
      track.py

BIN
Pji.png


+ 0 - 0
README.md


BIN
SimSun.ttf


+ 1367 - 0
comfort.py

@@ -0,0 +1,1367 @@
+#!/usr/bin/env python
+# -*- coding: utf-8 -*-
+##################################################################
+#
+# Copyright (c) 2023 CICV, Inc. All Rights Reserved
+#
+##################################################################
+"""
+@Authors:           zhanghaiwen(zhanghaiwen@china-icv.cn), yangzihao(yangzihao@china-icv.cn)
+@Data:              2023/06/25
+@Last Modified:     2023/06/25
+@Summary:           Comfort metrics
+"""
+
+import os
+import sys
+import math
+import pandas as pd
+import numpy as np
+import scipy.signal
+
+sys.path.append('../common')
+sys.path.append('../modules')
+sys.path.append('../results')
+
+from data_info import DataInfoList
+from score_weight import cal_score_with_priority, cal_weight_from_80
+from common import get_interpolation, score_grade, string_concatenate, replace_key_with_value, get_frame_with_time
+import matplotlib.pyplot as plt
+
+
+def peak_valley_decorator(method):
+    def wrapper(self, *args, **kwargs):
+        peak_valley = self._peak_valley_determination(self.df)
+        pv_list = self.df.loc[peak_valley, ['simTime', 'speedH']].values.tolist()
+        if len(pv_list) != 0:
+            flag = True
+            p_last = pv_list[0]
+
+            for i in range(1, len(pv_list)):
+                p_curr = pv_list[i]
+
+                if self._peak_valley_judgment(p_last, p_curr):
+                    # method(self, p_curr, p_last)
+                    method(self, p_curr, p_last, flag, *args, **kwargs)
+                else:
+                    p_last = p_curr
+
+            return method
+        else:
+            flag = False
+            p_curr = [0, 0]
+            p_last = [0, 0]
+            method(self, p_curr, p_last, flag, *args, **kwargs)
+            return method
+
+    return wrapper
+
+
+class Comfort(object):
+    """
+    Class for achieving comfort metrics for autonomous driving.
+
+    Attributes:
+        dataframe: Vehicle driving data, stored in dataframe format.
+    """
+
+    def __init__(self, data_processed, custom_data, scoreModel, casePath):
+        self.eval_data = pd.DataFrame()
+        self.data_processed = data_processed
+        self.scoreModel = scoreModel
+        self.casePath = casePath
+
+        self.data = data_processed.obj_data[1]
+        self.mileage = data_processed.report_info['mileage']
+        self.ego_df = pd.DataFrame()
+        self.discomfort_df = pd.DataFrame(columns=['start_time', 'end_time', 'start_frame', 'end_frame', 'type'])
+        # self.df_drivectrl = data_processed.driver_ctrl_df
+
+        self.config = data_processed.config
+        comfort_config = data_processed.comfort_config
+        self.comfort_config = comfort_config
+
+        # common data
+        self.bulitin_metric_list = self.config.builtinMetricList
+
+        # dimension data
+        self.weight_custom = comfort_config['weightCustom']
+        self.metric_list = comfort_config['metric']
+        self.type_list = comfort_config['type']
+        self.type_name_dict = comfort_config['typeName']
+        self.name_dict = comfort_config['name']
+        self.unit_dict = comfort_config['unit']
+
+        # custom metric data
+        self.customMetricParam = comfort_config['customMetricParam']
+        self.custom_metric_list = list(self.customMetricParam.keys())
+        self.custom_data = custom_data
+        self.custom_param_dict = {}
+
+        # score data
+        self.weight = comfort_config['weightDimension']
+
+        self.weight_type_dict = comfort_config['typeWeight']
+        self.weight_type_list = comfort_config['typeWeightList']
+
+        self.weight_dict = comfort_config['weight']
+        self.weight_list = comfort_config['weightList']
+
+        self.priority_dict = comfort_config['priority']
+        self.priority_list = comfort_config['priorityList']
+
+        self.kind_dict = comfort_config['kind']
+        self.optimal_dict = comfort_config['optimal']
+        self.optimal1_dict = self.optimal_dict[0]
+        self.optimal2_dict = self.optimal_dict[1]
+        self.optimal3_dict = self.optimal_dict[2]
+        self.multiple_dict = comfort_config['multiple']
+        self.kind_list = comfort_config['kindList']
+        self.optimal_list = comfort_config['optimalList']
+        self.multiple_list = comfort_config['multipleList']
+
+        # metric data
+        self.metric_dict = comfort_config['typeMetricDict']
+        self.lat_metric_list = self.metric_dict['comfortLat']
+        self.lon_metric_list = self.metric_dict['comfortLon']
+        # self.lat_metric_list = ["zigzag", "shake"]
+        # self.lon_metric_list = ["cadence", "slamBrake", "slamAccelerate"]
+
+        self.time_list = data_processed.driver_ctrl_data['time_list']
+        self.frame_list = data_processed.driver_ctrl_data['frame_list']
+
+        self.linear_accel_dict = dict()
+        self.angular_accel_dict = dict()
+
+        self.count_dict = {}
+        self.duration_dict = {}
+        self.strength_dict = {}
+
+        self.discomfort_count = 0
+        self.zigzag_count = 0
+        self.shake_count = 0
+        self.cadence_count = 0
+        self.slam_brake_count = 0
+        self.slam_accel_count = 0
+
+        self.zigzag_strength = 0
+        self.shake_strength = 0
+        self.cadence_strength = 0
+        self.slam_brake_strength = 0
+        self.slam_accel_strength = 0
+
+        self.discomfort_duration = 0
+        self.zigzag_duration = 0
+        self.shake_duration = 0
+        self.cadence_duration = 0
+        self.slam_brake_duration = 0
+        self.slam_accel_duration = 0
+
+        self.zigzag_time_list = []
+        self.zigzag_frame_list = []
+        self.zigzag_stre_list = []
+        self.cur_ego_path_list = []
+        self.curvature_list = []
+
+        self._get_data()
+        self._comf_param_cal()
+
+    def _get_data(self):
+        """
+
+        """
+        comfort_info_list = DataInfoList.COMFORT_INFO
+        self.ego_df = self.data[comfort_info_list].copy()
+        # self.df = self.ego_df.set_index('simFrame')  # 索引是csv原索引
+        self.df = self.ego_df.reset_index(drop=True)  # 索引是csv原索引
+
+    def _cal_cur_ego_path(self, row):
+        try:
+            divide = (row['speedX'] ** 2 + row['speedY'] ** 2) ** (3 / 2)
+            if not divide:
+                res = None
+            else:
+                res = (row['speedX'] * row['accelY'] - row['speedY'] * row['accelX']) / divide
+        except:
+            res = None
+        return res
+
+    def _cal_max_min_avg(self, num_list):
+        maxx = max(num_list) if num_list else "-"
+        minn = min(num_list) if num_list else "-"
+        avg = sum(num_list) / len(num_list) if num_list else "-"
+
+        result = {
+            "max": maxx,
+            "min": minn,
+            "avg": avg
+        }
+
+        return result
+
+    def _comf_param_cal(self):
+        """
+
+        """
+        for i in range(len(self.optimal_list)):
+            if i % 3 == 2:
+                continue
+            else:
+                self.optimal_list[i] = round(self.optimal_list[i] * self.mileage / 100000, 8)
+
+        self.optimal1_dict = {key: value * self.mileage / 100000 for key, value in self.optimal1_dict.copy().items()}
+        self.optimal2_dict = {key: value * self.mileage / 100000 for key, value in self.optimal2_dict.copy().items()}
+
+        # [log]
+        self.ego_df['ip_acc'] = self.ego_df['v'].apply(get_interpolation, point1=[18, 4], point2=[72, 2])
+        self.ego_df['ip_dec'] = self.ego_df['v'].apply(get_interpolation, point1=[18, -5], point2=[72, -3.5])
+        self.ego_df['slam_brake'] = self.ego_df.apply(
+            lambda row: self._slam_brake_process(row['lon_acc'], row['ip_dec']), axis=1)
+        self.ego_df['slam_accel'] = self.ego_df.apply(
+            lambda row: self._slam_accelerate_process(row['lon_acc'], row['ip_acc']), axis=1)
+
+        self.ego_df['cadence'] = self.ego_df.apply(
+            lambda row: self._cadence_process_new(row['lon_acc'], row['ip_acc'], row['ip_dec']), axis=1)
+
+        self.accel_list = self.ego_df['accel'].values.tolist()
+        self.accelH_list = self.ego_df['accelH'].values.tolist()
+
+        self.linear_accel_dict = self._cal_max_min_avg(self.ego_df['accel'].dropna().values.tolist())
+        self.angular_accel_dict = self._cal_max_min_avg(self.ego_df['accelH'].dropna().values.tolist())
+
+        # for shake detector
+        # self.ego_df['cur_ego_path'] = self.ego_df.apply(self._cal_cur_ego_path, axis=1)
+        # self.ego_df['curvHor'] = self.ego_df['curvHor'].astype('float')
+        # self.ego_df['cur_diff'] = (self.ego_df['cur_ego_path'] - self.ego_df['curvHor']).abs()
+        # self.ego_df['R'] = self.ego_df['curvHor'].apply(lambda x: 10000 if x == 0 else 1 / x)
+        # self.ego_df['R_ego'] = self.ego_df['cur_ego_path'].apply(lambda x: 10000 if x == 0 else 1 / x)
+        # self.ego_df['R_diff'] = (self.ego_df['R_ego'] - self.ego_df['R']).abs()
+        #
+        # self.cur_ego_path_list = self.ego_df['cur_ego_path'].values.tolist()
+        # self.curvature_list = self.ego_df['curvHor'].values.tolist()
+
+    def _peak_valley_determination(self, df):
+        """
+        Determine the peak and valley of the vehicle based on its current angular velocity.
+
+        Parameters:
+            df: Dataframe containing the vehicle angular velocity.
+
+        Returns:
+            peak_valley: List of indices representing peaks and valleys.
+        """
+
+        peaks, _ = scipy.signal.find_peaks(df['speedH'], height=0.01, distance=1, prominence=0.01)
+        valleys, _ = scipy.signal.find_peaks(-df['speedH'], height=0.01, distance=1, prominence=0.01)
+        peak_valley = sorted(list(peaks) + list(valleys))
+
+        return peak_valley
+
+    def _peak_valley_judgment(self, p_last, p_curr, tw=6000, avg=0.4):
+        """
+        Determine if the given peaks and valleys satisfy certain conditions.
+
+        Parameters:
+            p_last: Previous peak or valley data point.
+            p_curr: Current peak or valley data point.
+            tw: Threshold time difference between peaks and valleys.
+            avg: Angular velocity gap threshold.
+
+        Returns:
+            Boolean indicating whether the conditions are satisfied.
+        """
+        t_diff = p_curr[0] - p_last[0]
+        v_diff = abs(p_curr[1] - p_last[1])
+        s = p_curr[1] * p_last[1]
+
+        zigzag_flag = t_diff < tw and v_diff > avg and s < 0
+        if zigzag_flag and ([p_last[0], p_curr[0]] not in self.zigzag_time_list):
+            self.zigzag_time_list.append([p_last[0], p_curr[0]])
+        return zigzag_flag
+
+    @peak_valley_decorator
+    def zigzag_count_func(self, p_curr, p_last, flag=True):
+        """
+        Count the number of zigzag movements.
+
+        Parameters:
+            df: Input dataframe data.
+
+        Returns:
+            zigzag_count: Number of zigzag movements.
+        """
+        if flag:
+            self.zigzag_count += 1
+        else:
+            self.zigzag_count += 0
+
+    @peak_valley_decorator
+    def cal_zigzag_strength_strength(self, p_curr, p_last, flag=True):
+        """
+        Calculate various strength statistics.
+
+        Returns:
+            Tuple containing maximum strength, minimum strength,
+            average strength, and 99th percentile strength.
+        """
+        if flag:
+            v_diff = abs(p_curr[1] - p_last[1])
+            t_diff = p_curr[0] - p_last[0]
+            self.zigzag_stre_list.append(v_diff / t_diff)  # 平均角加速度
+        else:
+            self.zigzag_stre_list = []
+
+    def _shake_detector(self, Cr_diff=0.05, T_diff=0.39):
+        """
+        ego车横向加速度ax;
+        ego车轨迹横向曲率;
+        ego车轨迹曲率变化率;
+        ego车所在车lane曲率;
+        ego车所在车lane曲率变化率;
+        转向灯(暂时存疑,可不用)Cr_diff = 0.1, T_diff = 0.04
+        求解曲率公式k(t) = (x'(t) * y''(t) - y'(t) * x''(t)) / ((x'(t))^2 + (y'(t))^2)^(3/2)
+        """
+        time_list = []
+        frame_list = []
+        shake_time_list = []
+
+        df = self.ego_df.copy()
+        df = df[df['cur_diff'] > Cr_diff]
+        df['frame_ID_diff'] = df['simFrame'].diff()  # 找出行车轨迹曲率与道路曲率之差大于阈值的数据段
+        filtered_df = df[df.frame_ID_diff > T_diff]  # 此处是用大间隔区分多次晃动情景    。
+
+        row_numbers = filtered_df.index.tolist()
+        cut_column = pd.cut(df.index, bins=row_numbers)
+
+        grouped = df.groupby(cut_column)
+        dfs = {}
+        for name, group in grouped:
+            dfs[name] = group.reset_index(drop=True)
+
+        for name, df_group in dfs.items():
+            # 直道,未主动换道
+            df_group['curvHor'] = df_group['curvHor'].abs()
+            df_group_straight = df_group[(df_group.lightMask == 0) & (df_group.curvHor < 0.001)]
+            if not df_group_straight.empty:
+                tmp_list = df_group_straight['simTime'].values
+                # shake_time_list.append([tmp_list[0], tmp_list[-1]])
+                time_list.extend(df_group_straight['simTime'].values)
+                frame_list.extend(df_group_straight['simFrame'].values)
+                self.shake_count = self.shake_count + 1
+
+            # 打转向灯,道路为直道,此时晃动判断标准车辆曲率变化率为一个更大的阈值
+            df_group_change_lane = df_group[(df_group['lightMask'] != 0) & (df_group['curvHor'] < 0.001)]
+            df_group_change_lane_data = df_group_change_lane[df_group_change_lane.cur_diff > Cr_diff + 0.2]
+            if not df_group_change_lane_data.empty:
+                tmp_list = df_group_change_lane_data['simTime'].values
+                # shake_time_list.append([tmp_list[0], tmp_list[-1]])
+                time_list.extend(df_group_change_lane_data['simTime'].values)
+                frame_list.extend(df_group_change_lane_data['simFrame'].values)
+                self.shake_count = self.shake_count + 1
+
+            # 转弯,打转向灯
+            df_group_turn = df_group[(df_group['lightMask'] != 0) & (df_group['curvHor'].abs() > 0.001)]
+            df_group_turn_data = df_group_turn[df_group_turn.cur_diff.abs() > Cr_diff + 0.1]
+            if not df_group_turn_data.empty:
+                tmp_list = df_group_turn_data['simTime'].values
+                # shake_time_list.append([tmp_list[0], tmp_list[-1]])
+                time_list.extend(df_group_turn_data['simTime'].values)
+                frame_list.extend(df_group_turn_data['simFrame'].values)
+                self.shake_count = self.shake_count + 1
+
+        t_list = time_list
+        f_list = frame_list
+        group_time = []
+        group_frame = []
+        sub_group_time = []
+        sub_group_frame = []
+        for i in range(len(f_list)):
+            if not sub_group_time or t_list[i] - t_list[i - 1] <= 0.2:
+                sub_group_time.append(t_list[i])
+                sub_group_frame.append(f_list[i])
+            else:
+                group_time.append(sub_group_time)
+                group_frame.append(sub_group_frame)
+                sub_group_time = [t_list[i]]
+                sub_group_frame = [f_list[i]]
+
+        # group_time.append(sub_group_time)
+        # group_frame.append(sub_group_frame)
+        # group_time = [g for g in group_time if len(g) >= 3]
+        # group_frame = [g for g in group_frame if len(g) >= 3]
+        #
+        # group_time = []
+        # sub_group = []
+        # for i in range(len(t_list)):
+        #     if not sub_group or t_list[i] - t_list[i - 1] <= 0.2:
+        #         sub_group.append(t_list[i])
+        #     else:
+        #         group_time.append(sub_group)
+        #         sub_group = [t_list[i]]
+        #
+        # group_time.append(sub_group)
+        # group_time = [g for g in group_time if len(g) >= 3]
+
+        # 输出图表值
+        shake_time = [[g[0], g[-1]] for g in group_time]
+        shake_frame = [[g[0], g[-1]] for g in group_frame]
+        self.shake_count = len(shake_time)
+
+        if shake_time:
+            time_df = pd.DataFrame(shake_time, columns=['start_time', 'end_time'])
+            frame_df = pd.DataFrame(shake_frame, columns=['start_frame', 'end_frame'])
+            discomfort_df = pd.concat([time_df, frame_df], axis=1)
+            discomfort_df['type'] = 'shake'
+            self.discomfort_df = pd.concat([self.discomfort_df, discomfort_df], ignore_index=True)
+
+        return time_list
+
+    def _cadence_process(self, lon_acc_roc, ip_dec_roc):
+        if abs(lon_acc_roc) >= abs(ip_dec_roc) or abs(lon_acc_roc) < 1:
+            return np.nan
+        # elif abs(lon_acc_roc) == 0:
+        elif abs(lon_acc_roc) == 0:
+            return 0
+        elif lon_acc_roc > 0 and lon_acc_roc < -ip_dec_roc:
+            return 1
+        elif lon_acc_roc < 0 and lon_acc_roc > ip_dec_roc:
+            return -1
+
+    def _slam_brake_process(self, lon_acc, ip_dec):
+        if lon_acc - ip_dec < 0:
+            return 1
+        else:
+            return 0
+
+    def _slam_accelerate_process(self, lon_acc, ip_acc):
+        if lon_acc - ip_acc > 0:
+            return 1
+        else:
+            return 0
+
+    def _cadence_process_new(self, lon_acc, ip_acc, ip_dec):
+        if abs(lon_acc) < 1 or lon_acc > ip_acc or lon_acc < ip_dec:
+            return np.nan
+        # elif abs(lon_acc_roc) == 0:
+        elif abs(lon_acc) == 0:
+            return 0
+        elif lon_acc > 0 and lon_acc < ip_acc:
+            return 1
+        elif lon_acc < 0 and lon_acc > ip_dec:
+            return -1
+
+    def _cadence_detector(self):
+        """
+        # 加速度突变:先加后减,先减后加,先加然后停,先减然后停
+        # 顿挫:2s内多次加速度变化率突变
+        # 求出每一个特征点,然后提取,然后将每一个特征点后面的2s做一个窗口,统计频率,避免无效运算
+
+        # 将特征点筛选出来
+        # 将特征点时间作为聚类标准,大于1s的pass,小于等于1s的聚类到一个分组
+        # 去掉小于3个特征点的分组
+        """
+        # data = self.ego_df[['simTime', 'simFrame', 'lon_acc_roc', 'cadence']].copy()
+        data = self.ego_df[['simTime', 'simFrame', 'lon_acc', 'lon_acc_roc', 'cadence']].copy()
+        time_list = data['simTime'].values.tolist()
+
+        data = data[data['cadence'] != np.nan]
+        data['cadence_diff'] = data['cadence'].diff()
+        data.dropna(subset='cadence_diff', inplace=True)
+        data = data[data['cadence_diff'] != 0]
+
+        t_list = data['simTime'].values.tolist()
+        f_list = data['simFrame'].values.tolist()
+
+        group_time = []
+        group_frame = []
+        sub_group_time = []
+        sub_group_frame = []
+        for i in range(len(f_list)):
+            if not sub_group_time or t_list[i] - t_list[i - 1] <= 1:  # 特征点相邻一秒内的,算作同一组顿挫
+                sub_group_time.append(t_list[i])
+                sub_group_frame.append(f_list[i])
+            else:
+                group_time.append(sub_group_time)
+                group_frame.append(sub_group_frame)
+                sub_group_time = [t_list[i]]
+                sub_group_frame = [f_list[i]]
+
+        group_time.append(sub_group_time)
+        group_frame.append(sub_group_frame)
+        group_time = [g for g in group_time if len(g) >= 1]  # 有一次特征点则算作一次顿挫
+        group_frame = [g for g in group_frame if len(g) >= 1]
+
+        # group_time = []
+        # sub_group = []
+        #
+        # for i in range(len(f_list)):
+        #     if not sub_group or t_list[i] - t_list[i - 1] <= 1:  # 特征点相邻一秒内的,算作同一组顿挫
+        #         sub_group.append(t_list[i])
+        #     else:
+        #         group_time.append(sub_group)
+        #         sub_group = [t_list[i]]
+        #
+        # group_time.append(sub_group)
+        # group_time = [g for g in group_time if len(g) >= 1]  # 有一次特征点则算作一次顿挫
+
+        # 输出图表值
+        cadence_time = [[g[0], g[-1]] for g in group_time]
+        cadence_frame = [[g[0], g[-1]] for g in group_frame]
+
+        if cadence_time:
+            time_df = pd.DataFrame(cadence_time, columns=['start_time', 'end_time'])
+            frame_df = pd.DataFrame(cadence_frame, columns=['start_frame', 'end_frame'])
+            discomfort_df = pd.concat([time_df, frame_df], axis=1)
+            discomfort_df['type'] = 'cadence'
+            self.discomfort_df = pd.concat([self.discomfort_df, discomfort_df], ignore_index=True)
+
+        # 将顿挫组的起始时间为组重新统计时间
+        cadence_time_list = [time for pair in cadence_time for time in time_list if pair[0] <= time <= pair[1]]
+
+        # time_list = [element for sublist in group_time for element in sublist]
+        # merged_list = [element for sublist in res_group for element in sublist]
+        # res_df = data[data['simTime'].isin(merged_list)]
+
+        stre_list = []
+        freq_list = []
+        for g in group_time:
+            # calculate strength
+            g_df = data[data['simTime'].isin(g)]
+            strength = g_df['lon_acc'].abs().mean()
+            stre_list.append(strength)
+
+            # calculate frequency
+            cnt = len(g)
+            t_start = g_df['simTime'].iloc[0]
+            t_end = g_df['simTime'].iloc[-1]
+            t_delta = t_end - t_start
+            frequency = cnt / t_delta
+            freq_list.append(frequency)
+
+        self.cadence_count = len(freq_list)
+        cadence_stre = sum(stre_list) / len(stre_list) if stre_list else 0
+
+        return cadence_time_list
+
+    def _slam_brake_detector(self):
+        # 统计急刹全为1的分段的个数,记录分段开头的frame_ID
+        # data = self.ego_df[['simTime', 'simFrame', 'lon_acc_roc', 'ip_dec_roc', 'slam_brake']].copy()
+        data = self.ego_df[['simTime', 'simFrame', 'lon_acc', 'lon_acc_roc', 'ip_dec', 'slam_brake']].copy()
+        # data['slam_diff'] = data['slam_brake'].diff()
+        # res_df = data[data['slam_diff'] == 1]
+
+        res_df = data[data['slam_brake'] == 1]
+        t_list = res_df['simTime'].values
+        f_list = res_df['simFrame'].values.tolist()
+
+        group_time = []
+        group_frame = []
+        sub_group_time = []
+        sub_group_frame = []
+        for i in range(len(f_list)):
+            if not sub_group_time or f_list[i] - f_list[i - 1] <= 1:  # 连续帧的算作同一组急刹
+                sub_group_time.append(t_list[i])
+                sub_group_frame.append(f_list[i])
+            else:
+                group_time.append(sub_group_time)
+                group_frame.append(sub_group_frame)
+                sub_group_time = [t_list[i]]
+                sub_group_frame = [f_list[i]]
+
+        group_time.append(sub_group_time)
+        group_frame.append(sub_group_frame)
+        group_time = [g for g in group_time if len(g) >= 2]  # 达到两帧算作一次急刹
+        group_frame = [g for g in group_frame if len(g) >= 2]
+
+        # group_time = []
+        # sub_group = []
+        #
+        # for i in range(len(f_list)):
+        #     if not sub_group or f_list[i] - f_list[i - 1] <= 1:  # 连续帧的算作同一组急刹
+        #         sub_group.append(t_list[i])
+        #     else:
+        #         group_time.append(sub_group)
+        #         sub_group = [t_list[i]]
+        #
+        # group_time.append(sub_group)
+        # group_time = [g for g in group_time if len(g) >= 2]  # 达到两帧算作一次急刹
+
+        # 输出图表值
+        slam_brake_time = [[g[0], g[-1]] for g in group_time]
+        slam_brake_frame = [[g[0], g[-1]] for g in group_frame]
+
+        if slam_brake_time:
+            time_df = pd.DataFrame(slam_brake_time, columns=['start_time', 'end_time'])
+            frame_df = pd.DataFrame(slam_brake_frame, columns=['start_frame', 'end_frame'])
+            discomfort_df = pd.concat([time_df, frame_df], axis=1)
+            discomfort_df['type'] = 'slam_brake'
+            self.discomfort_df = pd.concat([self.discomfort_df, discomfort_df], ignore_index=True)
+
+        time_list = [element for sublist in group_time for element in sublist]
+        self.slam_brake_count = len(group_time)  # / self.mileage  # * 1000000
+        return time_list
+
+    def _slam_accel_detector(self):
+        # 统计急刹全为1的分段的个数,记录分段开头的frame_ID
+        # data = self.ego_df[['simTime', 'simFrame', 'lon_acc_roc', 'ip_acc_roc', 'slam_accel']].copy()
+        data = self.ego_df[['simTime', 'simFrame', 'lon_acc', 'ip_acc', 'slam_accel']].copy()
+        # data['slam_diff'] = data['slam_accel'].diff()
+        # res_df = data.loc[data['slam_diff'] == 1]
+
+        res_df = data.loc[data['slam_accel'] == 1]
+        t_list = res_df['simTime'].values
+        f_list = res_df['simFrame'].values.tolist()
+
+        group_time = []
+        group_frame = []
+        sub_group_time = []
+        sub_group_frame = []
+        for i in range(len(f_list)):
+            if not group_time or f_list[i] - f_list[i - 1] <= 1:  # 连续帧的算作同一组急加速
+                sub_group_time.append(t_list[i])
+                sub_group_frame.append(f_list[i])
+            else:
+                group_time.append(sub_group_time)
+                group_frame.append(sub_group_frame)
+                sub_group_time = [t_list[i]]
+                sub_group_frame = [f_list[i]]
+
+        group_time.append(sub_group_time)
+        group_frame.append(sub_group_frame)
+        group_time = [g for g in group_time if len(g) >= 2]
+        group_frame = [g for g in group_frame if len(g) >= 2]
+
+        # group_time = []
+        # sub_group = []
+        #
+        # for i in range(len(f_list)):
+        #     if not sub_group or f_list[i] - f_list[i - 1] <= 1:  # 连续帧的算作同一组急加速
+        #         sub_group.append(t_list[i])
+        #     else:
+        #         group_time.append(sub_group)
+        #         sub_group = [t_list[i]]
+        #
+        # group_time.append(sub_group)
+        # group_time = [g for g in group_time if len(g) >= 2]  # 达到两帧算作一次急加速
+
+        # 输出图表值
+        slam_accel_time = [[g[0], g[-1]] for g in group_time]
+        slam_accel_frame = [[g[0], g[-1]] for g in group_frame]
+
+        if slam_accel_time:
+            time_df = pd.DataFrame(slam_accel_time, columns=['start_time', 'end_time'])
+            frame_df = pd.DataFrame(slam_accel_frame, columns=['start_frame', 'end_frame'])
+            discomfort_df = pd.concat([time_df, frame_df], axis=1)
+            discomfort_df['type'] = 'slam_accel'
+            self.discomfort_df = pd.concat([self.discomfort_df, discomfort_df], ignore_index=True)
+
+        time_list = [element for sublist in group_time for element in sublist]
+        self.slam_accel_count = len(group_time)  # / self.mileage  # * 1000000
+        return time_list
+
+    def comf_statistic(self):
+        """
+
+        """
+        # df = self.ego_df[['simTime', 'cur_diff', 'lon_acc', 'lon_acc_roc', 'accelH']].copy()
+        df = self.ego_df[['simTime', 'lon_acc', 'lon_acc_roc', 'accelH']].copy()
+
+        self.zigzag_count_func()
+        self.cal_zigzag_strength_strength()
+        if self.zigzag_time_list:
+            zigzag_df = pd.DataFrame(self.zigzag_time_list, columns=['start_time', 'end_time'])
+            zigzag_df = get_frame_with_time(zigzag_df, self.ego_df)
+            zigzag_df['type'] = 'zigzag'
+            self.discomfort_df = pd.concat([self.discomfort_df, zigzag_df], ignore_index=True)
+            # discomfort_df = pd.concat([time_df, frame_df], axis=1)
+            # self.discomfort_df = pd.concat([self.discomfort_df, discomfort_df], ignore_index=True)
+
+        zigzag_t_list = []
+        # 只有[t_start, t_end]数对,要提取为完整time list
+        t_list = df['simTime'].values.tolist()
+        for t_start, t_end in self.zigzag_time_list:
+            index_1 = t_list.index(t_start)
+            index_2 = t_list.index(t_end)
+            zigzag_t_list.extend(t_list[index_1:index_2 + 1])
+        zigzag_t_list = list(set(zigzag_t_list))
+        # shake_t_list = self._shake_detector()
+        cadence_t_list = self._cadence_detector()
+        slam_brake_t_list = self._slam_brake_detector()
+        slam_accel_t_list = self._slam_accel_detector()
+
+        # comfort_time_dict = {
+        #     'zigzag_time_list': zigzag_t_list,
+        #     'shake_time_list': shake_t_list,
+        #     'cadence_time_list': cadence_t_list,
+        #     'slam_brake_time_list': slam_brake_t_list,
+        #     'slam_accelerate_time_list': slam_accel_t_list
+        # }
+
+        discomfort_time_list = zigzag_t_list + cadence_t_list + slam_brake_t_list + slam_accel_t_list
+        discomfort_time_list = sorted(discomfort_time_list)  # 排序
+        discomfort_time_list = list(set(discomfort_time_list))  # 去重
+        time_diff = self.time_list[3] - self.time_list[2]
+        # time_diff = 0.4
+
+        self.discomfort_duration = len(discomfort_time_list) * time_diff
+
+        df['flag_zigzag'] = df['simTime'].apply(lambda x: 1 if x in zigzag_t_list else 0)
+        # df['flag_shake'] = df['simTime'].apply(lambda x: 1 if x in shake_t_list else 0)
+        df['flag_cadence'] = df['simTime'].apply(lambda x: 1 if x in cadence_t_list else 0)
+        df['flag_slam_brake'] = df['simTime'].apply(lambda x: 1 if x in slam_brake_t_list else 0)
+        df['flag_slam_accel'] = df['simTime'].apply(lambda x: 1 if x in slam_accel_t_list else 0)
+
+        # hectokilometer = 100000  # 百公里
+        self.zigzag_duration = df['flag_zigzag'].sum() * time_diff  # / self.mileage * hectokilometer
+        # self.shake_duration = df['flag_shake'].sum() * time_diff  # / self.mileage * hectokilometer
+        self.cadence_duration = df['flag_cadence'].sum() * time_diff  # / self.mileage * hectokilometer
+        self.slam_brake_duration = df['flag_slam_brake'].sum() * time_diff  # / self.mileage * hectokilometer
+        self.slam_accel_duration = df['flag_slam_accel'].sum() * time_diff  # / self.mileage * hectokilometer
+
+        # 强度取值可考虑最大值,暂定平均值,具体视数据情况而定
+        # self.zigzag_strength = np.mean(self.zigzag_stre_list) if self.zigzag_stre_list else 0
+        self.zigzag_strength = (df['flag_zigzag'] * abs(df['accelH'])).mean()
+        # self.shake_strength = (df['flag_shake'] * abs(df['cur_diff'])).mean()
+        self.cadence_strength = (df['flag_cadence'] * abs(df['lon_acc'])).mean()
+        self.slam_brake_strength = (df['flag_slam_brake'] * abs(df['lon_acc'])).mean()
+        self.slam_accel_strength = (df['flag_slam_accel'] * abs(df['lon_acc'])).mean()
+
+        self.zigzag_strength = self._nan_detect(self.zigzag_strength)
+        # self.shake_strength = self._nan_detect(self.shake_strength)
+        self.cadence_strength = self._nan_detect(self.cadence_strength)
+        self.slam_brake_strength = self._nan_detect(self.slam_brake_strength)
+        self.slam_accel_strength = self._nan_detect(self.slam_accel_strength)
+
+        self.count_dict = {
+            "zigzag": self.zigzag_count,
+            # "shake": self.shake_count,
+            "cadence": self.cadence_count,
+            "slamBrake": self.slam_brake_count,
+            "slamAccelerate": self.slam_accel_count
+        }
+
+        self.duration_dict = {
+            "zigzag": self.zigzag_duration,
+            # "shake": self.shake_duration,
+            "cadence": self.cadence_duration,
+            "slamBrake": self.slam_brake_duration,
+            "slamAccelerate": self.slam_accel_duration
+        }
+
+        self.strength_dict = {
+            "zigzag": self.zigzag_strength,
+            # "shake": self.shake_strength,
+            "cadence": self.cadence_strength,
+            "slamBrake": self.slam_brake_strength,
+            "slamAccelerate": self.slam_accel_strength
+        }
+
+        zigzag_list = [self.zigzag_count, self.zigzag_duration, self.zigzag_strength]
+        # shake_list = [self.shake_count, self.shake_duration, self.shake_strength]
+        cadence_list = [self.cadence_count, self.cadence_duration, self.cadence_strength]
+        slam_brake_list = [self.slam_brake_count, self.slam_brake_duration, self.slam_brake_strength]
+        slam_accel_list = [self.slam_accel_count, self.slam_accel_duration, self.slam_accel_strength]
+
+        tmp_comf_arr = []
+        if "zigzag" in self.metric_list:
+            tmp_comf_arr += zigzag_list
+            self.discomfort_count += self.zigzag_count
+
+        # if "shake" in self.metric_list:
+        #     tmp_comf_arr += shake_list
+        #     self.discomfort_count += self.shake_count
+
+        if "cadence" in self.metric_list:
+            tmp_comf_arr += cadence_list
+            self.discomfort_count += self.cadence_count
+
+        if "slamBrake" in self.metric_list:
+            tmp_comf_arr += slam_brake_list
+            self.discomfort_count += self.slam_brake_count
+
+        if "slamAccelerate" in self.metric_list:
+            tmp_comf_arr += slam_accel_list
+            self.discomfort_count += self.slam_accel_count
+
+        comf_arr = [tmp_comf_arr]
+        return comf_arr
+
+    def _nan_detect(self, num):
+        if math.isnan(num):
+            return 0
+        return num
+
+    def custom_metric_param_parser(self, param_list):
+        """
+        param_dict = {
+            "paramA" [
+                {
+                    "kind": "-1",
+                    "optimal": "1",
+                    "multiple": ["0.5","5"],
+                    "spare1": null,
+                    "spare2": null
+                }
+            ]
+        }
+        """
+        kind_list = []
+        optimal_list = []
+        multiple_list = []
+        spare_list = []
+        # spare1_list = []
+        # spare2_list = []
+
+        for i in range(len(param_list)):
+            kind_list.append(int(param_list[i]['kind']))
+            optimal_list.append(float(param_list[i]['optimal']))
+            multiple_list.append([float(x) for x in param_list[i]['multiple']])
+            spare_list.append([item["param"] for item in param_list[i]["spare"]])
+            # spare1_list.append(param_list[i]['spare1'])
+            # spare2_list.append(param_list[i]['spare2'])
+
+        result = {
+            "kind": kind_list,
+            "optimal": optimal_list,
+            "multiple": multiple_list,
+            "spare": spare_list,
+            # "spare1": spare1_list,
+            # "spare2": spare2_list
+        }
+        return result
+
+    def custom_metric_score(self, metric, value, param_list):
+        """
+
+        """
+        param = self.custom_metric_param_parser(param_list)
+        self.custom_param_dict[metric] = param
+
+        score_model = self.scoreModel(param['kind'], param['optimal'], param['multiple'], np.array([value]))
+        score_sub = score_model.cal_score()
+        score = sum(score_sub) / len(score_sub)
+        return score
+
+    def comf_score_new(self):
+        arr_comf = self.comf_statistic()
+        print("\n[平顺性表现及得分情况]")
+        print("平顺性各指标值:", [[round(num, 2) for num in row] for row in arr_comf])
+        arr_comf = np.array(arr_comf)
+
+        score_model = self.scoreModel(self.kind_list, self.optimal_list, self.multiple_list, arr_comf)
+        score_sub = score_model.cal_score()
+        score_sub = list(map(lambda x: 80 if np.isnan(x) else x, score_sub))
+
+        metric_list = [x for x in self.metric_list if x in self.config.builtinMetricList]
+        score_metric = []
+        for i in range(len(metric_list)):
+            score_tmp = (score_sub[i * 3 + 0] + score_sub[i * 3 + 1] + score_sub[i * 3 + 2]) / 3
+            score_metric.append(round(score_tmp, 2))
+
+        score_metric_dict = {key: value for key, value in zip(metric_list, score_metric)}
+
+        custom_metric_list = list(self.customMetricParam.keys())
+        for metric in custom_metric_list:
+            value = self.custom_data[metric]['value']
+            param_list = self.customMetricParam[metric]
+            score = self.custom_metric_score(metric, value, param_list)
+            score_metric_dict[metric] = round(score, 2)
+
+        score_metric_dict = {key: score_metric_dict[key] for key in self.metric_list}
+        score_metric = list(score_metric_dict.values())
+
+        score_type_dict = {}
+        if self.weight_custom:  # 自定义权重
+            score_metric_with_weight_dict = {key: score_metric_dict[key] * self.weight_dict[key] for key in
+                                             self.weight_dict}
+
+            for type in self.type_list:
+                type_score = sum(
+                    value for key, value in score_metric_with_weight_dict.items() if key in self.metric_dict[type])
+                score_type_dict[type] = round(type_score, 2)
+
+            score_type_with_weight_dict = {key: score_type_dict[key] * self.weight_type_dict[key] for key in
+                                           score_type_dict}
+            print("comfort score_type_with_weight_dict is", score_type_with_weight_dict)
+            score_comfort = sum(score_type_with_weight_dict.values())
+        else:  # 客观赋权
+            self.weight_list = cal_weight_from_80(score_metric)
+            self.weight_dict = {key: value for key, value in zip(self.metric_list, self.weight_list)}
+            score_comfort = cal_score_with_priority(score_metric, self.weight_list, self.priority_list)
+
+            for type in self.type_list:
+                type_weight = sum(value for key, value in self.weight_dict.items() if key in self.metric_dict[type])
+                self.weight_dict = {key: round(value / type_weight, 4) for key, value in self.weight_dict.items() if
+                                    key in self.metric_dict[type]}
+                type_score_metric = [value for key, value in score_metric_dict.items() if key in self.metric_dict[type]]
+                type_weight_list = [value for key, value in self.weight_dict.items() if key in self.metric_dict[type]]
+                print("comfort type_weight_list is", type_weight_list)
+                type_priority_list = [value for key, value in self.priority_dict.items() if
+                                      key in self.metric_dict[type]]
+
+                type_score = cal_score_with_priority(type_score_metric, type_weight_list, type_priority_list)
+                score_type_dict[type] = round(type_score, 2)
+
+        score_comfort = round(score_comfort, 2)
+
+        print("平顺性各指标基准值:", self.optimal_list)
+        print(f"平顺性得分为:{score_comfort:.2f}分。")
+        print(f"平顺性各类型得分为:{score_type_dict}。")
+        print(f"平顺性各指标得分为:{score_metric_dict}。")
+        return score_comfort, score_type_dict, score_metric_dict
+
+    def zip_time_pairs(self, zip_list, upper_limit=9999):
+        zip_time_pairs = zip(self.time_list, zip_list)
+        zip_vs_time = [[x, upper_limit if y > upper_limit else y] for x, y in zip_time_pairs if not math.isnan(y)]
+        return zip_vs_time
+
+    def comf_weight_distribution(self):
+        # get weight distribution
+        weight_distribution = {}
+        weight_distribution["name"] = "平顺性"
+
+        if "comfortLat" in self.type_list:
+            lat_weight_indexes_dict = {key: f"{key}({value * 100:.2f}%)" for key, value in self.weight_dict.items() if
+                                       key in self.lat_metric_list}
+
+            weight_distribution_lat = {
+                "latWeight": f"横向舒适度({self.weight_type_dict['comfortLat'] * 100:.2f}%)",
+                "indexes": lat_weight_indexes_dict
+            }
+            weight_distribution['comfortLat'] = weight_distribution_lat
+
+        if "comfortLon" in self.type_list:
+            lon_weight_indexes_dict = {key: f"{key}({value * 100:.2f}%)" for key, value in self.weight_dict.items() if
+                                       key in self.lon_metric_list}
+
+            weight_distribution_lon = {
+                "lonWeight": f"纵向舒适度({self.weight_type_dict['comfortLon'] * 100:.2f}%)",
+                "indexes": lon_weight_indexes_dict
+            }
+            weight_distribution['comfortLon'] = weight_distribution_lon
+
+        return weight_distribution
+
+    def _get_weight_distribution(self, dimension):
+        # get weight distribution
+        weight_distribution = {}
+        weight_distribution["name"] = self.config.dimension_name[dimension]
+
+        for type in self.type_list:
+            type_weight_indexes_dict = {key: f"{self.name_dict[key]}({value * 100:.2f}%)" for key, value in
+                                        self.weight_dict.items() if
+                                        key in self.metric_dict[type]}
+
+            weight_distribution_type = {
+                "weight": f"{self.type_name_dict[type]}({self.weight_type_dict[type] * 100:.2f}%)",
+                "indexes": type_weight_indexes_dict
+            }
+            weight_distribution[type] = weight_distribution_type
+
+        return weight_distribution
+
+    def report_statistic(self):
+        """
+
+        Returns:
+
+        """
+        # report_dict = {
+        #     "name": "平顺性",
+        #     "weight": f"{self.weight * 100:.2f}%",
+        #     "weightDistribution": weight_distribution,
+        #     "score": score_comfort,
+        #     "level": grade_comfort,
+
+        #     'discomfortCount': self.discomfort_count,
+        #     "description1": comf_description1,
+        #     "description2": comf_description2,
+        #     "description3": comf_description3,
+        #     "description4": comf_description4,
+        #
+        #     "comfortLat": lat_dict,
+        #     "comfortLon": lon_dict,
+        #
+        #     "speData": ego_speed_vs_time,
+        #     "speMarkLine": discomfort_slices,
+        #
+        #     "accData": lon_acc_vs_time,
+        #     "accMarkLine": discomfort_acce_slices,
+        #
+        #     "anvData": yawrate_vs_time,
+        #     "anvMarkLine": discomfort_zigzag_slices,
+        #
+        #     "anaData": yawrate_roc_vs_time,
+        #     "anaMarkLine": discomfort_zigzag_slices,
+        #
+        #     "curData": [cur_ego_path_vs_time, curvature_vs_time],
+        #     "curMarkLine": discomfort_shake_slices,
+        # }
+        # brakePedal_list = self.data_processed.driver_ctrl_data['brakePedal_list']
+        # throttlePedal_list = self.data_processed.driver_ctrl_data['throttlePedal_list']
+        # steeringWheel_list = self.data_processed.driver_ctrl_data['steeringWheel_list']
+        #
+        # # common parameter calculate
+        # brake_vs_time = self.zip_time_pairs(brakePedal_list, 100)
+        # throttle_vs_time = self.zip_time_pairs(throttlePedal_list, 100)
+        # steering_vs_time = self.zip_time_pairs(steeringWheel_list)
+
+        report_dict = {
+            "name": "平顺性",
+            # "weight": f"{self.weight * 100:.2f}%",
+
+            # 'discomfortCount': self.discomfort_count,
+        }
+
+        # upper_limit = 40
+        # times_upper = 2
+        # len_time = len(self.time_list)
+        duration = self.time_list[-1]
+
+        # comfort score and grade
+        score_comfort, score_type_dict, score_metric_dict = self.comf_score_new()
+
+        # get weight distribution
+        # report_dict["weightDistribution"] = self._get_weight_distribution("comfort")
+
+        score_comfort = int(score_comfort) if int(score_comfort) == score_comfort else round(score_comfort, 2)
+        grade_comfort = score_grade(score_comfort)
+        report_dict["score"] = score_comfort
+        report_dict["level"] = grade_comfort
+
+        # comfort data for graph
+        ego_speed_list = self.ego_df['v'].values.tolist()
+        ego_speed_vs_time = self.zip_time_pairs(ego_speed_list)
+
+        lon_acc_list = self.ego_df['lon_acc'].values.tolist()
+        lon_acc_vs_time = self.zip_time_pairs(lon_acc_list)
+
+        yawrate_list = self.ego_df['speedH'].values.tolist()
+        yawrate_vs_time = self.zip_time_pairs(yawrate_list)
+
+        yawrate_roc_list = self.ego_df['accelH'].values.tolist()
+        yawrate_roc_vs_time = self.zip_time_pairs(yawrate_roc_list)
+
+        cur_ego_path_vs_time = self.zip_time_pairs(self.cur_ego_path_list)
+        curvature_vs_time = self.zip_time_pairs(self.curvature_list)
+
+        # markline
+        # discomfort_df = self.discomfort_df.copy()
+        # discomfort_df['type'] = "origin"
+        # discomfort_slices = discomfort_df.to_dict('records')
+        #
+        # discomfort_zigzag_df = self.discomfort_df.copy()
+        # discomfort_zigzag_df.loc[discomfort_zigzag_df['type'] != 'zigzag', 'type'] = "origin"
+        # discomfort_zigzag_slices = discomfort_zigzag_df.to_dict('records')
+        #
+        # discomfort_shake_df = self.discomfort_df.copy()
+        # discomfort_shake_df.loc[discomfort_shake_df['type'] != 'shake', 'type'] = "origin"
+        # discomfort_shake_slices = discomfort_shake_df.to_dict('records')
+        #
+        # discomfort_acce_df = self.discomfort_df.copy()
+        # discomfort_acce_df.loc[discomfort_acce_df['type'] == 'zigzag', 'type'] = "origin"
+        # discomfort_acce_df.loc[discomfort_acce_df['type'] == 'shake', 'type'] = "origin"
+        # discomfort_acce_slices = discomfort_acce_df.to_dict('records')
+
+        # for description
+        good_type_list = []
+        bad_type_list = []
+
+        good_metric_list = []
+        bad_metric_list = []
+
+        # str for comf description 1&2
+        str_uncomf_count = ''
+        str_uncomf_over_optimal = ''
+
+        # type_details_dict = {}
+
+        # for type in self.type_list:
+        #     bad_type_list.append(type) if score_type_dict[type] < 80 else good_type_list.append(type)
+        #
+        #     type_dict = {
+        #         "name": f"{self.type_name_dict[type]}",
+        #     }
+        #
+        #     builtin_graph_dict = {}
+        #     custom_graph_dict = {}
+        #
+        #     score_type = score_type_dict[type]
+        #     grade_type = score_grade(score_type)
+        #     type_dict["score"] = score_type
+        #     type_dict["level"] = grade_type
+        #
+        #     type_dict_indexes = {}
+        #
+        #     flag_acc = False
+        #     for metric in self.metric_dict[type]:
+        #         bad_metric_list.append(metric) if score_metric_dict[metric] < 80 else good_metric_list.append(metric)
+        #
+        #         if metric in self.bulitin_metric_list:
+        #             # for indexes
+        #             type_dict_indexes[metric] = {
+        #                 "name": f"{self.name_dict[metric]}({self.unit_dict[metric]})",
+        #                 "score": score_metric_dict[metric],
+        #                 "numberReal": f"{self.count_dict[metric]}",
+        #                 "numberRef": f"{self.optimal1_dict[metric]:.4f}",
+        #                 "durationReal": f"{self.duration_dict[metric]:.2f}",
+        #                 "durationRef": f"{self.optimal2_dict[metric]:.4f}",
+        #                 "strengthReal": f"{self.strength_dict[metric]:.2f}",
+        #                 "strengthRef": f"{self.optimal3_dict[metric]}"
+        #             }
+        #
+        #             # for description
+        #             str_uncomf_count += f'{self.count_dict[metric]}次{self.name_dict[metric]}行为、'
+        #             if self.count_dict[metric] > self.optimal1_dict[metric]:
+        #                 over_optimal = ((self.count_dict[metric] - self.optimal1_dict[metric]) / self.optimal1_dict[
+        #                     metric]) * 100
+        #                 str_uncomf_over_optimal += f'{self.name_dict[metric]}次数比基准值高{over_optimal:.2f}%,'
+        #
+        #             if self.duration_dict[metric] > self.optimal2_dict[metric]:
+        #                 over_optimal = ((self.duration_dict[metric] - self.optimal2_dict[metric]) / self.optimal2_dict[
+        #                     metric]) * 100
+        #                 str_uncomf_over_optimal += f'{self.name_dict[metric]}时长比基准值高{over_optimal:.2f}%,'
+        #
+        #             if self.strength_dict[metric] > self.optimal3_dict[metric]:
+        #                 over_optimal = ((self.strength_dict[metric] - self.optimal3_dict[metric]) / self.optimal3_dict[
+        #                     metric]) * 100
+        #                 str_uncomf_over_optimal += f'{self.name_dict[metric]}强度比基准值高{over_optimal:.2f}%;'
+        #
+        #             # report_dict["speData"] = ego_speed_vs_time
+        #             # report_dict["accData"] = lon_acc_vs_time
+        #             # report_dict["anvData"] = yawrate_vs_time
+        #             # report_dict["anaData"] = yawrate_roc_vs_time
+        #             # report_dict["curData"] = [cur_ego_path_vs_time, curvature_vs_time]
+        #
+        #             # report_dict["speMarkLine"] = discomfort_slices
+        #             # report_dict["accMarkLine"] = discomfort_acce_slices
+        #             # report_dict["anvMarkLine"] = discomfort_zigzag_slices
+        #             # report_dict["anaMarkLine"] = discomfort_zigzag_slices
+        #             # report_dict["curMarkLine"] = discomfort_shake_slices
+        #
+        #             if metric == "zigzag":
+        #                 metric_data = {
+        #                     "name": "横摆角加速度(rad/s²)",
+        #                     "data": yawrate_roc_vs_time,
+        #                     "range": f"[0, {self.optimal3_dict[metric]}]",
+        #                     # "markLine": discomfort_zigzag_slices
+        #                 }
+        #                 builtin_graph_dict[metric] = metric_data
+        #
+        #             elif metric == "shake":
+        #                 metric_data = {
+        #                     "name": "曲率(1/m)",
+        #                     "legend": ["自车轨迹曲率", "车道中心线曲率"],
+        #                     "data": [cur_ego_path_vs_time, curvature_vs_time],
+        #                     "range": f"[0, {self.optimal3_dict[metric]}]",
+        #                     # "markLine": discomfort_shake_slices
+        #                 }
+        #                 builtin_graph_dict[metric] = metric_data
+        #
+        #             elif metric in ["cadence", "slamBrake", "slamAccelerate"] and not flag_acc:
+        #                 metric_data = {
+        #                     "name": "自车纵向加速度(m/s²)",
+        #                     "data": lon_acc_vs_time,
+        #                     "range": f"[0, {self.optimal3_dict[metric]}]",
+        #                     # "markLine": discomfort_acce_slices
+        #                 }
+        #                 flag_acc = True
+        #
+        #                 builtin_graph_dict[metric] = metric_data
+        #
+        #         else:
+        #             # for indexes
+        #             type_dict_indexes[metric] = {
+        #                 "name": f"{self.name_dict[metric]}({self.unit_dict[metric]})",
+        #                 "score": score_metric_dict[metric],
+        #                 "numberReal": f"{self.custom_data[metric]['tableData']['avg']}",
+        #                 "numberRef": f"-",
+        #                 "durationReal": f"{self.custom_data[metric]['tableData']['max']}",
+        #                 "durationRef": f"-",
+        #                 "strengthReal": f"{self.custom_data[metric]['tableData']['min']}",
+        #                 "strengthRef": f"-"
+        #             }
+        #             custom_graph_dict[metric] = self.custom_data[metric]['reportData']
+        #
+        #         str_uncomf_over_optimal = str_uncomf_over_optimal[:-1] + ";"
+        #         type_dict["indexes"] = type_dict_indexes
+        #         type_dict["builtin"] = builtin_graph_dict
+        #         type_dict["custom"] = custom_graph_dict
+        #
+        #     type_details_dict[type] = type_dict
+
+        # report_dict["details"] = type_details_dict
+
+        # str for comf description2
+        # if grade_comfort == '优秀':
+        #     comf_description1 = '机器人在本轮测试中行驶平顺;'
+        # elif grade_comfort == '良好':
+        #     comf_description1 = '机器人在本轮测试中的表现满⾜设计指标要求;'
+        # elif grade_comfort == '一般':
+        #     str_bad_metric = string_concatenate(bad_metric_list)
+        #     comf_description1 = f'未满足设计指标要求。需要在{str_bad_metric}上进一步优化。在{(self.mileage / 1000):.2f}公里内,共发生{str_uncomf_count[:-1]};'
+        # elif grade_comfort == '较差':
+        #     str_bad_metric = string_concatenate(bad_metric_list)
+        #     comf_description1 = f'机器人行驶极不平顺,未满足设计指标要求。需要在{str_bad_metric}上进一步优化。在{(self.mileage / 1000):.2f}公里内,共发生{str_uncomf_count[:-1]};'
+        #
+        # if not bad_metric_list:
+        #     str_comf_type = string_concatenate(good_metric_list)
+        #     comf_description2 = f"{str_comf_type}均表现良好"
+        # else:
+        #     str_bad_metric = string_concatenate(bad_metric_list)
+        #
+        #     if not good_metric_list:
+        #         comf_description2 = f"{str_bad_metric}表现不佳。其中{str_uncomf_over_optimal}"
+        #     else:
+        #         str_comf_type = string_concatenate(good_metric_list)
+        #         comf_description2 = f"{str_comf_type}表现良好;{str_bad_metric}表现不佳。其中{str_uncomf_over_optimal}"
+        #
+        # # str for comf description3
+        # control_type = []
+        # if 'zigzag' in bad_metric_list or 'shake' in bad_metric_list:
+        #     control_type.append('横向')
+        # if 'cadence' in bad_metric_list or 'slamBrake' in bad_metric_list or 'slamAccelerate' in bad_metric_list in bad_metric_list:
+        #     control_type.append('纵向')
+        # str_control_type = '和'.join(control_type)
+        #
+        # if not control_type:
+        #     comf_description3 = f"机器人的横向和纵向控制表现俱佳,行驶平顺"
+        # else:
+        #     comf_description3 = f"应该优化对机器人的{str_control_type}控制,优化行驶平顺性"
+        #
+        # uncomf_time = self.discomfort_duration
+        # if uncomf_time == 0:
+        #     comf_description4 = ""
+        # else:
+        #     percent4 = uncomf_time / duration * 100
+        #     # comf_description4 = f"在{duration}s时间内,机器人有{percent4:.2f}%的时间存在行驶不平顺的情况。"
+        #     comf_description4 = f"在{duration}s时间内,机器人有{uncomf_time:.2f}s的时间存在行驶不平顺的情况。"
+
+        # report_dict["description1"] = replace_key_with_value(comf_description1, self.name_dict)
+        # report_dict["description2"] = replace_key_with_value(comf_description2, self.name_dict)
+        # report_dict["description3"] = comf_description3
+        # report_dict["description4"] = comf_description4
+        description = "· 在平顺性方面,"
+
+        if any(score_metric_dict[metric] < 80 for metric in self.lon_metric_list):
+            description += "线加速度变化剧烈,"
+            tmp = [metric for metric in self.lon_metric_list if score_metric_dict[metric] < 80]
+            str_tmp = "、".join(tmp)
+            description += f"有{str_tmp}情况,需重点优化。"
+
+        if any(score_metric_dict[metric] < 80 for metric in self.lat_metric_list):
+            description += "角加速度变化剧烈,"
+            tmp = [metric for metric in self.lat_metric_list if score_metric_dict[metric] < 80]
+            str_tmp = "、".join(tmp)
+            description += f"有{str_tmp}情况,需重点优化。"
+
+        if description == "在平顺性方面,":
+            description += f"线加速度和角加速度变化平顺,表现{grade_comfort}。"
+
+        report_dict["description"] = replace_key_with_value(description, self.name_dict)
+
+        description1 = f"最大值:{self.linear_accel_dict['max']:.4f}m/s²;" \
+                       f"最小值:{self.linear_accel_dict['min']:.4f}m/s²;" \
+                       f"平均值:{self.linear_accel_dict['avg']:.4f}m/s²"
+
+        description2 = f"最大值:{self.angular_accel_dict['max']:.4f}rad/s²;" \
+                       f"最小值:{self.angular_accel_dict['min']:.4f}rad/s²;" \
+                       f"平均值:{self.angular_accel_dict['avg']:.4f}rad/s²"
+        report_dict["description1"] = description1
+        report_dict["description2"] = description2
+
+        plt.figure(figsize=(12, 3))
+        plt.plot(self.time_list, self.accel_list)
+
+        plt.xlabel('Time(s)')
+        plt.ylabel('Linear Accelerate(m/s^2)')
+        # plt.legend()
+
+        # 调整布局,消除空白边界
+        plt.tight_layout()
+
+        plt.savefig(os.path.join(self.casePath, "LinearAccelerate.png"))
+        plt.close()
+
+        plt.figure(figsize=(12, 3))
+        plt.plot(self.time_list, self.accelH_list)
+
+        plt.xlabel('Time(s)')
+        plt.ylabel('Angular Accelerate(rad/s^2)')
+        # plt.legend()
+
+        # 调整布局,消除空白边界
+        plt.tight_layout()
+
+        plt.savefig(os.path.join(self.casePath, "AngularAccelerate.png"))
+        plt.close()
+
+        print(report_dict)
+
+        # report_dict['commonData'] = {
+        #     # "per": {
+        #     #     "name": "刹车/油门踏板开度(百分比)",
+        #     #     "legend": ["刹车踏板开度", "油门踏板开度"],
+        #     #     "data": [brake_vs_time, throttle_vs_time]
+        #     # },
+        #     # "ang": {
+        #     #     "name": "方向盘转角(角度°)",
+        #     #     "data": steering_vs_time
+        #     # },
+        #     "spe": {
+        #         "name": "速度(km/h)",
+        #         # "legend": ["自车速度", "目标车速度", "自车与目标车相对速度"],
+        #         "data": ego_speed_vs_time
+        #
+        #     },
+        #     # "acc": {
+        #     #     "name": "自车纵向加速度(m/s²)",
+        #     #     "data": lon_acc_vs_time
+        #     #
+        #     # },
+        #     # "dis": {
+        #     #     "name": "前车距离(m)",
+        #     #     "data": distance_vs_time
+        #     # }
+        # }
+        # report_dict["commonMarkLine"] = discomfort_slices
+
+        # report_dict = {
+        #     "name": "平顺性",
+        #     "weight": f"{self.weight * 100:.2f}%",
+        #     "weightDistribution": weight_distribution,
+        #     "score": score_comfort,
+        #     "level": grade_comfort,
+        #     'discomfortCount': self.discomfort_count,
+        #     "description1": comf_description1,
+        #     "description2": comf_description2,
+        #     "description3": comf_description3,
+        #     "description4": comf_description4,
+        #
+        #     "comfortLat": lat_dict,
+        #     "comfortLon": lon_dict,
+        #
+        #     "speData": ego_speed_vs_time,
+        #     "speMarkLine": discomfort_slices,
+        #
+        #     "accData": lon_acc_vs_time,
+        #     "accMarkLine": discomfort_acce_slices,
+        #
+        #     "anvData": yawrate_vs_time,
+        #     "anvMarkLine": discomfort_zigzag_slices,
+        #
+        #     "anaData": yawrate_roc_vs_time,
+        #     "anaMarkLine": discomfort_zigzag_slices,
+        #
+        #     "curData": [cur_ego_path_vs_time, curvature_vs_time],
+        #     "curMarkLine": discomfort_shake_slices,
+        # }
+        # self.eval_data = self.ego_df.copy()
+        # self.eval_data['playerId'] = 1
+
+        return report_dict
+
+    def get_eval_data(self):
+        df = self.eval_data[
+            ['simTime', 'simFrame', 'playerId', 'ip_acc', 'ip_dec', 'slam_brake', 'slam_accel', 'cadence']].copy()
+        return df

+ 310 - 0
common.py

@@ -0,0 +1,310 @@
+#!/usr/bin/env python
+# -*- coding: utf-8 -*-
+##################################################################
+#
+# Copyright (c) 2023 CICV, Inc. All Rights Reserved
+#
+##################################################################
+"""
+@Authors:           yangzihao(yangzihao@china-icv.cn)
+@Data:              2023/07/24
+@Last Modified:     2023/07/24
+@Summary:           Evaluateion functions
+"""
+
+import sys
+
+sys.path.append('../common')
+sys.path.append('../modules')
+
+import os
+import time
+import json
+import math
+import pandas as pd
+import numpy as np
+import zipfile
+import importlib
+import matplotlib.pyplot as plt
+
+
+def save_line_chart(list1, list2, save_path):
+    plt.plot(list1, label='列表1')
+    plt.plot(list2, label='列表2')
+
+    plt.xlabel('索引')
+    plt.ylabel('值')
+    plt.title('折线图')
+    plt.legend()
+
+    plt.savefig(save_path)
+    plt.close()
+
+
+def import_class(path, file):
+    sys.path.append(path)  # 将path添加到Python的搜索路径中
+    # module_name = file[:-3]  # 去掉文件名的".py"后缀
+    module = __import__(file, fromlist=['ScoreModel'])
+    class_instance = module.ScoreModel
+    return class_instance
+
+
+def import_class_lib(path, file):
+    sys.path.append(path)  # 将path添加到Python的搜索路径中
+    module = importlib.import_module(file)
+    class_name = "ScoreModel"
+    class_instance = getattr(module, class_name)
+    return class_instance
+
+
+def cal_velocity(lat_v, lon_v):
+    """
+    The function can calculate the velocity with lateral velocity and longitudinal velocity.
+
+    Args:
+        lat_v: lateral velocity, m/s
+        lon_v: longitudinal velocity, m/s
+
+    Returns:
+        v: the resultant velocity, km/h
+
+    """
+    v = (lat_v ** 2 + lon_v ** 2) ** 0.5
+    return v
+
+
+def json2dict(json_file):
+    with open(json_file, 'r', encoding='utf-8') as f:
+        json_dict = json.load(f)
+    return json_dict
+
+
+def get_subfolders_name(path):
+    return [name for name in os.listdir(path) if os.path.isdir(os.path.join(path, name))]
+
+
+def zip_dir(dir_path, zip_file_path):
+    """
+    This function can zip the files in dir_path as a zipfile.
+
+    Arguments:
+        dir_path: A str of the path of the files to be ziped.
+        zip_file_path: A str of the path of the zipfile to be stored.
+
+    Returns:
+        None
+    """
+    with zipfile.ZipFile(zip_file_path, 'w', zipfile.ZIP_DEFLATED) as zipf:
+        for root, dirs, files in os.walk(dir_path):
+            for file in files:
+                file_path = os.path.join(root, file)
+                zipf.write(file_path)
+
+
+def score_grade(score):
+    """
+    Returns the corresponding grade based on the input score.
+
+    Arguments:
+        score: An integer or float representing the score.
+
+    Returns:
+        grade: A string representing the grade.
+    """
+    if score >= 90:
+        grade = '优秀'
+    elif score >= 80:
+        grade = '良好'
+    elif score > 60:
+        grade = '一般'
+    else:
+        grade = '较差'
+
+    return grade
+
+
+def mileage_format(mileage):
+    if mileage < 1000:
+        return f"{mileage:.2f}米"
+    else:
+        mileage = mileage / 1000
+        return f"{mileage:.2f}公里"
+
+
+def duration_format(duration):
+    if duration < 60:
+        return f"{duration:.2f}秒"
+    elif duration < 3600:
+        minute = int(duration / 60)
+        second = int(duration % 60)
+        return f"{minute}分{second}秒" if second != 0 else f"{minute}分"
+    else:
+        hour = int(duration / 3600)
+        minute = int((duration % 3600) / 60)
+        second = int(duration % 60)
+        ans = f"{hour:d}时"
+        ans = ans + f"{minute}分" if minute != 0 else ans
+        ans = ans + f"{second}秒" if second != 0 else ans
+        return ans
+
+
+def continuous_group(df):
+    time_list = df['simTime'].values.tolist()
+    frame_list = df['simFrame'].values.tolist()
+
+    group_time = []
+    group_frame = []
+    sub_group_time = []
+    sub_group_frame = []
+
+    for i in range(len(frame_list)):
+        if not sub_group_time or frame_list[i] - frame_list[i - 1] <= 1:
+            sub_group_time.append(time_list[i])
+            sub_group_frame.append(frame_list[i])
+        else:
+            group_time.append(sub_group_time)
+            group_frame.append(sub_group_frame)
+            sub_group_time = [time_list[i]]
+            sub_group_frame = [frame_list[i]]
+
+    group_time.append(sub_group_time)
+    group_frame.append(sub_group_frame)
+    group_time = [g for g in group_time if len(g) >= 2]
+    group_frame = [g for g in group_frame if len(g) >= 2]
+
+    # 输出图表值
+    time = [[g[0], g[-1]] for g in group_time]
+    frame = [[g[0], g[-1]] for g in group_frame]
+
+    time_df = pd.DataFrame(time, columns=['start_time', 'end_time'])
+    frame_df = pd.DataFrame(frame, columns=['start_frame', 'end_frame'])
+
+    result_df = pd.concat([time_df, frame_df], axis=1)
+
+    return result_df
+
+
+def continuous_group_old(df):
+    time_list = df['simTime'].values.tolist()
+    frame_list = df['simFrame'].values.tolist()
+
+    group = []
+    sub_group = []
+
+    for i in range(len(frame_list)):
+        if not sub_group or frame_list[i] - frame_list[i - 1] <= 1:
+            sub_group.append(time_list[i])
+        else:
+            group.append(sub_group)
+            sub_group = [time_list[i]]
+
+    group.append(sub_group)
+    group = [g for g in group if len(g) >= 2]
+
+    # 输出图表值
+    time = [[g[0], g[-1]] for g in group]
+    unsafe_df = pd.DataFrame(time, columns=['start_time', 'end_time'])
+
+    return unsafe_df
+
+
+def get_frame_with_time(df1, df2):
+    # 将dataframe1按照start_time与simTime进行合并
+    df1_start = df1.merge(df2[['simTime', 'simFrame']], left_on='start_time', right_on='simTime')
+    df1_start = df1_start[['start_time', 'simFrame']].copy()
+    df1_start.rename(columns={'simFrame': 'start_frame'}, inplace=True)
+
+    # 将dataframe1按照end_time与simTime进行合并
+    df1_end = df1.merge(df2[['simTime', 'simFrame']], left_on='end_time', right_on='simTime')
+    df1_end = df1_end[['end_time', 'simFrame']].copy()
+    df1_end.rename(columns={'simFrame': 'end_frame'}, inplace=True)
+
+    # 将两个合并后的数据框按照行索引进行拼接
+    result = pd.concat([df1_start, df1_end], axis=1)
+    return result
+
+
+def string_concatenate(str_list):
+    """
+    This function concatenates the input string list to generate a new string.
+    If str_list is empty, an empty string is returned.
+    If str_list has only one element, return that element.
+    If str_list has multiple elements, concatenate all the elements except the last element with ', ', and then concatenate the resulting string with the last element with 'and'.
+
+    Arguments:
+        str_list: A list of strings.
+
+    Returns:
+        ans_str: A concatenated string.
+    """
+    if not str_list:
+        return ""
+    ans_str = '、'.join(str_list[:-1])
+    ans_str = ans_str + "和" + str_list[-1] if len(str_list) > 1 else ans_str + str_list[-1]
+    return ans_str
+
+
+def zip_time_pairs(time_list, zip_list, upper_limit=9999):
+    zip_time_pairs = zip(time_list, zip_list)
+    zip_vs_time = [[x, upper_limit if y > upper_limit else y] for x, y in zip_time_pairs if not math.isnan(y)]
+    return zip_vs_time
+
+
+def replace_key_with_value(input_string, replacement_dict):
+    """
+    替换字符串中的关键字为给定的字典中的值。
+
+    :param input_string: 需要进行替换的字符串
+    :param replacement_dict: 替换规则,格式为 {key: value}
+    :return: 替换后的字符串
+    """
+    # 遍历字典中的键值对,并用值替换字符串中的键
+    for key, value in replacement_dict.items():
+        if key in input_string:
+            input_string = input_string.replace(key, value)
+
+    return input_string
+
+
+def continous_judge(frame_list):
+    if not frame_list:
+        return 0
+
+    cnt = 1
+    for i in range(1, len(frame_list)):
+        if frame_list[i] - frame_list[i - 1] <= 3:
+            continue
+        cnt += 1
+    return cnt
+
+
+def get_interpolation(x, point1, point2):
+    """
+    According to the two extreme value points, the equation of one variable is determined,
+    and the solution of the equation is obtained in the domain of definition.
+
+    Arguments:
+        x: A float number of the independent variable.
+        point1: A set of the coordinate extreme point.
+        point2: A set of the other coordinate extreme point.
+
+    Returns:
+        y: A float number of the dependent variable.
+    """
+    try:
+        k = (point1[1] - point2[1]) / (point1[0] - point2[0])
+        b = (point1[0] * point2[1] - point1[1] * point2[0]) / (point1[0] - point2[0])
+        y = x * k + b
+        return y
+    except Exception as e:
+        return f"Error: {str(e)}"
+
+
+def statistic_analysis(data_list):
+    sorted_data_list = sorted(data_list)
+    maxx = sorted_data_list[-1]
+    minn = sorted_data_list[0]
+    meann = sum(sorted_data_list) / len(sorted_data_list)
+    percentile_99 = np.percentile(sorted_data_list, 99)
+    ans_list = [maxx, minn, meann, percentile_99]
+    return ans_list

+ 316 - 0
config.json

@@ -0,0 +1,316 @@
+{
+  "comfort": {
+    "comfortLat": {
+      "zigzag": {
+        "name": "画龙",
+        "unit": "次",
+        "weight": 1.0,
+        "priority": "0",
+        "paramList": [
+          {
+            "kind": "-1",
+            "optimal": "1",
+            "multiple": [
+              "0.2",
+              "5"
+            ],
+            "spare": [
+              {
+                "param": null
+              },
+              {
+                "param": null
+              }
+            ]
+          },
+          {
+            "kind": "-1",
+            "optimal": "10",
+            "multiple": [
+              "0.2",
+              "5"
+            ],
+            "spare": [
+              {
+                "param": null
+              },
+              {
+                "param": null
+              }
+            ]
+          },
+          {
+            "kind": "-1",
+            "optimal": "3",
+            "multiple": [
+              "0.2",
+              "5"
+            ],
+            "spare": [
+              {
+                "param": null
+              },
+              {
+                "param": null
+              }
+            ]
+          }
+        ]
+      }
+    },
+    "comfortLon": {
+      "cadence": {
+        "name": "顿挫",
+        "unit": "次",
+        "weight": 0.3,
+        "priority": "0",
+        "paramList": [
+          {
+            "kind": "-1",
+            "optimal": "1",
+            "multiple": [
+              "0.2",
+              "5"
+            ],
+            "spare": [
+              {
+                "param": null
+              },
+              {
+                "param": null
+              }
+            ]
+          },
+          {
+            "kind": "-1",
+            "optimal": "10",
+            "multiple": [
+              "0.2",
+              "5"
+            ],
+            "spare": [
+              {
+                "param": null
+              },
+              {
+                "param": null
+              }
+            ]
+          },
+          {
+            "kind": "-1",
+            "optimal": "5",
+            "multiple": [
+              "0.2",
+              "5"
+            ],
+            "spare": [
+              {
+                "param": null
+              },
+              {
+                "param": null
+              }
+            ]
+          }
+        ]
+      },
+      "slamBrake": {
+        "name": "急刹车",
+        "unit": "次",
+        "weight": 0.4,
+        "priority": "1",
+        "paramList": [
+          {
+            "kind": "-1",
+            "optimal": "1",
+            "multiple": [
+              "0.2",
+              "5"
+            ],
+            "spare": [
+              {
+                "param": null
+              },
+              {
+                "param": null
+              }
+            ]
+          },
+          {
+            "kind": "-1",
+            "optimal": "10",
+            "multiple": [
+              "0.2",
+              "5"
+            ],
+            "spare": [
+              {
+                "param": null
+              },
+              {
+                "param": null
+              }
+            ]
+          },
+          {
+            "kind": "-1",
+            "optimal": "5",
+            "multiple": [
+              "0.2",
+              "5"
+            ],
+            "spare": [
+              {
+                "param": null
+              },
+              {
+                "param": null
+              }
+            ]
+          }
+        ]
+      },
+      "slamAccelerate": {
+        "name": "急加速",
+        "unit": "次",
+        "weight": 0.3,
+        "priority": "1",
+        "paramList": [
+          {
+            "kind": "-1",
+            "optimal": "1",
+            "multiple": [
+              "0.2",
+              "5"
+            ],
+            "spare": [
+              {
+                "param": null
+              },
+              {
+                "param": null
+              }
+            ]
+          },
+          {
+            "kind": "-1",
+            "optimal": "10",
+            "multiple": [
+              "0.2",
+              "5"
+            ],
+            "spare": [
+              {
+                "param": null
+              },
+              {
+                "param": null
+              }
+            ]
+          },
+          {
+            "kind": "-1",
+            "optimal": "5",
+            "multiple": [
+              "0.2",
+              "5"
+            ],
+            "spare": [
+              {
+                "param": null
+              },
+              {
+                "param": null
+              }
+            ]
+          }
+        ]
+      }
+    }
+  },
+  "efficient": {
+    "efficientDrive": {
+      "averageSpeed": {
+        "name": "平均速度",
+        "unit": "km/h",
+        "weight": 1.0,
+        "priority": "1",
+        "paramList": [
+          {
+            "kind": "0",
+            "optimal": "30",
+            "multiple": [
+              "0",
+              "1"
+            ],
+            "spare": [
+              {
+                "param": null
+              },
+              {
+                "param": null
+              }
+            ]
+          }
+        ]
+      }
+    },
+    "efficientStop": {
+      "stopDuration": {
+        "name": "驶停时长",
+        "unit": "s",
+        "weight": 1.0,
+        "priority": "0",
+        "paramList": [
+          {
+            "kind": "-1",
+            "optimal": "5",
+            "multiple": [
+              "0.5",
+              "3"
+            ],
+            "spare": [
+              {
+                "param": null
+              },
+              {
+                "param": null
+              }
+            ]
+          }
+        ]
+      }
+    }
+  },
+  "typeWeight": {
+    "efficient": {
+      "efficientDrive": 0.5,
+      "efficientStop": 0.5
+    },
+    "comfort": {
+      "comfortLat": 0.5,
+      "comfortLon": 0.5
+    }
+  },
+  "typeName": {
+    "efficient": {
+      "efficientDrive": "行驶",
+      "efficientStop": "驶停"
+    },
+    "comfort": {
+      "comfortLat": "横向平顺性",
+      "comfortLon": "纵向平顺性"
+    }
+  },
+  "dimensionWeight": {
+    "comfort": 0.6,
+    "efficient": 0.4
+  },
+  "dimensionName": {
+    "efficient": "高效性",
+    "comfort": "平顺性"
+  },
+  "scoreModel": "builtin",
+  "scoreModel1": "linear_score"
+}

+ 191 - 0
config_parser.py

@@ -0,0 +1,191 @@
+#!/usr/bin/env python
+# -*- coding: utf-8 -*-
+##################################################################
+#
+# Copyright (c) 2023 CICV, Inc. All Rights Reserved
+#
+##################################################################
+"""
+@Authors:           yangzihao(yangzihao@china-icv.cn)
+@Data:              2023/11/02
+@Last Modified:     2023/11/02
+@Summary:           This module provides the function to parse the config json file.
+"""
+
+import pandas as pd
+from common import json2dict
+
+
+class ConfigParse(object):
+    """
+
+    """
+
+    def __init__(self, json_file):
+        # weight info
+        self.scoreModel = "builtin"
+        self.dimension_weight = {}
+        self.dimension_list = []
+        self.dimension_name = {}
+        self.type_weight = {}
+        self.type_list = []
+        self.type_name = {}
+        self.metric_list = []
+        self.metric_dict = {}
+        self.name_dict = {}
+        self.unit_dict = {}
+
+        self.builtinDimensionList = ["comfort", "efficient"]
+        self.builtinTypeList = []
+        self.builtinMetricList = ["zigzag", "shake", "cadence", "slamBrake", "slamAccelerate",
+                                  "averageSpeed", "stopDuration", "stopCount"]
+
+        # score info
+        self.config = {}
+
+        # initialization
+        self.config_dict = json2dict(json_file)
+        self._config_parse(self.config_dict)
+
+    def _config_parse(self, config_dict):
+
+        # dimension info
+        dimensionWeight = config_dict['dimensionWeight']
+        self.dimension_weight = dimensionWeight
+        self.dimension_name = config_dict['dimensionName']
+        self.dimension_list = list(self.dimension_weight.keys())
+
+        # type info
+        typeWeight = config_dict['typeWeight']
+        self.type_weight = typeWeight
+        self.type_name = config_dict["typeName"]
+
+        for dimension in self.dimension_list:
+            self.config[dimension] = self._dimension_config_parse(dimension, config_dict, typeWeight, dimensionWeight)
+
+            self.name_dict.update(self.config[dimension]['name'])
+            self.unit_dict.update(self.config[dimension]['unit'])
+
+            self.metric_dict[dimension] = self.config[dimension]['typeMetricDict']
+            self.metric_list.extend(self.config[dimension]['metric'])
+            self.type_list.extend(self.config[dimension]['type'])
+
+        print()
+
+    def _dimension_config_parse(self, dimension, config_dict, typeWeight, dimensionWeight):
+
+        # get weight type
+        typeWeightDimension = typeWeight[dimension]
+        typeDimension = list(typeWeightDimension.keys())  # get type list
+        typeWeightDimensionList = list(typeWeightDimension.values())
+        flagCustomDimension = not all(x is None for x in typeWeightDimensionList)
+
+        # get type name
+        typeNameDimension = self.type_name[dimension]
+
+        # Dimension
+        dimension_dict = config_dict[dimension]
+        dimension_value_dict = {}
+        typeMetricDict = {}
+
+        for type in typeDimension:
+            dimension_value_dict.update(dimension_dict[type])
+            typeMetricDict[type] = list(dimension_dict[type].keys())
+
+        df_dimension_value = pd.DataFrame(dimension_value_dict).T
+
+        # get metric list
+        metricDimension = df_dimension_value.index.tolist()
+
+        # get name list
+        nameDimension = df_dimension_value['name'].to_dict()
+        # nameDimensionList = list(nameDimension.values())
+
+        # get unit list
+        unitDimension = df_dimension_value['unit'].to_dict()
+        # unitDimensionList = list(unitDimension.values())
+
+        # get weight list
+        weightDimension = df_dimension_value['weight'].astype(float).to_dict()
+        weightDimensionList = list(weightDimension.values())
+
+        # get priority list
+        priorityDimension = df_dimension_value['priority'].astype(int).to_dict()
+        priorityDimensionList = list(priorityDimension.values())
+
+        # get paramList
+        paramDimension = df_dimension_value['paramList'].to_dict()
+
+        bulitin_first_key = next((key for key in paramDimension if key in self.builtinMetricList), None)
+        first_key = next(iter(paramDimension)) if not bulitin_first_key else bulitin_first_key
+        paramNum = len(paramDimension[first_key])
+
+        kindDimension = [{} for _ in range(paramNum)]
+        optimalDimension = [{} for _ in range(paramNum)]
+        multipleDimension = [{} for _ in range(paramNum)]
+        spareDimension = [{} for _ in range(paramNum)]
+        # spare1Dimension = [{} for _ in range(paramNum)]
+        # spare2Dimension = [{} for _ in range(paramNum)]
+
+        customMetricParam = {}  # custiom metric paramList
+
+        for key, value_list in paramDimension.items():
+            if key in self.builtinMetricList:
+                for i in range(len(value_list)):
+                    kindDimension[i][key] = int(value_list[i]['kind'])
+                    optimalDimension[i][key] = float(value_list[i]['optimal'])
+                    multipleDimension[i][key] = [float(x) for x in value_list[i]['multiple']]
+                    spareDimension[i][key] = [item["param"] for item in value_list[i]["spare"]]
+                    # spareDimension[i][key] = [float(item["param"]) for item in value_list[i]["spare"]]
+                    # spare1Dimension[i][key] = (value_list[i]['spare1'])
+                    # spare2Dimension[i][key] = (value_list[i]['spare2'])
+            else:
+                customMetricParam[key] = value_list
+
+        kindDimensionList = [value for dict_val in kindDimension for value in dict_val.values()]
+        optimalDimensionList = [value for dict_val in optimalDimension for value in dict_val.values()]
+        multipleDimensionList = [value for dict_val in multipleDimension for value in dict_val.values()]
+        spareDimensionList = [value for dict_val in spareDimension for value in dict_val.values()]
+        # spare1DimensionList = [value for dict_val in spare1Dimension for value in dict_val.values()]
+        # spare2DimensionList = [value for dict_val in spare2Dimension for value in dict_val.values()]
+
+        if paramNum == 1:
+            kindDimension = kindDimension[0]
+            optimalDimension = optimalDimension[0]
+            multipleDimension = multipleDimension[0]
+            spareDimension = spareDimension[0]
+            # spare1Dimension = spare1Dimension[0]
+            # spare2Dimension = spare2Dimension[0]
+
+        result = {
+            "weightDimension": float(dimensionWeight[dimension]),
+            "weightCustom": flagCustomDimension,
+            "type": typeDimension,
+            "typeWeight": typeWeightDimension,
+            "typeWeightList": typeWeightDimensionList,
+            "typeName": typeNameDimension,
+            "customMetricParam": customMetricParam,
+            "metric": metricDimension,
+            "typeMetricDict": typeMetricDict,
+            "name": nameDimension,
+            # "nameList": nameDimensionList,
+            "unit": unitDimension,
+            # "unitList": unitDimensionList,
+            "weight": weightDimension,
+            "weightList": weightDimensionList,
+            "priority": priorityDimension,
+            "priorityList": priorityDimensionList,
+            "kind": kindDimension,
+            "kindList": kindDimensionList,
+            "optimal": optimalDimension,
+            "optimalList": optimalDimensionList,
+            "multiple": multipleDimension,
+            "multipleList": multipleDimensionList,
+            "spare": spareDimension,
+            "spareList": spareDimensionList,
+            # "spare1": spare1Dimension,
+            # "spare1List": spare1DimensionList,
+            # "spare2": spare2Dimension,
+            # "spare2List": spare2DimensionList
+        }
+        return result

+ 74 - 0
data_info.py

@@ -0,0 +1,74 @@
+#!/usr/bin/env python
+# -*- coding: utf-8 -*-
+##################################################################
+#
+# Copyright (c) 2023 CICV, Inc. All Rights Reserved
+#
+##################################################################
+"""
+@Authors:           zhanghaiwen(zhanghaiwen@china-icv.cn)
+@Data:              2023/12/01
+@Last Modified:     2023/12/01
+@Summary:           This module provides the evaluation data information.
+"""
+
+
+class CsvData(object):
+    OBJECT_INFO = [
+        'time',
+        'frame_ID',
+        'speed_x'
+    ]
+
+
+class DataInfoList(object):
+    """
+    Data info for dimensions.
+    """
+    COMFORT_INFO = [  # 'unit_scene_ID',
+        'simTime',
+        'simFrame',
+        'lon_v',
+        'lat_v',
+        'v',
+        'lat_acc',
+        'lon_acc',
+        'accel',
+        'time_diff',
+        'lon_acc_diff',
+        'lon_acc_roc',
+        'speedH',
+        'accelH']
+
+    SAFE_INFO = [  # 'unit_scene_ID',
+        'simTime',
+        'simFrame',
+        'playerId',
+        'v',
+        'posX',
+        'posY',
+        'posZ',
+        'posH',
+        'speedX',
+        'speedY',
+        'accelX',
+        'accelY',
+        'dimX',
+        'offX']
+
+    FUNCTION = [  # 'unit_scene_ID',
+        'simTime',
+        'simFrame',
+        'v']
+
+    EFFICIENT_INFO = [  # 'unit_scene_ID',
+        'simTime',
+        'simFrame',
+        'playerId',
+        'v',
+        'obstacle']
+
+    COMPLIANCE_INFO = [  # 'unit_scene_ID',
+        'simTime',
+        'simFrame',
+        'v']

+ 339 - 0
data_process.py

@@ -0,0 +1,339 @@
+#!/usr/bin/env python
+# -*- coding: utf-8 -*-
+##################################################################
+#
+# Copyright (c) 2023 CICV, Inc. All Rights Reserved
+#
+##################################################################
+"""
+@Authors:           yangzihao(yangzihao@china-icv.cn)
+@Data:              2023/11/27
+@Last Modified:     2023/11/27
+@Summary:           Csv data process functions
+"""
+
+import os
+import numpy as np
+import pandas as pd
+from common import cal_velocity
+from data_info import CsvData
+import matplotlib.pyplot as plt
+import warnings
+warnings.filterwarnings("ignore", category=FutureWarning, module='pandas')
+pd.set_option('future.no_silent_downcasting', True)
+
+
+class DataProcess(object):
+    """
+    The data process class. It is a template to get evaluation raw data and process the raw data.
+
+    Attributes:
+    """
+
+    def __init__(self, data_path, config):
+        self.data_path = data_path
+        self.casePath = data_path
+
+        # config info
+        self.config = config
+        # self.safe_config = config.config['safe']
+        # self.function_config = config.config['function']
+        # self.compliance_config = config.config['compliance']
+        self.comfort_config = config.config['comfort']
+        self.efficient_config = config.config['efficient']
+
+        # data process
+        self.ego_df = pd.DataFrame()
+        self.object_df = pd.DataFrame()
+        # self.driver_ctrl_df = pd.DataFrame()
+        # self.road_mark_df = pd.DataFrame()
+        # self.road_pos_df = pd.DataFrame()
+        # self.traffic_light_df = pd.DataFrame()
+        # self.traffic_signal_df = pd.DataFrame()
+        # self.status_df = pd.DataFrame()
+
+        self.obj_data = {}
+        self.ego_data = {}
+        self.obj_id_list = {}
+
+        self.car_info = {}
+        self.report_info = {}
+        self.driver_ctrl_data = {}
+
+        self._process()
+
+    def _process(self):
+        # self._merge_csv()
+        self._read_csv()
+        self._draw_track()
+        # self._signal_mapping()
+        # self.car_info = self._get_car_info(self.object_df)
+        # self._compact_data()
+        # self._abnormal_detect()
+        # self._status_map(self.object_df)
+        self._object_df_process()
+        self.report_info = self._get_report_info(self.obj_data[1])
+        self.driver_ctrl_data = self._get_driver_ctrl_data(self.ego_df)
+
+    def _read_csv(self):
+        """
+        Read csv files to dataframe.
+
+        Args:
+            data_path: A str of the path of csv files
+
+        Returns:
+            No returns.
+
+        """
+        # self.object_df = pd.read_csv(os.path.join(self.data_path, 'merged_ObjState.csv'))
+        # self.object_df = pd.read_csv(os.path.join(self.data_path, 'ObjState.csv'))
+        self.ego_df = pd.read_csv(os.path.join(self.data_path, 'EgoState_pji.csv'))
+        self.ego_df['playerId'] = 1
+        # self.driver_ctrl_df = pd.read_csv(os.path.join(self.data_path, 'DriverCtrl.csv'))
+        # self.road_mark_df = pd.read_csv(os.path.join(self.data_path, 'RoadMark.csv'))
+        # self.road_pos_df = pd.read_csv(os.path.join(self.data_path, 'RoadPos.csv'))
+        # self.traffic_light_df = pd.read_csv(os.path.join(self.data_path, 'TrafficLight.csv'))
+        # self.traffic_signal_df = pd.read_csv(os.path.join(self.data_path, 'TrafficSign.csv'))
+
+        # self.lane_info_df = pd.read_csv(os.path.join(self.data_path, 'LaneInfo.csv')).drop_duplicates()
+        # self.status_df = pd.read_csv(os.path.join(self.data_path, 'VehicleState.csv'))
+        # self.vehicle_sys_df = pd.read_csv(
+        #     os.path.join(self.data_path, 'VehicleSystems.csv')).drop_duplicates()  # 车灯信息
+
+    def _draw_track(self):
+        """
+
+        """
+        df = self.ego_df.copy()
+        plt.scatter(df['posX'], df['posY'], c=df['simTime'], s=0.1)
+        plt.axis('equal')
+
+        # 添加坐标轴标签和标题
+        plt.xlabel('posX')
+        plt.ylabel('posY')
+        plt.title('Trajectory')
+
+        # 显示图形
+        plt.savefig(os.path.join(self.casePath, "./track.png"))
+        plt.close()
+
+    def _signal_mapping(self):
+        pass
+        # singal mapping
+        # signal_json = r'./signal.json'
+        # signal_dict = json2dict(signal_json)
+        # df_objectstate = signal_name_map(df_objectstate, signal_dict, 'objectState')
+        # df_roadmark = signal_name_map(df_roadmark, signal_dict, 'roadMark')
+        # df_roadpos = signal_name_map(df_roadpos, signal_dict, 'roadPos')
+        # df_trafficlight = signal_name_map(df_trafficlight, signal_dict, 'trafficLight')
+        # df_trafficsignal = signal_name_map(df_trafficsignal, signal_dict, 'trafficSignal')
+        # df_drivectrl = signal_name_map(df_drivectrl, signal_dict, 'driverCtrl')
+        # df_laneinfo = signal_name_map(df_laneinfo, signal_dict, 'laneInfo')
+        # df_status = signal_name_map(df_status, signal_dict, 'statusMachine')
+        # df_vehiclesys = signal_name_map(df_vehiclesys, signal_dict, 'vehicleSys')
+
+    def _get_car_info(self, df):
+        """
+
+        Args:
+            df:
+
+        Returns:
+
+        """
+        first_row = df[df['playerId'] == 1].iloc[0].to_dict()
+
+        length = first_row['dimX']
+        width = first_row['dimY']
+        height = first_row['dimZ']
+        offset = first_row['offX']
+
+        car_info = {
+            "length": length,
+            "width": width,
+            "height": height,
+            "offset": offset
+        }
+
+        return car_info
+
+    def _compact_data(self):
+        """
+        Extra necessary data from dataframes.
+
+        Returns:
+
+        """
+        self.object_df = self.object_df[CsvData.OBJECT_INFO].copy()
+
+    def _abnormal_detect(self):  # head and tail detect
+        """
+        Detect the head of the csv whether begin with 0 or not.
+
+        Returns:
+            A dataframe, which 'time' column begin with 0.
+
+        """
+        pass
+
+    # def _mileage_cal(self, df1):
+    #     """
+    #     Calculate mileage of given df.
+    #
+    #     Args:
+    #         df1: A dataframe of driving data.
+    #
+    #     Returns:
+    #         mileage: A float of the mileage(meter) of the driving data.
+    #
+    #     """
+    #     df = df1.copy()
+    #
+    #     if 9999.00 in df['travelDist'].values or "9999.00" in df['travelDist'].values:
+    #     # if df['travelDist'].nunique() == 1:
+    #         df['time_diff'] = df['simTime'].diff()  # 计算时间间隔
+    #         df['avg_speed'] = (df['v'] + df['v'].shift()) / 2  # 计算每个时间间隔的平均速度
+    #         df['distance_increment'] = df['avg_speed'] * df['time_diff'] / 3.6  # 计算每个时间间隔的距离增量
+    #
+    #         # 计算当前里程
+    #         df['travelDist'] = df['distance_increment'].cumsum()
+    #         df['travelDist'] = df['travelDist'].fillna(0)
+    #
+    #     mile_start = df['travelDist'].iloc[0]
+    #     mile_end = df['travelDist'].iloc[-1]
+    #     mileage = round(mile_end - mile_start, 2)
+    #     return mileage
+
+    def _mileage_cal(self, df):
+        """
+        Calculate mileage of given df.
+
+        Args:
+            df: A dataframe of driving data.
+
+        Returns:
+            mileage: A float of the mileage(meter) of the driving data.
+
+        """
+        travelDist = df['traveledDist'].values.tolist()
+        travelDist = [x for x in travelDist if not np.isnan(x)]
+
+        # mile_start = df['travelDist'].iloc[0]
+        mile_start = travelDist[0]
+        mile_end = travelDist[-1]
+        mileage = mile_end - mile_start
+        return mileage
+
+    def _duration_cal(self, df):
+        """
+        Calculate duration of given df.
+        Args:
+            df: A dataframe of driving data.
+
+        Returns:
+            duration: A float of the duration(second) of the driving data.
+
+        """
+        time_start = df['simTime'].iloc[0]
+        time_end = df['simTime'].iloc[-1]
+        duration = time_end - time_start
+        return duration
+
+    def _get_report_info(self, df):
+        """
+        Get report infomation from dataframe.
+
+        Args:
+            df: A dataframe of driving data.
+
+        Returns:
+            report_info: A dict of report infomation.
+
+        """
+        mileage = self._mileage_cal(df)
+        duration = self._duration_cal(df)
+        report_info = {
+            "mileage": mileage,
+            "duration": duration
+        }
+        return report_info
+
+    # def _status_mapping(self, df):
+    #     df['ACC_status'] = df['ACC_status'].apply(lambda x: acc_status_mapping(x))
+    #     df['LKA_status'] = df['LKA_status'].apply(lambda x: lka_status_mapping(x))
+    #     df['LDW_status'] = df['LDW_status'].apply(lambda x: ldw_status_mapping(x))
+
+    def _object_df_process(self):
+        """
+        Process the data of object dataframe. Save the data groupby object_ID.
+
+        Returns:
+            No returns.
+
+        """
+        data = self.ego_df.copy()
+        data.rename(
+            columns={"speedY": "lat_v", "speedX": "lon_v", "accelY": "lat_acc", "accelX": "lon_acc", "dimZ": "speedH"},
+            inplace=True)
+
+        # calculate common parameters
+        # data['lat_v'] = data['speedX'] * np.sin(data['posH']) * -1 + data['speedY'] * np.cos(data['posH'])
+        # data['lon_v'] = data['speedX'] * np.cos(data['posH']) + data['speedY'] * np.sin(data['posH'])
+        data['v'] = data.apply(lambda row: cal_velocity(row['lat_v'], row['lon_v']), axis=1)
+
+        # calculate acceleraton components
+        # data['lat_acc'] = data['accelX'] * np.sin(data['posH']) * -1 + data['accelY'] * np.cos(data['posH'])
+        # data['lon_acc'] = data['accelX'] * np.cos(data['posH']) + data['accelY'] * np.sin(data['posH'])
+        data['accel'] = data.apply(lambda row: cal_velocity(row['lat_acc'], row['lon_acc']), axis=1)
+
+        # data.rename(columns={"yawrate_roc": "accelH"}, inplace=True)
+        self.object_df = data.copy()
+
+        # calculate respective parameters
+        for obj_id, obj_data in data.groupby("playerId"):
+            self.obj_data[obj_id] = obj_data
+            self.obj_data[obj_id]['lat_acc_diff'] = self.obj_data[obj_id]['lat_acc'].diff()
+            self.obj_data[obj_id]['lon_acc_diff'] = self.obj_data[obj_id]['lon_acc'].diff()
+            self.obj_data[obj_id]['speedH_diff'] = self.obj_data[obj_id]['speedH'].diff()
+
+            self.obj_data[obj_id]['time_diff'] = self.obj_data[obj_id]['simTime'].diff()
+
+            self.obj_data[obj_id]['lat_acc_roc'] = self.obj_data[obj_id]['lat_acc_diff'] / self.obj_data[obj_id][
+                'time_diff']
+            self.obj_data[obj_id]['lon_acc_roc'] = self.obj_data[obj_id]['lon_acc_diff'] / self.obj_data[obj_id][
+                'time_diff']
+            self.obj_data[obj_id]['accelH'] = self.obj_data[obj_id]['speedH_diff'] / self.obj_data[obj_id][
+                'time_diff']
+
+        # get object id list
+        self.obj_id_list = list(self.obj_data.keys())
+        self.ego_data = self.obj_data[1]
+
+    def _get_driver_ctrl_data(self, df):
+        """
+        Process and get drive ctrl information. Such as brake pedal, throttle pedal and steering wheel.
+
+        Args:
+            df: A dataframe of driver ctrl data.
+
+        Returns:
+            driver_ctrl_data: A dict of driver ctrl info.
+
+        """
+        time_list = df['simTime'].values.tolist()
+        frame_list = df['simFrame'].values.tolist()
+        # df['brakePedal'] = df['brakePedal'] * 100
+        # brakePedal_list = df['brakePedal'].values.tolist()
+        # df['throttlePedal'] = df['throttlePedal'] * 100
+        # throttlePedal_list = df['throttlePedal'].values.tolist()
+        # steeringWheel_list = df['steeringWheel'].values.tolist()
+
+        driver_ctrl_data = {
+            "time_list": time_list,
+            "frame_list": frame_list,
+            # "brakePedal_list": brakePedal_list,
+            # "throttlePedal_list": throttlePedal_list,
+            # "steeringWheel_list": steeringWheel_list
+        }
+        return driver_ctrl_data

+ 654 - 0
efficient.py

@@ -0,0 +1,654 @@
+#!/usr/bin/env python
+# -*- coding: utf-8 -*-
+##################################################################
+#
+# Copyright (c) 2023 CICV, Inc. All Rights Reserved
+#
+##################################################################
+"""
+@Authors:           xieguijin(xieguijin@china-icv.cn), yangzihao(yangzihao@china-icv.cn)
+@Data:              2023/08/03
+@Last Modified:     2023/08/03
+@Summary:           Functionality metrics
+"""
+
+import os
+import sys
+
+sys.path.append('../common')
+sys.path.append('../modules')
+sys.path.append('../results')
+
+import numpy as np
+import pandas as pd
+
+from data_info import DataInfoList
+from score_weight import cal_score_with_priority, cal_weight_from_80
+from common import score_grade, string_concatenate, replace_key_with_value
+import matplotlib.pyplot as plt
+
+
+class Efficient(object):
+    """
+    Class for achieving efficient metrics for autonomous driving.
+
+    Attributes:
+        df: Vehicle driving data, stored in dataframe format.
+    """
+
+    def __init__(self, data_processed, custom_data, scoreModel, casePath):
+        self.eval_data = pd.DataFrame()
+        self.data_processed = data_processed
+        self.scoreModel = scoreModel
+        self.casePath = casePath
+
+        self.data = data_processed.obj_data[1]
+        self.mileage = data_processed.report_info['mileage']
+        self.df = pd.DataFrame()
+
+        self.speed_dict = dict()
+
+        self.config = data_processed.config
+        efficient_config = data_processed.efficient_config
+        self.efficient_config = efficient_config
+
+        # common data
+        self.bulitin_metric_list = self.config.builtinMetricList
+
+        # dimension data
+        self.weight_custom = efficient_config['weightCustom']
+        self.metric_list = efficient_config['metric']
+        self.type_list = efficient_config['type']
+        self.type_name_dict = efficient_config['typeName']
+        self.name_dict = efficient_config['name']
+        self.unit_dict = efficient_config['unit']
+
+        # custom metric data
+        self.customMetricParam = efficient_config['customMetricParam']
+        self.custom_metric_list = list(self.customMetricParam.keys())
+        self.custom_data = custom_data
+        self.custom_param_dict = {}
+
+        # score data
+        self.weight = efficient_config['weightDimension']
+
+        self.weight_type_dict = efficient_config['typeWeight']
+        self.weight_type_list = efficient_config['typeWeightList']
+
+        self.weight_dict = efficient_config['weight']
+        print("self.weight_dict is", self.weight_dict)
+        self.weight_list = efficient_config['weightList']
+
+        self.priority_dict = efficient_config['priority']
+        self.priority_list = efficient_config['priorityList']
+
+        self.kind_dict = efficient_config['kind']
+        self.optimal_dict = efficient_config['optimal']
+        self.multiple_dict = efficient_config['multiple']
+        self.kind_list = efficient_config['kindList']
+        self.optimal_list = efficient_config['optimalList']
+        self.multiple_list = efficient_config['multipleList']
+
+        # metric data
+        self.metric_dict = efficient_config['typeMetricDict']
+        self.drive_metric_list = self.metric_dict['efficientDrive']
+        self.stop_metric_list = self.metric_dict['efficientStop']
+        # self.drive_metric_list = ["averageSpeed"]
+        # self.stop_metric_list = ["stopDuration", "stopCount"]
+
+        self._get_data()
+        self._effi_param_cal()
+        self.time_list = self.data['simTime'].values.tolist()
+        self.speed_list = list()
+        self.value_dict = {}
+        self.average_v = 0
+        self.stop_count = 0
+        self.stop_duration = 0
+        self.sum_stop_time = 0
+        self.pass_junction_time = 0
+
+        self.score = 0
+
+    def _get_data(self):
+        """
+        Get the data required for efficient evaluation according to efficient_INFO in DataInfoList.
+
+        Parameters:
+            df: Dataframe containing the vehicle running data.
+
+        Returns:
+            peak_valley: List of indices representing peaks and valleys.
+        """
+        efficient_info_list = DataInfoList.EFFICIENT_INFO
+        self.df = self.data[efficient_info_list].copy()
+
+    def _effi_param_cal(self):
+        """
+
+        """
+        self.df = self.df[self.df['playerId'] == 1]
+        # self.df = self.df[self.df['id'] == 1]
+        # self.df['v'] = self.df.apply(lambda row: self.velocity(row['speed_x'], row['speed_y']), axis=1)
+        # self.df['v'] = self.df.apply(lambda row: self.velocity(row['speedX'], row['speedY']), axis=1)
+
+    def _cal_max_min_avg(self, num_list):
+        maxx = max(num_list) if num_list else "-"
+        minn = min(num_list) if num_list else "-"
+        avg = sum(num_list) / len(num_list) if num_list else "-"
+
+        result = {
+            "max": maxx,
+            "min": minn,
+            "avg": avg
+        }
+
+        return result
+
+    def average_velocity(self):
+        """
+        1.速度的平均值
+        2.平均速度 = 里程/时间
+        速度不为0为开始时间,速度为0为结束时间
+        """
+        self.average_v = self.df['v'].mean()
+        self.speed_list = self.df['v'].values.tolist()
+        self.speed_dict = self._cal_max_min_avg(self.df['v'].dropna().values.tolist())
+
+    def stop_duration_and_count(self):
+        """
+        百公里停车次数
+        平均每次停车时长
+        驾照科目二考试判定为停车的标准:在考试项目区域内,汽车停顿2秒以上都算中途停车。
+        """
+        stop_v_threshold = 0.01
+        stop_time_threshold = 0.5  # 12.5帧
+
+        without_obstacle = self.df[self.df['obstacle'] == 0].copy()
+        stop_time_list = without_obstacle[without_obstacle['v'] <= stop_v_threshold]['simTime'].values.tolist()
+        # stop_time_list = self.df[self.df['v'] == 0]['simTime'].values.tolist()
+        stop_frame_list = without_obstacle[without_obstacle['v'] <= stop_v_threshold]['simFrame'].values.tolist()
+        # stop_frame_list = self.df[self.df['v'] == 0]['simFrame'].values.tolist()
+
+        stop_frame_group = []
+        stop_time_group = []
+        f1 = stop_frame_list[0] if stop_frame_list else 0
+        t1 = stop_time_list[0] if stop_time_list else 0
+        sum_stop_time = 0
+        for i in range(1, len(stop_frame_list)):
+            if stop_frame_list[i] - stop_frame_list[i - 1] != 1:
+                f2 = stop_frame_list[i - 1]
+                # 当帧数大于13时才确定为停车
+                # 当时长大于0.5s才确定为停车
+                if f2 - f1 >= 13:
+                    t2 = stop_time_list[i - 1]
+                    stop_frame_group.append((f1, f2))
+                    stop_time_group.append((t1, t2))
+                    sum_stop_time += (t2 - t1)
+                    self.stop_count += 1
+                # update f1, t1
+                f1 = stop_frame_list[i]
+                t1 = stop_time_list[i]
+
+        f2 = stop_frame_list[-1] if stop_frame_list else 0
+        # 如果最后一段的帧数差大于13,且停车统计列表中的最后一帧不为用例的最后一帧
+        if f2 - f1 >= 13 and f2 != self.df['simFrame'].values.tolist()[-1]:
+            t2 = stop_time_list[-1]
+            stop_frame_group.append((f1, f2))
+            stop_time_group.append((t1, t2))
+            sum_stop_time += (t2 - t1)
+            self.stop_count += 1
+
+        self.sum_stop_time = sum_stop_time
+        self.stop_duration = sum_stop_time / self.stop_count if self.stop_count != 0 else 0
+        # self.stop_count = self.stop_count / self.mileage * 1000000
+
+    def efficient_statistic(self):
+        arr_effi = []
+        self.average_velocity()
+        self.stop_duration_and_count()
+
+        if "averageSpeed" in self.metric_list:
+            average_v = self.average_v
+            arr_effi.append(average_v)
+            self.value_dict["averageSpeed"] = average_v
+
+        if "stopDuration" in self.metric_list:
+            stop_duration = self.stop_duration
+            arr_effi.append(stop_duration)
+            self.value_dict["stopDuration"] = stop_duration
+
+        if "stopCount" in self.metric_list:
+            stop_count = self.stop_count
+            arr_effi.append(stop_count)
+            self.value_dict["stopCount"] = stop_count
+
+        # arr_effi = [average_v, stop_count, stop_time]
+        return arr_effi
+
+    def custom_metric_param_parser(self, param_list):
+        """
+        param_dict = {
+            "paramA" [
+                {
+                    "kind": "-1",
+                    "optimal": "1",
+                    "multiple": ["0.5","5"],
+                    "spare1": null,
+                    "spare2": null
+                }
+            ]
+        }
+        """
+        kind_list = []
+        optimal_list = []
+        multiple_list = []
+        spare_list = []
+        # spare1_list = []
+        # spare2_list = []
+
+        for i in range(len(param_list)):
+            kind_list.append(int(param_list[i]['kind']))
+            optimal_list.append(float(param_list[i]['optimal']))
+            multiple_list.append([float(x) for x in param_list[i]['multiple']])
+            spare_list.append([item["param"] for item in param_list[i]["spare"]])
+            # spare1_list.append(param_list[i]['spare1'])
+            # spare2_list.append(param_list[i]['spare2'])
+
+        result = {
+            "kind": kind_list,
+            "optimal": optimal_list,
+            "multiple": multiple_list,
+            "spare": spare_list,
+            # "spare1": spare1_list,
+            # "spare2": spare2_list
+        }
+        return result
+
+    def custom_metric_score(self, metric, value, param_list):
+        """
+
+        """
+        param = self.custom_metric_param_parser(param_list)
+        self.custom_param_dict[metric] = param
+
+        score_model = self.scoreModel(param['kind'], param['optimal'], param['multiple'], np.array([value]))
+        score_sub = score_model.cal_score()
+        score = sum(score_sub) / len(score_sub)
+        return score
+
+    def effi_score(self):
+        arr_effi = self.efficient_statistic()
+        print("\n[高效性表现及得分情况]")
+        print("高效性各指标值:", [round(num, 2) for num in arr_effi])
+        arr_effi = np.array([arr_effi])
+
+        score_model = self.scoreModel(self.kind_list, self.optimal_list, self.multiple_list, arr_effi)
+        score_sub = score_model.cal_score()
+        score_sub = list(map(lambda x: 80 if np.isnan(x) else x, score_sub))
+
+        score_metric = [round(num, 2) for num in score_sub]
+
+        metric_list = [x for x in self.metric_list if x in self.config.builtinMetricList]
+        score_metric_dict = {key: value for key, value in zip(metric_list, score_metric)}
+
+        custom_metric_list = list(self.customMetricParam.keys())
+        for metric in custom_metric_list:
+            value = self.custom_data[metric]['value']
+            param_list = self.customMetricParam[metric]
+            score = self.custom_metric_score(metric, value, param_list)
+            score_metric_dict[metric] = round(score, 2)
+
+        score_metric_dict = {key: score_metric_dict[key] for key in self.metric_list}
+        score_metric = list(score_metric_dict.values())
+
+        score_type_dict = {}
+        if self.weight_custom:  # 自定义权重
+            score_metric_with_weight_dict = {key: score_metric_dict[key] * self.weight_dict[key] for key in
+                                             self.weight_dict}
+
+            for type in self.type_list:
+                type_score = sum(
+                    value for key, value in score_metric_with_weight_dict.items() if key in self.metric_dict[type])
+                score_type_dict[type] = round(type_score, 2)
+
+            score_type_with_weight_dict = {key: score_type_dict[key] * self.weight_type_dict[key] for key in
+                                           score_type_dict}
+            print("efficient score_type_with_weight_dict is", score_type_with_weight_dict)
+            score_efficient = sum(score_type_with_weight_dict.values())
+
+        else:  # 客观赋权
+            self.weight_list = cal_weight_from_80(score_metric)
+            self.weight_dict = {key: value for key, value in zip(self.metric_list, self.weight_list)}
+            score_efficient = cal_score_with_priority(score_metric, self.weight_list, self.priority_list)
+
+            for type in self.type_list:
+                type_weight = sum(value for key, value in self.weight_dict.items() if key in self.metric_dict[type])
+                self.weight_dict = {key: round(value / type_weight, 4) for key, value in self.weight_dict.items() if
+                                    key in self.metric_dict[type]}
+                type_score_metric = [value for key, value in score_metric_dict.items() if key in self.metric_dict[type]]
+                type_weight_list = [value for key, value in self.weight_dict.items() if key in self.metric_dict[type]]
+                print("efficient type_weight_list is", type_weight_list)
+                type_priority_list = [value for key, value in self.priority_dict.items() if
+                                      key in self.metric_dict[type]]
+
+                type_score = cal_score_with_priority(type_score_metric, type_weight_list, type_priority_list)
+                score_type_dict[type] = round(type_score, 2)
+
+        score_efficient = round(score_efficient, 2)
+
+        print("高效性各指标基准值:", self.optimal_list)
+        print(f"高效性得分为:{score_efficient:.2f}分。")
+        print(f"高效性各类型得分为:{score_type_dict}。")
+        print(f"高效性各指标得分为:{score_metric_dict}。")
+        return score_efficient, score_type_dict, score_metric_dict
+
+    def effi_weight_distribution(self):
+        # get weight distribution
+        weight_distribution = {}
+        weight_distribution["name"] = "高效性"
+
+        if "efficientDrive" in self.type_list:
+            drive_weight_indexes_dict = {key: f"{key}({value * 100:.2f}%)" for key, value in self.weight_dict.items() if
+                                         key in self.drive_metric_list}
+
+            weight_distribution_drive = {
+                "driveWeight": f"行驶({self.weight_type_dict['efficientDrive'] * 100:.2f}%)",
+                "indexes": drive_weight_indexes_dict
+            }
+            weight_distribution['efficientDrive'] = weight_distribution_drive
+
+        if "efficientStop" in self.type_list:
+            stop_weight_indexes_dict = {key: f"{key}({value * 100:.2f}%)" for key, value in self.weight_dict.items() if
+                                        key in self.stop_metric_list}
+
+            weight_distribution_stop = {
+                "stopWeight": f"停车({self.weight_type_dict['efficientStop'] * 100:.2f}%)",
+                "indexes": stop_weight_indexes_dict
+            }
+            weight_distribution['efficientStop'] = weight_distribution_stop
+
+        return weight_distribution
+
+    def _get_weight_distribution(self, dimension):
+        # get weight distribution
+        weight_distribution = {}
+        weight_distribution["name"] = self.config.dimension_name[dimension]
+
+        for type in self.type_list:
+            type_weight_indexes_dict = {key: f"{self.name_dict[key]}({value * 100:.2f}%)" for key, value in
+                                        self.weight_dict.items() if
+                                        key in self.metric_dict[type]}
+
+            weight_distribution_type = {
+                "weight": f"{self.type_name_dict[type]}({self.weight_type_dict[type] * 100:.2f}%)",
+                "indexes": type_weight_indexes_dict
+            }
+            weight_distribution[type] = weight_distribution_type
+
+        return weight_distribution
+
+    def report_statistic(self):
+        """
+
+        Returns:
+
+        """
+
+        # report_dict = {
+        #     "name": "高效性",
+        #     "weight": f"{self.weight * 100:.2f}%",
+        #     "weightDistribution": weight_distribution,
+        #     "score": score_efficient,
+        #     "level": grade_efficient,
+        #     'score_type': score_type,
+        #     'score_metric': score_metric,
+        #
+        #     "description1": effi_description1,
+        #     "description2": effi_description2,
+        #     "description3": effi_description3,
+        #
+        #     "efficientDrive": drive_dict,
+        #     "efficientStop": stop_dict,
+        # }
+
+        # brakePedal_list = self.data_processed.driver_ctrl_data['brakePedal_list']
+        # throttlePedal_list = self.data_processed.driver_ctrl_data['throttlePedal_list']
+        # steeringWheel_list = self.data_processed.driver_ctrl_data['steeringWheel_list']
+        #
+        # # common parameter calculate
+        # brake_vs_time = self.zip_time_pairs(brakePedal_list, 100)
+        # throttle_vs_time = self.zip_time_pairs(throttlePedal_list, 100)
+        # steering_vs_time = self.zip_time_pairs(steeringWheel_list)
+
+        report_dict = {
+            "name": "高效性",
+            # "weight": f"{self.weight * 100:.2f}%",
+        }
+
+        # len_time = len(self.time_list)
+        # duration = self.time_list[-1]
+        # duration_minute = round(duration / 60, 2)
+        score_efficient, score_type_dict, score_metric_dict = self.effi_score()
+
+        # get weight distribution
+        # report_dict["weightDistribution"] = self._get_weight_distribution("efficient")
+
+        # score_efficient, score_metric = self.effi_score()
+        score_efficient = int(score_efficient) if int(score_efficient) == score_efficient else round(score_efficient, 2)
+        grade_efficient = score_grade(score_efficient)
+        report_dict["score"] = score_efficient
+        report_dict["level"] = grade_efficient
+
+        # for description
+        # good_type_list = []
+        # bad_type_list = []
+
+        # good_metric_list = []
+        # bad_metric_list = []
+
+        # str for description
+        # str_over_optimal = ""
+        # type_details_dict = {}
+
+        # for type in self.type_list:
+        #     bad_type_list.append(type) if score_type_dict[type] < 80 else good_type_list.append(type)
+        #
+        #     type_dict = {
+        #         "name": type,
+        #     }
+        #
+        #     builtin_graph_dict = {}
+        #     custom_graph_dict = {}
+        #
+        #     score_type = score_type_dict[type]
+        #     grade_type = score_grade(score_type)
+        #     type_dict["score"] = score_type
+        #     type_dict["level"] = grade_type
+        #
+        #     type_dict_indexes = {}
+        #     for metric in self.metric_dict[type]:
+        #         bad_metric_list.append(metric) if score_metric_dict[metric] < 80 else good_metric_list.append(metric)
+        #
+        #         if metric in self.bulitin_metric_list:
+        #             # for indexes
+        #             type_dict_indexes[metric] = {
+        #                 "name": f"{self.name_dict[metric]}({self.unit_dict[metric]})",
+        #                 "score": score_metric_dict[metric],
+        #                 "value": f'{self.value_dict[metric]:.2f}',
+        #                 # "range": f"[0, {self.optimal_dict['averageSpeed']})",
+        #                 # "deviation": f"+{avv_deviation:.2f}%" if avv_deviation > 0 else f"{avv_deviation:.2f}%"
+        #             }
+        #
+        #             if self.kind_dict[metric] == -1:
+        #                 type_dict_indexes[metric]["range"] = f"[0, {self.optimal_dict[metric]}]"
+        #                 metric_over_optimal = ((self.value_dict[metric] - self.optimal_dict[metric]) /
+        #                                        self.optimal_dict[
+        #                                            metric]) * 100
+        #                 type_dict_indexes[metric][
+        #                     "deviation"] = f"+{metric_over_optimal:.2f}%" if metric_over_optimal > 0 else f"0%"
+        #
+        #             elif self.kind_dict[metric] == 1:
+        #                 type_dict_indexes[metric]["range"] = f"[{self.optimal_dict[metric]}, inf)"
+        #                 metric_over_optimal = ((self.value_dict[metric] - self.optimal_dict[metric]) /
+        #                                        self.optimal_dict[
+        #                                            metric]) * 100
+        #                 type_dict_indexes[metric][
+        #                     "deviation"] = f"0%" if metric_over_optimal > 0 else f"{metric_over_optimal:.2f}%"
+        #
+        #             elif self.kind_dict[metric] == 0:
+        #                 value = self.value_dict[metric]
+        #                 minn = self.optimal_dict[metric] * self.multiple_dict[metric][0]
+        #                 maxx = self.optimal_dict[metric] * self.multiple_dict[metric][1]
+        #
+        #                 type_dict_indexes[metric]["range"] = f"[{minn}, {maxx}]"
+        #
+        #                 if value < minn:
+        #                     metric_over_optimal = (value - minn) / minn * 100
+        #                 elif value > maxx:
+        #                     metric_over_optimal = (value - maxx) / maxx * 100
+        #                 else:
+        #                     metric_over_optimal = 0
+        #
+        #                 type_dict_indexes[metric][
+        #                     "deviation"] = f"+{metric_over_optimal:.2f}%" if metric_over_optimal > 0 else f"{metric_over_optimal:.2f}%"
+        #
+        #             # metric_over_optimal = ((self.value_dict[metric] - self.optimal_dict[metric]) / self.optimal_dict[
+        #             #     metric]) * 100
+        #             # type_dict_indexes[metric][
+        #             #     "deviation"] = f"+{metric_over_optimal:.2f}%" if metric_over_optimal > 0 else f"{metric_over_optimal:.2f}%"
+        #
+        #             if score_metric_dict[metric] < 80:
+        #                 str_over_optimal += f'{self.name_dict[metric]}为{round(self.value_dict[metric], 2)}{self.unit_dict[metric]},超过合理范围{metric_over_optimal}%;'
+        #
+        #         else:
+        #             # for indexes
+        #             type_dict_indexes[metric] = {
+        #                 "name": f"{self.name_dict[metric]}({self.unit_dict[metric]})",
+        #                 "score": score_metric_dict[metric],
+        #                 "value": f'{self.custom_data[metric]["value"][0]:.2f}',
+        #                 # "range": f"[0, {self.optimal_dict['averageSpeed']})",
+        #                 # "deviation": f"+{avv_deviation}%" if avv_deviation > 0 else f"{avv_deviation}%"
+        #             }
+        #
+        #             value = self.custom_data[metric]["value"][0]
+        #             optimal = self.custom_param_dict[metric]['optimal'][0]
+        #
+        #             if self.custom_param_dict[metric]['kind'][0] == -1:
+        #                 type_dict_indexes[metric][
+        #                     "range"] = f"[0, {self.custom_param_dict[metric]['optimal'][0]}]"
+        #
+        #                 metric_over_optimal = (value - optimal) / optimal * 100
+        #                 type_dict_indexes[metric][
+        #                     "deviation"] = f"+{metric_over_optimal:.2f}%" if metric_over_optimal > 0 else f"0%"
+        #
+        #             elif self.custom_param_dict[metric]['kind'][0] == 1:
+        #                 type_dict_indexes[metric][
+        #                     "range"] = f"[{self.custom_param_dict[metric]['optimal'][0]}, inf)"
+        #
+        #                 metric_over_optimal = (value - optimal) / optimal * 100
+        #                 type_dict_indexes[metric][
+        #                     "deviation"] = f"0%" if metric_over_optimal > 0 else f"{metric_over_optimal:.2f}%"
+        #
+        #             elif self.custom_param_dict[metric]['kind'][0] == 0:
+        #                 minn = value * self.custom_param_dict[metric]['multiple'][0][0]
+        #                 maxx = value * self.custom_param_dict[metric]['multiple'][0][1]
+        #
+        #                 type_dict_indexes[metric]["range"] = f"[{minn}, {maxx}]"
+        #
+        #                 if value < minn:
+        #                     metric_over_optimal = (value - minn) / minn * 100
+        #                 elif value > maxx:
+        #                     metric_over_optimal = (value - maxx) / maxx * 100
+        #                 else:
+        #                     metric_over_optimal = 0
+        #
+        #                 type_dict_indexes[metric][
+        #                     "deviation"] = f"+{metric_over_optimal:.2f}%" if metric_over_optimal > 0 else f"{metric_over_optimal:.2f}%"
+        #
+        #             # metric_over_optimal = ((self.custom_param_dict[metric]['optimal'][0] -
+        #             #                         self.custom_data[metric]["value"][0]) /
+        #             #                        self.custom_param_dict[metric]['optimal'][0]) * 100
+        #             # type_dict_indexes[metric][
+        #             #     "deviation"] = f"+{metric_over_optimal:.2f}%" if metric_over_optimal > 0 else f"{metric_over_optimal:.2f}%"
+        #
+        #             if score_metric_dict[metric] < 80:
+        #                 str_over_optimal += f'{self.name_dict[metric]}为{self.custom_data[metric]["value"][0]:.2f}{self.unit_dict[metric]},超过合理范围{metric_over_optimal}%;'
+        #
+        #             custom_graph_dict[metric] = self.custom_data[metric]['reportData']
+        #
+        #         # str_uncomf_over_optimal = str_uncomf_over_optimal[:-1] + ";"
+        #         type_dict["indexes"] = type_dict_indexes
+        #         type_dict["builtin"] = builtin_graph_dict
+        #         type_dict["custom"] = custom_graph_dict
+        #
+        #     type_details_dict[type] = type_dict
+
+        # report_dict["details"] = type_details_dict
+        # efficient description
+        # str_over_optimal = str_over_optimal[:-1]
+
+        # if grade_efficient == '优秀':
+        #     effi_description1 = '机器人行驶效率高;'
+        # elif grade_efficient == '良好':
+        #     effi_description1 = '机器人在本轮测试中的表现满足设计指标要求;'
+        # elif grade_efficient == '一般':
+        #     str_ineffi_type = string_concatenate(bad_metric_list)
+        #     effi_description1 = f'机器人需要在{str_ineffi_type}指标上进一步优化。其中,{str_over_optimal};'
+        # elif grade_efficient == '较差':
+        #     str_ineffi_type = string_concatenate(bad_metric_list)
+        #     effi_description1 = f'需要提高机器人在{str_ineffi_type}指标上的表现。其中,{str_over_optimal};'
+        #
+        # if not bad_metric_list:
+        #     effi_description2 = '高效性在各个指标上的表现俱佳'
+        #     effi_description3 = "机器人的规划控制能力良好,通行效率高"
+        # else:
+        #     str_effi_type = string_concatenate(good_metric_list)
+        #     str_ineffi_type = string_concatenate(bad_metric_list)
+        #
+        #     effi_description2 = f"{str_effi_type}指标表现良好,{str_ineffi_type}指标表现不佳。其中,{str_over_optimal}"
+        #     effi_description3 = "应该优化机器人的规划控制逻辑,提高机器人的通行效率"
+
+        # report_dict["description1"] = replace_key_with_value(effi_description1, self.name_dict)
+        # report_dict["description2"] = replace_key_with_value(effi_description2, self.name_dict)
+        # report_dict["description3"] = effi_description3
+
+        description = "· 在高效性方面,"
+
+        if self.stop_count > 0:
+            description += f"出现{self.stop_count}次无障碍物停止,需重点优化。"
+        else:
+            description += f"平均速度{self.speed_dict['avg']:.4f}m/s,未出现无障碍物停止,表现{grade_efficient}。"
+
+        report_dict["description"] = description
+
+        description1 = f"次数:{self.stop_count}次;" \
+                       f"总时长:{self.sum_stop_time:.4f}s;" \
+                       f"平均时长:{self.stop_duration:.4f}s"
+
+        description2 = f"最大值:{self.speed_dict['max']:.4f}m/s;" \
+                       f"最小值:{self.speed_dict['min']:.4f}m/s;" \
+                       f"平均值:{self.speed_dict['avg']:.4f}m/s"
+
+        report_dict["description1"] = description1
+        report_dict["description2"] = description2
+
+        plt.figure(figsize=(12, 3))
+        plt.plot(self.time_list, self.speed_list)
+
+        plt.xlabel('Time(s)')
+        plt.ylabel('Speed(m/s)')
+        # plt.legend()
+
+        # 调整布局,消除空白边界
+        plt.tight_layout()
+
+        plt.savefig(os.path.join(self.casePath, "Speed.png"))
+        plt.close()
+
+        print(report_dict)
+
+        return report_dict
+
+    def get_eval_data(self):
+        df = self.eval_data
+        return df

+ 39 - 0
log.py

@@ -0,0 +1,39 @@
+# -*- coding: utf-8 -*-
+
+import logging
+import os
+
+# 全局日志记录器变量
+logger = None
+
+
+def setup_logger(log_file_path):
+    """
+    设置全局日志记录器。
+    """
+    global logger
+
+    # 确保日志文件路径存在
+    os.makedirs(os.path.dirname(log_file_path), exist_ok=True)
+
+    # 配置日志记录器
+    logger = logging.getLogger(__name__)
+    logger.setLevel(logging.DEBUG)
+
+    # 创建一个文件处理器,将日志输出到文件
+    file_handler = logging.FileHandler(filename=log_file_path, mode='a', encoding='utf-8')
+    file_handler.setLevel(logging.DEBUG)
+
+    # 创建一个格式器,定义日志输出的格式
+    formatter = logging.Formatter("[%(asctime)s] - [%(levelname)s] [%(filename)s] [line:%(lineno)d] - [%(message)s]")
+    file_handler.setFormatter(formatter)
+
+    # 将处理器添加到记录器
+    logger.addHandler(file_handler)
+
+
+def get_logger():
+    """
+    返回已配置的全局日志记录器。
+    """
+    return logger

+ 92 - 0
pji_run.py

@@ -0,0 +1,92 @@
+#!/usr/bin/env python
+# -*- coding: utf-8 -*-
+##################################################################
+#
+# Copyright (c) 2023 CICV, Inc. All Rights Reserved
+#
+##################################################################
+"""
+@Authors:           yangzihao(yangzihao@china-icv.cn)
+@Data:              2024/04/21
+@Last Modified:     2024/04/21
+@Summary:           Evaluation entrance
+"""
+
+import os
+import sys
+import time
+from single_case_eval import single_case_eval
+from common import get_subfolders_name
+from pjirebot_evaluate_csv import parsebag
+import log
+
+if __name__ == "__main__":
+
+    if len(sys.argv) >= 3:
+        bagPath = sys.argv[1]
+        resultPath = sys.argv[2]
+        # graphPath = sys.argv[3]
+
+        logFileName = f'{resultPath}/log.txt'
+        log.setup_logger(logFileName)
+        logger = log.get_logger()
+
+        case_name = bagPath.split('/')[-1].split('.')[0]
+        # case_name = os.path.basename(os.path.dirname(dataPath))
+
+        if not os.path.exists(bagPath):
+            print('Invalid bagPath!')
+            logger.error(f"[case:{case_name}] SINGLE_CASE_EVAL: Invalid bagPath!")
+            sys.exit(-1)
+        else:
+            try:
+                logger.info(f"[case:{case_name}] SINGLE_CASE_EVAL: Start evaluating:")
+                print("SINGLE_CASE_EVAL程序开始运行:")
+                configPath = r"./config.json"
+                print(f"   configPath: {configPath},\n   resultPath: {resultPath}")
+                t1 = time.time()
+                parsebag(bagPath, resultPath)
+                single_case_eval(configPath, resultPath, case_name)
+                t2 = time.time()
+                print(f"程序结束,执行时间:{int(t2 - t1)} s")
+                logger.info(f"[case:{case_name}] SINGLE_CASE_EVAL: End.")
+                sys.exit(0)
+            except Exception as e:
+                print("异常,退出...")
+                print(repr(e))
+                sys.exit(-1)
+    else:
+        print('No enough arguments!')
+        sys.exit(-1)
+
+    # bagPath = './bag/2024-04-22-08-48-30_obstacledetection_30.bag'
+    # resultPath = './result/integration'
+    #
+    # logFileName = f'{resultPath}/log.txt'
+    # log.setup_logger(logFileName)
+    # logger = log.get_logger()
+    #
+    # case_name = bagPath.split('/')[-1].split('.')[0]
+    # # case_name = os.path.basename(os.path.dirname(dataPath))
+    #
+    # if not os.path.exists(bagPath):
+    #     print('Invalid bagPath!')
+    #     logger.error(f"[case:{case_name}] SINGLE_CASE_EVAL: Invalid bagPath!")
+    #     sys.exit(-1)
+    # else:
+    #     try:
+    #         logger.info(f"[case:{case_name}] SINGLE_CASE_EVAL: Start evaluating:")
+    #         print("SINGLE_CASE_EVAL程序开始运行:")
+    #         configPath = r"./config.json"
+    #         print(f"   configPath: {configPath},\n   resultPath: {resultPath}")
+    #         t1 = time.time()
+    #         parsebag(bagPath, resultPath)
+    #         single_case_eval(configPath, resultPath, case_name)
+    #         t2 = time.time()
+    #         print(f"程序结束,执行时间:{int(t2 - t1)} s")
+    #         logger.info(f"[case:{case_name}] SINGLE_CASE_EVAL: End.")
+    #         sys.exit(0)
+    #     except Exception as e:
+    #         print("异常,退出...")
+    #         print(repr(e))
+    #         sys.exit(-1)

+ 94 - 0
pji_run_test.py

@@ -0,0 +1,94 @@
+#!/usr/bin/env python
+# -*- coding: utf-8 -*-
+##################################################################
+#
+# Copyright (c) 2023 CICV, Inc. All Rights Reserved
+#
+##################################################################
+"""
+@Authors:           yangzihao(yangzihao@china-icv.cn)
+@Data:              2024/04/21
+@Last Modified:     2024/04/21
+@Summary:           Evaluation entrance
+"""
+
+import os
+import sys
+import time
+from single_case_eval import single_case_eval
+import pandas as pd
+from common import get_subfolders_name
+# from pjirebot_evaluate_csv import parsebag
+import log
+import warnings
+warnings.filterwarnings("ignore", category=FutureWarning, module='pandas')
+pd.set_option('future.no_silent_downcasting', True)
+
+
+if __name__ == "__main__":
+
+    dataPath = './task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9'
+    resultPath = dataPath
+    # graphPath = sys.argv[3]
+
+    logFileName = f'{resultPath}/log.txt'
+    log.setup_logger(logFileName)
+    logger = log.get_logger()
+
+    case_name = dataPath.split('/')[-1].split('.')[0]
+    # case_name = os.path.basename(os.path.dirname(dataPath))
+
+    if not os.path.exists(dataPath):
+        print('Invalid bagPath!')
+        logger.error(f"[case:{case_name}] SINGLE_CASE_EVAL: Invalid bagPath!")
+        sys.exit(-1)
+    else:
+        try:
+            logger.info(f"[case:{case_name}] SINGLE_CASE_EVAL: Start evaluating:")
+            print("SINGLE_CASE_EVAL程序开始运行:")
+            configPath = r"./config.json"
+            print(f"   configPath: {configPath},\n   resultPath: {resultPath}")
+            t1 = time.time()
+            # parsebag(bagPath, resultPath)
+            single_case_eval(configPath, resultPath, case_name)
+            t2 = time.time()
+            print(f"程序结束,执行时间:{int(t2 - t1)} s")
+            logger.info(f"[case:{case_name}] SINGLE_CASE_EVAL: End.")
+            sys.exit(0)
+        except Exception as e:
+            print("异常,退出...")
+            print(repr(e))
+            sys.exit(-1)
+
+
+    # bagPath = './bag/2024-04-22-08-48-30_obstacledetection_30.bag'
+    # resultPath = './result/integration'
+    #
+    # logFileName = f'{resultPath}/log.txt'
+    # log.setup_logger(logFileName)
+    # logger = log.get_logger()
+    #
+    # case_name = bagPath.split('/')[-1].split('.')[0]
+    # # case_name = os.path.basename(os.path.dirname(dataPath))
+    #
+    # if not os.path.exists(bagPath):
+    #     print('Invalid bagPath!')
+    #     logger.error(f"[case:{case_name}] SINGLE_CASE_EVAL: Invalid bagPath!")
+    #     sys.exit(-1)
+    # else:
+    #     try:
+    #         logger.info(f"[case:{case_name}] SINGLE_CASE_EVAL: Start evaluating:")
+    #         print("SINGLE_CASE_EVAL程序开始运行:")
+    #         configPath = r"./config.json"
+    #         print(f"   configPath: {configPath},\n   resultPath: {resultPath}")
+    #         t1 = time.time()
+    #         parsebag(bagPath, resultPath)
+    #         single_case_eval(configPath, resultPath, case_name)
+    #         t2 = time.time()
+    #         print(f"程序结束,执行时间:{int(t2 - t1)} s")
+    #         logger.info(f"[case:{case_name}] SINGLE_CASE_EVAL: End.")
+    #         sys.exit(0)
+    #     except Exception as e:
+    #         print("异常,退出...")
+    #         print(repr(e))
+    #         sys.exit(-1)

+ 124 - 0
pjirebot_evaluate_csv.py

@@ -0,0 +1,124 @@
+#!/usr/bin/env python3
+# -*- coding: utf-8 -*-
+"""
+Created on Mon Dec 25 17:35:56 2023
+
+@author: dell
+"""
+
+# coding: utf-8
+# !/usr/bin/env python2
+import os
+import rosbag
+import csv
+import math
+
+import sys
+import time
+from datetime import datetime
+import rospy
+
+
+def parsebag(input_dir, output_dir):
+    dic_EgoState = ['Time', 'simTime', 'simFrame', 'posX', 'posY', 'posZ', 'speedX', 'speedY', 'speedZ', 'accelX',
+                    'accelY', 'accelZ', 'dimX', 'dimY', 'dimZ', 'obstacle', 'travelDist']
+    # dic_DriverCtrl=['Time','simTime','simFrame','tarspeedX','tarspeedY','tarspeedZ','tardimX','tardimY','tardimZ']
+
+    EgoState_file = open(output_dir + "/" + "EgoState_pji.csv", 'w')
+    # DriverCtrl_file = open(output_dir + "/"+"DriverCtrl_pji.csv", 'w')
+    writer_EgoState = csv.writer(EgoState_file)
+    writer_EgoState.writerow(dic_EgoState)
+    # writer_DriverCtrl = csv.writer(DriverCtrl_file)
+    # writer_DriverCtrl.writerow(dic_DriverCtrl)
+
+    frame_max = sys.maxsize
+    count = 1
+    with rosbag.Bag(input_dir, 'r') as bag:
+        odom_flag = False
+        first_message_time = None
+        Frame_imu = 1
+        Frame_cmd_vel = 1
+        obstacle_state = 0
+        cur_mileage = ''
+
+        for topic, msg, t in bag.read_messages():  # t代表时间
+
+            if first_message_time is None:
+                first_message_time = t
+                first_message_time = rospy.Time.to_sec(first_message_time)
+                first_message_time = datetime.fromtimestamp(first_message_time)
+
+            if topic == "/obstacle_detection":
+                obstacle_state = msg.data
+                # print(msg.data)
+
+            if topic == "/sys_info":
+                cur_mileage = msg.cur_mileage
+
+            if topic == "/odom":
+                odom_flag = True
+                posX = msg.pose.pose.position.x
+                posY = msg.pose.pose.position.y
+                posZ = msg.pose.pose.position.z
+                speedX = msg.twist.twist.linear.x * 3.6
+                speedY = msg.twist.twist.linear.y * 3.6
+                speedZ = msg.twist.twist.linear.z * 3.6
+                dimX = msg.twist.twist.angular.x
+                dimY = msg.twist.twist.angular.y
+                dimZ = msg.twist.twist.angular.z
+
+            if topic == "/imu":
+                if odom_flag:
+                    accelX = msg.linear_acceleration.x
+                    accelY = msg.linear_acceleration.y
+                    accelZ = msg.linear_acceleration.z
+                    timestamp = rospy.Time.to_sec(t)
+                    date_time_imu = datetime.fromtimestamp(timestamp)
+                    simtime_imu = (date_time_imu - first_message_time).total_seconds()
+
+                    message_EgoState = [date_time_imu, simtime_imu, Frame_imu, posX, posY, posZ, speedX, speedY, speedZ,
+                                        accelX, accelY, accelZ, dimX, dimY, dimZ, obstacle_state, cur_mileage]
+
+                    writer_EgoState.writerow(message_EgoState)
+                    Frame_imu += 1
+                else:
+                    print('6666')
+
+            '''        
+            if topic =='/cmd_vel':
+                timestamp = rospy.Time.to_sec(t)
+                date_time_cmd_vel = datetime.fromtimestamp(timestamp)
+                simtime_cmd_vel=(date_time_cmd_vel-first_message_time).total_seconds()
+                message_DriverCtrl =[date_time_cmd_vel,simtime_cmd_vel,Frame_cmd_vel,msg.linear.x*3.6,msg.linear.y*3.6,msg.linear.z*3.6,
+                                     msg.angular.x,msg.angular.y,msg.angular.z]
+                
+                                     
+                writer_DriverCtrl.writerow(message_DriverCtrl)
+                Frame_cmd_vel+=1
+            '''
+
+        EgoState_file.close()
+        # DriverCtrl_file.close()
+
+
+if __name__ == "__main__":
+    #    print("Input the path of file...."+'\n')
+
+    # input_dir = sys.argv[1]
+    input_dir = './bag/example_4.bag'
+    bagname = input_dir.split('/')[-1].split('.')[0]
+    # output_dir = sys.argv[2]
+    output_dir = './'
+    output_dir = os.path.join(output_dir, bagname)
+
+    if not os.path.exists(output_dir):
+        os.makedirs(output_dir)
+    parsebag(input_dir, output_dir)
+
+    '''
+    try:
+        parsebag(input_dir, output_dir)
+        print('successfully analysis '+input_dir)
+    except Exception as e:
+        print(e)
+    '''

+ 111 - 0
report.json

@@ -0,0 +1,111 @@
+{
+  "name": "case_name",
+  "algorithmComprehensiveScore": 75.93,
+  "algorithmLevel": "一般",
+  "testDuration": "xx",
+  "testMileage": "xx",
+  "algorithmResultDescription": "算法总体表现,高效性表现xx,平顺性表现xx",
+  "tableData": [
+    [
+      "评价维度",
+      "评价指标",
+      "指标描述"
+    ],
+    [
+      "高效性",
+      "有障碍物停止",
+      "xxx"
+    ],
+    [
+      "高效性",
+      "无障碍物停止",
+      "xxx"
+    ],
+    [
+      "高效性",
+      "速度",
+      "xxx"
+    ],
+    [
+      "平顺性",
+      "线加速度",
+      "xxx"
+    ],
+    [
+      "平顺性",
+      "角加速度",
+      "xxx"
+    ]
+  ],
+  "details": {
+    "efficient": {
+      "score": "100",
+      "level": "优秀",
+      "description": "在高效性方面,出现x次无障碍物停止,需重点优化",
+      "tableData": [
+        [
+          "评价维度",
+          "评价指标",
+          "指标描述"
+        ],
+        [
+          "高效性",
+          "有障碍物停止",
+          "xxx"
+        ],
+        [
+          "高效性",
+          "无障碍物停止",
+          "xxx"
+        ],
+        [
+          "高效性",
+          "速度",
+          "xxx"
+        ]
+      ],
+      "graphData": [
+        {
+          "name": "speed",
+          "path": "./xxx/xxx.png"
+        },
+        {
+          "name": "speed",
+          "path": "./xxx/xxx.png"
+        }
+      ]
+    },
+    "comfort": {
+      "score": "100",
+      "level": "优秀",
+      "description": "在平顺性方面,线加速度变化剧烈,有急刹、急加速情况,需重点优化",
+      "tableData": [
+        [
+          "评价维度",
+          "评价指标",
+          "指标描述"
+        ],
+        [
+          "平顺性",
+          "线加速度",
+          "xxx"
+        ],
+        [
+          "平顺性",
+          "角加速度",
+          "xxx"
+        ]
+      ],
+      "graphData": [
+        {
+          "name": "speed",
+          "path": "./xxx/xxx.png"
+        },
+        {
+          "name": "speed",
+          "path": "./xxx/xxx.png"
+        }
+      ]
+    }
+  }
+}

+ 239 - 0
report_generate.py

@@ -0,0 +1,239 @@
+# -*- coding: utf-8 -*-
+# ! /usr/bin/env python3
+# @Author           : yangzihao
+# @CreateTime       : 2024/04/17
+
+"""
+This file is for PDF report generate.
+Refer to the CSDN: https://blog.csdn.net/cainiao_python/article/details/128928298
+"""
+
+from reportlab.pdfbase import pdfmetrics  # 注册字体
+from reportlab.pdfbase.ttfonts import TTFont  # 字体类
+from reportlab.platypus import Table, SimpleDocTemplate, Paragraph, Image  # 报告内容相关类
+from reportlab.lib.pagesizes import A4  # 页面的标志尺寸(8.5*inch, 11*inch)
+from reportlab.lib.styles import getSampleStyleSheet  # 文本样式
+from reportlab.lib import colors  # 颜色模块
+from reportlab.graphics.charts.barcharts import VerticalBarChart  # 图表类
+from reportlab.graphics.charts.legends import Legend  # 图例类
+from reportlab.graphics.shapes import Drawing  # 绘图工具
+from reportlab.lib.units import cm  # 单位:cm
+from reportlab.lib import utils
+
+import json
+import pandas as pd
+
+# 注册字体(提前准备好字体文件, 如果同一个文件需要多种字体可以注册多个)
+pdfmetrics.registerFont(TTFont('SimSun', 'SimSun.ttf'))
+
+
+class ReportPDF:
+    """
+    This class is for PDF report generate.
+    """
+
+    # 绘制标题
+    @staticmethod
+    def draw_title(title: str):
+        # 获取所有样式表
+        style = getSampleStyleSheet()
+        # 拿到标题样式
+        ct = style['Heading4']
+        # 单独设置样式相关属性
+        ct.fontName = 'SimSun'  # 字体名
+        ct.fontSize = 18  # 字体大小
+        ct.leading = 30  # 行间距
+        ct.textColor = colors.black  # 字体颜色
+        ct.alignment = 1  # 居中
+        ct.bold = True
+        # 创建标题对应的段落,并且返回
+        return Paragraph(title, ct)
+
+    # 绘制小标题
+    @staticmethod
+    def draw_little_title(title: str):
+        # 获取所有样式表
+        style = getSampleStyleSheet()
+        # 拿到标题样式
+        ct = style['Normal']
+        # 单独设置样式相关属性
+        ct.fontName = 'SimSun'  # 字体名
+        ct.fontSize = 15  # 字体大小
+        # ct.leading = 15  # 行间距
+        ct.textColor = colors.darkblue  # 字体颜色
+        # 创建标题对应的段落,并且返回
+        return Paragraph(title, ct)
+
+    # 绘制普通段落内容
+    @staticmethod
+    def draw_text(text: str):
+        # 获取所有样式表
+        style = getSampleStyleSheet()
+        # 获取普通样式
+        ct = style['Normal']
+        ct.fontName = 'SimSun'
+        ct.fontSize = 10
+        # ct.wordWrap = 'CJK'  # 设置自动换行
+        ct.alignment = 0  # 左对齐
+        # ct.firstLineIndent = 32  # 第一行开头空格
+        ct.leading = 15
+        return Paragraph(text, ct)
+
+    # 绘制普通段落内容
+    @staticmethod
+    def draw_line_feed(text: str):
+        # 获取所有样式表
+        style = getSampleStyleSheet()
+        # 获取普通样式
+        ct = style['Normal']
+        ct.fontName = 'SimSun'
+        ct.fontSize = 10
+        ct.textColor = colors.white
+        # ct.wordWrap = 'CJK'  # 设置自动换行
+        ct.alignment = 0  # 左对齐
+        # ct.firstLineIndent = 32  # 第一行开头空格
+        ct.leading = 15
+        return Paragraph(text, ct)
+
+    # 绘制表格
+    @staticmethod
+    def draw_table(*args):
+        # 列宽度
+        # col_width = 120
+        style = [
+            ('FONTNAME', (0, 0), (-1, -1), 'SimSun'),  # 字体
+            ('FONTSIZE', (0, 0), (-1, 0), 9),  # 第一行的字体大小
+            ('FONTSIZE', (0, 1), (-1, -1), 9),  # 第二行到最后一行的字体大小
+            ('BACKGROUND', (0, 0), (-1, 0), '#d5dae6'),  # 设置第一行背景颜色
+            ('ALIGN', (0, 0), (-1, -1), 'CENTER'),  # 第一行水平居中
+            ('ALIGN', (0, 1), (-1, -1), 'CENTER'),  # 第二行到最后一行左右左对齐
+            ('VALIGN', (0, 0), (-1, -1), 'MIDDLE'),  # 所有表格上下居中对齐
+            ('TEXTCOLOR', (0, 0), (-1, -1), colors.darkslategray),  # 设置表格内文字颜色
+            ('GRID', (0, 0), (-1, -1), 0.5, colors.grey),  # 设置表格框线为grey色,线宽为0.5
+            # ('SPAN', (0, 1), (0, 2)),  # 合并第一列二三行
+            # ('SPAN', (0, 3), (0, 4)),  # 合并第一列三四行
+            # ('SPAN', (0, 5), (0, 6)),  # 合并第一列五六行
+            # ('SPAN', (0, 7), (0, 8)),  # 合并第一列五六行
+        ]
+        # table = Table(args, colWidths=col_width, style=style)
+        table = Table(args, style=style)
+        return table
+
+    # 创建图表
+    @staticmethod
+    def draw_bar(bar_data: list, ax: list, items: list):
+        drawing = Drawing(500, 250)
+        bc = VerticalBarChart()
+        bc.x = 45  # 整个图表的x坐标
+        bc.y = 45  # 整个图表的y坐标
+        bc.height = 200  # 图表的高度
+        bc.width = 350  # 图表的宽度
+        bc.data = bar_data
+        bc.strokeColor = colors.black  # 顶部和右边轴线的颜色
+        bc.valueAxis.valueMin = 5000  # 设置y坐标的最小值
+        bc.valueAxis.valueMax = 26000  # 设置y坐标的最大值
+        bc.valueAxis.valueStep = 2000  # 设置y坐标的步长
+        bc.categoryAxis.labels.dx = 2
+        bc.categoryAxis.labels.dy = -8
+        bc.categoryAxis.labels.angle = 20
+        bc.categoryAxis.categoryNames = ax
+
+        # 图示
+        leg = Legend()
+        leg.fontName = 'SimSun'
+        leg.alignment = 'right'
+        leg.boxAnchor = 'ne'
+        leg.x = 475  # 图例的x坐标
+        leg.y = 240
+        leg.dxTextSpace = 10
+        leg.columnMaximum = 3
+        leg.colorNamePairs = items
+        drawing.add(leg)
+        drawing.add(bc)
+        return drawing
+
+    # 绘制图片
+    @staticmethod
+    def draw_img(path):
+        img = Image(path)  # 读取指定路径下的图片
+        img.drawWidth = 0.8 * cm  # 设置图片的宽度
+        img.drawHeight = 0.8 * cm  # 设置图片的高度
+        img.hAlign = 0
+        return img
+
+
+def report_generate(reportDict, reportPdf):
+    # with open(f'{reportJson}', 'r', encoding='utf-8') as f:
+    #     data = json.load(f)
+
+    data = reportDict  # dict
+    # 创建PDF文档
+    styles = getSampleStyleSheet()
+
+    # 提取数据
+    name = data["name"]
+    # algorithm_score = data["algorithmComprehensiveScore"]
+    # algorithm_level = data["algorithmLevel"]
+    test_mileage = data["testMileage"]
+    test_duration = data["testDuration"]
+    algorithm_result_description = data["algorithmResultDescription"]
+    efficient_description = data["details"]["efficient"]["description"]
+    comfort_description = data["details"]["comfort"]["description"]
+
+    efficient_description1 = data["details"]["efficient"]["description1"]
+    efficient_description2 = data["details"]["efficient"]["description2"]
+    comfort_description1 = data["details"]["comfort"]["description1"]
+    comfort_description2 = data["details"]["comfort"]["description2"]
+
+    # 创建表格数据
+    # table_data = [
+    #     ["评价维度", "评价指标", "指标描述"],
+    #     ["高效性", "无障碍物停止", efficient_description1],
+    #     ["高效性", "速度", efficient_description2],
+    #     ["平顺性", "线加速度", comfort_description1],
+    #     ["平顺性", "角加速度", comfort_description2]
+    # ]
+    table_data = [
+        ("评价维度", "评价指标", "指标描述"),
+        ("高效性", "无障碍物停止", efficient_description1),
+        ("高效性", "速度", efficient_description2),
+        ("平顺性", "线加速度", comfort_description1),
+        ("平顺性", "角加速度", comfort_description2)
+    ]
+
+    # 创建内容对应的空列表
+    content = list()
+    content.append(ReportPDF.draw_img('Pji.png'))
+    content.append(ReportPDF.draw_title('朴津室内AMR算法评价报告'))
+
+    infos = f"数据包: {name}, 行驶时长: {test_duration}, 行驶里程: {test_mileage}"
+    content.append(ReportPDF.draw_text(infos))
+    content.append(ReportPDF.draw_text(algorithm_result_description))
+    content.append(ReportPDF.draw_text(efficient_description))
+    content.append(ReportPDF.draw_text(comfort_description))
+    content.append(ReportPDF.draw_line_feed("换行"))
+
+    content.append(ReportPDF.draw_table(*table_data))
+
+    content.append(ReportPDF.draw_line_feed("换行"))
+
+    # 添加图片到PDF文档
+    for key, value in data["graphPath"].items():
+        # content.append(Paragraph(key, styles['Heading5']))
+        content.append(ReportPDF.draw_text(key))
+        content.append(Image(value, width=480, height=120))
+
+    # 创建PDF文档
+    # pdf_file = "./report123.pdf"
+    pdf_file = reportPdf
+    doc = SimpleDocTemplate(pdf_file, pagesize=A4)
+
+    doc.build(content)
+    print("PDF报告已生成!")
+
+
+if __name__ == '__main__':
+    reportJson = './report.json'
+    reportPdf = "./report123.pdf"
+    report_generate(reportJson, reportPdf)
+    print('over')

+ 44 - 0
run.spec

@@ -0,0 +1,44 @@
+# -*- mode: python ; coding: utf-8 -*-
+
+
+a = Analysis(
+    ['pji_run.py', 'comfort.py', 'common.py', 'config_parser.py', 'data_info.py', 'data_process.py', 'efficient.py',
+    'log.py', 'pjirebot_evaluate_csv.py', 'score_weight.py', 'single_case_eval.py', 'single_case_evaluate.py'],
+    pathex=[],
+    binaries=[],
+    datas=[],
+    hiddenimports=['scipy'],
+    hookspath=[],
+    hooksconfig={},
+    runtime_hooks=[],
+    excludes=[],
+    noarchive=False,
+)
+pyz = PYZ(a.pure)
+
+exe = EXE(
+    pyz,
+    a.scripts,
+    [],
+    exclude_binaries=True,
+    name='single_case_eval',
+    debug=False,
+    bootloader_ignore_signals=False,
+    strip=False,
+    upx=True,
+    console=True,
+    disable_windowed_traceback=False,
+    argv_emulation=False,
+    target_arch=None,
+    codesign_identity=None,
+    entitlements_file=None,
+)
+coll = COLLECT(
+    exe,
+    a.binaries,
+    a.datas,
+    strip=False,
+    upx=True,
+    upx_exclude=[],
+    name='run',
+)

+ 266 - 0
score_weight.py

@@ -0,0 +1,266 @@
+#!/usr/bin/env python
+# -*- coding: utf-8 -*-
+##################################################################
+#
+# Copyright (c) 2023 CICV, Inc. All Rights Reserved
+#
+##################################################################
+"""
+@Authors:           zhanghaiwen(zhanghaiwen@china-icv.cn), yangzihao(yangzihao@china-icv.cn)
+@Data:              2024/01/12
+@Last Modified:     2024/01/12
+@Summary:           Weight cal
+"""
+
+import sys
+
+sys.path.append('../common')
+sys.path.append('modules')
+sys.path.append('score')
+
+import numpy as np
+from common import get_interpolation
+from functools import reduce
+
+
+def cal_weight_from_80(score_list):
+    # weight process
+    s_list = [80.1 if x == 80 else x for x in score_list]
+    weight_list = abs((np.array(s_list) - 80) / 100)
+
+    # normalization
+    weight_list = weight_list / sum(weight_list)
+    return weight_list
+
+
+def cal_score_with_priority(score_list, weight_list, priority_list):
+    """
+
+    """
+    rho = 1
+    flag = any(i < 80 for i in score_list)
+    if flag:
+        rho = 0.9
+        for i in range(len(score_list)):
+            if score_list[i] < 80 and priority_list[i] == 0:
+                rho = 0.8
+
+    # calculate score
+    score_all = np.dot(weight_list, score_list) * rho
+    return score_all
+
+
+def cal_score_from_80(score_list):
+    """
+
+    """
+    # weight process
+    weight_list = cal_weight_from_80(score_list)
+    # calculate score
+    score_all = np.dot(weight_list, score_list)
+    # score_all = score_all * 0.8 if flag else score_all
+    return round(score_all, 2)
+
+
+class ScoreModel(object):
+    """
+    信息量越大,权重越大
+    对比强度和冲突性越大,信息量越大
+    标准差越大,对比强度越大
+    相关性越小,冲突性越大
+    ————————————————————————
+    单列标准差大,列之间相关性小 -> 则权重大
+    """
+
+    def __init__(self, kind_list, optimal_value, multiple_list, arr):
+        # n for cases
+        # m for indicators
+        self.n, self.m = arr.shape
+        self.kind = kind_list
+        self.optimal = optimal_value
+        self.X = arr
+        self.rho = 1 / 3  # 一般选0.5,最低分计算公式: rho/(1+rho)
+        self.multiple = np.array(multiple_list)
+
+    def calculate_score(self):
+        # m个指标,n个场景
+        val_mean = []
+        optimal_value = self.optimal
+
+        for i in range(self.m):
+            opt_val = optimal_value[i]
+            val_mean_i = (sum(self.X[:, i]) + opt_val) / (self.n + 1)  # Eq(15)
+            val_mean.append(val_mean_i)
+
+        self.X = self.X / np.array(val_mean)  # 无量纲化
+        optimal_value = np.array(optimal_value) / np.array(val_mean)  # 最优值无量纲化
+        abs_X = abs(optimal_value - self.X)
+        minn = 0
+        maxx = 2 * (self.multiple[0][1] - 1) / (self.multiple[0][1] + 1)  # 五倍时参数为1.333333,三倍时参数为1
+        eta = (minn + self.rho * maxx) / (abs_X + self.rho * maxx)  # Eq(16)
+        Eta = [x * 80 for x in list(np.mean(eta, axis=0))]
+        return Eta
+
+    def cal_score(self):
+        """
+        数据处理前进行特判,先将无需打分的数据直接给分
+        例如,大于基准值五倍的值,直接给出100分、0分
+        单列均为同一个值时,符合预期值则100分,否则0分
+
+        先完成单用例特判,再考虑多用例特判
+        """
+        # 单用例版本
+        # for j in range(self.n):
+        # multiple = 5
+
+        inteval_20_coefficient = 3
+
+        flag_list = [-1] * self.m
+        column_list = []
+        for i in range(self.m):
+            optimal = self.optimal[i]
+            multiple = self.multiple[i]
+            if self.kind[i] == 1:  # 极大型
+                if np.all(self.X[:, i] >= optimal * multiple[1]):  # 补充线性插值
+                    flag_list[i] = 100
+                elif np.all(self.X[:, i] >= optimal):
+                    flag_list[i] = float(get_interpolation(self.X[:, i], [optimal, 80], [optimal * multiple[1], 100]))
+                elif self.X[:, i] <= optimal * multiple[0]:
+                    flag_list[i] = 0
+                else:
+                    column_list.append(i)
+            elif self.kind[i] == -1:  # 极小型
+                if np.all(self.X[:, i] <= optimal * multiple[0]):
+                    flag_list[i] = 100
+                elif np.all(self.X[:, i] <= optimal):
+                    flag_list[i] = float(get_interpolation(self.X[:, i], [optimal, 80], [optimal * multiple[0], 100]))
+                elif self.X[:, i] >= optimal * multiple[1]:
+                    flag_list[i] = 0
+                else:
+                    column_list.append(i)
+            elif self.kind[i] == 0:  # 区间型
+                if np.all(optimal * multiple[0] <= self.X[:, i] <= optimal):
+                    flag_list[i] = float(
+                        get_interpolation(optimal - self.X[:, i], [abs(optimal - optimal * multiple[0]), 80], [0, 100]))
+                elif np.all(optimal <= self.X[:, i] <= optimal * multiple[1]):
+                    flag_list[i] = float(
+                        get_interpolation(self.X[:, i] - optimal, [abs(optimal * multiple[1] - optimal), 80], [0, 100]))
+                elif np.all(self.X[:, i] < optimal * multiple[0]):
+                    dist = optimal * multiple[0] - self.X[:, i]
+                    interval_dist = (optimal - optimal * multiple[0]) / inteval_20_coefficient
+                    if dist < interval_dist:
+                        flag_list[i] = float(get_interpolation(dist, [interval_dist, 20], [0, 80]))
+                    else:
+                        flag_list[i] = 0
+                elif np.all(optimal * multiple[1] < self.X[:, i]):
+                    dist = self.X[:, i] - optimal * multiple[1]
+                    interval_dist = (optimal * multiple[1] - optimal) / inteval_20_coefficient
+                    if dist < interval_dist:
+                        flag_list[i] = float(get_interpolation(dist, [interval_dist, 20], [0, 80]))
+                    else:
+                        flag_list[i] = 0
+                else:
+                    column_list.append(i)
+
+        arr_temp = self.X[:, column_list]
+        kind_temp = [self.kind[i] for i in range(len(flag_list)) if flag_list[i] == -1]
+        optimal_temp = [self.optimal[i] for i in range(len(flag_list)) if flag_list[i] == -1]
+        multiple_temp = [self.multiple[i] for i in range(len(flag_list)) if flag_list[i] == -1]
+
+        # n_temp = len(arr_temp)
+        m_temp = len(arr_temp[0])
+
+        critic_m = ScoreModel(kind_temp, optimal_temp, multiple_temp, arr_temp)
+
+        if -1 not in flag_list:  # 全为特殊值
+            score = sum(flag_list) / len(flag_list)
+        elif all(x == -1 for x in flag_list):  # 无特殊值
+            score_temp = critic_m.calculate_score()
+            # score = sum(score_temp) / len(score_temp)
+            flag_list = score_temp
+        else:  # 部分为特殊值
+            score_temp = critic_m.calculate_score()
+            # score_temp_mean = sum(score_temp) / len(score_temp)
+            # w_temp = m_temp / self.m
+            # score = 100 * (1 - w_temp) + score_temp_mean * w_temp
+            index = 0
+            for i, flag in enumerate(flag_list):
+                if flag == -1:
+                    flag_list[i] = score_temp[index]
+                    index += 1
+
+        score_temp = flag_list
+
+        return score_temp
+
+
+class AHP:
+    def __init__(self, matrix):
+        self.A = np.array(matrix)
+        self.n = len(matrix)
+
+    def _get_consistency_ratio(self, w_max):
+        RI = [0, 0, 0.0001, 0.52, 0.89, 1.12, 1.26, 1.36,
+              1.41, 1.46, 1.49, 1.52, 1.54, 1.56, 1.58, 1.59,
+              1.5943, 1.6064, 1.6133, 1.6207, 1.6292]
+        CI = (w_max - self.n) / (self.n - 1)
+        CR = CI / RI[self.n]
+        return CR
+
+    def get_weights(self, method='eigenvalue'):
+        # Check consistency of pairwise comparison matrix
+        w, v = np.linalg.eig(self.A)
+        w_index = np.argmax(w)
+        w_max = np.real(w[w_index])
+        cr = self._get_consistency_ratio(w_max)
+
+        if cr > 0.1:
+            raise ValueError('The pairwise comparison matrix is inconsistent.')
+
+        # Normalize matrix
+        line_sum = [sum(m) for m in zip(*self.A)]
+        D = np.zeros((self.n, self.n))
+        for i in range(self.n):
+            for j in range(self.n):
+                D[i][j] = self.A[i][j] / line_sum[j]
+
+        # Calculate weights with selected method
+        if method == 'arithmetic':
+            weights = np.zeros(self.n)
+            for i in range(self.n):
+                weights[i] = np.average(D[i])
+        elif method == 'geometric':
+            weights = np.zeros(self.n)
+            for i in range(self.n):
+                weights[i] = reduce(lambda x, y: x * y, self.A[i])
+                weights[i] = pow(weights[i], 1 / self.n)
+            weights = [e / np.sum(weights) for e in weights]
+        elif method == 'eigenvalue':
+            weights = np.zeros(self.n)
+            v_index = np.argmax(v)
+            v_max = np.real(v[:, v_index])
+            weights = [e / np.sum(v_max) for e in v_max]
+
+        print("weights are", weights)
+        return weights
+
+
+if __name__ == "__main__":
+    kind_list = [-1]
+    optimal_value = [6]
+    multiple_list = [[0.5, 2]]  # [3, 12]
+
+    arr = [[1.999]]
+    # arr = [[2.1]]
+    # arr = [[2.999]]
+    # arr = [[3]]
+    # arr = [[4]]
+    # arr = [[6]]
+    # arr = [[11]]
+    # arr = [[11.999]]
+    # arr = [[12]]
+    # arr = [[12.1]]
+
+    cc = ScoreModel(kind_list, optimal_value, multiple_list, np.array(arr))
+    res = cc.cal_score()
+    print(res)

+ 106 - 0
single_case_eval.py

@@ -0,0 +1,106 @@
+#!/usr/bin/env python
+# -*- coding: utf-8 -*-
+##################################################################
+#
+# Copyright (c) 2023 CICV, Inc. All Rights Reserved
+#
+##################################################################
+"""
+@Authors:           yangzihao(yangzihao@china-icv.cn)
+@Data:              2024/01/30
+@Last Modified:     2024/01/30
+@Summary:           Evaluateion functions
+"""
+
+import os
+import sys
+
+sys.path.append('../config')
+sys.path.append('../common')
+sys.path.append('../modules')
+sys.path.append('../results')
+
+import json
+import traceback
+
+import log
+from config_parser import ConfigParse
+from single_case_evaluate import single_case_evaluate, single_case_statistic
+# from data_quality import frame_loss_statistic
+# from pdf_report_generate import report_generate
+from report_generate import report_generate
+
+
+def single_case_eval(configPath, resultPath, case_name):
+    logger = log.get_logger()
+    # case_name = os.path.basename(os.path.dirname(dataPath))
+    # case_name = dataPath.split('/')[-1]
+
+    # 判断文件夹是否为空
+    if len(os.listdir(resultPath)) == 0:
+        print("No files in data_path!")  # 路径异常
+        logger.error(f"[case:{case_name}] SINGLE_CASE_EVAL: No files in data_path!")
+        sys.exit(-1)
+
+    # 加载配置文件
+    try:
+        # json_file = os.path.join(configPath, 'config.json')
+        config = ConfigParse(configPath)
+    except Exception as e:
+        print('Config file parsing ERROR!', e)
+        traceback.print_exc()
+        logger.error(f"[case:{case_name}] SINGLE_CASE_EVAL: Config file parsing ERROR: {repr(e)}!", exc_info=True)
+        sys.exit(-1)
+
+    # 单用例评价,并生成报告
+    try:
+        case_dict = single_case_evaluate(resultPath, config, case_name)  # 评估单用例
+        single_case_dict = single_case_statistic(case_dict)  # 对单用例结果增加内容,并生成报告
+
+        # 将单用例测试结果保存为json文件
+        # single_case_dict.pop('playbackData')
+        # single_case_dict.pop('evalData')
+
+        # with open(f'{resultPath}/report.json', 'w', encoding='utf-8') as f:
+        #     f.write(json.dumps(single_case_dict, ensure_ascii=False))
+
+        reportDict = single_case_dict
+        reportPdf = f'{resultPath}/report.pdf'
+        report_generate(reportDict, reportPdf)
+
+    except Exception as e:
+        traceback.print_exc()
+        logger.error(f"[case:{case_name}] SINGLE_CASE_EVAL: Evaluate single case ERROR: {repr(e)}!", exc_info=True)
+        sys.exit(-1)
+
+# def data_quality_detect(dataPath, case_name):
+#     logger = log.get_logger()
+#
+#     # first_order_loss = 0.01  # first : little loss 100
+#     second_order_loss = 0.05  # second : could use  95
+#     third_order_loss = 0.10  # third : could not use    90
+#
+#     frame_loss_dict = frame_loss_statistic(dataPath)
+#
+#     flag_frame_loss = False
+#     for key, value in frame_loss_dict.items():
+#         # sensor data
+#         sensor_data = ["RoadMark", "RoadPos", "TrafficLight", "TrafficSign"]
+#         if any(file in key for file in sensor_data):
+#         # if "RoadMark" in key or "RoadPos" in key or "TrafficLight" in key or "TrafficSign" in key:
+#         # if key[:-4] in ["RoadMark", "RoadPos", "TrafficLight", "TrafficSign"]:
+#             logger.info(f"[case:{case_name}] SINGLE_CASE_EVAL: [{key}] : {value['result']}")
+#             continue
+#
+#         if value['frame_loss_rate'] > third_order_loss:
+#             logger.error(
+#                 f"[case:{case_name}] SINGLE_CASE_EVAL: [{key}] frame loss rate > {third_order_loss * 100}%: {value['result']}")
+#             flag_frame_loss = True
+#         elif value['frame_loss_rate'] > second_order_loss:
+#             logger.info(
+#                 f"[case:{case_name}] SINGLE_CASE_EVAL: [{key}] frame loss rate > {second_order_loss * 100}%: {value['result']}")
+#         else:
+#             logger.info(
+#                 f"[case:{case_name}] SINGLE_CASE_EVAL: [{key}] frame loss rate < {second_order_loss * 100}%: {value['result']}")
+#
+#     return flag_frame_loss

+ 323 - 0
single_case_evaluate.py

@@ -0,0 +1,323 @@
+#!/usr/bin/env python
+# -*- coding: utf-8 -*-
+##################################################################
+#
+# Copyright (c) 2023 CICV, Inc. All Rights Reserved
+#
+##################################################################
+"""
+@Authors:           yangzihao(yangzihao@china-icv.cn)
+@Data:              2023/11/28
+@Last Modified:     2023/11/28
+@Summary:           Evaluate single case.
+"""
+
+import os
+import sys
+import pandas as pd
+import numpy as np
+import requests
+import json
+import pathlib
+import time
+import traceback
+
+import log
+from common import score_grade, mileage_format, duration_format, string_concatenate, replace_key_with_value, \
+    import_class
+from data_process import DataProcess
+# from customDimension import CustomDimension
+# from custom_run import custom_run
+# from safe import Safe
+# from function import Function
+# from compliance import Compliance
+from comfort import Comfort
+from efficient import Efficient
+
+
+def single_case_evaluate(path, config, case_name):
+    """
+    This function takes a str of single case' path and a dict of config infos.
+    The function uses the scripts of 5 dimensions to analyze and evaluate the single case.
+
+    Arguments:
+        path: A str of a single case's csv files path.
+        config: A dict of config infos, which contains the algorithm info, index info and so on.
+        case_name: A str of case name.
+
+    Returns:
+        case_dict: A dict containing evaluation results. Basic infos, scores and descriptions of 5 dimensions.
+    """
+    logger = log.get_logger()
+
+    try:
+        data_processed = DataProcess(path, config)
+    except Exception as e:
+        traceback.print_exc()
+        logger.error(f"[case:{case_name}] SINGLE_CASE_EVAL: Data processed ERROR: {repr(e)}!", exc_info=True)
+
+    # custom metrics evaluate
+    # customMetricPath = '../custom'
+    # custom_metric_list = [metric for metric in config.metric_list if metric not in config.builtinMetricList]
+
+    custom_data = dict()
+
+    # if customMetricPath if empty
+    # try:
+    #     if custom_metric_list:
+    #         custom_data = custom_run(customMetricPath, data_processed, custom_metric_list, case_name)
+    #     else:
+    #         custom_data = dict()
+    #
+    # except Exception as e:
+    #     traceback.print_exc()
+    #     logger.error(f"[case:{case_name}] SINGLE_CASE_EVAL: Custom metric evaluate ERROR: {repr(e)}!", exc_info=True)
+
+    # scoreFile = 'linear_score'
+
+    # custom score
+    # if config.scoreModel == "builtin":
+    #     scorePath = r"./"
+    #     scoreFile = "score_weight"
+    #     scoreModel = import_class(scorePath, scoreFile)
+    # else:
+    #     # customScorePath = r"C:\Users\cicv\Desktop\ads_evaluate_V4.1.0\customScore"
+    #     scoreFile = config.scoreModel
+    #     scoreModel = import_class(customScorePath, scoreFile)
+
+    scorePath = r"./"
+    scoreFile = "score_weight"
+    scoreModel = import_class(scorePath, scoreFile)
+
+    builtin_dimension_list = config.builtinDimensionList
+    dimension_name_dict = config.dimension_name
+
+    # initialization
+    case_dict = {}
+    case_dict["name"] = case_name
+
+    # score info
+    dimension_list = config.dimension_list
+    score_dimension_dict = {}
+    bad_dimension_list = []
+
+    # statistic the index by good or bad score
+    good_indicator_list = []
+    bad_indicator_list = []
+    # bad_indicator_count_list = []
+
+    dimension_dict = {}
+    # eval_data_list = []
+
+    try:
+        logger.info(f"[case:{case_name}] SINGLE_CASE_EVAL: Dimension evaluate start: ")
+        for dimension in dimension_list:
+            dimension_instance = globals()[dimension.capitalize()](data_processed, custom_data, scoreModel, path)
+
+            # if dimension in builtin_dimension_list:
+            #     dimension_instance = globals()[dimension.capitalize()](data_processed, custom_data, scoreModel)
+            # else:
+            #     dimension_instance = CustomDimension(dimension, data_processed, custom_data, scoreModel)
+
+            dimension_report_dict = dimension_instance.report_statistic()
+            dimension_dict[dimension] = dimension_report_dict
+            score_dimension_dict[dimension] = dimension_report_dict['score']
+
+            # dimension_eval_data = dimension_instance.get_eval_data()
+            # if not dimension_eval_data.empty:
+            #     eval_data_list.append(dimension_eval_data)
+            # eval_data_dict[dimension] = dimension_eval_data
+
+            if score_dimension_dict[dimension] < 80:
+                bad_dimension_list.append(dimension)
+
+            # if dimension == "function":
+            #     followStopCount = dimension_report_dict['followStopCount']
+            #     bad_indicator_list.append("跟停行为") if followStopCount != 0 else good_indicator_list.append("跟停行为")
+            # elif dimension == "compliance":
+            #     illegalCount = dimension_report_dict['illegalCount']
+            #     bad_indicator_list.append("违反交通规则行为") if illegalCount != 0 else good_indicator_list.append("违反交通规则行为")
+            # elif dimension == "comfort":
+            #     discomfortCount = dimension_report_dict['discomfortCount']
+            #     bad_indicator_list.append("不舒适行为") if discomfortCount != 0 else good_indicator_list.append("不舒适行为")
+
+    except Exception as e:
+        traceback.print_exc()
+        logger.error(f"[case:{case_name}] SINGLE_CASE_EVAL: Dimension evaluate ERROR: {repr(e)}!", exc_info=True)
+        sys.exit(-1)
+
+    case_dict["details"] = dimension_dict
+    # calculate the score and grade of the case
+    weight_dimension_dict = config.dimension_weight
+    print("weight_dimension_dict is", weight_dimension_dict)
+    score_dimension = {key: score_dimension_dict[key] * weight_dimension_dict[key] for key in score_dimension_dict}
+
+    score_case = round(sum(score_dimension.values()), 2)
+    grade_case = score_grade(score_case)
+    case_dict['algorithmComprehensiveScore'] = score_case
+    case_dict['algorithmLevel'] = grade_case
+
+    case_dict['testMileage'] = data_processed.report_info['mileage']
+    case_dict['testDuration'] = data_processed.report_info['duration']
+
+    # generate algorithmResultDescription1 according to the actual case
+    # if bad_indicator_list:
+    #     for type in bad_indicator_list:
+    #         if type == '不舒适行为':
+    #             bad_indicator_count_list.append(f'{discomfortCount}次不舒适行为')
+    #         if type == '跟停行为':
+    #             bad_indicator_count_list.append(f'{followStopCount}次跟停行为')
+    #         if type == '违反交通规则行为':
+    #             bad_indicator_count_list.append(f'违反交通规则{illegalCount}次')
+    # str_bad_indicator_count = string_concatenate(bad_indicator_count_list) if bad_indicator_count_list else ""
+    # str_good_indicator = string_concatenate(good_indicator_list) if good_indicator_list else ""
+
+    # algorithmResultDescription1 = "车辆在本轮测试中,"
+    # if str_bad_indicator_count:
+    #     algorithmResultDescription1 += f"共出现{str_bad_indicator_count},"
+    # if str_good_indicator:
+    #     algorithmResultDescription1 += f"未出现{str_good_indicator}。"
+    #
+    # if not str_good_indicator and not str_bad_indicator_count:
+    #     algorithmResultDescription1 += "【未进行舒适性、跟车及合规性评测】。"
+
+    # generate algorithmResultDescription2
+    if not bad_dimension_list:
+        algorithmResultDescription2 = '综上所述,算法在各个维度的表现俱佳。'
+    else:
+        str_bad_dimension = string_concatenate(bad_dimension_list)
+        # replace English to Chinese dimension name
+        algorithmResultDescription2 = f'综上所述,建议算法优化在{str_bad_dimension}指标上的表现。'
+
+    description = f"算法总体表现{grade_case},高效性表现{dimension_dict['efficient']['level']},平顺性表现{dimension_dict['comfort']['level']}。"
+
+    # case_dict['algorithmResultDescription1'] = algorithmResultDescription1
+    # case_dict['algorithmResultDescription2'] = algorithmResultDescription2
+    # case_dict['algorithmResultDescription1'] = replace_key_with_value(algorithmResultDescription1, dimension_name_dict)
+    # case_dict['algorithmResultDescription'] = replace_key_with_value(algorithmResultDescription2, dimension_name_dict)
+    case_dict['algorithmResultDescription'] = description
+
+    graph_dict = {
+        "线速度": os.path.join(path, "LinearAccelerate.png"),
+        "角速度": os.path.join(path, "AngularAccelerate.png"),
+        "速度": os.path.join(path, "Speed.png")
+    }
+
+    case_dict['graphPath'] = graph_dict
+
+    # for df in eval_data_list:
+    #     eval_data_df = pd.merge(eval_data_df, df, on=['simTime', 'simFrame', 'playerId'], how="left")
+    # eval_data_df = eval_data_df[eval_data_df['simFrame'] > 0]
+    #
+    # case_dict['evalData'] = eval_data_df
+    # case_dict['playbackData'] = playback(eval_data_df)
+
+    # report.json
+    # case_dict = {
+    #     'testMileage': mileage,
+    #     'testDuration': duration,
+    #     'algorithmResultDescription1': algorithmResultDescription1,
+    #     'algorithmResultDescription2': algorithmResultDescription2,
+    #     'algorithmComprehensiveScore': score_case,
+    #     'algorithmLevel': grade_case,
+    #
+    #     'safe': safe_report_dict,
+    #     'function': func_report_dict,
+    #     'compliance': comp_report_dict,
+    #     'comfort': comf_report_dict,
+    #     'efficient': effi_report_dict,
+    #
+    #     'commonData': common_report_dict
+    #
+    # }
+
+    return case_dict
+
+
+def playback(df):
+    """
+
+    Args:
+        df:
+
+    Returns:
+
+    """
+
+    target_id = 2
+    # choose_df = df[["simTime", "simFrame", "v", "lat_v_rel", "lon_v_rel", "lat_d", "lon_d", "curvHor", "rollRel", "pitchRel"]].copy()
+    ego_df = df[df['playerId'] == 1][["simTime", "simFrame", "v", "curvHor", "rollRel", "pitchRel"]].copy()
+    if "lat_v_rel" in df.columns:
+        rel_df = df[df['playerId'] == target_id][
+            ["simTime", "simFrame", "lat_v_rel", "lon_v_rel", "lat_d", "lon_d"]].copy()
+        result = pd.merge(ego_df, rel_df, on=['simTime', 'simFrame'], how='left')
+    else:
+        result = ego_df.copy()
+        result["lat_v_rel"] = ["-"] * len(result)
+        result["lon_v_rel"] = ["-"] * len(result)
+        result["lat_d"] = ["-"] * len(result)
+        result["lon_d"] = ["-"] * len(result)
+
+    result.rename(
+        columns={"v": "speed", "lat_v_rel": "latSpeedRel", "lon_v_rel": "lonSpeedRel", "lat_d": "latDistanceRel",
+                 "lon_d": "lonDistanceRel"}, inplace=True)
+
+    result = result[result['simFrame'] > 0]
+    # simTime, simFrame, speed, latSpeedRel, lonSpeedRel,
+    # latDistanceRel, lonDistanceRel, curvHor, rollRel, pitchRel
+
+    return result
+
+
+def single_case_statistic(case_dict):
+    """
+    This function add the basic infos to the case_dict.
+
+    Arguments:
+        case_dict: A dict of single case scores and descriptions.
+        config: A dict of config infos, contains basic infos.
+
+    Returns:
+        single_case_dict: A full dict of single case's performance.
+    """
+    single_case_dict = case_dict.copy()
+    single_case_dict['testMileage'] = mileage_format(single_case_dict['testMileage'])
+    single_case_dict['testDuration'] = duration_format(single_case_dict['testDuration'])
+
+    # single_case_dict = {
+    #     'testMileage': mileage,
+    #     'testDuration': duration,
+    #     'algorithmResultDescription1': algorithmResultDescription1,
+    #     'algorithmResultDescription2': algorithmResultDescription2,
+    #     'algorithmComprehensiveScore': score_case,
+    #     'algorithmLevel': grade_case,
+    #     'safe': safe_report_dict,
+    #     'function': func_report_dict,
+    #     'compliance': comp_report_dict,
+    #     'comfort': comf_report_dict,
+    #     'efficient': effi_report_dict
+    # }
+
+    return single_case_dict
+
+
+def single_report_post(single_case_dict, case_path):
+    """
+    This function generate the single case report based on single_case_dict.
+
+    Arguments:
+        single_case_dict: A dict of single case scores and descriptions.
+        case_path: A str of path of files, which says where the generated report is to be stored.
+
+    Returns:
+        None
+    """
+    print('准备发送请求:')
+    report_name = case_path.split('\\')[-2]  # get case name for report name
+    url_json = 'http://36.110.106.156:18080/report/generate'
+    data_json = json.dumps(single_case_dict)
+    response = requests.post(url_json, data_json, headers={'Content-Type': 'application/json; charset=utf-8'})
+    print("返回报告结果:", response)
+    runtime = time.strftime('%Y%m%d%H%M%S', time.localtime())
+    p = pathlib.Path(rf'{case_path}\{report_name}_{runtime}.pdf')
+    p.write_bytes(response.content)

+ 105 - 0
single_run.py

@@ -0,0 +1,105 @@
+#!/usr/bin/env python
+# -*- coding: utf-8 -*-
+##################################################################
+#
+# Copyright (c) 2023 CICV, Inc. All Rights Reserved
+#
+##################################################################
+"""
+@Authors:           yangzihao(yangzihao@china-icv.cn)
+@Data:              2024/03/27
+@Last Modified:     2024/03/27
+@Summary:           Evaluation entrance
+"""
+
+import os
+import sys
+import time
+from single_case_eval import single_case_eval
+from common import get_subfolders_name
+import log
+
+if __name__ == "__main__":
+
+    # if len(sys.argv) >= 6:
+    #     configPath = sys.argv[1]
+    #     dataPath = sys.argv[2]
+    #     reportPath = sys.argv[3]
+    #     csvPath = sys.argv[4]
+    #     customMetricPath = sys.argv[5]
+    #     customScorePath = sys.argv[6]
+    #
+    #     case_name = os.path.basename(os.path.dirname(dataPath))
+    #
+    #     if not os.path.exists(configPath):
+    #         print('Invalid configPath!')
+    #         logger.error(f"[case:{case_name}] SINGLE_CASE_EVAL: Invalid configPath!")
+    #         sys.exit(-1)
+    #     elif not os.path.exists(dataPath):
+    #         print('Invalid dataPath!')
+    #         logger.error(f"[case:{case_name}] SINGLE_CASE_EVAL: Invalid dataPath!")
+    #         sys.exit(-1)
+    #     elif not os.path.exists(customMetricPath):
+    #         print('Invalid customMetricPath!')
+    #         logger.error(f"[case:{case_name}] SINGLE_CASE_EVAL: Invalid customMetricPath!")
+    #         sys.exit(-1)
+    #     elif not os.path.exists(customScorePath):
+    #         print('Invalid customScorePath!')
+    #         logger.error(f"[case:{case_name}] SINGLE_CASE_EVAL: Invalid customScorePath!")
+    #         sys.exit(-1)
+    #     else:
+    #         try:
+    #             logger.info(f"[case:{case_name}] SINGLE_CASE_EVAL: Start evaluating:")
+    #             print("SINGLE_CASE_EVAL程序开始运行:")
+    #             print(f"   configPath: {configPath},\n   dataPath: {dataPath},\n   reportPath: {reportPath},\n   "
+    #                   f"csvPath: {csvPath},\n   customMetricPath: {customMetricPath}\n   customScorePath: {customScorePath}")
+    #             t1 = time.time()
+    #             single_case_eval(configPath, dataPath, reportPath, csvPath, customMetricPath, customScorePath)
+    #             t2 = time.time()
+    #             print(f"程序结束,执行时间:{int(t2 - t1)} s")
+    #             logger.info(f"[case:{case_name}] SINGLE_CASE_EVAL: End.")
+    #             sys.exit(0)
+    #         except Exception as e:
+    #             print("异常,退出...")
+    #             print(repr(e))
+    #             sys.exit(-1)
+    # else:
+    #     print('No enough arguments!')
+    #     logger.error(f"SINGLE_CASE_EVAL: No enough arguments!")
+    #     sys.exit(-1)
+
+
+    task_path = r"./task_0416"
+
+    cases = get_subfolders_name(task_path)
+
+    for case in cases:
+        dataPath = os.path.join(task_path, case)
+
+        # dataPath = r"./task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9"
+        configPath = r"./config.json"
+
+        # case_name = os.path.basename(os.path.dirname(dataPath))
+        case_name = dataPath.split('/')[-1]
+        casePath = os.path.join("./result", case_name)
+        if not os.path.exists(casePath):
+            os.makedirs(casePath)
+
+        reportPath = rf"{casePath}/report.json"
+        logFileName = './result/log.txt'
+
+        log.setup_logger(logFileName)
+        logger = log.get_logger()
+
+        if not os.path.exists(dataPath):
+            print('Invalid dataPath!')
+            logger.error(f"[case:{case_name}] SINGLE_CASE_EVAL: Invalid dataPath!")
+        else:
+            logger.info(f"[case:{case_name}] SINGLE_CASE_EVAL: Start evaluating:")
+            print("SINGLE_CASE_EVAL程序开始运行:")
+            print(f"  dataPath: {dataPath}, \n  reportPath: {reportPath}")
+            t1 = time.time()
+            single_case_eval(configPath, dataPath, reportPath, casePath)
+            t2 = time.time()
+            print(f"程序结束,执行时间:{int(t2 - t1)} s")
+            logger.info(f"[case:{case_name}] SINGLE_CASE_EVAL: End.")

+ 84 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9/DriverCtrl_pji.csv

@@ -0,0 +1,84 @@
+Time,simTime,simFrame,tarspeedX,tarspeedY,tarspeedZ,tardimX,tardimY,tardimZ
+2024-04-07 10:01:31.321717,0.044561,1,0.0,0.0,0.0,0.0,0.0,1.2
+2024-04-07 10:01:31.422678,0.145522,2,0.0,0.0,0.0,0.0,0.0,1.2
+2024-04-07 10:01:31.521645,0.244489,3,0.0,0.0,0.0,0.0,0.0,1.2
+2024-04-07 10:01:31.621948,0.344792,4,0.0,0.0,0.0,0.0,0.0,1.2
+2024-04-07 10:01:31.722269,0.445113,5,0.0,0.0,0.0,0.0,0.0,1.2
+2024-04-07 10:01:31.822779,0.545623,6,0.0,0.0,0.0,0.0,0.0,1.2
+2024-04-07 10:01:31.922151,0.644995,7,0.0,0.0,0.0,0.0,0.0,1.2
+2024-04-07 10:01:32.021717,0.744561,8,0.0,0.0,0.0,0.0,0.0,1.2
+2024-04-07 10:01:32.121957,0.844801,9,0.0,0.0,0.0,0.0,0.0,1.0686371630251168
+2024-04-07 10:01:32.234592,0.957436,10,0.0,0.0,0.0,0.0,0.0,0.9506647890627136
+2024-04-07 10:01:32.322171,1.045015,11,0.0,0.0,0.0,0.0,0.0,0.8431065386354675
+2024-04-07 10:01:32.422675,1.145519,12,0.0,0.0,0.0,0.0,0.0,0.7408812349855651
+2024-04-07 10:01:32.523437,1.246281,13,0.0,0.0,0.0,0.0,0.0,0.6455743616640328
+2024-04-07 10:01:32.622654,1.345498,14,0.0,0.0,0.0,0.0,0.0,0.560449153763031
+2024-04-07 10:01:32.722013,1.444857,15,0.0,0.0,0.0,0.0,0.0,0.483282586602515
+2024-04-07 10:01:32.822549,1.545393,16,0.0,0.0,0.0,0.0,0.0,0.4177625840538104
+2024-04-07 10:01:32.922247,1.645091,17,0.0,0.0,0.0,0.0,0.0,0.3539348717983728
+2024-04-07 10:01:33.023371,1.746215,18,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:01:33.122299,1.845143,19,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:01:33.223171,1.946015,20,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:01:33.343883,2.066727,21,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:01:33.422567,2.145411,22,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:01:33.521532,2.244376,23,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:01:33.633943,2.356787,24,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:01:33.634027,2.356871,25,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:01:34.044681,2.767525,26,0.0,0.0,0.0,0.0,0.0,-0.3
+2024-04-07 10:01:34.144992,2.867836,27,0.0,0.0,0.0,0.0,0.0,-0.3
+2024-04-07 10:01:34.244464,2.967308,28,0.0,0.0,0.0,0.0,0.0,-0.3
+2024-04-07 10:01:34.344638,3.067482,29,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:01:34.453313,3.176157,30,0.5600000202655793,0.0,0.0,0.0,0.0,-0.0910526290535927
+2024-04-07 10:01:34.553168,3.276012,31,0.6400000154972076,0.0,0.0,0.0,0.0,-0.028421044349670414
+2024-04-07 10:01:34.648107,3.370951,32,0.48000002503395084,0.0,0.0,0.0,0.0,-0.11273683607578279
+2024-04-07 10:01:34.752665,3.475509,33,0.48000002503395084,0.0,0.0,0.0,0.0,-0.12142103910446167
+2024-04-07 10:01:34.857612,3.580456,34,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:01:35.242958,3.965802,35,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:01:35.353903,4.076747,36,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:01:35.443096,4.16594,37,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:01:35.544700,4.267544,38,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:01:35.643140,4.365984,39,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:01:35.743651,4.466495,40,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:01:35.843635,4.566479,41,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:01:35.943680,4.666524,42,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:01:36.066993,4.789837,43,1.8,0.0,0.0,0.0,0.0,-0.3057895004749298
+2024-04-07 10:01:36.174630,4.897474,44,1.8,0.0,0.0,0.0,0.0,-0.3684210479259491
+2024-04-07 10:01:36.341353,5.064197,45,1.8,0.0,0.0,0.0,0.0,-0.3930526375770569
+2024-04-07 10:01:36.377826,5.10067,46,1.8,0.0,0.0,0.0,0.0,-0.3684210479259491
+2024-04-07 10:01:36.461480,5.184324,47,0.7200000107288361,0.0,0.0,0.0,0.0,-0.15094734728336337
+2024-04-07 10:01:36.559135,5.281979,48,0.7200000107288361,0.0,0.0,0.0,0.0,-0.14805261790752408
+2024-04-07 10:01:36.684691,5.407535,49,1.8,0.0,0.0,0.0,0.0,-0.402526319026947
+2024-04-07 10:01:36.773520,5.496364,50,1.8,0.0,0.0,0.0,0.0,-0.3122105300426483
+2024-04-07 10:01:36.855690,5.578534,51,1.4400000214576723,0.0,0.0,0.0,0.0,-0.17442105710506442
+2024-04-07 10:01:36.958110,5.680954,52,1.4400000214576723,0.0,0.0,0.0,0.0,-0.11536842584609985
+2024-04-07 10:01:37.075968,5.798812,53,1.4400000214576723,0.0,0.0,0.0,0.0,-0.11473681777715683
+2024-04-07 10:01:37.154850,5.877694,54,1.0800000429153442,0.0,0.0,0.0,0.0,-0.09210524708032608
+2024-04-07 10:01:37.259508,5.982352,55,1.0800000429153442,0.0,0.0,0.0,0.0,-0.048421069979667664
+2024-04-07 10:01:37.353944,6.076788,56,1.0800000429153442,0.0,0.0,0.0,0.0,-0.09905263036489487
+2024-04-07 10:01:37.453549,6.176393,57,1.0800000429153442,0.0,0.0,0.0,0.0,-0.1747368574142456
+2024-04-07 10:01:37.554031,6.276875,58,1.0800000429153442,0.0,0.0,0.0,0.0,-0.18652632832527158
+2024-04-07 10:01:37.655880,6.378724,59,0.6400000154972076,0.0,0.0,0.0,0.0,-0.1052105277776718
+2024-04-07 10:01:37.753127,6.475971,60,0.7200000107288361,0.0,0.0,0.0,0.0,-0.21642105281353
+2024-04-07 10:01:37.852769,6.575613,61,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:01:37.852783,6.575627,62,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:01:38.236042,6.958886,63,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:38.322650,7.045494,64,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:38.438377,7.161221,65,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:38.542575,7.265419,66,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:38.629246,7.35209,67,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:38.724017,7.446861,68,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:38.871529,7.594373,69,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:38.918321,7.641165,70,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:39.023921,7.746765,71,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:39.118651,7.841495,72,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:39.217401,7.940245,73,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:39.317453,8.040297,74,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:39.418506,8.14135,75,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:39.518911,8.241755,76,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:39.619378,8.342222,77,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:39.719168,8.442012,78,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:39.826936,8.54978,79,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:01:39.922328,8.645172,80,0.0,0.0,0.0,0.0,0.0,-1.1015948443122738
+2024-04-07 10:01:40.021896,8.74474,81,0.0,0.0,0.0,0.0,0.0,-0.9787701750642972
+2024-04-07 10:01:40.118326,8.84117,82,0.0,0.0,0.0,0.0,0.0,-0.8616651707500296
+2024-04-07 10:01:40.224641,8.947485,83,0.0,0.0,0.0,0.0,0.0,-0.7535633869516332

+ 897 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9/EgoState_pji.csv

@@ -0,0 +1,897 @@
+Time,simTime,simFrame,posX,posY,posZ,speedX,speedY,speedZ,accelX,accelY,accelZ,dimX,dimY,dimZ,obstacle,traveledDist
+2024-04-07 10:01:31.307326,0.03017,1,-2.726421026560331,-15.39178083651922,0.0,-0.014400000683963299,0.0,0.0,-0.017949995882809155,-0.017250001039355978,9.815299960136413,0.0,0.0,0.02500000037252903,0,
+2024-04-07 10:01:31.316431,0.039275,2,-2.726465742899181,-15.390603924379443,0.0,-0.014400000683963299,0.0,0.0,-0.03534999657422304,-0.016950001101940865,9.81209996318817,0.0,0.0,0.02500000037252903,0,
+2024-04-07 10:01:31.331358,0.054202,3,-2.726500912261597,-15.38950465217846,0.0,-0.03959999978542328,0.0,0.0,-0.05054999638348817,-0.016750001143664123,9.810699969291685,0.0,0.0,0.06499999761581421,0,
+2024-04-07 10:01:31.336971,0.059815,4,-2.726500912261597,-15.38950465217846,0.0,-0.03959999978542328,0.0,0.0,-0.06754999626427889,-0.016050001122057428,9.809199973106383,0.0,0.0,0.06499999761581421,0,
+2024-04-07 10:01:31.347761,0.070605,5,-2.726500912261597,-15.38950465217846,0.0,-0.03959999978542328,0.0,0.0,-0.08464999664574861,-0.014950001109391431,9.808099967002867,0.0,0.0,0.06499999761581421,0,
+2024-04-07 10:01:31.357242,0.080086,6,-2.726500912261597,-15.38950465217846,0.0,-0.03959999978542328,0.0,0.0,-0.10134999681264162,-0.0146500010974705,9.803699971199034,0.0,0.0,0.06499999761581421,0,
+2024-04-07 10:01:31.365673,0.088517,7,-2.726492980839304,-15.38699845786399,0.0,-0.03959999978542328,0.0,0.0,-0.11734999645501375,-0.015450001116842027,9.80399997806549,0.0,0.0,0.06499999761581421,0,
+2024-04-07 10:01:31.376707,0.099551,8,-2.726492980839304,-15.38699845786399,0.0,-0.03959999978542328,0.0,0.0,-0.13414999652653933,-0.015650001112371664,9.804199973106382,0.0,0.0,0.06499999761581421,0,
+2024-04-07 10:01:31.387224,0.110068,9,-2.726492980839304,-15.38699845786399,0.0,-0.03959999978542328,0.0,0.0,-0.15114999640733004,-0.017150001134723425,9.805399981498716,0.0,0.0,0.06499999761581421,0,
+2024-04-07 10:01:31.411044,0.133888,10,-2.726243398375234,-15.385447015324347,0.0,-0.08280000016093254,0.0,0.0,-0.1670499961450696,-0.018550001159310325,9.804299984931944,0.0,0.0,0.1340000033378601,0,
+2024-04-07 10:01:31.411084,0.133928,11,-2.726243398375234,-15.385447015324347,0.0,-0.08280000016093254,0.0,0.0,-0.18184999633580445,-0.020050001107156268,9.806799984931944,0.0,0.0,0.1340000033378601,0,
+2024-04-07 10:01:31.416920,0.139764,12,-2.726243398375234,-15.385447015324347,0.0,-0.08280000016093254,0.0,0.0,-0.19764999676495792,-0.021350001078099007,9.807899981498716,0.0,0.0,0.1340000033378601,0,
+2024-04-07 10:01:31.426708,0.149552,13,-2.726243398375234,-15.385447015324347,0.0,-0.08280000016093254,0.0,0.0,-0.21124999690800905,-0.022750001084059474,9.806699982643126,0.0,0.0,0.1340000033378601,0,
+2024-04-07 10:01:31.436466,0.15931,14,-2.726243398375234,-15.385447015324347,0.0,-0.08280000016093254,0.0,0.0,-0.22484999705106018,-0.02415000116452573,9.804999981880187,0.0,0.0,0.1340000033378601,0,
+2024-04-07 10:01:31.447288,0.170132,15,-2.7257317889022032,-15.385902985795855,0.0,-0.07559999898076057,0.0,0.0,-0.23744999695569277,-0.0238500011526048,9.806699982643126,0.0,0.0,0.2750000059604645,0,
+2024-04-07 10:01:31.457467,0.180311,16,-2.7257317889022032,-15.385902985795855,0.0,-0.07559999898076057,0.0,0.0,-0.2488499968126416,-0.02355000114068387,9.808099986076353,0.0,0.0,0.2750000059604645,0,
+2024-04-07 10:01:31.466150,0.188994,17,-2.7257317889022032,-15.385902985795855,0.0,-0.07559999898076057,0.0,0.0,-0.26104999650269745,-0.022150000985711793,9.807099982261656,0.0,0.0,0.2750000059604645,0,
+2024-04-07 10:01:31.477478,0.200322,18,-2.7257317889022032,-15.385902985795855,0.0,-0.07559999898076057,0.0,0.0,-0.2718499966338277,-0.019950000997632722,9.806599980354306,0.0,0.0,0.2750000059604645,0,
+2024-04-07 10:01:31.486124,0.208968,19,-2.724969955365143,-15.38821796678049,0.0,-0.06839999780058861,0.0,0.0,-0.2818499969318509,-0.018650000896304836,9.805999976158141,0.0,0.0,0.4519999921321869,0,
+2024-04-07 10:01:31.498962,0.221806,20,-2.724969955365143,-15.38821796678049,0.0,-0.06839999780058861,0.0,0.0,-0.29254999715834856,-0.01685000082477925,9.80479997730255,0.0,0.0,0.4519999921321869,0,
+2024-04-07 10:01:31.506262,0.229106,21,-2.724969955365143,-15.38821796678049,0.0,-0.06839999780058861,0.0,0.0,-0.3008499972894788,-0.016750000920146696,9.803699971199034,0.0,0.0,0.4519999921321869,0,
+2024-04-07 10:01:31.516460,0.239304,22,-2.724969955365143,-15.38821796678049,0.0,-0.06839999780058861,0.0,0.0,-0.3092499971762299,-0.01525000086054204,9.804999972343444,0.0,0.0,0.4519999921321869,0,
+2024-04-07 10:01:31.527980,0.250824,23,-2.723981719087087,-15.392195756567121,0.0,-0.09360000193119049,0.0,0.0,-0.3169499974697828,-0.012250000927597288,9.806899977684019,0.0,0.0,0.48500001430511475,0,
+2024-04-07 10:01:31.536154,0.258998,24,-2.723981719087087,-15.392195756567121,0.0,-0.09360000193119049,0.0,0.0,-0.3223499974049628,-0.010850000921636821,9.806499978065489,0.0,0.0,0.48500001430511475,0,
+2024-04-07 10:01:31.546442,0.269286,25,-2.723981719087087,-15.392195756567121,0.0,-0.09360000193119049,0.0,0.0,-0.3280499974824488,-0.008550000730901952,9.80439997768402,0.0,0.0,0.48500001430511475,0,
+2024-04-07 10:01:31.557385,0.280229,26,-2.723981719087087,-15.392195756567121,0.0,-0.09360000193119049,0.0,0.0,-0.3309499973990023,-0.006350000742822881,9.805299979209899,0.0,0.0,0.48500001430511475,0,
+2024-04-07 10:01:31.566034,0.288878,27,-2.7227841431601494,-15.39779891851702,0.0,-0.16200000643730164,0.0,0.0,-0.3347499976493418,-0.003950000647455432,9.806099978446959,0.0,0.0,0.4819999933242798,0,
+2024-04-07 10:01:31.576098,0.298942,28,-2.7227841431601494,-15.39779891851702,0.0,-0.16200000643730164,0.0,0.0,-0.3378499973751604,-0.0018500005640089412,9.806699982643126,0.0,0.0,0.4819999933242798,0,
+2024-04-07 10:01:31.585863,0.308707,29,-2.7227841431601494,-15.39779891851702,0.0,-0.16200000643730164,0.0,0.0,-0.33944999704137446,-0.00015000054612754332,9.806699982643126,0.0,0.0,0.4819999933242798,0,
+2024-04-07 10:01:31.605862,0.328706,30,-2.7214153974152935,-15.404888548888342,0.0,-0.1656000003218651,0.0,0.0,-0.3442499972321093,0.0018499994836747857,9.806199980735776,0.0,0.0,0.5680000185966492,0,
+2024-04-07 10:01:31.609267,0.332111,31,-2.7214153974152935,-15.404888548888342,0.0,-0.1656000003218651,0.0,0.0,-0.3453499970771372,0.0020499994419515277,9.806499978065489,0.0,0.0,0.5680000185966492,0,
+2024-04-07 10:01:31.616715,0.339559,32,-2.7214153974152935,-15.404888548888342,0.0,-0.1656000003218651,0.0,0.0,-0.3467499975301325,0.0020499994419515277,9.80639997577667,0.0,0.0,0.5680000185966492,0,
+2024-04-07 10:01:31.629541,0.352385,33,-2.7214153974152935,-15.404888548888342,0.0,-0.1656000003218651,0.0,0.0,-0.34884999761357904,0.003249999340623616,9.80639997577667,0.0,0.0,0.5680000185966492,0,
+2024-04-07 10:01:31.635823,0.358667,34,-2.7214153974152935,-15.404888548888342,0.0,-0.1656000003218651,0.0,0.0,-0.3489499975182116,0.003949999418109668,9.80639997577667,0.0,0.0,0.5680000185966492,0,
+2024-04-07 10:01:31.650115,0.372959,35,-2.7199263841446117,-15.41320377904991,0.0,-0.15119999796152114,0.0,0.0,-0.350849997792393,0.006049999427050368,9.80519997692108,0.0,0.0,0.6899999976158142,0,
+2024-04-07 10:01:31.655984,0.378828,36,-2.7199263841446117,-15.41320377904991,0.0,-0.15119999796152114,0.0,0.0,-0.34924999782815574,0.006749999504536391,9.806299973487851,0.0,0.0,0.6899999976158142,0,
+2024-04-07 10:01:31.666348,0.389192,37,-2.7199263841446117,-15.41320377904991,0.0,-0.15119999796152114,0.0,0.0,-0.35014999816194176,0.009349999483674765,9.804099970817564,0.0,0.0,0.6899999976158142,0,
+2024-04-07 10:01:31.676124,0.398968,38,-2.7199263841446117,-15.41320377904991,0.0,-0.15119999796152114,0.0,0.0,-0.3487499980069697,0.011449999269098066,9.804299975395201,0.0,0.0,0.6899999976158142,0,
+2024-04-07 10:01:31.685895,0.408739,39,-2.7183053694836437,-15.422795749411252,0.0,-0.18720000386238098,0.0,0.0,-0.3496499983407557,0.013449999224394577,9.804699975013731,0.0,0.0,0.8370000123977661,0,
+2024-04-07 10:01:31.697161,0.420005,40,-2.7183053694836437,-15.422795749411252,0.0,-0.18720000386238098,0.0,0.0,-0.3488499982096255,0.01614999918267132,9.80639997577667,0.0,0.0,0.8370000123977661,0,
+2024-04-07 10:01:31.706977,0.429821,41,-2.7183053694836437,-15.422795749411252,0.0,-0.18720000386238098,0.0,0.0,-0.3500499982573092,0.018349999021738783,9.802199975013732,0.0,0.0,0.8370000123977661,0,
+2024-04-07 10:01:31.716401,0.439245,42,-2.7183053694836437,-15.422795749411252,0.0,-0.18720000386238098,0.0,0.0,-0.3482499984838069,0.02174999913200737,9.800999966621397,0.0,0.0,0.8370000123977661,0,
+2024-04-07 10:01:31.727615,0.450459,43,-2.7166061781397977,-15.433196295850992,0.0,-0.13320000171661378,0.0,0.0,-0.3492499987222254,0.023349999245256187,9.799799967765805,0.0,0.0,1.003000020980835,0,
+2024-04-07 10:01:31.736297,0.459141,44,-2.7166061781397977,-15.433196295850992,0.0,-0.13320000171661378,0.0,0.0,-0.3483499989844859,0.02604999920353293,9.801499968528745,0.0,0.0,1.003000020980835,0,
+2024-04-07 10:01:31.746769,0.469613,45,-2.7166061781397977,-15.433196295850992,0.0,-0.13320000171661378,0.0,0.0,-0.3470499990321696,0.029149999078363187,9.801199971199035,0.0,0.0,1.003000020980835,0,
+2024-04-07 10:01:31.760520,0.483364,46,-2.7166061781397977,-15.433196295850992,0.0,-0.13320000171661378,0.0,0.0,-0.3476499993540346,0.03234999915584924,9.798699971199033,0.0,0.0,1.003000020980835,0,
+2024-04-07 10:01:31.766726,0.48957,47,-2.714847627379186,-15.444239095611481,0.0,-0.1260000005364418,0.0,0.0,-0.3474499995447695,0.035149999167770146,9.802899971961974,0.0,0.0,1.2410000562667847,0,
+2024-04-07 10:01:31.776883,0.499727,48,-2.714847627379186,-15.444239095611481,0.0,-0.1260000005364418,0.0,0.0,-0.34874999949708585,0.037149999197572475,9.803299971580504,0.0,0.0,1.2410000562667847,0,
+2024-04-07 10:01:31.786421,0.509265,49,-2.714847627379186,-15.444239095611481,0.0,-0.1260000005364418,0.0,0.0,-0.3508499992825091,0.039049999173730615,9.801099978446958,0.0,0.0,1.2410000562667847,0,
+2024-04-07 10:01:31.807285,0.530129,50,-2.7130505912037797,-15.455745279592636,0.0,-0.07559999898076057,0.0,0.0,-0.35294999906793234,0.04194999909028413,9.8017999753952,0.0,0.0,1.4079999923706055,0,
+2024-04-07 10:01:31.807868,0.530712,51,-2.7130505912037797,-15.455745279592636,0.0,-0.07559999898076057,0.0,0.0,-0.35644999900832774,0.044249999094754466,9.804499979972837,0.0,0.0,1.4079999923706055,0,
+2024-04-07 10:01:31.816099,0.538943,52,-2.7130505912037797,-15.455745279592636,0.0,-0.07559999898076057,0.0,0.0,-0.35924999931827184,0.04704999903216958,9.803799983024595,0.0,0.0,1.4079999923706055,0,62.31100014701951
+2024-04-07 10:01:31.830649,0.553493,53,-2.7130505912037797,-15.455745279592636,0.0,-0.07559999898076057,0.0,0.0,-0.36234999934211376,0.048149999100714935,9.803299981117247,0.0,0.0,1.4079999923706055,0,62.31100014701951
+2024-04-07 10:01:31.836344,0.559188,54,-2.7130505912037797,-15.455745279592636,0.0,-0.07559999898076057,0.0,0.0,-0.36684999952092767,0.0515499989502132,9.804199973106382,0.0,0.0,1.4079999923706055,0,62.31100014701951
+2024-04-07 10:01:31.845943,0.568787,55,-2.7112434142388224,-15.467487674951549,0.0,0.007200000341981649,0.0,0.0,-0.37024999955669047,0.05424999905750155,9.805899973869321,0.0,0.0,1.4639999866485596,0,62.31100014701951
+2024-04-07 10:01:31.856464,0.579308,56,-2.7112434142388224,-15.467487674951549,0.0,0.007200000341981649,0.0,0.0,-0.3734499995596707,0.05574999911710621,9.804999972343444,0.0,0.0,1.4639999866485596,0,62.31100014701951
+2024-04-07 10:01:31.866127,0.588971,57,-2.7112434142388224,-15.467487674951549,0.0,0.007200000341981649,0.0,0.0,-0.37804999927058813,0.059449999015778326,9.81139997577667,0.0,0.0,1.4639999866485596,0,62.31100014701951
+2024-04-07 10:01:31.875985,0.598829,58,-2.7112434142388224,-15.467487674951549,0.0,0.007200000341981649,0.0,0.0,-0.38224999921396374,0.060949998926371346,9.812399979591367,0.0,0.0,1.4639999866485596,0,62.31100014701951
+2024-04-07 10:01:31.886614,0.609458,59,-2.7094479605595034,-15.479247219299817,0.0,0.053999998793005946,0.0,0.0,-0.3849499992467463,0.06644999872893095,9.813799973487852,0.0,0.0,1.49399995803833,0,62.31100014701951
+2024-04-07 10:01:31.897139,0.619983,60,-2.7094479605595034,-15.479247219299817,0.0,0.053999998793005946,0.0,0.0,-0.38364999929443,0.07194999884814024,9.813299971580504,0.0,0.0,1.49399995803833,0,62.31100014701951
+2024-04-07 10:01:31.908043,0.630887,61,-2.7094479605595034,-15.479247219299817,0.0,0.053999998793005946,0.0,0.0,-0.3841499993018806,0.07634999852627516,9.815699969291686,0.0,0.0,1.49399995803833,0,62.31100014701951
+2024-04-07 10:01:31.916170,0.639014,62,-2.7094479605595034,-15.479247219299817,0.0,0.053999998793005946,0.0,0.0,-0.3800499993376434,0.08114999862387778,9.812499972343444,0.0,0.0,1.49399995803833,0,62.31100014701951
+2024-04-07 10:01:31.929982,0.652826,63,-2.7076719993956457,-15.4908758927994,0.0,0.09000000134110452,0.0,0.0,-0.3784499993734062,0.08634999865666032,9.809399968147275,0.0,0.0,1.4709999561309814,0,62.31100014701951
+2024-04-07 10:01:31.936997,0.659841,64,-2.7076719993956457,-15.4908758927994,0.0,0.09000000134110452,0.0,0.0,-0.37314999965950846,0.09014999853447081,9.808799973487853,0.0,0.0,1.4709999561309814,0,62.31100014701951
+2024-04-07 10:01:31.945897,0.668741,65,-2.7076719993956457,-15.4908758927994,0.0,0.09000000134110452,0.0,0.0,-0.3700499996356666,0.09154999854043128,9.814199973106382,0.0,0.0,1.4709999561309814,0,62.31100014701951
+2024-04-07 10:01:31.960083,0.682927,66,-2.7059436215640185,-15.502230436545108,0.0,0.11520000547170639,0.0,0.0,-0.3668499997071922,0.09194999860599637,9.814499970436094,0.0,0.0,1.4809999465942383,0,62.31100014701951
+2024-04-07 10:01:31.966905,0.689749,67,-2.7059436215640185,-15.502230436545108,0.0,0.11520000547170639,0.0,0.0,-0.36294999985024334,0.09124999867752195,9.810599967002867,0.0,0.0,1.4809999465942383,0,62.31100014701951
+2024-04-07 10:01:31.976552,0.699396,68,-2.7059436215640185,-15.502230436545108,0.0,0.11520000547170639,0.0,0.0,-0.361649999897927,0.09134999873116614,9.807799960136412,0.0,0.0,1.4809999465942383,0,62.31100014701951
+2024-04-07 10:01:31.986454,0.709298,69,-2.7059436215640185,-15.502230436545108,0.0,0.11520000547170639,0.0,0.0,-0.3600499999336898,0.0910499986447394,9.812399960517881,0.0,0.0,1.4809999465942383,0,62.31100014701951
+2024-04-07 10:01:32.008121,0.730965,70,-2.7059436215640185,-15.502230436545108,0.0,0.11520000547170639,0.0,0.0,-0.3580500000528991,0.09044999876990914,9.814399958610533,0.0,0.0,1.4809999465942383,0,62.31100014701951
+2024-04-07 10:01:32.008132,0.730976,71,-2.7059436215640185,-15.502230436545108,0.0,0.11520000547170639,0.0,0.0,-0.35444999990984793,0.089449998755008,9.81289996242523,0.0,0.0,1.4809999465942383,0,62.31100014701951
+2024-04-07 10:01:32.016045,0.738889,72,-2.704284234008642,-15.513215834509149,0.0,0.11520000547170639,0.0,0.0,-0.3531499999575317,0.08884999873116614,9.808399964332578,0.0,0.0,1.4559999704360962,0,62.31100014701951
+2024-04-07 10:01:32.026140,0.748984,73,-2.704284234008642,-15.513215834509149,0.0,0.11520000547170639,0.0,0.0,-0.35055000005289916,0.08934999870136381,9.81049996471405,0.0,0.0,1.4559999704360962,0,62.31100014701951
+2024-04-07 10:01:32.036148,0.758992,74,-2.704284234008642,-15.513215834509149,0.0,0.11520000547170639,0.0,0.0,-0.34685000030323865,0.08954999880865216,9.813599968910216,0.0,0.0,1.4559999704360962,0,62.31100014701951
+2024-04-07 10:01:32.046127,0.768971,75,-2.7026723925283913,-15.523787298364105,0.0,0.06839999780058861,0.0,0.0,-0.3427500003390014,0.0898499988205731,9.812399970054624,0.0,0.0,1.399999976158142,0,62.31100014701951
+2024-04-07 10:01:32.056100,0.778944,76,-2.7026723925283913,-15.523787298364105,0.0,0.06839999780058861,0.0,0.0,-0.33815000055357813,0.0898499988205731,9.809099970817565,0.0,0.0,1.399999976158142,0,62.31100014701951
+2024-04-07 10:01:32.066530,0.789374,77,-2.7026723925283913,-15.523787298364105,0.0,0.06839999780058861,0.0,0.0,-0.3326500004343689,0.08954999880865216,9.809999972343443,0.0,0.0,1.399999976158142,0,62.31100014701951
+2024-04-07 10:01:32.075752,0.798596,78,-2.7026723925283913,-15.523787298364105,0.0,0.06839999780058861,0.0,0.0,-0.3270500007085502,0.08904999883845449,9.814099970817564,0.0,0.0,1.399999976158142,0,62.31100014701951
+2024-04-07 10:01:32.085872,0.808716,79,-2.7010930881380437,-15.53391495807805,0.0,0.03959999978542328,0.0,0.0,-0.32095000041648747,0.08854999884963036,9.813199969291686,0.0,0.0,1.3350000381469727,0,62.31100014701951
+2024-04-07 10:01:32.096246,0.81909,80,-2.7010930881380437,-15.53391495807805,0.0,0.03959999978542328,0.0,0.0,-0.31565000070258975,0.08764999885112049,9.810999966621397,0.0,0.0,1.3350000381469727,0,62.31100014701951
+2024-04-07 10:01:32.109239,0.832083,81,-2.7010930881380437,-15.53391495807805,0.0,0.03959999978542328,0.0,0.0,-0.3092500008456409,0.08854999884963036,9.810299960136412,0.0,0.0,1.3350000381469727,0,62.31100014701951
+2024-04-07 10:01:32.116347,0.839191,82,-2.7010930881380437,-15.53391495807805,0.0,0.03959999978542328,0.0,0.0,-0.3045500005595386,0.08864999882876873,9.807999955177305,0.0,0.0,1.3350000381469727,0,62.31100014701951
+2024-04-07 10:01:32.127230,0.850074,83,-2.699537521945218,-15.54346957846891,0.0,0.0,0.0,0.0,-0.2983500005118549,0.09104999877512457,9.805799952507018,0.0,0.0,1.2690000534057617,0,62.31100014701951
+2024-04-07 10:01:32.139124,0.861968,84,-2.699537521945218,-15.54346957846891,0.0,0.0,0.0,0.0,-0.29375000072643165,0.09364999867975712,9.803599949836729,0.0,0.0,1.2690000534057617,0,62.31100014701951
+2024-04-07 10:01:32.148178,0.871022,85,-2.699537521945218,-15.54346957846891,0.0,0.0,0.0,0.0,-0.2874500006996095,0.09544999862089754,9.80309994792938,0.0,0.0,1.2690000534057617,0,62.31100014701951
+2024-04-07 10:01:32.162500,0.885344,86,-2.699537521945218,-15.54346957846891,0.0,0.0,0.0,0.0,-0.28015000047162175,0.09554999860003591,9.805799942970275,0.0,0.0,1.2690000534057617,0,62.31100014701951
+2024-04-07 10:01:32.168398,0.891242,87,-2.6979555625207663,-15.552633379422323,0.0,-0.03959999978542328,0.0,0.0,-0.2725500002689659,0.09354999855160714,9.804199944496153,0.0,0.0,1.190999984741211,0,62.31100014701951
+2024-04-07 10:01:32.176526,0.89937,88,-2.6979555625207663,-15.552633379422323,0.0,-0.03959999978542328,0.0,0.0,-0.26545000018551945,0.09184999847784639,9.802899943351743,0.0,0.0,1.190999984741211,0,62.31100014701951
+2024-04-07 10:01:32.186974,0.909818,89,-2.6979555625207663,-15.552633379422323,0.0,-0.03959999978542328,0.0,0.0,-0.2572500001452863,0.08914999844506383,9.805099946022032,0.0,0.0,1.190999984741211,0,62.31100014701951
+2024-04-07 10:01:32.222381,0.945225,90,-2.696392330546015,-15.561078677771581,0.0,-0.057600002735853195,0.0,0.0,-0.249550000410527,0.08814999843016269,9.808699942588804,0.0,0.0,1.149999976158142,0,62.31100014701951
+2024-04-07 10:01:32.224156,0.947,91,-2.696392330546015,-15.561078677771581,0.0,-0.057600002735853195,0.0,0.0,-0.2407500002719462,0.08654999846592545,9.809999943733214,0.0,0.0,1.149999976158142,0,62.31100014701951
+2024-04-07 10:01:32.224403,0.947247,92,-2.696392330546015,-15.561078677771581,0.0,-0.057600002735853195,0.0,0.0,-0.23275000052526593,0.08594999844208362,9.807499943733214,0.0,0.0,1.149999976158142,0,62.31100014701951
+2024-04-07 10:01:32.229666,0.95251,93,-2.696392330546015,-15.561078677771581,0.0,-0.057600002735853195,0.0,0.0,-0.225050000436604,0.08564999843016269,9.80859994983673,0.0,0.0,1.149999976158142,0,62.31100014701951
+2024-04-07 10:01:32.246747,0.969591,94,-2.696392330546015,-15.561078677771581,0.0,-0.057600002735853195,0.0,0.0,-0.21605000022798776,0.08514999845996499,9.810099955558774,0.0,0.0,1.149999976158142,0,62.31100014701951
+2024-04-07 10:01:32.248385,0.971229,95,-2.696392330546015,-15.561078677771581,0.0,-0.057600002735853195,0.0,0.0,-0.2087500000745058,0.08524999843910339,9.809599953651427,0.0,0.0,1.149999976158142,0,62.31100014701951
+2024-04-07 10:01:32.256832,0.979676,96,-2.694020342379008,-15.572734964970039,0.0,-0.06120000332593918,0.0,0.0,-0.20105000017210842,0.08574999848380685,9.807699957847593,0.0,0.0,1.093999981880188,0,62.31100014701951
+2024-04-07 10:01:32.266404,0.989248,97,-2.6936379011677363,-15.574525752221332,0.0,-0.06120000332593918,0.0,0.0,-0.1935500000976026,0.08694999849423768,9.807299958229063,0.0,0.0,1.093999981880188,0,62.31100014701951
+2024-04-07 10:01:32.276556,0.9994,98,-2.6936379011677363,-15.574525752221332,0.0,-0.06120000332593918,0.0,0.0,-0.1864500003494322,0.08774999847635628,9.8074999628067,0.0,0.0,1.093999981880188,0,62.31100014701951
+2024-04-07 10:01:32.286027,1.008871,99,-2.6936379011677363,-15.574525752221332,0.0,-0.06120000332593918,0.0,0.0,-0.17925000010058284,0.08714999848976732,9.805899964332578,0.0,0.0,1.093999981880188,0,62.31100014701951
+2024-04-07 10:01:32.301639,1.024483,100,-2.6936379011677363,-15.574525752221332,0.0,-0.06120000332593918,0.0,0.0,-0.17154999999329448,0.08624999850988388,9.806099968910216,0.0,0.0,1.093999981880188,0,62.31100014701951
+2024-04-07 10:01:32.306763,1.029607,101,-2.6924957447938045,-15.579620504230379,0.0,-0.057600002735853195,0.0,0.0,-0.16415000012144446,0.08544999850913884,9.806399966239928,0.0,0.0,1.0640000104904175,0,62.31100014701951
+2024-04-07 10:01:32.316709,1.039553,102,-2.6924957447938045,-15.579620504230379,0.0,-0.057600002735853195,0.0,0.0,-0.15674999987706542,0.0851499985717237,9.80829996204376,0.0,0.0,1.0640000104904175,0,62.31100014701951
+2024-04-07 10:01:32.329345,1.052189,103,-2.6924957447938045,-15.579620504230379,0.0,-0.057600002735853195,0.0,0.0,-0.1485500000230968,0.08474999865517022,9.80789996242523,0.0,0.0,1.0640000104904175,0,62.31100014701951
+2024-04-07 10:01:32.340072,1.062916,104,-2.6924957447938045,-15.579620504230379,0.0,-0.057600002735853195,0.0,0.0,-0.14044999985024334,0.08504999859258533,9.808199959754942,0.0,0.0,1.0640000104904175,0,62.31100014701951
+2024-04-07 10:01:32.346722,1.069566,105,-2.690693471799917,-15.587311506701228,0.0,-0.057600002735853195,0.0,0.0,-0.1317499995045364,0.08534999860450626,9.808499966621397,0.0,0.0,1.0410000085830688,0,62.31100014701951
+2024-04-07 10:01:32.357413,1.080257,106,-2.690693471799917,-15.587311506701228,0.0,-0.057600002735853195,0.0,0.0,-0.12324999956414104,0.08634999854490161,9.808999968528745,0.0,0.0,1.0410000085830688,0,62.31100014701951
+2024-04-07 10:01:32.366346,1.08919,107,-2.690693471799917,-15.587311506701228,0.0,-0.057600002735853195,0.0,0.0,-0.1147499997727573,0.08814999850466848,9.80909996128082,0.0,0.0,1.0410000085830688,0,62.31100014701951
+2024-04-07 10:01:32.376007,1.098851,108,-2.690693471799917,-15.587311506701228,0.0,-0.057600002735853195,0.0,0.0,-0.10634999988600612,0.08874999849125745,9.808999958992002,0.0,0.0,1.0410000085830688,0,62.31100014701951
+2024-04-07 10:01:32.387610,1.110454,109,-2.6893763827565746,-15.592659144499075,0.0,-0.043200000375509265,0.0,0.0,-0.09784999994561076,0.08894999848678709,9.809399958610532,0.0,0.0,1.031000018119812,0,62.31100014701951
+2024-04-07 10:01:32.408060,1.130904,110,-2.689057610052421,-15.593921149709548,0.0,-0.05040000155568123,0.0,0.0,-0.08984999997541308,0.08934999849647285,9.809299956321714,0.0,0.0,1.0140000581741333,0,62.31100014701951
+2024-04-07 10:01:32.408107,1.130951,111,-2.689057610052421,-15.593921149709548,0.0,-0.05040000155568123,0.0,0.0,-0.08234999990090727,0.09074999846518042,9.808999958992002,0.0,0.0,1.0140000581741333,0,62.31100014701951
+2024-04-07 10:01:32.416608,1.139452,112,-2.6886737400884413,-15.595485243098423,0.0,-0.043200000375509265,0.0,0.0,-0.0747499996982515,0.09234999852254988,9.808399964332578,0.0,0.0,0.9980000257492065,0,62.31100014701951
+2024-04-07 10:01:32.427571,1.150415,113,-2.6886737400884413,-15.595485243098423,0.0,-0.043200000375509265,0.0,0.0,-0.06744999954476952,0.09364999847486616,9.808899966239927,0.0,0.0,0.9980000257492065,0,62.31100014701951
+2024-04-07 10:01:32.442059,1.164903,114,-2.6886737400884413,-15.595485243098423,0.0,-0.043200000375509265,0.0,0.0,-0.05984999971464276,0.09404999846592546,9.808499966621397,0.0,0.0,0.9980000257492065,0,62.31100014701951
+2024-04-07 10:01:32.446262,1.169106,115,-2.6878738720606554,-15.598564523050532,0.0,-0.043200000375509265,0.0,0.0,-0.05314999999478459,0.09314999846741559,9.807799969673155,0.0,0.0,0.9980000257492065,0,62.31100014701951
+2024-04-07 10:01:32.456344,1.179188,116,-2.6878738720606554,-15.598564523050532,0.0,-0.043200000375509265,0.0,0.0,-0.0481500001065433,0.09194999849423768,9.807699967384336,0.0,0.0,0.9980000257492065,0,62.31100014701951
+2024-04-07 10:01:32.466416,1.18926,117,-2.6878738720606554,-15.598564523050532,0.0,-0.043200000375509265,0.0,0.0,-0.04445000015199184,0.09004999836906791,9.807499972343443,0.0,0.0,0.9980000257492065,0,62.31100014701951
+2024-04-07 10:01:32.476409,1.199253,118,-2.6878738720606554,-15.598564523050532,0.0,-0.043200000375509265,0.0,0.0,-0.04115000020712614,0.08724999843165279,9.80759997463226,0.0,0.0,0.9980000257492065,0,62.31100014701951
+2024-04-07 10:01:32.488243,1.211087,119,-2.686810059530459,-15.60277383059503,0.0,-0.028800001367926598,0.0,0.0,-0.037850000075995927,0.08454999828711154,9.80639997577667,0.0,0.0,0.9760000109672546,0,62.31100014701951
+2024-04-07 10:01:32.497079,1.219923,120,-2.686810059530459,-15.60277383059503,0.0,-0.028800001367926598,0.0,0.0,-0.0345499999448657,0.08204999824985862,9.806699973106383,0.0,0.0,0.9760000109672546,0,62.31100014701951
+2024-04-07 10:01:32.506359,1.229203,121,-2.686810059530459,-15.60277383059503,0.0,-0.028800001367926598,0.0,0.0,-0.03184999994933606,0.0794499983265996,9.80639997577667,0.0,0.0,0.9760000109672546,0,62.31100014701951
+2024-04-07 10:01:32.516501,1.239345,122,-2.686810059530459,-15.60277383059503,0.0,-0.028800001367926598,0.0,0.0,-0.03004999995231629,0.07684999819844962,9.805499974250791,0.0,0.0,0.9760000109672546,0,62.31100014701951
+2024-04-07 10:01:32.528578,1.251422,123,-2.6861755178828783,-15.605552451981959,0.0,-0.010800000093877316,0.0,0.0,-0.028849999941885474,0.07424999829381707,9.805199967384336,0.0,0.0,0.9399999976158142,0,62.31100014701951
+2024-04-07 10:01:32.539061,1.261905,124,-2.6860442743695208,-15.606152555838268,0.0,-0.014400000683963299,0.0,0.0,-0.02844999993219971,0.07184999834746122,9.805099965095518,0.0,0.0,0.8999999761581421,0,62.31100014701951
+2024-04-07 10:01:32.558851,1.281695,125,-2.685906001953899,-15.606825148314044,0.0,-0.014400000683963299,0.0,0.0,-0.02844999993219971,0.06894999820739031,9.80539996242523,0.0,0.0,0.8999999761581421,0,62.31100014701951
+2024-04-07 10:01:32.559002,1.281846,126,-2.685906001953899,-15.606825148314044,0.0,-0.014400000683963299,0.0,0.0,-0.028350000027567143,0.06484999822452667,9.805199957847593,0.0,0.0,0.8999999761581421,0,62.31100014701951
+2024-04-07 10:01:32.566993,1.289837,127,-2.685906001953899,-15.606825148314044,0.0,-0.014400000683963299,0.0,0.0,-0.02874999994412064,0.06124999815598131,9.805299960136411,0.0,0.0,0.8999999761581421,0,62.31100014701951
+2024-04-07 10:01:32.577875,1.300719,128,-2.685906001953899,-15.606825148314044,0.0,-0.014400000683963299,0.0,0.0,-0.030650000069290403,0.05894999811425805,9.805299960136411,0.0,0.0,0.8999999761581421,0,62.31100014701951
+2024-04-07 10:01:32.603137,1.325981,129,-2.6855791513898377,-15.60844495576742,0.0,-0.021600000187754632,0.0,0.0,-0.03295000026002526,0.05664999807253482,9.804999953269956,0.0,0.0,0.8569999933242798,0,62.31100014701951
+2024-04-07 10:01:32.603344,1.326188,130,-2.6855791513898377,-15.60844495576742,0.0,-0.021600000187754632,0.0,0.0,-0.034250000286847354,0.05514999801293016,9.805199957847593,0.0,0.0,0.8569999933242798,0,62.31100014701951
+2024-04-07 10:01:32.609419,1.332263,131,-2.6855791513898377,-15.60844495576742,0.0,-0.021600000187754632,0.0,0.0,-0.03625000046566129,0.053749998006969696,9.80539996242523,0.0,0.0,0.8569999933242798,0,62.31100014701951
+2024-04-07 10:01:32.619236,1.34208,132,-2.6855791513898377,-15.60844495576742,0.0,-0.021600000187754632,0.0,0.0,-0.0406500001437962,0.05224999802187086,9.80539996242523,0.0,0.0,0.8569999933242798,0,62.31100014701951
+2024-04-07 10:01:32.630657,1.353501,133,-2.6853891044465326,-15.609556988063195,0.0,-0.0036000001709908247,0.0,0.0,-0.04425000002607703,0.04984999811276794,9.805499964714048,0.0,0.0,0.8009999990463257,0,62.31100014701951
+2024-04-07 10:01:32.639318,1.362162,134,-2.6853891044465326,-15.609556988063195,0.0,-0.0036000001709908247,0.0,0.0,-0.04864999985322356,0.04754999799653889,9.805499964714048,0.0,0.0,0.8009999990463257,0,62.31100014701951
+2024-04-07 10:01:32.646436,1.36928,135,-2.6853891044465326,-15.609556988063195,0.0,-0.0036000001709908247,0.0,0.0,-0.05254999985918403,0.04574999799951912,9.805499964714048,0.0,0.0,0.8009999990463257,0,62.31100014701951
+2024-04-07 10:01:32.656474,1.379318,136,-2.6853891044465326,-15.609556988063195,0.0,-0.0036000001709908247,0.0,0.0,-0.05834999980404973,0.04404999790713193,9.805099965095518,0.0,0.0,0.8009999990463257,0,62.31100014701951
+2024-04-07 10:01:32.667700,1.390544,137,-2.6853511084985056,-15.610048203411115,0.0,0.010800000093877316,0.0,0.0,-0.0642499995417893,0.04114999799057842,9.804699965476988,0.0,0.0,0.7879999876022339,0,62.31100014701951
+2024-04-07 10:01:32.676571,1.399415,138,-2.6853511084985056,-15.610048203411115,0.0,0.010800000093877316,0.0,0.0,-0.06954999966546893,0.03794999813660979,9.803699961662291,0.0,0.0,0.7879999876022339,0,62.31100014701951
+2024-04-07 10:01:32.688764,1.411608,139,-2.6853511084985056,-15.610048203411115,0.0,0.010800000093877316,0.0,0.0,-0.07484999941661954,0.03524999821558597,9.803399964332579,0.0,0.0,0.7879999876022339,0,62.31100014701951
+2024-04-07 10:01:32.702635,1.425479,140,-2.6853511084985056,-15.610048203411115,0.0,0.010800000093877316,0.0,0.0,-0.07964999964460731,0.031749998275190594,9.805299960136411,0.0,0.0,0.7879999876022339,0,62.31100014701951
+2024-04-07 10:01:32.706932,1.429776,141,-2.6854237897515274,-15.610022754335505,0.0,0.0,0.0,0.0,-0.08444999938830733,0.028349998388439435,9.8074999628067,0.0,0.0,0.7450000047683716,0,62.31100014701951
+2024-04-07 10:01:32.719106,1.44195,142,-2.6854237897515274,-15.610022754335505,0.0,0.0,0.0,0.0,-0.09014999916777014,0.02474999831989408,9.80669996356964,0.0,0.0,0.7450000047683716,0,62.31100014701951
+2024-04-07 10:01:32.730354,1.453198,143,-2.6854237897515274,-15.610022754335505,0.0,0.0,0.0,0.0,-0.09544999899342656,0.0225499981828034,9.809699965476987,0.0,0.0,0.7450000047683716,0,62.31100014701951
+2024-04-07 10:01:32.737175,1.460019,144,-2.6854237897515274,-15.610022754335505,0.0,0.0,0.0,0.0,-0.10074999874457717,0.01934999825432898,9.80959996318817,0.0,0.0,0.7450000047683716,0,62.31100014701951
+2024-04-07 10:01:32.747354,1.470198,145,-2.6855890978305568,-15.609361295741309,0.0,0.014400000683963299,0.0,0.0,-0.1084499985910952,0.016449998337775468,9.80959996318817,0.0,0.0,0.7049999833106995,0,62.31100014701951
+2024-04-07 10:01:32.757055,1.479899,146,-2.6855890978305568,-15.609361295741309,0.0,0.014400000683963299,0.0,0.0,-0.1130499984882772,0.013949998337775465,9.810199957847594,0.0,0.0,0.7049999833106995,0,62.31100014701951
+2024-04-07 10:01:32.768875,1.491719,147,-2.6855890978305568,-15.609361295741309,0.0,0.014400000683963299,0.0,0.0,-0.12034999849274755,0.010349998343735956,9.811099959373472,0.0,0.0,0.7049999833106995,0,62.31100014701951
+2024-04-07 10:01:32.776807,1.499651,148,-2.6855890978305568,-15.609361295741309,0.0,0.014400000683963299,0.0,0.0,-0.12554999839514494,0.006249998267740031,9.80909996128082,0.0,0.0,0.7049999833106995,0,62.31100014701951
+2024-04-07 10:01:32.787463,1.510307,149,-2.6857941920739026,-15.60821310214176,0.0,0.01799999959766865,0.0,0.0,-0.12994999837130308,0.0034499983303248882,9.81039996242523,0.0,0.0,0.6899999976158142,0,62.31100014701951
+2024-04-07 10:01:32.803055,1.525899,150,-2.6857941920739026,-15.60821310214176,0.0,0.01799999959766865,0.0,0.0,-0.1334499983303249,0.0007499984093010392,9.8099999628067,0.0,0.0,0.6899999976158142,0,62.31100014701951
+2024-04-07 10:01:32.807100,1.529944,151,-2.6857941920739026,-15.60821310214176,0.0,0.01799999959766865,0.0,0.0,-0.13584999844431878,-0.0012500015832483669,9.809299956321714,0.0,0.0,0.6899999976158142,0,62.31100014701951
+2024-04-07 10:01:32.817689,1.540533,152,-2.6857941920739026,-15.60821310214176,0.0,0.01799999959766865,0.0,0.0,-0.13894999837502836,-0.004350001532584413,9.807499953269957,0.0,0.0,0.6899999976158142,0,62.3630001480924
+2024-04-07 10:01:32.850488,1.573332,153,-2.6859854144061854,-15.606670518279897,0.0,0.014400000683963299,0.0,0.0,-0.14204999830573797,-0.00575000153854488,9.805299950599668,0.0,0.0,0.675000011920929,0,62.3630001480924
+2024-04-07 10:01:32.850553,1.573397,154,-2.6859854144061854,-15.606670518279897,0.0,0.014400000683963299,0.0,0.0,-0.14284999834373593,-0.008350001443177463,9.806599951744078,0.0,0.0,0.675000011920929,0,62.3630001480924
+2024-04-07 10:01:32.854779,1.577623,155,-2.6859854144061854,-15.606670518279897,0.0,0.014400000683963299,0.0,0.0,-0.1437499983049929,-0.0114500014670193,9.804699955940245,0.0,0.0,0.675000011920929,0,62.3630001480924
+2024-04-07 10:01:32.858873,1.581717,156,-2.6859854144061854,-15.606670518279897,0.0,0.014400000683963299,0.0,0.0,-0.14384999828413128,-0.013850001562386749,9.806099959373473,0.0,0.0,0.675000011920929,0,62.3630001480924
+2024-04-07 10:01:32.867403,1.590247,157,-2.686159517583724,-15.604643000216864,0.0,0.014400000683963299,0.0,0.0,-0.14344999829307198,-0.017750001456588504,9.803999958992003,0.0,0.0,0.675000011920929,0,62.3630001480924
+2024-04-07 10:01:32.876634,1.599478,158,-2.686159517583724,-15.604643000216864,0.0,0.014400000683963299,0.0,0.0,-0.14154999831691384,-0.020750001389533285,9.803599959373472,0.0,0.0,0.675000011920929,0,62.3630001480924
+2024-04-07 10:01:32.890488,1.613332,159,-2.686159517583724,-15.604643000216864,0.0,0.014400000683963299,0.0,0.0,-0.13974999831989407,-0.025850001201033576,9.8024999628067,0.0,0.0,0.675000011920929,0,62.3630001480924
+2024-04-07 10:01:32.900357,1.623201,160,-2.686159517583724,-15.604643000216864,0.0,0.014400000683963299,0.0,0.0,-0.1379499983228743,-0.030850001312792294,9.801599961280822,0.0,0.0,0.675000011920929,0,62.3630001480924
+2024-04-07 10:01:32.908220,1.631064,161,-2.686288556828069,-15.60228345509435,0.0,0.007200000341981649,0.0,0.0,-0.13684999831020833,-0.035450001023709765,9.802199965476987,0.0,0.0,0.6169999837875366,0,62.3630001480924
+2024-04-07 10:01:32.917213,1.640057,162,-2.686288556828069,-15.60228345509435,0.0,0.007200000341981649,0.0,0.0,-0.13534999825060368,-0.038950001113116736,9.802199965476987,0.0,0.0,0.6169999837875366,0,62.3630001480924
+2024-04-07 10:01:32.932528,1.655372,163,-2.686288556828069,-15.60228345509435,0.0,0.007200000341981649,0.0,0.0,-0.13244999822229148,-0.04285000111907719,9.803499966621397,0.0,0.0,0.6169999837875366,0,62.3630001480924
+2024-04-07 10:01:32.942941,1.665785,164,-2.686288556828069,-15.60228345509435,0.0,0.007200000341981649,0.0,0.0,-0.12994999822229147,-0.04525000091642141,9.803399964332579,0.0,0.0,0.6169999837875366,0,62.3630001480924
+2024-04-07 10:01:32.947130,1.669974,165,-2.686409440197424,-15.599540872355504,0.0,0.025200000777840615,0.0,0.0,-0.1272499983198941,-0.04765000086277722,9.80089996433258,0.0,0.0,0.5860000252723694,0,62.3630001480924
+2024-04-07 10:01:32.958867,1.681711,166,-2.686409440197424,-15.599540872355504,0.0,0.025200000777840615,0.0,0.0,-0.12384999830275774,-0.04915000099688767,9.801899968147277,0.0,0.0,0.5860000252723694,0,62.3630001480924
+2024-04-07 10:01:32.972777,1.695621,167,-2.686409440197424,-15.599540872355504,0.0,0.025200000777840615,0.0,0.0,-0.12134999834001065,-0.050250001028180113,9.800699969291685,0.0,0.0,0.5860000252723694,0,62.3630001480924
+2024-04-07 10:01:32.977064,1.699908,168,-2.686409440197424,-15.599540872355504,0.0,0.025200000777840615,0.0,0.0,-0.1177499983087182,-0.05225000102072953,9.803299971580504,0.0,0.0,0.5860000252723694,0,62.3630001480924
+2024-04-07 10:01:32.986935,1.709779,169,-2.686562998478481,-15.596427087772174,0.0,-0.007200000341981649,0.0,0.0,-0.11404999818652868,-0.05305000100284814,9.801099968910215,0.0,0.0,0.5529999732971191,0,62.3630001480924
+2024-04-07 10:01:32.999616,1.72246,170,-2.686562998478481,-15.596427087772174,0.0,-0.007200000341981649,0.0,0.0,-0.11014999825507403,-0.05425000106915831,9.801999970436095,0.0,0.0,0.5529999732971191,0,62.3630001480924
+2024-04-07 10:01:33.007685,1.730529,171,-2.686562998478481,-15.596427087772174,0.0,-0.007200000341981649,0.0,0.0,-0.10624999824911356,-0.055050001051276914,9.800899973869322,0.0,0.0,0.5529999732971191,0,62.3630001480924
+2024-04-07 10:01:33.017766,1.74061,172,-2.686562998478481,-15.596427087772174,0.0,-0.007200000341981649,0.0,0.0,-0.10164999838918448,-0.05515000110492109,9.8017999753952,0.0,0.0,0.5529999732971191,0,62.3630001480924
+2024-04-07 10:01:33.027775,1.750619,173,-2.686692883204308,-15.593063857532837,0.0,-0.007200000341981649,0.0,0.0,-0.09804999846965075,-0.056450001131743185,9.80139997577667,0.0,0.0,0.5529999732971191,0,62.3630001480924
+2024-04-07 10:01:33.037442,1.760286,174,-2.686692883204308,-15.593063857532837,0.0,-0.007200000341981649,0.0,0.0,-0.09394999843090773,-0.057250001188367594,9.80099997615814,0.0,0.0,0.5529999732971191,0,62.3630001480924
+2024-04-07 10:01:33.048642,1.771486,175,-2.686692883204308,-15.593063857532837,0.0,-0.007200000341981649,0.0,0.0,-0.09054999839514494,-0.05905000118538736,9.80149997806549,0.0,0.0,0.5529999732971191,0,62.3630001480924
+2024-04-07 10:01:33.057334,1.780178,176,-2.686692883204308,-15.593063857532837,0.0,-0.007200000341981649,0.0,0.0,-0.08624999824911356,-0.06055000120773911,9.802099972724912,0.0,0.0,0.5529999732971191,0,62.3630001480924
+2024-04-07 10:01:33.069849,1.792693,177,-2.6868733228443387,-15.589432253478513,0.0,0.010800000093877316,0.0,0.0,-0.08294999822974206,-0.06175000116229057,9.802799969673154,0.0,0.0,0.5180000066757202,0,62.3630001480924
+2024-04-07 10:01:33.077389,1.800233,178,-2.6869282248316844,-15.58848948722641,0.0,0.010800000093877316,0.0,0.0,-0.07884999819099903,-0.06275000115856527,9.801299973487852,0.0,0.0,0.5180000066757202,0,62.3630001480924
+2024-04-07 10:01:33.087560,1.810404,179,-2.6869282248316844,-15.58848948722641,0.0,0.010800000093877316,0.0,0.0,-0.07594999823719263,-0.06235000116750597,9.80149997806549,0.0,0.0,0.5180000066757202,0,62.3630001480924
+2024-04-07 10:01:33.100558,1.823402,180,-2.6869282248316844,-15.58848948722641,0.0,0.010800000093877316,0.0,0.0,-0.07194999810308218,-0.0624500011652708,9.802599984169005,0.0,0.0,0.5180000066757202,0,62.3630001480924
+2024-04-07 10:01:33.108480,1.831324,181,-2.6869282248316844,-15.58848948722641,0.0,0.010800000093877316,0.0,0.0,-0.0693499981239438,-0.06225000116974114,9.803199988365172,0.0,0.0,0.5180000066757202,0,62.3630001480924
+2024-04-07 10:01:33.117139,1.839983,182,-2.687191615553664,-15.584611905344177,0.0,0.021600000187754632,0.0,0.0,-0.06664999822154641,-0.06235000114887952,9.802599993705748,0.0,0.0,0.47200000286102295,0,62.3630001480924
+2024-04-07 10:01:33.128806,1.85165,183,-2.687191615553664,-15.584611905344177,0.0,0.021600000187754632,0.0,0.0,-0.06484999826177955,-0.06335000108927487,9.802199994087218,0.0,0.0,0.47200000286102295,0,62.3630001480924
+2024-04-07 10:01:33.137739,1.860583,184,-2.687191615553664,-15.584611905344177,0.0,0.021600000187754632,0.0,0.0,-0.062449998278170826,-0.06475000102072953,9.802900000572203,0.0,0.0,0.47200000286102295,0,62.3630001480924
+2024-04-07 10:01:33.149690,1.872534,185,-2.687191615553664,-15.584611905344177,0.0,0.021600000187754632,0.0,0.0,-0.06064999831840396,-0.0656500009819865,9.803300000190733,0.0,0.0,0.47200000286102295,0,62.3630001480924
+2024-04-07 10:01:33.160788,1.883632,186,-2.687557398416756,-15.580558558147386,0.0,0.028800001367926598,0.0,0.0,-0.059449998345226046,-0.0656500009819865,9.800500002861021,0.0,0.0,0.4620000123977661,0,62.3630001480924
+2024-04-07 10:01:33.172520,1.895364,187,-2.6876615985396874,-15.57952962830295,0.0,0.028800001367926598,0.0,0.0,-0.05814999831840396,-0.06505000093951821,9.799600001335142,0.0,0.0,0.4620000123977661,0,62.3630001480924
+2024-04-07 10:01:33.178115,1.900959,188,-2.6876615985396874,-15.57952962830295,0.0,0.028800001367926598,0.0,0.0,-0.05654999827966094,-0.06405000094324349,9.799099999427794,0.0,0.0,0.4620000123977661,0,62.3630001480924
+2024-04-07 10:01:33.187765,1.910609,189,-2.6876615985396874,-15.57952962830295,0.0,0.028800001367926598,0.0,0.0,-0.05534999826923013,-0.06355000089854002,9.799399996757506,0.0,0.0,0.4620000123977661,0,62.3630001480924
+2024-04-07 10:01:33.200591,1.923435,190,-2.6876615985396874,-15.57952962830295,0.0,0.028800001367926598,0.0,0.0,-0.054249998275190586,-0.06315000090748071,9.798800002098082,0.0,0.0,0.4620000123977661,0,62.3630001480924
+2024-04-07 10:01:33.208044,1.930888,191,-2.6881650589410264,-15.575338004143386,0.0,0.01799999959766865,0.0,0.0,-0.053849998284131284,-0.0627500009164214,9.79850000476837,0.0,0.0,0.4169999957084656,0,62.3630001480924
+2024-04-07 10:01:33.219831,1.942675,192,-2.6881650589410264,-15.575338004143386,0.0,0.01799999959766865,0.0,0.0,-0.0525499982573092,-0.06315000090748071,9.799100008964537,0.0,0.0,0.4169999957084656,0,62.3630001480924
+2024-04-07 10:01:33.227437,1.950281,193,-2.6881650589410264,-15.575338004143386,0.0,0.01799999959766865,0.0,0.0,-0.05214999824762344,-0.06325000088661908,9.79930000400543,0.0,0.0,0.4169999957084656,0,62.3630001480924
+2024-04-07 10:01:33.244470,1.967314,194,-2.6881650589410264,-15.575338004143386,0.0,0.01799999959766865,0.0,0.0,-0.05214999824762344,-0.06285000097006559,9.798300000190734,0.0,0.0,0.4169999957084656,0,62.3630001480924
+2024-04-07 10:01:33.250835,1.973679,195,-2.688741172868644,-15.571092731147749,0.0,0.0,0.0,0.0,-0.051549998261034485,-0.06275000099092722,9.797500000953672,0.0,0.0,0.36899998784065247,0,62.3630001480924
+2024-04-07 10:01:33.258144,1.980988,196,-2.688741172868644,-15.571092731147749,0.0,0.0,0.0,0.0,-0.050849998276680713,-0.06335000101476906,9.797900000572202,0.0,0.0,0.36899998784065247,0,62.3630001480924
+2024-04-07 10:01:33.267913,1.990757,197,-2.688741172868644,-15.571092731147749,0.0,0.0,0.0,0.0,-0.05044999828562141,-0.06425000105053186,9.798000002861022,0.0,0.0,0.36899998784065247,0,62.3630001480924
+2024-04-07 10:01:33.280737,2.003581,198,-2.688741172868644,-15.571092731147749,0.0,0.0,0.0,0.0,-0.05034999826923013,-0.06525000106543302,9.798099995613097,0.0,0.0,0.36899998784065247,0,62.3630001480924
+2024-04-07 10:01:33.289775,2.012619,199,-2.6893896940805386,-15.566808310231457,0.0,0.0,0.0,0.0,-0.0504499982483685,-0.06475000105798244,9.797999993324279,0.0,0.0,0.41200000047683716,0,62.3630001480924
+2024-04-07 10:01:33.306908,2.029752,200,-2.6893896940805386,-15.566808310231457,0.0,0.0,0.0,0.0,-0.05054999830201268,-0.06415000101551413,9.79749999141693,0.0,0.0,0.41200000047683716,0,62.3630001480924
+2024-04-07 10:01:33.307106,2.02995,201,-2.6893896940805386,-15.566808310231457,0.0,0.0,0.0,0.0,-0.050249998290091746,-0.06345000099390743,9.79749999141693,0.0,0.0,0.41200000047683716,0,62.3630001480924
+2024-04-07 10:01:33.324864,2.047708,202,-2.6893896940805386,-15.566808310231457,0.0,0.0,0.0,0.0,-0.05044999828562141,-0.06325000103563069,9.796899996757505,0.0,0.0,0.41200000047683716,0,62.3630001480924
+2024-04-07 10:01:33.344867,2.067711,203,-2.6902489340754743,-15.561479663833353,0.0,-0.01799999959766865,0.0,0.0,-0.05064999824389815,-0.06315000105649232,9.79749999141693,0.0,0.0,0.35899999737739563,0,62.3630001480924
+2024-04-07 10:01:33.344882,2.067726,204,-2.6902489340754743,-15.561479663833353,0.0,-0.01799999959766865,0.0,0.0,-0.050849998276680713,-0.06335000101476906,9.797799998283384,0.0,0.0,0.35899999737739563,0,62.3630001480924
+2024-04-07 10:01:33.354913,2.077757,205,-2.6902489340754743,-15.561479663833353,0.0,-0.01799999959766865,0.0,0.0,-0.051049998383969064,-0.06385000105947256,9.798199997901914,0.0,0.0,0.35899999737739563,0,62.3630001480924
+2024-04-07 10:01:33.362213,2.085057,206,-2.6902489340754743,-15.561479663833353,0.0,-0.01799999959766865,0.0,0.0,-0.0509499984793365,-0.06495000097900629,9.798399992942809,0.0,0.0,0.35899999737739563,0,62.3630001480924
+2024-04-07 10:01:33.372844,2.095688,207,-2.6902489340754743,-15.561479663833353,0.0,-0.01799999959766865,0.0,0.0,-0.0513499984703958,-0.06645000088959932,9.798199997901914,0.0,0.0,0.35899999737739563,0,62.3630001480924
+2024-04-07 10:01:33.391597,2.114441,208,-2.690951020947499,-15.557266116308703,0.0,-0.028800001367926598,0.0,0.0,-0.05204999847337603,-0.06685000088065862,9.798199997901914,0.0,0.0,0.35600000619888306,0,62.3630001480924
+2024-04-07 10:01:33.392456,2.1153,209,-2.690951020947499,-15.557266116308703,0.0,-0.028800001367926598,0.0,0.0,-0.052649998497217895,-0.06645000088959932,9.798399992942809,0.0,0.0,0.35600000619888306,0,62.3630001480924
+2024-04-07 10:01:33.402259,2.125103,210,-2.690951020947499,-15.557266116308703,0.0,-0.028800001367926598,0.0,0.0,-0.05344999849796295,-0.06615000087767839,9.798199997901914,0.0,0.0,0.35600000619888306,0,62.3630001480924
+2024-04-07 10:01:33.407131,2.129975,211,-2.690951020947499,-15.557266116308703,0.0,-0.028800001367926598,0.0,0.0,-0.05384999850764871,-0.06615000087767839,9.797600003242492,0.0,0.0,0.35600000619888306,0,62.3630001480924
+2024-04-07 10:01:33.417920,2.140764,212,-2.6916922956787084,-15.553137310380139,0.0,0.014400000683963299,0.0,0.0,-0.053949998561292886,-0.06665000092238187,9.797100001335142,0.0,0.0,0.414000004529953,0,62.3630001480924
+2024-04-07 10:01:33.428759,2.151603,213,-2.6916922956787084,-15.553137310380139,0.0,0.014400000683963299,0.0,0.0,-0.05404999854043126,-0.06675000090152024,9.79730000591278,0.0,0.0,0.414000004529953,0,62.3630001480924
+2024-04-07 10:01:33.439448,2.162292,214,-2.6916922956787084,-15.553137310380139,0.0,0.014400000683963299,0.0,0.0,-0.05444999853149056,-0.06655000086873769,9.797100010871885,0.0,0.0,0.414000004529953,0,62.3630001480924
+2024-04-07 10:01:33.447417,2.170261,215,-2.6916922956787084,-15.553137310380139,0.0,0.014400000683963299,0.0,0.0,-0.05504999855533242,-0.06625000089406965,9.796800013542173,0.0,0.0,0.414000004529953,0,62.3630001480924
+2024-04-07 10:01:33.457239,2.180083,216,-2.6924612734284326,-15.549101554743299,0.0,0.0036000001709908247,0.0,0.0,-0.0547499985806644,-0.06625000089406965,9.79620001888275,0.0,0.0,0.37599998712539673,0,62.3630001480924
+2024-04-07 10:01:33.466982,2.189826,217,-2.6924612734284326,-15.549101554743299,0.0,0.0036000001709908247,0.0,0.0,-0.05374999854713679,-0.06615000084042548,9.796900015830992,0.0,0.0,0.37599998712539673,0,62.3630001480924
+2024-04-07 10:01:33.477528,2.200372,218,-2.6924612734284326,-15.549101554743299,0.0,0.0036000001709908247,0.0,0.0,-0.0524499985575676,-0.06615000084042548,9.796700020790098,0.0,0.0,0.37599998712539673,0,62.3630001480924
+2024-04-07 10:01:33.487933,2.210777,219,-2.6924612734284326,-15.549101554743299,0.0,0.0036000001709908247,0.0,0.0,-0.05174999855458737,-0.06625000081956385,9.797300024986265,0.0,0.0,0.37599998712539673,0,62.3630001480924
+2024-04-07 10:01:33.497074,2.219918,220,-2.693240960680935,-15.545191736877172,0.0,-0.0036000001709908247,0.0,0.0,-0.0507499985396862,-0.06625000081956385,9.797700024604795,0.0,0.0,0.39100000262260437,0,62.3630001480924
+2024-04-07 10:01:33.507063,2.229907,221,-2.693240960680935,-15.545191736877172,0.0,-0.0036000001709908247,0.0,0.0,-0.05034999851137399,-0.0658500008098781,9.798200026512145,0.0,0.0,0.39100000262260437,0,62.3630001480924
+2024-04-07 10:01:33.517093,2.239937,222,-2.693240960680935,-15.545191736877172,0.0,-0.0036000001709908247,0.0,0.0,-0.050049998499453074,-0.06605000080540775,9.798800021171568,0.0,0.0,0.39100000262260437,0,62.3630001480924
+2024-04-07 10:01:33.529155,2.251999,223,-2.693240960680935,-15.545191736877172,0.0,-0.0036000001709908247,0.0,0.0,-0.050049998499453074,-0.06615000085905193,9.798500023841855,0.0,0.0,0.39100000262260437,0,62.3630001480924
+2024-04-07 10:01:33.540837,2.263681,224,-2.694017754907147,-15.541378743923056,0.0,-0.01799999959766865,0.0,0.0,-0.04994999852031469,-0.06645000087097286,9.798600026130675,0.0,0.0,0.3540000021457672,0,62.3630001480924
+2024-04-07 10:01:33.548167,2.271011,225,-2.694017754907147,-15.541378743923056,0.0,-0.01799999959766865,0.0,0.0,-0.05064999852329492,-0.06655000088736414,9.798100024223325,0.0,0.0,0.3540000021457672,0,62.3630001480924
+2024-04-07 10:01:33.558880,2.281724,226,-2.694017754907147,-15.541378743923056,0.0,-0.01799999959766865,0.0,0.0,-0.05224999850615859,-0.06635000087320804,9.798300028800963,0.0,0.0,0.3540000021457672,0,62.3630001480924
+2024-04-07 10:01:33.568247,2.291091,227,-2.694017754907147,-15.541378743923056,0.0,-0.01799999959766865,0.0,0.0,-0.053649998586624864,-0.06585000090301035,9.797500029563903,0.0,0.0,0.3540000021457672,0,62.3630001480924
+2024-04-07 10:01:33.585295,2.308139,228,-2.69481128060985,-15.537823660148364,0.0,0.0,0.0,0.0,-0.05484999859705568,-0.06615000091493128,9.797500029563903,0.0,0.0,0.328000009059906,0,62.3630001480924
+2024-04-07 10:01:33.602748,2.325592,229,-2.69481128060985,-15.537823660148364,0.0,0.0,0.0,0.0,-0.055749998558312655,-0.06645000092685222,9.797300034523008,0.0,0.0,0.328000009059906,0,62.3630001480924
+2024-04-07 10:01:33.603596,2.32644,230,-2.69481128060985,-15.537823660148364,0.0,0.0,0.0,0.0,-0.05634999854490161,-0.06685000084340571,9.797000027656553,0.0,0.0,0.328000009059906,0,62.3630001480924
+2024-04-07 10:01:33.609421,2.332265,231,-2.69481128060985,-15.537823660148364,0.0,0.0,0.0,0.0,-0.05744999850168824,-0.06705000080168247,9.797300024986265,0.0,0.0,0.328000009059906,0,62.3630001480924
+2024-04-07 10:01:33.619608,2.342452,232,-2.6956050741366444,-15.53439352385771,0.0,0.010800000093877316,0.0,0.0,-0.057549998555332424,-0.06665000081062315,9.797700024604795,0.0,0.0,0.3610000014305115,0,62.3630001480924
+2024-04-07 10:01:33.634033,2.356877,233,-2.6956050741366444,-15.53439352385771,0.0,0.010800000093877316,0.0,0.0,-0.05724999850615859,-0.0664500008150935,9.797600022315978,0.0,0.0,0.3610000014305115,0,62.3630001480924
+2024-04-07 10:01:33.641446,2.36429,234,-2.6956050741366444,-15.53439352385771,0.0,0.010800000093877316,0.0,0.0,-0.05714999845251441,-0.06615000080317258,9.797500029563903,0.0,0.0,0.3610000014305115,0,62.3630001480924
+2024-04-07 10:01:33.647983,2.370827,235,-2.6956050741366444,-15.53439352385771,0.0,0.010800000093877316,0.0,0.0,-0.05704999839887023,-0.0660500008240342,9.797300034523008,0.0,0.0,0.3610000014305115,0,62.3630001480924
+2024-04-07 10:01:33.657384,2.380228,236,-2.6963787746691734,-15.531154963298526,0.0,0.0,0.0,0.0,-0.056749998424202204,-0.0660500008240342,9.797700034141538,0.0,0.0,0.3479999899864197,0,62.3630001480924
+2024-04-07 10:01:33.667638,2.390482,237,-2.6963787746691734,-15.531154963298526,0.0,0.0,0.0,0.0,-0.05664999842643738,-0.06665000086650251,9.797400036811826,0.0,0.0,0.3479999899864197,0,62.3630001480924
+2024-04-07 10:01:33.678651,2.401495,238,-2.6963787746691734,-15.531154963298526,0.0,0.0,0.0,0.0,-0.057149998415261506,-0.06775000086054205,9.797700034141538,0.0,0.0,0.3479999899864197,0,62.3630001480924
+2024-04-07 10:01:33.687994,2.410838,239,-2.6963787746691734,-15.531154963298526,0.0,0.0,0.0,0.0,-0.05774999840185046,-0.06835000086575746,9.797900038719176,0.0,0.0,0.3479999899864197,0,62.3630001480924
+2024-04-07 10:01:33.697380,2.420224,240,-2.697134243487298,-15.528092114222424,0.0,0.010800000093877316,0.0,0.0,-0.058849998395889995,-0.06985000088810919,9.79860004520416,0.0,0.0,0.3230000138282776,0,62.3630001480924
+2024-04-07 10:01:33.707802,2.430646,241,-2.697134243487298,-15.528092114222424,0.0,0.010800000093877316,0.0,0.0,-0.059449998382478955,-0.07155000090599059,9.79900004482269,0.0,0.0,0.3230000138282776,0,62.3630001480924
+2024-04-07 10:01:33.719428,2.442272,242,-2.697134243487298,-15.528092114222424,0.0,0.010800000093877316,0.0,0.0,-0.0617499984242022,-0.07365000091493129,9.798900052070616,0.0,0.0,0.3230000138282776,0,62.3630001480924
+2024-04-07 10:01:33.731826,2.45467,243,-2.697134243487298,-15.528092114222424,0.0,0.010800000093877316,0.0,0.0,-0.06284999841824174,-0.07595000088214873,9.798000050544736,0.0,0.0,0.3230000138282776,0,62.3630001480924
+2024-04-07 10:01:33.741131,2.463975,244,-2.697870110066398,-15.525261102345858,0.0,0.010800000093877316,0.0,0.0,-0.06384999839589,-0.07835000082850455,9.798000050544736,0.0,0.0,0.2930000126361847,0,62.3630001480924
+2024-04-07 10:01:33.748135,2.470979,245,-2.697870110066398,-15.525261102345858,0.0,0.010800000093877316,0.0,0.0,-0.06504999836906791,-0.08035000078380107,9.797900048255919,0.0,0.0,0.2930000126361847,0,62.3630001480924
+2024-04-07 10:01:33.758017,2.480861,246,-2.697870110066398,-15.525261102345858,0.0,0.010800000093877316,0.0,0.0,-0.06574999837204815,-0.08195000084117054,9.797900048255919,0.0,0.0,0.2930000126361847,0,62.3630001480924
+2024-04-07 10:01:33.767682,2.490526,247,-2.697870110066398,-15.525261102345858,0.0,0.010800000093877316,0.0,0.0,-0.06654999835416675,-0.08305000081658362,9.797700043678281,0.0,0.0,0.2930000126361847,0,62.3630001480924
+2024-04-07 10:01:33.781466,2.50431,248,-2.698578671539648,-15.522609505620439,0.0,0.007200000341981649,0.0,0.0,-0.06684999834746122,-0.08355000080540775,9.798700037956236,0.0,0.0,0.10300000011920929,0,62.3630001480924
+2024-04-07 10:01:33.788311,2.511155,249,-2.698578671539648,-15.522609505620439,0.0,0.007200000341981649,0.0,0.0,-0.0671499983407557,-0.08395000079646706,9.79880003070831,0.0,0.0,0.10300000011920929,0,62.3630001480924
+2024-04-07 10:01:33.803743,2.526587,250,-2.698578671539648,-15.522609505620439,0.0,0.007200000341981649,0.0,0.0,-0.06774999832734466,-0.0841500007919967,9.799000035285948,0.0,0.0,0.10300000011920929,0,62.3630001480924
+2024-04-07 10:01:33.807705,2.530549,251,-2.698578671539648,-15.522609505620439,0.0,0.007200000341981649,0.0,0.0,-0.06834999831393361,-0.08445000080391764,9.799600039482115,0.0,0.0,0.10300000011920929,0,62.3630001480924
+2024-04-07 10:01:33.817917,2.540761,252,-2.6992492318424417,-15.520158159125842,0.0,0.014400000683963299,0.0,0.0,-0.06854999830946326,-0.08465000079944729,9.799900036811827,0.0,0.0,0.20399999618530273,0,62.366000148118474
+2024-04-07 10:01:33.833020,2.555864,253,-2.6992492318424417,-15.520158159125842,0.0,0.014400000683963299,0.0,0.0,-0.0686499983072281,-0.08455000082030892,9.800000039100645,0.0,0.0,0.20399999618530273,0,62.366000148118474
+2024-04-07 10:01:33.838834,2.561678,254,-2.6992492318424417,-15.520158159125842,0.0,0.014400000683963299,0.0,0.0,-0.06874999830499291,-0.08485000075772403,9.800000039100645,0.0,0.0,0.20399999618530273,0,62.366000148118474
+2024-04-07 10:01:33.848063,2.570907,255,-2.6992492318424417,-15.520158159125842,0.0,0.014400000683963299,0.0,0.0,-0.06904999831691384,-0.08485000075772403,9.800300036430357,0.0,0.0,0.20399999618530273,0,62.366000148118474
+2024-04-07 10:01:33.857585,2.580429,256,-2.6998724386239474,-15.51790434453979,0.0,0.0,0.0,0.0,-0.07004999831318856,-0.08505000071600079,9.800400038719175,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:33.867379,2.590223,257,-2.6998724386239474,-15.51790434453979,0.0,0.0,0.0,0.0,-0.0706499982997775,-0.08465000068768858,9.801500035285947,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:33.878536,2.60138,258,-2.6998724386239474,-15.51790434453979,0.0,0.0,0.0,0.0,-0.07154999827966094,-0.0845500007085502,9.801500035285947,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:33.889315,2.612159,259,-2.6998724386239474,-15.51790434453979,0.0,0.0,0.0,0.0,-0.07224999828264117,-0.08435000071302055,9.802100039482115,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:33.900138,2.622982,260,-2.700465547061294,-15.515771528411621,0.0,0.032399998605251314,0.0,0.0,-0.07224999828264117,-0.08465000072494148,9.802100039482115,0.0,0.0,-0.054999999701976776,0,62.366000148118474
+2024-04-07 10:01:33.907509,2.630353,261,-2.700465547061294,-15.515771528411621,0.0,0.032399998605251314,0.0,0.0,-0.07174999829381704,-0.08505000073462723,9.802600041389464,0.0,0.0,-0.054999999701976776,0,62.366000148118474
+2024-04-07 10:01:33.918307,2.641151,262,-2.700465547061294,-15.515771528411621,0.0,0.032399998605251314,0.0,0.0,-0.07084999825805426,-0.08575000073760747,9.802600041389464,0.0,0.0,-0.054999999701976776,0,62.366000148118474
+2024-04-07 10:01:33.936792,2.659636,263,-2.700465547061294,-15.515771528411621,0.0,0.032399998605251314,0.0,0.0,-0.06964999824762344,-0.0864500007405877,9.80240004634857,0.0,0.0,-0.054999999701976776,0,62.366000148118474
+2024-04-07 10:01:33.945301,2.668145,264,-2.700962805085816,-15.5139458306417,0.0,-0.021600000187754632,0.0,0.0,-0.06844999827444553,-0.08725000079721211,9.802100049018858,0.0,0.0,-0.2070000022649765,0,62.366000148118474
+2024-04-07 10:01:33.963500,2.686344,265,-2.700962805085816,-15.5139458306417,0.0,-0.021600000187754632,0.0,0.0,-0.0671499982662499,-0.0873500008508563,9.80330004787445,0.0,0.0,-0.2070000022649765,2,62.366000148118474
+2024-04-07 10:01:33.963567,2.686411,266,-2.700962805085816,-15.5139458306417,0.0,-0.021600000187754632,0.0,0.0,-0.0660499982535839,-0.08765000078827141,9.8028000459671,0.0,0.0,-0.2070000022649765,2,62.366000148118474
+2024-04-07 10:01:33.967869,2.690713,267,-2.700962805085816,-15.5139458306417,0.0,-0.021600000187754632,0.0,0.0,-0.06494999822229147,-0.08705000080168246,9.8028000459671,0.0,0.0,-0.2070000022649765,2,62.366000148118474
+2024-04-07 10:01:33.978086,2.70093,268,-2.701404712468888,-15.51227455409401,0.0,0.0,0.0,0.0,-0.06384999826550483,-0.0860500008240342,9.803500042915342,0.0,0.0,0.0,2,62.366000148118474
+2024-04-07 10:01:33.992529,2.715373,269,-2.701404712468888,-15.51227455409401,0.0,0.0,0.0,0.0,-0.06264999829232692,-0.08495000075548886,9.80330004787445,0.0,0.0,0.0,2,62.366000148118474
+2024-04-07 10:01:33.997269,2.720113,270,-2.701404712468888,-15.51227455409401,0.0,0.0,0.0,0.0,-0.06124999836087227,-0.0833500007726252,9.803500042915342,0.0,0.0,0.0,2,62.366000148118474
+2024-04-07 10:01:34.007120,2.729964,271,-2.701404712468888,-15.51227455409401,0.0,0.0,0.0,0.0,-0.06004999831318855,-0.08195000069215892,9.803400040626524,0.0,0.0,0.0,2,62.366000148118474
+2024-04-07 10:01:34.017314,2.740158,272,-2.7018150843248616,-15.51081793342973,0.0,0.0036000001709908247,0.0,0.0,-0.05874999828636646,-0.08085000069811939,9.804100037574766,0.0,0.0,-0.13899999856948853,2,62.366000148118474
+2024-04-07 10:01:34.040232,2.763076,273,-2.7018150843248616,-15.51081793342973,0.0,0.0036000001709908247,0.0,0.0,-0.057049998342990876,-0.07975000062957405,9.804000044822692,0.0,0.0,-0.13899999856948853,2,62.366000148118474
+2024-04-07 10:01:34.040286,2.76313,274,-2.7018150843248616,-15.51081793342973,0.0,0.0036000001709908247,0.0,0.0,-0.05634999834001064,-0.07905000062659381,9.80450004673004,0.0,0.0,-0.13899999856948853,2,62.366000148118474
+2024-04-07 10:01:34.047612,2.770456,275,-2.7018150843248616,-15.51081793342973,0.0,0.0036000001709908247,0.0,0.0,-0.055049998387694365,-0.07815000066533684,9.8053000459671,0.0,0.0,-0.13899999856948853,0,62.366000148118474
+2024-04-07 10:01:34.057338,2.780182,276,-2.702252990914693,-15.509528956768584,0.0,0.057600002735853195,0.0,0.0,-0.05454999841749668,-0.07735000072047113,9.805700045585631,0.0,0.0,-0.09099999815225601,0,62.366000148118474
+2024-04-07 10:01:34.067484,2.790328,277,-2.702252990914693,-15.509528956768584,0.0,0.057600002735853195,0.0,0.0,-0.053949998430907725,-0.07615000076591967,9.806000052452086,0.0,0.0,-0.09099999815225601,0,62.366000148118474
+2024-04-07 10:01:34.086761,2.809605,278,-2.702252990914693,-15.509528956768584,0.0,0.057600002735853195,0.0,0.0,-0.054049998447299005,-0.07495000073686241,9.806500044822691,0.0,0.0,-0.09099999815225601,0,62.366000148118474
+2024-04-07 10:01:34.089392,2.812236,279,-2.702252990914693,-15.509528956768584,0.0,0.057600002735853195,0.0,0.0,-0.053949998468160634,-0.0739500007405877,9.806400042533873,0.0,0.0,-0.09099999815225601,0,62.366000148118474
+2024-04-07 10:01:34.097735,2.820579,280,-2.7026160621278135,-15.508419860739465,0.0,0.0,0.0,0.0,-0.05404999846592545,-0.07335000073537229,9.806800042152403,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:34.107615,2.830459,281,-2.7026160621278135,-15.508419860739465,0.0,0.0,0.0,0.0,-0.054249998461455104,-0.07345000073313712,9.805900040626524,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:34.117429,2.840273,282,-2.7026160621278135,-15.508419860739465,0.0,0.0,0.0,0.0,-0.054449998456984755,-0.07405000073835252,9.806000042915342,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:34.141526,2.86437,283,-2.7026160621278135,-15.508419860739465,0.0,0.0,0.0,0.0,-0.05514999845996499,-0.07555000074207782,9.805800047874449,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:34.141777,2.864621,284,-2.7026160621278135,-15.508419860739465,0.0,0.0,0.0,0.0,-0.05564999846741557,-0.07675000071525573,9.805500041007994,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:34.147790,2.870634,285,-2.7029298147603322,-15.507613374122698,0.0,0.0,0.0,0.0,-0.056849998440593484,-0.07825000068172812,9.805800047874449,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:34.157602,2.880446,286,-2.7029298147603322,-15.507613374122698,0.0,0.0,0.0,0.0,-0.05764999842271209,-0.07975000066682696,9.805600052833555,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:34.168409,2.891253,287,-2.7029298147603322,-15.507613374122698,0.0,0.0,0.0,0.0,-0.058649998400360344,-0.08065000070258974,9.806100054740904,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:34.178460,2.901304,288,-2.7032082596840064,-15.5069401089414,0.0,0.014400000683963299,0.0,0.0,-0.05954999839887023,-0.0818500006943941,9.806000052452086,0.0,0.0,0.02500000037252903,0,62.366000148118474
+2024-04-07 10:01:34.191639,2.914483,289,-2.7032082596840064,-15.5069401089414,0.0,0.014400000683963299,0.0,0.0,-0.06054999839514494,-0.08275000073015688,9.806600047111509,0.0,0.0,0.02500000037252903,0,62.366000148118474
+2024-04-07 10:01:34.198433,2.921277,290,-2.7032082596840064,-15.5069401089414,0.0,0.014400000683963299,0.0,0.0,-0.061049998383969066,-0.08415000073611735,9.806200047492979,0.0,0.0,0.02500000037252903,0,62.366000148118474
+2024-04-07 10:01:34.208343,2.931187,291,-2.7032082596840064,-15.5069401089414,0.0,0.014400000683963299,0.0,0.0,-0.0615499983727932,-0.08495000071823595,9.806600047111509,0.0,0.0,0.02500000037252903,0,62.366000148118474
+2024-04-07 10:01:34.217921,2.940765,292,-2.7034323540843093,-15.506459275762705,0.0,0.0,0.0,0.0,-0.06244999840855599,-0.08615000069141387,9.806700049400328,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:34.233710,2.956554,293,-2.7034323540843093,-15.506459275762705,0.0,0.0,0.0,0.0,-0.0627499984204769,-0.08695000067353248,9.807100049018858,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:34.239425,2.962269,294,-2.7034323540843093,-15.506459275762705,0.0,0.0,0.0,0.0,-0.06374999841675162,-0.0880500006303191,9.8078000459671,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:34.248031,2.970875,295,-2.7034323540843093,-15.506459275762705,0.0,0.0,0.0,0.0,-0.06474999839439988,-0.08885000063106416,9.808000050544736,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:34.257789,2.980633,296,-2.7035843209466655,-15.506100636451567,0.0,-0.043200000375509265,0.0,0.0,-0.06534999838098884,-0.08935000067576765,9.808400050163268,0.0,0.0,-0.12600000202655792,0,62.366000148118474
+2024-04-07 10:01:34.267618,2.990462,297,-2.7035843209466655,-15.506100636451567,0.0,-0.043200000375509265,0.0,0.0,-0.0661499983817339,-0.09005000066012142,9.808900052070616,0.0,0.0,-0.12600000202655792,0,62.366000148118474
+2024-04-07 10:01:34.282983,3.005827,298,-2.7035843209466655,-15.506100636451567,0.0,-0.043200000375509265,0.0,0.0,-0.06664999838918448,-0.09025000065565109,9.809300051689146,0.0,0.0,-0.12600000202655792,0,62.366000148118474
+2024-04-07 10:01:34.289057,3.011901,299,-2.7035843209466655,-15.506100636451567,0.0,-0.043200000375509265,0.0,0.0,-0.06694999840110541,-0.09105000067502259,9.810200053215025,0.0,0.0,-0.12600000202655792,0,62.366000148118474
+2024-04-07 10:01:34.300064,3.022908,300,-2.703688906518545,-15.505896377772604,0.0,0.01799999959766865,0.0,0.0,-0.06754999838769435,-0.09165000071749091,9.810700055122373,0.0,0.0,-0.18700000643730164,0,62.366000148118474
+2024-04-07 10:01:34.308072,3.030916,301,-2.703688906518545,-15.505896377772604,0.0,0.01799999959766865,0.0,0.0,-0.06774999838322401,-0.09235000073909758,9.81050006008148,0.0,0.0,-0.18700000643730164,0,62.366000148118474
+2024-04-07 10:01:34.318304,3.041148,302,-2.703688906518545,-15.505896377772604,0.0,0.01799999959766865,0.0,0.0,-0.06784999836236238,-0.09345000073313711,9.810800057411193,0.0,0.0,-0.18700000643730164,0,62.366000148118474
+2024-04-07 10:01:34.332087,3.054931,303,-2.703688906518545,-15.505896377772604,0.0,0.01799999959766865,0.0,0.0,-0.06834999836981297,-0.09425000075250864,9.810700055122373,0.0,0.0,-0.18700000643730164,0,62.366000148118474
+2024-04-07 10:01:34.339077,3.061921,304,-2.7037465505856386,-15.505882512985705,0.0,0.0,0.0,0.0,-0.06894999835640192,-0.09495000075548887,9.810100050926208,0.0,0.0,-0.2370000034570694,0,62.366000148118474
+2024-04-07 10:01:34.347986,3.07083,305,-2.7037465505856386,-15.505882512985705,0.0,0.0,0.0,0.0,-0.0694499983265996,-0.09565000072121618,9.80990004634857,0.0,0.0,-0.2370000034570694,0,62.366000148118474
+2024-04-07 10:01:34.358087,3.080931,306,-2.7037465505856386,-15.505882512985705,0.0,0.0,0.0,0.0,-0.0702499983087182,-0.09615000072866678,9.809800053596495,0.0,0.0,-0.2370000034570694,0,62.366000148118474
+2024-04-07 10:01:34.367900,3.090744,307,-2.7037465505856386,-15.505882512985705,0.0,0.0,0.0,0.0,-0.07044999834150076,-0.09635000076144933,9.809800053596495,0.0,0.0,-0.2370000034570694,0,62.366000148118474
+2024-04-07 10:01:34.379108,3.101952,308,-2.703756857773146,-15.505983861446762,0.0,-0.007200000341981649,0.0,0.0,-0.0702499983087182,-0.09605000074952841,9.810400057792661,0.0,0.0,-0.2930000126361847,0,62.366000148118474
+2024-04-07 10:01:34.388643,3.111487,309,-2.703756857773146,-15.505983861446762,0.0,-0.007200000341981649,0.0,0.0,-0.06984999839216471,-0.09505000066012143,9.809900055885313,0.0,0.0,-0.2930000126361847,0,62.366000148118474
+2024-04-07 10:01:34.398925,3.121769,310,-2.703756857773146,-15.505983861446762,0.0,-0.007200000341981649,0.0,0.0,-0.06894999841228128,-0.09415000069886445,9.810800057411193,0.0,0.0,-0.2930000126361847,0,62.366000148118474
+2024-04-07 10:01:34.409470,3.132314,311,-2.703756857773146,-15.505983861446762,0.0,-0.007200000341981649,0.0,0.0,-0.06744999833405019,-0.09355000060051678,9.811100054740903,0.0,0.0,-0.2930000126361847,0,62.366000148118474
+2024-04-07 10:01:34.419496,3.14234,312,-2.703734045364445,-15.506163133332592,0.0,-0.010800000093877316,0.0,0.0,-0.06634999834001065,-0.09205000061541795,9.81130005931854,0.0,0.0,-0.3310000002384186,0,62.366000148118474
+2024-04-07 10:01:34.427901,3.150745,313,-2.703734045364445,-15.506163133332592,0.0,-0.010800000093877316,0.0,0.0,-0.06474999841302634,-0.09065000068396328,9.812200051307677,0.0,0.0,-0.3310000002384186,0,62.366000148118474
+2024-04-07 10:01:34.443174,3.166018,314,-2.703734045364445,-15.506163133332592,0.0,-0.010800000093877316,0.0,0.0,-0.06284999828785658,-0.0889500005915761,9.812300044059752,0.0,0.0,-0.3310000002384186,0,62.366000148118474
+2024-04-07 10:01:34.453172,3.176016,315,-2.703734045364445,-15.506163133332592,0.0,-0.010800000093877316,0.0,0.0,-0.061149998269975185,-0.0867500004544854,9.813000041007994,0.0,0.0,-0.3310000002384186,0,62.366000148118474
+2024-04-07 10:01:34.457649,3.180493,316,-2.7036689993362395,-15.50647165245021,0.0,-0.014400000683963299,0.0,0.0,-0.058949998132884505,-0.08475000035017728,9.813200036048887,0.0,0.0,-0.27300000190734863,0,62.366000148118474
+2024-04-07 10:01:34.468209,3.191053,317,-2.7036689993362395,-15.50647165245021,0.0,-0.014400000683963299,0.0,0.0,-0.05734999816864729,-0.08265000026673078,9.813000031471251,0.0,0.0,-0.27300000190734863,0,62.366000148118474
+2024-04-07 10:01:34.478302,3.201146,318,-2.7036689993362395,-15.50647165245021,0.0,-0.014400000683963299,0.0,0.0,-0.056049998216331005,-0.08065000016242264,9.813100024223326,0.0,0.0,-0.27300000190734863,0,62.366000148118474
+2024-04-07 10:01:34.490262,3.213106,319,-2.7036689993362395,-15.50647165245021,0.0,-0.014400000683963299,0.0,0.0,-0.05454999823123216,-0.07895000018179416,9.813400021553038,0.0,0.0,-0.27300000190734863,0,62.366000148118474
+2024-04-07 10:01:34.499665,3.222509,320,-2.7035552265520453,-15.506910295110767,0.0,-0.021600000187754632,0.0,0.0,-0.05324999820441008,-0.07735000018030404,9.812600022315976,0.0,0.0,-0.15399999916553497,0,62.366000148118474
+2024-04-07 10:01:34.508160,3.231004,321,-2.7035552265520453,-15.506910295110767,0.0,-0.021600000187754632,0.0,0.0,-0.05214999821037054,-0.0758500001952052,9.813000021934508,0.0,0.0,-0.15399999916553497,0,62.366000148118474
+2024-04-07 10:01:34.517237,3.240081,322,-2.7035552265520453,-15.506910295110767,0.0,-0.021600000187754632,0.0,0.0,-0.05044999826699495,-0.07465000018477438,9.813200026512144,0.0,0.0,-0.15399999916553497,0,62.366000148118474
+2024-04-07 10:01:34.531465,3.254309,323,-2.7035552265520453,-15.506910295110767,0.0,-0.021600000187754632,0.0,0.0,-0.0490499983355403,-0.0737500001490116,9.813800030708311,0.0,0.0,-0.15399999916553497,0,62.366000148118474
+2024-04-07 10:01:34.537778,3.260622,324,-2.703448328313417,-15.507279382088736,0.0,0.021600000187754632,0.0,0.0,-0.04744999837130308,-0.072950000166893,9.814300023078916,0.0,0.0,-0.03700000047683716,0,62.366000148118474
+2024-04-07 10:01:34.549485,3.272329,325,-2.703448328313417,-15.507279382088736,0.0,0.021600000187754632,0.0,0.0,-0.0457499984279275,-0.07225000020116566,9.814300023078916,0.0,0.0,-0.03700000047683716,0,62.366000148118474
+2024-04-07 10:01:34.558040,3.280884,326,-2.703448328313417,-15.507279382088736,0.0,0.021600000187754632,0.0,0.0,-0.04324999840930105,-0.07165000021457671,9.814700022697448,0.0,0.0,-0.03700000047683716,0,62.366000148118474
+2024-04-07 10:01:34.567867,3.290711,327,-2.703448328313417,-15.507279382088736,0.0,0.021600000187754632,0.0,0.0,-0.040649998281151054,-0.07165000021457671,9.815300026893613,0.0,0.0,-0.03700000047683716,0,62.366000148118474
+2024-04-07 10:01:34.578990,3.301834,328,-2.703366773891524,-15.507772746869131,0.0,0.021600000187754632,0.0,0.0,-0.03754999814555049,-0.07145000018179416,9.816700020790098,0.0,0.0,-0.03700000047683716,0,62.366000148118474
+2024-04-07 10:01:34.588754,3.311598,329,-2.7033014907408663,-15.508148169164597,0.0,0.0,0.0,0.0,-0.034349997993558645,-0.07175000015646218,9.81660001850128,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:34.605272,3.328116,330,-2.7033014907408663,-15.508148169164597,0.0,0.0,0.0,0.0,-0.03074999811127782,-0.07185000021010636,9.817700024604795,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:34.608738,3.331582,331,-2.7033014907408663,-15.508148169164597,0.0,0.0,0.0,0.0,-0.02704999824985861,-0.07185000021010636,9.816900025367735,0.0,0.0,0.0,0,62.366000148118474
+2024-04-07 10:01:34.620516,3.34336,332,-2.7031858993064883,-15.508927835748684,0.0,0.046800000965595244,0.0,0.0,-0.023149998243898157,-0.07185000021010636,9.817300024986265,0.0,0.0,0.07800000160932541,0,62.366000148118474
+2024-04-07 10:01:34.629970,3.352814,333,-2.7031858993064883,-15.508927835748684,0.0,0.046800000965595244,0.0,0.0,-0.019349998291581863,-0.07125000026077032,9.817000027656553,0.0,0.0,0.07800000160932541,0,62.366000148118474
+2024-04-07 10:01:34.638290,3.361134,334,-2.7031858993064883,-15.508927835748684,0.0,0.046800000965595244,0.0,0.0,-0.015249998327344652,-0.07125000026077032,9.817200022697447,0.0,0.0,0.07800000160932541,0,62.366000148118474
+2024-04-07 10:01:34.652739,3.375583,335,-2.7031858993064883,-15.508927835748684,0.0,0.046800000965595244,0.0,0.0,-0.010849998649209741,-0.07125000026077032,9.818200016975402,0.0,0.0,0.07800000160932541,0,62.366000148118474
+2024-04-07 10:01:34.659654,3.382498,336,-2.703143421376059,-15.509816521838468,0.0,0.03959999978542328,0.0,0.0,-0.006349998917430641,-0.07145000029355286,9.81830001926422,0.0,0.0,0.06499999761581421,0,62.366000148118474
+2024-04-07 10:01:34.667748,3.390592,337,-2.703143421376059,-15.509816521838468,0.0,0.03959999978542328,0.0,0.0,-0.001149999201297755,-0.07095000030472874,9.81870001888275,0.0,0.0,0.06499999761581421,0,62.366000148118474
+2024-04-07 10:01:34.679361,3.402205,338,-2.703143421376059,-15.509816521838468,0.0,0.03959999978542328,0.0,0.0,0.005250000935047863,-0.06995000032708047,9.818500023841857,0.0,0.0,0.06499999761581421,0,62.366000148118474
+2024-04-07 10:01:34.688867,3.411711,339,-2.703143421376059,-15.509816521838468,0.0,0.03959999978542328,0.0,0.0,0.01115000067278743,-0.06905000034719705,9.81910001850128,0.0,0.0,0.06499999761581421,0,62.366000148118474
+2024-04-07 10:01:34.700964,3.423808,340,-2.7032580852371297,-15.510797680569116,0.0,0.17280000150203706,0.0,0.0,0.01795000063255428,-0.06775000035762786,9.818000012397764,0.0,0.0,0.06800000369548798,0,62.366000148118474
+2024-04-07 10:01:34.708499,3.431343,341,-2.7033475599821704,-15.511064320528815,0.0,0.17280000150203706,0.0,0.0,0.02365000067278744,-0.06635000031441449,9.817300005912779,0.0,0.0,0.06800000369548798,0,62.366000148118474
+2024-04-07 10:01:34.719392,3.442236,342,-2.7033475599821704,-15.511064320528815,0.0,0.17280000150203706,0.0,0.0,0.0313500007800758,-0.064650000333786,9.817900000572203,0.0,0.0,0.06800000369548798,0,62.366000148118474
+2024-04-07 10:01:34.729888,3.452732,343,-2.7033475599821704,-15.511064320528815,0.0,0.17280000150203706,0.0,0.0,0.0383500006236136,-0.06345000036060809,9.817900000572203,0.0,0.0,0.06800000369548798,0,62.366000148118474
+2024-04-07 10:01:34.738456,3.4613,344,-2.7033475599821704,-15.511064320528815,0.0,0.17280000150203706,0.0,0.0,0.045450000781565913,-0.0627500003762543,9.818300000190733,0.0,0.0,0.06800000369548798,0,62.366000148118474
+2024-04-07 10:01:34.752338,3.475182,345,-2.703928145440949,-15.51219035783259,0.0,0.23040001094341278,0.0,0.0,0.052350000720471135,-0.062350000366568556,9.8189000043869,0.0,0.0,0.02500000037252903,0,62.366000148118474
+2024-04-07 10:01:34.758241,3.481085,346,-2.703928145440949,-15.51219035783259,0.0,0.23040001094341278,0.0,0.0,0.059350000489503146,-0.06305000035092234,9.818100005149839,0.0,0.0,0.02500000037252903,0,62.366000148118474
+2024-04-07 10:01:34.769819,3.492663,347,-2.703928145440949,-15.51219035783259,0.0,0.23040001094341278,0.0,0.0,0.06635000033304095,-0.06365000039339065,9.818200007438659,0.0,0.0,0.02500000037252903,0,62.366000148118474
+2024-04-07 10:01:34.778141,3.500985,348,-2.703928145440949,-15.51219035783259,0.0,0.23040001094341278,0.0,0.0,0.07225000044330954,-0.06275000041350721,9.81560000514984,0.0,0.0,0.02500000037252903,0,62.366000148118474
+2024-04-07 10:01:34.788427,3.511271,349,-2.7049263819048437,-15.513427811339996,0.0,0.2916000008583069,0.0,0.0,0.07965000022202731,-0.06315000040456652,9.817100010871885,0.0,0.0,-0.03700000047683716,0,62.366000148118474
+2024-04-07 10:01:34.804488,3.527332,350,-2.7049263819048437,-15.513427811339996,0.0,0.2916000008583069,0.0,0.0,0.08555000023916365,-0.06305000040680168,9.816600008964537,0.0,0.0,-0.03700000047683716,0,62.366000148118474
+2024-04-07 10:01:34.810313,3.533157,351,-2.7049263819048437,-15.513427811339996,0.0,0.2916000008583069,0.0,0.0,0.09255000039935113,-0.06305000040680168,9.818800011634824,0.0,0.0,-0.03700000047683716,0,62.366000148118474
+2024-04-07 10:01:34.821459,3.544303,352,-2.7049263819048437,-15.513427811339996,0.0,0.2916000008583069,0.0,0.0,0.09815000051632525,-0.06305000040680168,9.818900013923644,0.0,0.0,-0.03700000047683716,0,62.366000148118474
+2024-04-07 10:01:34.834367,3.557211,353,-2.706389319558732,-15.514771100638294,0.0,0.3852000027894974,0.0,0.0,0.1040500002540648,-0.06335000041872262,9.81910001850128,0.0,0.0,-0.09799999743700027,0,62.366000148118474
+2024-04-07 10:01:34.840831,3.563675,354,-2.706389319558732,-15.514771100638294,0.0,0.3852000027894974,0.0,0.0,0.11005000049248337,-0.06355000045150518,9.821000023841856,0.0,0.0,-0.09799999743700027,0,62.366000148118474
+2024-04-07 10:01:34.849018,3.571862,355,-2.706389319558732,-15.514771100638294,0.0,0.3852000027894974,0.0,0.0,0.11425000058487059,-0.063850000500679,9.819800024986264,0.0,0.0,-0.09799999743700027,0,62.366000148118474
+2024-04-07 10:01:34.858758,3.581602,356,-2.706389319558732,-15.514771100638294,0.0,0.3852000027894974,0.0,0.0,0.1202500007301569,-0.06435000050812958,9.819300023078917,0.0,0.0,-0.09799999743700027,0,62.366000148118474
+2024-04-07 10:01:34.868337,3.591181,357,-2.708517174941204,-15.516227389499228,0.0,0.47519999742507935,0.0,0.0,0.12465000081807376,-0.06505000052973627,9.817300024986265,0.0,0.0,-0.12800000607967377,0,62.366000148118474
+2024-04-07 10:01:34.884377,3.607221,358,-2.708517174941204,-15.516227389499228,0.0,0.47519999742507935,0.0,0.0,0.12905000081285833,-0.0661500005237758,9.819800024986264,0.0,0.0,-0.12800000607967377,0,62.366000148118474
+2024-04-07 10:01:34.889587,3.612431,359,-2.708517174941204,-15.516227389499228,0.0,0.47519999742507935,0.0,0.0,0.13275000078603627,-0.06445000048726796,9.818100024223325,0.0,0.0,-0.12800000607967377,0,62.366000148118474
+2024-04-07 10:01:34.900648,3.623492,360,-2.708517174941204,-15.516227389499228,0.0,0.47519999742507935,0.0,0.0,0.1354500008188188,-0.06295000046491622,9.818600026130675,0.0,0.0,-0.12800000607967377,0,62.366000148118474
+2024-04-07 10:01:34.910466,3.63331,361,-2.7113993486181642,-15.517784892918367,0.0,0.5543999969959259,0.0,0.0,0.13385000081732867,-0.06245000047609209,9.821200018882749,0.0,0.0,-0.15399999916553497,0,62.366000148118474
+2024-04-07 10:01:34.918558,3.641402,362,-2.7113993486181642,-15.517784892918367,0.0,0.5543999969959259,0.0,0.0,0.13035000087693333,-0.06245000047609209,9.821300011634825,0.0,0.0,-0.15399999916553497,0,62.366000148118474
+2024-04-07 10:01:34.932604,3.655448,363,-2.7113993486181642,-15.517784892918367,0.0,0.5543999969959259,0.0,0.0,0.12725000092759728,-0.06345000049099325,9.821700011253355,0.0,0.0,-0.15399999916553497,0,62.366000148118474
+2024-04-07 10:01:34.939034,3.661878,364,-2.7113993486181642,-15.517784892918367,0.0,0.5543999969959259,0.0,0.0,0.12105000095441937,-0.06375000050291418,9.823000012397765,0.0,0.0,-0.15399999916553497,0,62.366000148118474
+2024-04-07 10:01:34.949950,3.672794,365,-2.7150512793501416,-15.519429662775076,0.0,0.5471999824047089,0.0,0.0,0.11565000088885427,-0.06525000045076011,9.822900010108945,0.0,0.0,-0.14399999380111694,0,62.366000148118474
+2024-04-07 10:01:34.958446,3.68129,366,-2.7150512793501416,-15.519429662775076,0.0,0.5471999824047089,0.0,0.0,0.10865000085905194,-0.06515000047162174,9.821800013542173,0.0,0.0,-0.14399999380111694,0,62.366000148118474
+2024-04-07 10:01:34.969382,3.692226,367,-2.7150512793501416,-15.519429662775076,0.0,0.5471999824047089,0.0,0.0,0.10075000079348684,-0.06475000048056244,9.82280001735687,0.0,0.0,-0.14399999380111694,0,62.366000148118474
+2024-04-07 10:01:34.983841,3.706685,368,-2.7171328165104764,-15.520275964676182,0.0,0.5471999824047089,0.0,0.0,0.09415000082924962,-0.06295000033453106,9.82280001735687,0.0,0.0,-0.14399999380111694,0,62.366000148118474
+2024-04-07 10:01:34.997133,3.719977,369,-2.720500701386467,-15.521562863762982,0.0,0.4643999755382538,0.0,0.0,0.08525000097230076,-0.06135000037029384,9.822100010871885,0.0,0.0,-0.12099999934434891,0,62.366000148118474
+2024-04-07 10:01:35.014704,3.737548,370,-2.720500701386467,-15.521562863762982,0.0,0.4643999755382538,0.0,0.0,0.07865000115707516,-0.06015000032261013,9.823500014305113,0.0,0.0,-0.12099999934434891,0,62.366000148118474
+2024-04-07 10:01:35.014910,3.737754,371,-2.720500701386467,-15.521562863762982,0.0,0.4643999755382538,0.0,0.0,0.0705500009842217,-0.060650000441819424,9.824200011253355,0.0,0.0,-0.12099999934434891,0,62.366000148118474
+2024-04-07 10:01:35.022503,3.745347,372,-2.720500701386467,-15.521562863762982,0.0,0.4643999755382538,0.0,0.0,0.06275000112131238,-0.06175000043585896,9.824900008201597,0.0,0.0,-0.12099999934434891,0,62.366000148118474
+2024-04-07 10:01:35.033169,3.756013,373,-2.723988850576017,-15.522854637692804,0.0,0.2591999888420105,0.0,0.0,0.0538500011153519,-0.06125000046566127,9.82480000591278,0.0,0.0,-0.10599999874830246,0,62.366000148118474
+2024-04-07 10:01:35.041507,3.764351,374,-2.723988850576017,-15.522854637692804,0.0,0.2591999888420105,0.0,0.0,0.04545000122860074,-0.061550000477582203,9.824499999046324,0.0,0.0,-0.10599999874830246,0,62.366000148118474
+2024-04-07 10:01:35.049037,3.771881,375,-2.723988850576017,-15.522854637692804,0.0,0.2591999888420105,0.0,0.0,0.037050001490861184,-0.06165000038221477,9.823999997138975,0.0,0.0,-0.10599999874830246,0,62.366000148118474
+2024-04-07 10:01:35.058393,3.781237,376,-2.723988850576017,-15.522854637692804,0.0,0.2591999888420105,0.0,0.0,0.02775000149384141,-0.060850000400096166,9.824099999427794,0.0,0.0,-0.10599999874830246,0,62.366000148118474
+2024-04-07 10:01:35.068413,3.791257,377,-2.723988850576017,-15.522854637692804,0.0,0.2591999888420105,0.0,0.0,0.019450001511722798,-0.060850000400096166,9.822599993705747,0.0,0.0,-0.10599999874830246,0,62.366000148118474
+2024-04-07 10:01:35.078975,3.801819,378,-2.728625614188619,-15.524563626943516,0.0,0.1476000040769577,0.0,0.0,0.01075000150129199,-0.05915000053122639,9.823399992942809,0.0,0.0,-0.012000000104308128,0,62.366000148118474
+2024-04-07 10:01:35.089779,3.812623,379,-2.728625614188619,-15.524563626943516,0.0,0.1476000040769577,0.0,0.0,0.003050001729279758,-0.05885000051930546,9.823799992561339,0.0,0.0,-0.012000000104308128,0,62.366000148118474
+2024-04-07 10:01:35.105596,3.82844,380,-2.728625614188619,-15.524563626943516,0.0,0.1476000040769577,0.0,0.0,-0.004749998264014718,-0.05805000046268105,9.823599987983702,0.0,0.0,-0.012000000104308128,0,62.366000148118474
+2024-04-07 10:01:35.110255,3.833099,381,-2.728625614188619,-15.524563626943516,0.0,0.1476000040769577,0.0,0.0,-0.011749998033046716,-0.057250000461935985,9.825099984169004,0.0,0.0,-0.012000000104308128,0,62.366000148118474
+2024-04-07 10:01:35.118169,3.841013,382,-2.733087085242895,-15.52622980828913,0.0,0.12959999442100525,0.0,0.0,-0.01794999798759818,-0.05735000045970082,9.825399981498716,0.0,0.0,0.04500000178813934,0,62.366000148118474
+2024-04-07 10:01:35.130472,3.853316,383,-2.733087085242895,-15.52622980828913,0.0,0.12959999442100525,0.0,0.0,-0.023649997729808095,-0.057450000457465636,9.82599997615814,0.0,0.0,0.04500000178813934,0,62.366000148118474
+2024-04-07 10:01:35.138404,3.861248,384,-2.733087085242895,-15.52622980828913,0.0,0.12959999442100525,0.0,0.0,-0.028749997634440666,-0.05905000042170286,9.82599997615814,0.0,0.0,0.04500000178813934,0,62.366000148118474
+2024-04-07 10:01:35.148978,3.871822,385,-2.733087085242895,-15.52622980828913,0.0,0.12959999442100525,0.0,0.0,-0.03304999774321914,-0.059650000464171155,9.82599997615814,0.0,0.0,0.04500000178813934,3,62.366000148118474
+2024-04-07 10:01:35.157833,3.880677,386,-2.737245868578033,-15.527849826175556,0.0,0.057600002735853195,0.0,0.0,-0.03674999760463833,-0.059750000480562435,9.826699973106383,0.0,0.0,-0.09099999815225601,3,62.366000148118474
+2024-04-07 10:01:35.168382,3.891226,387,-2.737245868578033,-15.527849826175556,0.0,0.057600002735853195,0.0,0.0,-0.04084999760612845,-0.059750000480562435,9.826299973487853,0.0,0.0,-0.09099999815225601,3,62.366000148118474
+2024-04-07 10:01:35.177919,3.900763,388,-2.737245868578033,-15.527849826175556,0.0,0.057600002735853195,0.0,0.0,-0.043949997741729016,-0.05865000046789645,9.826999979972838,0.0,0.0,-0.09099999815225601,3,62.366000148118474
+2024-04-07 10:01:35.189022,3.911866,389,-2.737245868578033,-15.527849826175556,0.0,0.057600002735853195,0.0,0.0,-0.0467499977722764,-0.057450000494718545,9.826999979972838,0.0,0.0,-0.09099999815225601,3,62.366000148118474
+2024-04-07 10:01:35.226975,3.949819,390,-2.74094605666188,-15.529407089173384,0.0,0.0,0.0,0.0,-0.04904999772086739,-0.05565000042319297,9.826999979972838,0.0,0.0,0.0,3,62.366000148118474
+2024-04-07 10:01:35.227070,3.949914,391,-2.74094605666188,-15.529407089173384,0.0,0.0,0.0,0.0,-0.05084999773651361,-0.05455000035464763,9.826599980354308,0.0,0.0,0.0,3,62.366000148118474
+2024-04-07 10:01:35.227095,3.949939,392,-2.74094605666188,-15.529407089173384,0.0,0.0,0.0,0.0,-0.052349997796118264,-0.053050000295042976,9.8267999753952,0.0,0.0,0.0,3,62.366000148118474
+2024-04-07 10:01:35.231471,3.954315,393,-2.74094605666188,-15.529407089173384,0.0,0.0,0.0,0.0,-0.05314999777823687,-0.051950000226497636,9.826699982643126,0.0,0.0,0.0,3,62.36900014814455
+2024-04-07 10:01:35.241127,3.963971,394,-2.7442138178410915,-15.5309051576789,0.0,-0.0359999991953373,0.0,0.0,-0.05354999776929617,-0.05085000026971101,9.826299983024596,0.0,0.0,0.057999998331069946,3,62.36900014814455
+2024-04-07 10:01:35.252020,3.974864,395,-2.7442138178410915,-15.5309051576789,0.0,-0.0359999991953373,0.0,0.0,-0.05304999776184559,-0.04975000025704503,9.826499978065488,0.0,0.0,0.057999998331069946,0,62.36900014814455
+2024-04-07 10:01:35.260830,3.983674,396,-2.7442138178410915,-15.5309051576789,0.0,-0.0359999991953373,0.0,0.0,-0.052449997775256635,-0.04875000024214386,9.82639997577667,0.0,0.0,0.057999998331069946,0,62.36900014814455
+2024-04-07 10:01:35.279775,4.002619,397,-2.7468641862123593,-15.532312083330314,0.0,-0.06120000332593918,0.0,0.0,-0.05124999770894646,-0.0479500002041459,9.826299973487853,0.0,0.0,-0.10100000351667404,0,62.36900014814455
+2024-04-07 10:01:35.286271,4.009115,398,-2.7468641862123593,-15.532312083330314,0.0,-0.06120000332593918,0.0,0.0,-0.04974999768659473,-0.04745000019669532,9.82599997615814,0.0,0.0,-0.10100000351667404,0,62.36900014814455
+2024-04-07 10:01:35.293373,4.016217,399,-2.7468641862123593,-15.532312083330314,0.0,-0.06120000332593918,0.0,0.0,-0.04824999766424298,-0.046550000198185434,9.825699978828428,0.0,0.0,-0.10100000351667404,0,62.36900014814455
+2024-04-07 10:01:35.300561,4.023405,400,-2.7468641862123593,-15.532312083330314,0.0,-0.06120000332593918,0.0,0.0,-0.04624999767169356,-0.04575000019744038,9.825499974250791,0.0,0.0,-0.10100000351667404,0,62.36900014814455
+2024-04-07 10:01:35.310845,4.033689,401,-2.749031040342144,-15.53365824483255,0.0,-0.15119999796152114,0.0,0.0,-0.04424999767914414,-0.04505000017583369,9.825699969291685,0.0,0.0,0.0,0,62.36900014814455
+2024-04-07 10:01:35.321162,4.044006,402,-2.749031040342144,-15.53365824483255,0.0,-0.15119999796152114,0.0,0.0,-0.04194999767467379,-0.04375000022351741,9.825799971580503,0.0,0.0,0.0,0,62.36900014814455
+2024-04-07 10:01:35.329696,4.05254,403,-2.749031040342144,-15.53365824483255,0.0,-0.15119999796152114,0.0,0.0,-0.039549997765570874,-0.0429500002041459,9.825799971580503,0.0,0.0,0.0,0,62.36900014814455
+2024-04-07 10:01:35.346164,4.069008,404,-2.749031040342144,-15.53365824483255,0.0,-0.15119999796152114,0.0,0.0,-0.03664999781176448,-0.04245000015944242,9.826099968910215,0.0,0.0,0.0,0,62.36900014814455
+2024-04-07 10:01:35.353964,4.076808,405,-2.749031040342144,-15.53365824483255,0.0,-0.15119999796152114,0.0,0.0,-0.03384999765083194,-0.041850000172853466,9.826199971199033,0.0,0.0,0.0,0,62.36900014814455
+2024-04-07 10:01:35.359763,4.082607,406,-2.750608631706248,-15.5349220310553,0.0,-0.057600002735853195,0.0,0.0,-0.03084999768063426,-0.04105000022798776,9.82629996395111,0.0,0.0,-0.03500000014901161,0,62.36900014814455
+2024-04-07 10:01:35.372653,4.095497,407,-2.750608631706248,-15.5349220310553,0.0,-0.057600002735853195,0.0,0.0,-0.02764999760314822,-0.04025000017136335,9.82669996356964,0.0,0.0,-0.03500000014901161,0,62.36900014814455
+2024-04-07 10:01:35.383330,4.106174,408,-2.750608631706248,-15.5349220310553,0.0,-0.057600002735853195,0.0,0.0,-0.02444999767467379,-0.038850000239908686,9.826099959373472,0.0,0.0,-0.03500000014901161,0,62.36900014814455
+2024-04-07 10:01:35.390730,4.113574,409,-2.750608631706248,-15.5349220310553,0.0,-0.057600002735853195,0.0,0.0,-0.021549997758120304,-0.03835000026971101,9.825899964332578,0.0,0.0,-0.03500000014901161,0,62.36900014814455
+2024-04-07 10:01:35.399537,4.122381,410,-2.751747345888416,-15.536122084509255,0.0,-0.09000000134110452,0.0,0.0,-0.01884999787434935,-0.03815000031143426,9.8249999628067,0.0,0.0,0.04800000041723251,0,62.36900014814455
+2024-04-07 10:01:35.413829,4.136673,411,-2.751747345888416,-15.536122084509255,0.0,-0.09000000134110452,0.0,0.0,-0.016749998088926077,-0.038250000365078446,9.824699965476988,0.0,0.0,0.04800000041723251,0,62.36900014814455
+2024-04-07 10:01:35.419733,4.142577,412,-2.751747345888416,-15.536122084509255,0.0,-0.09000000134110452,0.0,0.0,-0.01504999792203307,-0.03905000034719705,9.825299960136412,0.0,0.0,0.04800000041723251,0,62.36900014814455
+2024-04-07 10:01:35.430826,4.15367,413,-2.7524999741049685,-15.537261445050389,0.0,-0.09360000193119049,0.0,0.0,-0.013649997916072604,-0.04015000019222496,9.82489996051788,0.0,0.0,-0.09300000220537186,0,62.36900014814455
+2024-04-07 10:01:35.438770,4.161614,414,-2.7524999741049685,-15.537261445050389,0.0,-0.09360000193119049,0.0,0.0,-0.013049997892230755,-0.041650000326335423,9.825099965095518,0.0,0.0,-0.09300000220537186,0,62.36900014814455
+2024-04-07 10:01:35.453313,4.176157,415,-2.7524999741049685,-15.537261445050389,0.0,-0.09360000193119049,0.0,0.0,-0.012649997975677257,-0.04355000045150517,9.82489996051788,0.0,0.0,-0.09300000220537186,0,62.36900014814455
+2024-04-07 10:01:35.458794,4.181638,416,-2.7524999741049685,-15.537261445050389,0.0,-0.09360000193119049,0.0,0.0,-0.012549998071044677,-0.04505000058561562,9.825599967002868,0.0,0.0,-0.09300000220537186,0,62.36900014814455
+2024-04-07 10:01:35.470458,4.193302,417,-2.7524999741049685,-15.537261445050389,0.0,-0.09360000193119049,0.0,0.0,-0.012649998124688866,-0.04645000074058771,9.825599967002868,0.0,0.0,-0.09300000220537186,0,62.36900014814455
+2024-04-07 10:01:35.479622,4.202466,418,-2.7529781868309473,-15.538340304872863,0.0,-0.05040000155568123,0.0,0.0,-0.01244999816641211,-0.04695000085979699,9.826299973487853,0.0,0.0,0.08299999684095383,0,62.36900014814455
+2024-04-07 10:01:35.489247,4.212091,419,-2.7529781868309473,-15.538340304872863,0.0,-0.05040000155568123,0.0,0.0,-0.012249998208135368,-0.04745000082999466,9.82639997577667,0.0,0.0,0.08299999684095383,0,62.36900014814455
+2024-04-07 10:01:35.498887,4.221731,420,-2.7529781868309473,-15.538340304872863,0.0,-0.05040000155568123,0.0,0.0,-0.012349998261779543,-0.04825000081211328,9.827599974632262,0.0,0.0,0.08299999684095383,0,62.36900014814455
+2024-04-07 10:01:35.512780,4.235624,421,-2.7532340417433607,-15.53934973877009,0.0,-0.028800001367926598,0.0,0.0,-0.012949998285621406,-0.04955000076442956,9.8267999753952,0.0,0.0,0.14399999380111694,0,62.36900014814455
+2024-04-07 10:01:35.521144,4.243988,422,-2.7532340417433607,-15.53934973877009,0.0,-0.028800001367926598,0.0,0.0,-0.013249998297542337,-0.050650000795722,9.82689997768402,0.0,0.0,0.14399999380111694,0,62.36900014814455
+2024-04-07 10:01:35.532179,4.255023,423,-2.7532340417433607,-15.53934973877009,0.0,-0.028800001367926598,0.0,0.0,-0.014249998237937683,-0.051350000798702236,9.826299973487853,0.0,0.0,0.14399999380111694,0,62.36900014814455
+2024-04-07 10:01:35.538630,4.261474,424,-2.7532340417433607,-15.53934973877009,0.0,-0.028800001367926598,0.0,0.0,-0.015349998231977219,-0.05225000075995921,9.82639997577667,0.0,0.0,0.14399999380111694,0,62.36900014814455
+2024-04-07 10:01:35.548841,4.271685,425,-2.7532340417433607,-15.53934973877009,0.0,-0.028800001367926598,0.0,0.0,-0.01664999818429351,-0.05265000067651271,9.82639997577667,0.0,0.0,0.14399999380111694,0,62.36900014814455
+2024-04-07 10:01:35.558534,4.281378,426,-2.7533390788101437,-15.540285586426014,0.0,0.014400000683963299,0.0,0.0,-0.018849998209625476,-0.05205000065267085,9.825799971580503,0.0,0.0,0.18199999630451202,0,62.36900014814455
+2024-04-07 10:01:35.568533,4.291377,427,-2.7533390788101437,-15.540285586426014,0.0,0.014400000683963299,0.0,0.0,-0.02094999829307198,-0.05205000065267085,9.826399966239928,0.0,0.0,0.18199999630451202,0,62.36900014814455
+2024-04-07 10:01:35.579085,4.301929,428,-2.7533390788101437,-15.540285586426014,0.0,0.014400000683963299,0.0,0.0,-0.023149998430162674,-0.051750000715255734,9.825299969673155,0.0,0.0,0.18199999630451202,0,62.36900014814455
+2024-04-07 10:01:35.588858,4.311702,429,-2.7533390788101437,-15.540285586426014,0.0,0.014400000683963299,0.0,0.0,-0.025349998567253354,-0.05075000066310166,9.825799971580503,0.0,0.0,0.18199999630451202,0,62.36900014814455
+2024-04-07 10:01:35.599428,4.322272,430,-2.7533090364712716,-15.541346932003655,0.0,0.028800001367926598,0.0,0.0,-0.028449998442083596,-0.05025000069290399,9.824799967765806,0.0,0.0,0.21699999272823334,0,62.36900014814455
+2024-04-07 10:01:35.609436,4.33228,431,-2.7533090364712716,-15.541346932003655,0.0,0.028800001367926598,0.0,0.0,-0.03114999825134873,-0.049350000657141194,9.825499964714048,0.0,0.0,0.21699999272823334,0,62.36900014814455
+2024-04-07 10:01:35.618696,4.34154,432,-2.7533090364712716,-15.541346932003655,0.0,0.028800001367926598,0.0,0.0,-0.03444999823346734,-0.048650000579655156,9.824799967765806,0.0,0.0,0.21699999272823334,0,62.36900014814455
+2024-04-07 10:01:35.629641,4.352485,433,-2.7533090364712716,-15.541346932003655,0.0,0.028800001367926598,0.0,0.0,-0.03824999818578362,-0.04885000053793191,9.825199967384336,0.0,0.0,0.21699999272823334,0,62.36900014814455
+2024-04-07 10:01:35.639383,4.362227,434,-2.7531767990787928,-15.542119111593356,0.0,0.025200000777840615,0.0,0.0,-0.04214999819174409,-0.04955000055953859,9.825199967384336,0.0,0.0,0.2930000126361847,0,62.36900014814455
+2024-04-07 10:01:35.649674,4.372518,435,-2.753104540059207,-15.542288270897746,0.0,0.025200000777840615,0.0,0.0,-0.04664999792352319,-0.04945000050589442,9.824399968147276,0.0,0.0,0.2930000126361847,0,62.36900014814455
+2024-04-07 10:01:35.659804,4.382648,436,-2.753104540059207,-15.542288270897746,0.0,0.025200000777840615,0.0,0.0,-0.05124999763444066,-0.049150000493973486,9.823699971199034,0.0,0.0,0.2930000126361847,0,62.36900014814455
+2024-04-07 10:01:35.669813,4.392657,437,-2.753104540059207,-15.542288270897746,0.0,0.025200000777840615,0.0,0.0,-0.05594999736174941,-0.0486500005237758,9.823799973487851,0.0,0.0,0.2930000126361847,0,62.36900014814455
+2024-04-07 10:01:35.678410,4.401254,438,-2.753104540059207,-15.542288270897746,0.0,0.025200000777840615,0.0,0.0,-0.06184999750927091,-0.047650000546127544,9.824399968147276,0.0,0.0,0.2930000126361847,0,62.36900014814455
+2024-04-07 10:01:35.689412,4.412256,439,-2.752912693156105,-15.542791281042636,0.0,0.043200000375509265,0.0,0.0,-0.06674999723210931,-0.047850000541657195,9.823699971199034,0.0,0.0,0.2750000059604645,0,62.36900014814455
+2024-04-07 10:01:35.700112,4.422956,440,-2.752912693156105,-15.542791281042636,0.0,0.043200000375509265,0.0,0.0,-0.07294999718666076,-0.04765000050887465,9.824199973106383,0.0,0.0,0.2750000059604645,0,62.36900014814455
+2024-04-07 10:01:35.708385,4.431229,441,-2.752912693156105,-15.542791281042636,0.0,0.043200000375509265,0.0,0.0,-0.07864999722689389,-0.047450000513345,9.82519997692108,0.0,0.0,0.2750000059604645,0,62.36900014814455
+2024-04-07 10:01:35.718168,4.441012,442,-2.752912693156105,-15.542791281042636,0.0,0.043200000375509265,0.0,0.0,-0.08444999728351832,-0.04735000049695372,9.824899979591368,0.0,0.0,0.2750000059604645,0,62.36900014814455
+2024-04-07 10:01:35.729807,4.452651,443,-2.7525525732960867,-15.543396543403304,0.0,0.021600000187754632,0.0,0.0,-0.09004999715834856,-0.046050000544637426,9.825899973869323,0.0,0.0,0.2879999876022339,0,62.36900014814455
+2024-04-07 10:01:35.738756,4.4616,444,-2.7525525732960867,-15.543396543403304,0.0,0.021600000187754632,0.0,0.0,-0.09594999734312296,-0.04455000054091214,9.825099974632261,0.0,0.0,0.2879999876022339,0,62.36900014814455
+2024-04-07 10:01:35.749539,4.472383,445,-2.7525525732960867,-15.543396543403304,0.0,0.021600000187754632,0.0,0.0,-0.10144999731332063,-0.042850000541657204,9.824499970436094,0.0,0.0,0.2879999876022339,0,62.36900014814455
+2024-04-07 10:01:35.759046,4.48189,446,-2.7525525732960867,-15.543396543403304,0.0,0.021600000187754632,0.0,0.0,-0.10704999703913927,-0.04135000055655837,9.825499974250791,0.0,0.0,0.2879999876022339,0,62.36900014814455
+2024-04-07 10:01:35.780310,4.503154,447,-2.7520484351768864,-15.543924552662917,0.0,0.0,0.0,0.0,-0.11324999690055847,-0.03925000054761767,9.8267999753952,0.0,0.0,0.2879999876022339,0,62.36900014814455
+2024-04-07 10:01:35.785024,4.507868,448,-2.7520484351768864,-15.543924552662917,0.0,0.0,0.0,0.0,-0.1173499970138073,-0.038850000519305455,9.82849997615814,0.0,0.0,0.2879999876022339,0,62.36900014814455
+2024-04-07 10:01:35.790703,4.513547,449,-2.7520484351768864,-15.543924552662917,0.0,0.0,0.0,0.0,-0.12424999680370093,-0.03695000046864151,9.827099972724913,0.0,0.0,0.2879999876022339,0,62.36900014814455
+2024-04-07 10:01:35.814907,4.537751,450,-2.7517293472151376,-15.544154746286985,0.0,0.0,0.0,0.0,-0.1293499968200922,-0.03605000045150518,9.827799969673155,0.0,0.0,0.2879999876022339,0,62.36900014814455
+2024-04-07 10:01:35.832090,4.554934,451,-2.7514031886326014,-15.544372536163195,0.0,0.043200000375509265,0.0,0.0,-0.13574999699369072,-0.035450000464916226,9.824699965476988,0.0,0.0,0.34299999475479126,0,62.36900014814455
+2024-04-07 10:01:35.832175,4.555019,452,-2.7514031886326014,-15.544372536163195,0.0,0.043200000375509265,0.0,0.0,-0.14104999711737037,-0.03455000046640634,9.825999966621398,0.0,0.0,0.34299999475479126,0,62.36900014814455
+2024-04-07 10:01:35.832426,4.55527,453,-2.7514031886326014,-15.544372536163195,0.0,0.043200000375509265,0.0,0.0,-0.14654999686405062,-0.03435000043362378,9.826099959373472,0.0,0.0,0.34299999475479126,0,62.36900014814455
+2024-04-07 10:01:35.841787,4.564631,454,-2.7506201819036002,-15.544753792620675,0.0,0.007200000341981649,0.0,0.0,-0.15214999711140992,-0.03345000039786099,9.82449996089935,0.0,0.0,0.2800000011920929,0,62.45100015040953
+2024-04-07 10:01:35.853094,4.575938,455,-2.7506201819036002,-15.544753792620675,0.0,0.007200000341981649,0.0,0.0,-0.15564999720081688,-0.03295000039041042,9.825499955177305,0.0,0.0,0.2800000011920929,0,62.45100015040953
+2024-04-07 10:01:35.864224,4.587068,456,-2.7506201819036002,-15.544753792620675,0.0,0.007200000341981649,0.0,0.0,-0.1620499973371625,-0.03245000038295984,9.825599957466123,0.0,0.0,0.2800000011920929,0,62.45100015040953
+2024-04-07 10:01:35.880557,4.603401,457,-2.7506201819036002,-15.544753792620675,0.0,0.007200000341981649,0.0,0.0,-0.1661499974504113,-0.03175000036135314,9.826799956321715,0.0,0.0,0.2800000011920929,0,62.45100015040953
+2024-04-07 10:01:35.883707,4.606551,458,-2.749665530164708,-15.545036437748687,0.0,0.01799999959766865,0.0,0.0,-0.17064999744296075,-0.029950000401586283,9.823899956703185,0.0,0.0,0.32600000500679016,0,62.45100015040953
+2024-04-07 10:01:35.893567,4.616411,459,-2.749665530164708,-15.545036437748687,0.0,0.01799999959766865,0.0,0.0,-0.17404999740421773,-0.030550000425428145,9.824899950981138,0.0,0.0,0.32600000500679016,0,62.45100015040953
+2024-04-07 10:01:35.902934,4.625778,460,-2.749665530164708,-15.545036437748687,0.0,0.01799999959766865,0.0,0.0,-0.17684999745339156,-0.031050000470131622,9.824599953651427,0.0,0.0,0.32600000500679016,0,62.45100015040953
+2024-04-07 10:01:35.912759,4.635603,461,-2.749665530164708,-15.545036437748687,0.0,0.01799999959766865,0.0,0.0,-0.17514999743551016,-0.03055000049993395,9.821999960899351,0.0,0.0,0.32600000500679016,0,62.45100015040953
+2024-04-07 10:01:35.931874,4.654718,462,-2.748552942873742,-15.545246660252317,0.0,0.0036000001709908247,0.0,0.0,-0.17174999754875897,-0.0307500004954636,9.821799965858458,0.0,0.0,0.3310000002384186,0,62.45100015040953
+2024-04-07 10:01:35.933447,4.656291,463,-2.748552942873742,-15.545246660252317,0.0,0.0036000001709908247,0.0,0.0,-0.1696499976143241,-0.029950000513344996,9.821599961280821,0.0,0.0,0.3310000002384186,0,62.45100015040953
+2024-04-07 10:01:35.943641,4.666485,464,-2.748552942873742,-15.545246660252317,0.0,0.0036000001709908247,0.0,0.0,-0.16364999759942295,-0.030250000525265927,9.821499958992003,0.0,0.0,0.3310000002384186,0,62.45100015040953
+2024-04-07 10:01:35.952703,4.675547,465,-2.748552942873742,-15.545246660252317,0.0,0.0036000001709908247,0.0,0.0,-0.15974999753758312,-0.029150000493973482,9.820899964332579,0.0,0.0,0.3310000002384186,0,62.45100015040953
+2024-04-07 10:01:35.964005,4.686849,466,-2.7473046030518606,-15.545392690258721,0.0,0.007200000341981649,0.0,0.0,-0.15384999752044679,-0.029550000522285694,9.822299958229063,0.0,0.0,0.3310000002384186,0,62.45100015040953
+2024-04-07 10:01:35.977712,4.700556,467,-2.7473046030518606,-15.545392690258721,0.0,0.007200000341981649,0.0,0.0,-0.14744999747723342,-0.030150000471621738,9.821299954414366,0.0,0.0,0.3310000002384186,0,62.45100015040953
+2024-04-07 10:01:35.982990,4.705834,468,-2.7473046030518606,-15.545392690258721,0.0,0.007200000341981649,0.0,0.0,-0.14294999748468398,-0.031850000638514744,9.820599957466124,0.0,0.0,0.3310000002384186,0,62.45100015040953
+2024-04-07 10:01:35.992729,4.715573,469,-2.7473046030518606,-15.545392690258721,0.0,0.007200000341981649,0.0,0.0,-0.13584999760612845,-0.03475000066682696,9.822199955940246,0.0,0.0,0.3310000002384186,0,62.45100015040953
+2024-04-07 10:01:36.010365,4.733209,470,-2.7459626995457085,-15.545469358717751,0.0,0.0,0.0,0.0,-0.13254999769851566,-0.03865000067278741,9.820799952507016,0.0,0.0,0.2879999876022339,0,62.45100015040953
+2024-04-07 10:01:36.017735,4.740579,471,-2.7459626995457085,-15.545469358717751,0.0,0.0,0.0,0.0,-0.12724999753758312,-0.040850000660866484,9.820299950599669,0.0,0.0,0.2879999876022339,0,62.45100015040953
+2024-04-07 10:01:36.032280,4.755124,472,-2.7459626995457085,-15.545469358717751,0.0,0.0,0.0,0.0,-0.12304999766871333,-0.042250000629574055,9.818699952125547,0.0,0.0,0.2879999876022339,0,62.45100015040953
+2024-04-07 10:01:36.034558,4.757402,473,-2.7459626995457085,-15.545469358717751,0.0,0.0,0.0,0.0,-0.11744999757036567,-0.045350000653415906,9.818799954414366,0.0,0.0,0.2879999876022339,0,62.45100015040953
+2024-04-07 10:01:36.048127,4.770971,474,-2.7446064234011955,-15.545488366213299,0.0,0.021600000187754632,0.0,0.0,-0.1119499977491796,-0.046950000654906024,9.818899956703184,0.0,0.0,0.34599998593330383,0,62.45100015040953
+2024-04-07 10:01:36.052480,4.775324,475,-2.7446064234011955,-15.545488366213299,0.0,0.021600000187754632,0.0,0.0,-0.10584999797865749,-0.04885000070556997,9.819299956321714,0.0,0.0,0.34599998593330383,0,62.45100015040953
+2024-04-07 10:01:36.065456,4.7883,476,-2.7446064234011955,-15.545488366213299,0.0,0.021600000187754632,0.0,0.0,-0.09864999799057841,-0.050950000640004864,9.819199954032896,0.0,0.0,0.34599998593330383,0,62.45100015040953
+2024-04-07 10:01:36.073740,4.796584,477,-2.7446064234011955,-15.545488366213299,0.0,0.021600000187754632,0.0,0.0,-0.0920499980263412,-0.05175000058487057,9.820499955177306,0.0,0.0,0.34599998593330383,0,62.45100015040953
+2024-04-07 10:01:36.084068,4.806912,478,-2.743587166830674,-15.5454470897887,0.0,0.0036000001709908247,0.0,0.0,-0.08444999800994993,-0.053750000502914175,9.820499955177306,0.0,0.0,0.25,0,62.45100015040953
+2024-04-07 10:01:36.099275,4.822119,479,-2.743236684793711,-15.545443737912787,0.0,0.0036000001709908247,0.0,0.0,-0.07814999820664525,-0.05465000050142406,9.820099955558774,0.0,0.0,0.25,0,62.45100015040953
+2024-04-07 10:01:36.107308,4.830152,480,-2.743236684793711,-15.545443737912787,0.0,0.0036000001709908247,0.0,0.0,-0.07104999819770455,-0.05605000056326388,9.820599957466124,0.0,0.0,0.25,0,62.45100015040953
+2024-04-07 10:01:36.111606,4.83445,481,-2.743236684793711,-15.545443737912787,0.0,0.0036000001709908247,0.0,0.0,-0.06494999842718244,-0.056850000564008935,9.820299960136412,0.0,0.0,0.25,0,62.45100015040953
+2024-04-07 10:01:36.124644,4.847488,482,-2.743236684793711,-15.545443737912787,0.0,0.0036000001709908247,0.0,0.0,-0.05874999847263098,-0.056850000564008935,9.820699959754942,0.0,0.0,0.25,0,62.45100015040953
+2024-04-07 10:01:36.130390,4.853234,483,-2.741916111133344,-15.545301603659231,0.0,-0.028800001367926598,0.0,0.0,-0.05264999873936177,-0.056750000566244116,9.820799962043761,0.0,0.0,0.10599999874830246,0,62.45100015040953
+2024-04-07 10:01:36.139073,4.861917,484,-2.741916111133344,-15.545301603659231,0.0,-0.028800001367926598,0.0,0.0,-0.046849998831748965,-0.054750000610947605,9.821699963569639,0.0,0.0,0.10599999874830246,0,62.45100015040953
+2024-04-07 10:01:36.149307,4.872151,485,-2.741916111133344,-15.545301603659231,0.0,-0.028800001367926598,0.0,0.0,-0.04114999875426292,-0.05325000058859586,9.821599961280821,0.0,0.0,0.10599999874830246,0,62.45100015040953
+2024-04-07 10:01:36.159103,4.881947,486,-2.741916111133344,-15.545301603659231,0.0,-0.028800001367926598,0.0,0.0,-0.03654999889433384,-0.05215000059455632,9.821499958992003,0.0,0.0,0.10599999874830246,0,62.45100015040953
+2024-04-07 10:01:36.176347,4.899191,487,-2.740701847032771,-15.545126126125691,0.0,0.0,0.0,0.0,-0.030949998870491977,-0.05155000060796737,9.821199961662291,0.0,0.0,0.0,0,62.45100015040953
+2024-04-07 10:01:36.180323,4.903167,488,-2.740701847032771,-15.545126126125691,0.0,0.0,0.0,0.0,-0.026449998766183855,-0.05195000063627957,9.820799962043761,0.0,0.0,0.0,0,62.45100015040953
+2024-04-07 10:01:36.194435,4.917279,489,-2.740701847032771,-15.545126126125691,0.0,0.0,0.0,0.0,-0.02144999876618385,-0.052650000602006905,9.819899970054625,0.0,0.0,0.0,0,62.45100015040953
+2024-04-07 10:01:36.205351,4.928195,490,-2.740701847032771,-15.545126126125691,0.0,0.0,0.0,0.0,-0.016149998903274537,-0.053550000637769685,9.820599967002867,0.0,0.0,0.0,0,62.45100015040953
+2024-04-07 10:01:36.212912,4.935756,491,-2.739518556096076,-15.54500021357187,0.0,0.0,0.0,0.0,-0.01064999893307686,-0.05385000072419642,9.820499964714049,0.0,0.0,0.0,0,62.45100015040953
+2024-04-07 10:01:36.225366,4.94821,492,-2.739518556096076,-15.54500021357187,0.0,0.0,0.0,0.0,-0.004349998980760578,-0.05365000076591968,9.821099968910216,0.0,0.0,0.0,0,62.45100015040953
+2024-04-07 10:01:36.231075,4.953919,493,-2.739518556096076,-15.54500021357187,0.0,0.0,0.0,0.0,0.0007500009983777978,-0.053950000852346414,9.820999966621397,0.0,0.0,0.0,0,62.45100015040953
+2024-04-07 10:01:36.243168,4.966012,494,-2.739518556096076,-15.54500021357187,0.0,0.0,0.0,0.0,0.006250000800937419,-0.054050000831484785,9.821699973106382,0.0,0.0,0.0,0,62.45100015040953
+2024-04-07 10:01:36.252414,4.975258,495,-2.7387308483359347,-15.54472357833316,0.0,0.046800000965595244,0.0,0.0,0.011050000917166458,-0.05465000085532665,9.821699973106382,0.0,0.0,-0.07800000160932541,0,62.45100015040953
+2024-04-07 10:01:36.259209,4.982053,496,-2.7387308483359347,-15.54472357833316,0.0,0.046800000965595244,0.0,0.0,0.016050000768154854,-0.05545000087469815,9.822299967765806,0.0,0.0,-0.07800000160932541,0,62.45100015040953
+2024-04-07 10:01:36.270741,4.993585,497,-2.7387308483359347,-15.54472357833316,0.0,0.046800000965595244,0.0,0.0,0.020150000732392065,-0.05495000090450047,9.822299967765806,0.0,0.0,-0.07800000160932541,0,62.45100015040953
+2024-04-07 10:01:36.278956,5.0018,498,-2.7387308483359347,-15.54472357833316,0.0,0.046800000965595244,0.0,0.0,0.024650000762194396,-0.0548500009253621,9.822699967384336,0.0,0.0,-0.07800000160932541,0,62.45100015040953
+2024-04-07 10:01:36.300361,5.023205,499,-2.7380946734601723,-15.54450849687423,0.0,0.1043999969959259,0.0,0.0,0.028950000982731594,-0.05435000095516443,9.823199959754943,0.0,0.0,-0.07000000029802322,0,62.45100015040953
+2024-04-07 10:01:36.300417,5.023261,500,-2.7380946734601723,-15.54450849687423,0.0,0.1043999969959259,0.0,0.0,0.03355000106617809,-0.05375000093132257,9.823399964332578,0.0,0.0,-0.07000000029802322,0,62.45100015040953
+2024-04-07 10:01:36.309309,5.032153,501,-2.7380946734601723,-15.54450849687423,0.0,0.1043999969959259,0.0,0.0,0.03805000094696878,-0.05285000097006558,9.823599968910216,0.0,0.0,-0.07000000029802322,0,62.45100015040953
+2024-04-07 10:01:36.324137,5.046981,502,-2.7376802593194,-15.54431640272099,0.0,0.053999998793005946,0.0,0.0,0.04245000122115017,-0.05225000094622373,9.823399964332578,0.0,0.0,0.0,0,62.45100015040953
+2024-04-07 10:01:36.342320,5.065164,503,-2.7376802593194,-15.54431640272099,0.0,0.053999998793005946,0.0,0.0,0.04705000130459666,-0.05185000095516443,9.824199963569638,0.0,0.0,0.0,0,62.45100015040953
+2024-04-07 10:01:36.342357,5.065201,504,-2.7376802593194,-15.54431640272099,0.0,0.053999998793005946,0.0,0.0,0.051350001078099006,-0.05105000097304582,9.823499966621396,0.0,0.0,0.0,0,62.45100015040953
+2024-04-07 10:01:36.351112,5.073956,505,-2.7376802593194,-15.54431640272099,0.0,0.053999998793005946,0.0,0.0,0.056550000887364144,-0.0506500009074807,9.82329996204376,0.0,0.0,0.0,0,62.45100015040953
+2024-04-07 10:01:36.362319,5.085163,506,-2.7376802593194,-15.54431640272099,0.0,0.053999998793005946,0.0,0.0,0.06115000067278742,-0.05085000086575746,9.823799963951108,0.0,0.0,0.0,0,62.45100015040953
+2024-04-07 10:01:36.369209,5.092053,507,-2.7376396803696643,-15.54418289697009,0.0,0.15839999914169312,0.0,0.0,0.06555000035092234,-0.051550000943243496,9.823599959373473,0.0,0.0,0.017000000923871994,0,62.45100015040953
+2024-04-07 10:01:36.379065,5.101909,508,-2.7376396803696643,-15.54418289697009,0.0,0.15839999914169312,0.0,0.0,0.07015000043436884,-0.0527500009164214,9.822699957847593,0.0,0.0,0.017000000923871994,0,62.45100015040953
+2024-04-07 10:01:36.389237,5.112081,509,-2.7376396803696643,-15.54418289697009,0.0,0.15839999914169312,0.0,0.0,0.07515000073239209,-0.05415000092238187,9.823099957466123,0.0,0.0,0.017000000923871994,0,62.45100015040953
+2024-04-07 10:01:36.400572,5.123416,510,-2.7380751983908156,-15.544138196027637,0.0,0.23759999871253967,0.0,0.0,0.08005000082775951,-0.05595000086352228,9.823699952125548,0.0,0.0,0.012000000104308128,0,62.45100015040953
+2024-04-07 10:01:36.410284,5.133128,511,-2.7380751983908156,-15.544138196027637,0.0,0.23759999871253967,0.0,0.0,0.08525000123307108,-0.05765000088140368,9.823399945259093,0.0,0.0,0.012000000104308128,0,62.45100015040953
+2024-04-07 10:01:36.419610,5.142454,512,-2.7380751983908156,-15.544138196027637,0.0,0.23759999871253967,0.0,0.0,0.0917500009946525,-0.05855000091716646,9.824199944496153,0.0,0.0,0.012000000104308128,0,62.45100015040953
+2024-04-07 10:01:36.429714,5.152558,513,-2.7380751983908156,-15.544138196027637,0.0,0.23759999871253967,0.0,0.0,0.09805000124499202,-0.058950000982731565,9.821999951362608,0.0,0.0,0.012000000104308128,0,62.45100015040953
+2024-04-07 10:01:36.440011,5.162855,514,-2.7391149580348926,-15.544217687760986,0.0,0.33839998841285707,0.0,0.0,0.10435000089928509,-0.05875000094994902,9.823299952507018,0.0,0.0,0.07500000298023224,0,62.45100015040953
+2024-04-07 10:01:36.450340,5.173184,515,-2.7391149580348926,-15.544217687760986,0.0,0.33839998841285707,0.0,0.0,0.11075000105425714,-0.057850000914186225,9.818199959754942,0.0,0.0,0.07500000298023224,0,62.45100015040953
+2024-04-07 10:01:36.461771,5.184615,516,-2.7391149580348926,-15.544217687760986,0.0,0.33839998841285707,0.0,0.0,0.11595000086352228,-0.05765000088140368,9.817799960136412,0.0,0.0,0.07500000298023224,0,62.45100015040953
+2024-04-07 10:01:36.469424,5.192268,517,-2.7391149580348926,-15.544217687760986,0.0,0.33839998841285707,0.0,0.0,0.1234500010125339,-0.05905000085011124,9.817699967384337,0.0,0.0,0.07500000298023224,0,62.45100015040953
+2024-04-07 10:01:36.479161,5.202005,518,-2.7391149580348926,-15.544217687760986,0.0,0.33839998841285707,0.0,0.0,0.1301500011794269,-0.05985000083222984,9.815699959754943,0.0,0.0,0.07500000298023224,0,62.45100015040953
+2024-04-07 10:01:36.489256,5.2121,519,-2.74092672290379,-15.544465174162118,0.0,0.47159999012947085,0.0,0.0,0.13845000175759198,-0.06165000084787606,9.817199955940245,0.0,0.0,0.04500000178813934,0,62.45100015040953
+2024-04-07 10:01:36.499360,5.222204,520,-2.74092672290379,-15.544465174162118,0.0,0.47159999012947085,0.0,0.0,0.1452500015310943,-0.06225000087171792,9.81459996318817,0.0,0.0,0.04500000178813934,0,62.45100015040953
+2024-04-07 10:01:36.512148,5.234992,521,-2.74092672290379,-15.544465174162118,0.0,0.47159999012947085,0.0,0.0,0.15105000181123612,-0.06315000090748071,9.816299963951108,0.0,0.0,0.04500000178813934,0,62.45100015040953
+2024-04-07 10:01:36.520428,5.243272,522,-2.743642521563233,-15.54492480517385,0.0,0.5868000090122223,0.0,0.0,0.15325000194832683,-0.06435000088065862,9.8149999628067,0.0,0.0,0.04500000178813934,0,62.45100015040953
+2024-04-07 10:01:36.530333,5.253177,523,-2.743642521563233,-15.54492480517385,0.0,0.5868000090122223,0.0,0.0,0.15525000197812916,-0.06795000080019234,9.817199965476988,0.0,0.0,0.04500000178813934,0,62.45100015040953
+2024-04-07 10:01:36.539136,5.26198,524,-2.743642521563233,-15.54492480517385,0.0,0.5868000090122223,0.0,0.0,0.15615000201389195,-0.07075000073760747,9.817799969673155,0.0,0.0,0.04500000178813934,0,62.45100015040953
+2024-04-07 10:01:36.554499,5.277343,525,-2.743642521563233,-15.54492480517385,0.0,0.5868000090122223,0.0,0.0,0.15695000199601056,-0.0727500007674098,9.81849997615814,0.0,0.0,0.04500000178813934,0,62.45100015040953
+2024-04-07 10:01:36.565271,5.288115,526,-2.7474026416430006,-15.545634081220571,0.0,0.712799996137619,0.0,0.0,0.15785000206902622,-0.07585000079125165,9.819699975013732,0.0,0.0,0.017000000923871994,0,62.45100015040953
+2024-04-07 10:01:36.570838,5.293682,527,-2.7474026416430006,-15.545634081220571,0.0,0.712799996137619,0.0,0.0,0.15785000206902622,-0.07875000078231095,9.818399973869322,0.0,0.0,0.017000000923871994,0,62.45100015040953
+2024-04-07 10:01:36.579272,5.302116,528,-2.7474026416430006,-15.545634081220571,0.0,0.712799996137619,0.0,0.0,0.15655000207945702,-0.0826500006392598,9.8192999753952,0.0,0.0,0.017000000923871994,0,62.45100015040953
+2024-04-07 10:01:36.589274,5.312118,529,-2.7474026416430006,-15.545634081220571,0.0,0.712799996137619,0.0,0.0,0.1548500020802021,-0.0860500006750226,9.81809997653961,0.0,0.0,0.017000000923871994,0,62.45100015040953
+2024-04-07 10:01:36.600297,5.323141,530,-2.7522124817529616,-15.546581635538288,0.0,0.7776000201702118,0.0,0.0,0.15295000210404397,-0.08955000061541796,9.8192999753952,0.0,0.0,-0.1080000028014183,0,62.45100015040953
+2024-04-07 10:01:36.609979,5.332823,531,-2.7522124817529616,-15.546581635538288,0.0,0.7776000201702118,0.0,0.0,0.1514500020444393,-0.09375000063329934,9.81899997806549,0.0,0.0,-0.1080000028014183,0,62.45100015040953
+2024-04-07 10:01:36.620563,5.343407,532,-2.7522124817529616,-15.546581635538288,0.0,0.7776000201702118,0.0,0.0,0.1485500019788742,-0.09735000062733887,9.818799983024595,0.0,0.0,-0.1080000028014183,0,62.45100015040953
+2024-04-07 10:01:36.630696,5.35354,533,-2.7522124817529616,-15.546581635538288,0.0,0.7776000201702118,0.0,0.0,0.14635000199079512,-0.098950000628829,9.818599978446958,0.0,0.0,-0.1080000028014183,0,62.45100015040953
+2024-04-07 10:01:36.640361,5.363205,534,-2.7580596096173617,-15.547756956785594,0.0,0.817199993133545,0.0,0.0,0.1439500020444393,-0.09945000061765312,9.818299981117248,0.0,0.0,-0.2750000059604645,0,62.45100015040953
+2024-04-07 10:01:36.657421,5.380265,535,-2.7580596096173617,-15.547756956785594,0.0,0.817199993133545,0.0,0.0,0.1426500020548701,-0.1003500006534159,9.819299984931943,0.0,0.0,-0.2750000059604645,0,62.45100015040953
+2024-04-07 10:01:36.659648,5.382492,536,-2.7580596096173617,-15.547756956785594,0.0,0.817199993133545,0.0,0.0,0.14045000199228524,-0.10145000064745543,9.81899997806549,0.0,0.0,-0.2750000059604645,0,62.45100015040953
+2024-04-07 10:01:36.669632,5.392476,537,-2.7580596096173617,-15.547756956785594,0.0,0.817199993133545,0.0,0.0,0.1403500020131469,-0.10385000059381126,9.819999972343442,0.0,0.0,-0.2750000059604645,0,62.45100015040953
+2024-04-07 10:01:36.679402,5.402246,538,-2.7580596096173617,-15.547756956785594,0.0,0.817199993133545,0.0,0.0,0.13875000201165677,-0.10535000056028365,9.819099980354308,0.0,0.0,-0.2750000059604645,0,62.45100015040953
+2024-04-07 10:01:36.689597,5.412441,539,-2.76508123757435,-15.549153541999349,0.0,0.8387999832630157,0.0,0.0,0.13675000198185444,-0.1059500005468726,9.818399973869322,0.0,0.0,-0.4819999933242798,0,62.45100015040953
+2024-04-07 10:01:36.700564,5.423408,540,-2.76508123757435,-15.549153541999349,0.0,0.8387999832630157,0.0,0.0,0.13625000199303033,-0.10685000058263538,9.817999974250792,0.0,0.0,-0.4819999933242798,0,62.45100015040953
+2024-04-07 10:01:36.709787,5.432631,541,-2.76508123757435,-15.549153541999349,0.0,0.8387999832630157,0.0,0.0,0.13395000191405415,-0.10755000058561562,9.817499972343443,0.0,0.0,-0.4819999933242798,0,62.45100015040953
+2024-04-07 10:01:36.720462,5.443306,542,-2.7706190828229498,-15.55021846474338,0.0,0.8387999832630157,0.0,0.0,0.13375000191852449,-0.10785000059753655,9.81719997501373,0.0,0.0,-0.4819999933242798,0,62.45100015040953
+2024-04-07 10:01:36.729938,5.452782,543,-2.7746485873563684,-15.550975982217455,0.0,0.8423999905586242,0.0,0.0,0.13205000190064312,-0.10865000054240226,9.81719997501373,0.0,0.0,-0.5479999780654907,0,62.45100015040953
+2024-04-07 10:01:36.740048,5.462892,544,-2.7746485873563684,-15.550975982217455,0.0,0.8423999905586242,0.0,0.0,0.13135000191628932,-0.10905000053346156,9.817899981498716,0.0,0.0,-0.5479999780654907,0,62.45100015040953
+2024-04-07 10:01:36.749486,5.47233,545,-2.7746485873563684,-15.550975982217455,0.0,0.8423999905586242,0.0,0.0,0.1304500019364059,-0.10985000055283306,9.818699980735778,0.0,0.0,-0.5479999780654907,0,62.45100015040953
+2024-04-07 10:01:36.761755,5.484599,546,-2.7746485873563684,-15.550975982217455,0.0,0.8423999905586242,0.0,0.0,0.1312500019185245,-0.11035000056028366,9.817899981498716,0.0,0.0,-0.5479999780654907,0,62.45100015040953
+2024-04-07 10:01:36.770396,5.49324,547,-2.783058149337577,-15.552489330795819,0.0,0.8099999785423279,0.0,0.0,0.1316500019095838,-0.11145000053569673,9.8192999753952,0.0,0.0,-0.5960000157356262,0,62.45100015040953
+2024-04-07 10:01:36.779430,5.502274,548,-2.783058149337577,-15.552489330795819,0.0,0.8099999785423279,0.0,0.0,0.13175000196322798,-0.11265000054612755,9.81899997806549,0.0,0.0,-0.5960000157356262,0,62.45100015040953
+2024-04-07 10:01:36.789376,5.51222,549,-2.783058149337577,-15.552489330795819,0.0,0.8099999785423279,0.0,0.0,0.13405000196769834,-0.11415000060573219,9.81899997806549,0.0,0.0,-0.5960000157356262,0,62.45100015040953
+2024-04-07 10:01:36.800988,5.523832,550,-2.783058149337577,-15.552489330795819,0.0,0.8099999785423279,0.0,0.0,0.13675000188872216,-0.11625000061467289,9.817999974250792,0.0,0.0,-0.5960000157356262,0,62.45100015040953
+2024-04-07 10:01:36.813250,5.536094,551,-2.792348898882624,-15.554070521985913,0.0,0.8135999858379365,0.0,0.0,0.14045000195503232,-0.1178500005789101,9.81939997768402,0.0,0.0,-0.5680000185966492,0,62.45100015040953
+2024-04-07 10:01:36.821264,5.544108,552,-2.792348898882624,-15.554070521985913,0.0,0.8135999858379365,0.0,0.0,0.14305000197142365,-0.11855000058189033,9.817799979209898,0.0,0.0,-0.5680000185966492,0,62.45100015040953
+2024-04-07 10:01:36.829591,5.552435,553,-2.792348898882624,-15.554070521985913,0.0,0.8135999858379365,0.0,0.0,0.14655000183731315,-0.11895000061020254,9.816499978065488,0.0,0.0,-0.5680000185966492,0,62.45100015040953
+2024-04-07 10:01:36.839489,5.562333,554,-2.792348898882624,-15.554070521985913,0.0,0.8135999858379365,0.0,0.0,0.1493500017747283,-0.11975000059232115,9.817399970054625,0.0,0.0,-0.5680000185966492,0,62.45100015040953
+2024-04-07 10:01:36.852484,5.575328,555,-2.8020910760265907,-15.55561541077276,0.0,0.824400007724762,0.0,0.0,0.1510500017926097,-0.1203500005789101,9.81639997577667,0.0,0.0,-0.5740000009536743,0,62.45100015040953
+2024-04-07 10:01:36.860396,5.58324,556,-2.8020910760265907,-15.55561541077276,0.0,0.824400007724762,0.0,0.0,0.15525000164285302,-0.12055000053718685,9.816899968147276,0.0,0.0,-0.5740000009536743,0,62.45100015040953
+2024-04-07 10:01:36.869198,5.592042,557,-2.8020910760265907,-15.55561541077276,0.0,0.824400007724762,0.0,0.0,0.15865000152960418,-0.12125000055879354,9.81669996356964,0.0,0.0,-0.5740000009536743,0,62.45100015040953
+2024-04-07 10:01:36.879241,5.602085,558,-2.8020910760265907,-15.55561541077276,0.0,0.824400007724762,0.0,0.0,0.16255000149831178,-0.12185000050812958,9.817799960136412,0.0,0.0,-0.5740000009536743,0,62.45100015040953
+2024-04-07 10:01:36.889933,5.612777,559,-2.8120875756857746,-15.55707406792116,0.0,0.8568000197410583,0.0,0.0,0.1668500011973083,-0.1230500005185604,9.81669996356964,0.0,0.0,-0.5529999732971191,0,62.45100015040953
+2024-04-07 10:01:36.899540,5.622384,560,-2.8120875756857746,-15.55707406792116,0.0,0.8568000197410583,0.0,0.0,0.1726500010676682,-0.12415000049397348,9.815999957084655,0.0,0.0,-0.5529999732971191,0,62.45100015040953
+2024-04-07 10:01:36.911084,5.633928,561,-2.8120875756857746,-15.55707406792116,0.0,0.8568000197410583,0.0,0.0,0.17835000092163683,-0.12505000045523046,9.817099953651427,0.0,0.0,-0.5529999732971191,0,62.45100015040953
+2024-04-07 10:01:36.920078,5.642922,562,-2.8120875756857746,-15.55707406792116,0.0,0.8568000197410583,0.0,0.0,0.18515000084415079,-0.12555000046268106,9.817999955177305,0.0,0.0,-0.5529999732971191,0,62.45100015040953
+2024-04-07 10:01:36.940746,5.66359,563,-2.822966595163842,-15.558497948021643,0.0,0.8820000171661377,0.0,0.0,0.19195000091567638,-0.12555000046268106,9.818799954414366,0.0,0.0,-0.47200000286102295,0,62.45100015040953
+2024-04-07 10:01:36.941141,5.663985,564,-2.822966595163842,-15.558497948021643,0.0,0.8820000171661377,0.0,0.0,0.19855000080540774,-0.12545000044628976,9.817499953269957,0.0,0.0,-0.47200000286102295,0,62.45100015040953
+2024-04-07 10:01:36.956528,5.679372,565,-2.822966595163842,-15.558497948021643,0.0,0.8820000171661377,0.0,0.0,0.20595000099390748,-0.1264500004798174,9.819099951744077,0.0,0.0,-0.47200000286102295,0,62.45100015040953
+2024-04-07 10:01:36.960039,5.682883,566,-2.822966595163842,-15.558497948021643,0.0,0.8820000171661377,0.0,0.0,0.2134500007145107,-0.1263500004634261,9.819499951362609,0.0,0.0,-0.47200000286102295,0,62.45100015040953
+2024-04-07 10:01:36.977616,5.70046,567,-2.8346354051595166,-15.559840160008086,0.0,0.9503999948501587,0.0,0.0,0.22105000043287876,-0.12655000049620865,9.82019994831085,0.0,0.0,-0.39899998903274536,0,62.45100015040953
+2024-04-07 10:01:36.980288,5.703132,568,-2.8346354051595166,-15.559840160008086,0.0,0.9503999948501587,0.0,0.0,0.22935000015422702,-0.12735000044107436,9.82099994754791,0.0,0.0,-0.39899998903274536,0,62.45100015040953
+2024-04-07 10:01:36.990127,5.712971,569,-2.8346354051595166,-15.559840160008086,0.0,0.9503999948501587,0.0,0.0,0.2367500001564622,-0.1271500004455447,9.819399949073789,0.0,0.0,-0.39899998903274536,0,62.45100015040953
+2024-04-07 10:01:37.000107,5.722951,570,-2.8346354051595166,-15.559840160008086,0.0,0.9503999948501587,0.0,0.0,0.24605000015348194,-0.12605000047013162,9.818299952507017,0.0,0.0,-0.39899998903274536,0,62.45100015040953
+2024-04-07 10:01:37.026139,5.748983,571,-2.8466966853283373,-15.56106471828147,0.0,1.0044000506401063,0.0,0.0,0.25485000025480986,-0.12465000042691826,9.818299952507017,0.0,0.0,-0.35899999737739563,0,62.45100015040953
+2024-04-07 10:01:37.026324,5.749168,572,-2.8466966853283373,-15.56106471828147,0.0,1.0044000506401063,0.0,0.0,0.26405000012367963,-0.12355000043287873,9.819099951744077,0.0,0.0,-0.35899999737739563,0,62.45100015040953
+2024-04-07 10:01:37.033386,5.75623,573,-2.8466966853283373,-15.56106471828147,0.0,1.0044000506401063,0.0,0.0,0.2738500002399087,-0.12315000044181942,9.817899943351744,0.0,0.0,-0.35899999737739563,0,62.45100015040953
+2024-04-07 10:01:37.039880,5.762724,574,-2.8466966853283373,-15.56106471828147,0.0,1.0044000506401063,0.0,0.0,0.2827500003948808,-0.12305000044405459,9.817499943733214,0.0,0.0,-0.35899999737739563,0,62.45100015040953
+2024-04-07 10:01:37.054803,5.777647,575,-2.859543890141457,-15.56218145898069,0.0,1.1267999768257142,0.0,0.0,0.29155000012367965,-0.12245000045746564,9.819399939537046,0.0,0.0,-0.3179999887943268,0,62.45100015040953
+2024-04-07 10:01:37.063500,5.786344,576,-2.859543890141457,-15.56218145898069,0.0,1.1267999768257142,0.0,0.0,0.300849999897182,-0.12255000045523046,9.817099944114684,0.0,0.0,-0.3179999887943268,0,62.45100015040953
+2024-04-07 10:01:37.070716,5.79356,577,-2.859543890141457,-15.56218145898069,0.0,1.1267999768257142,0.0,0.0,0.31014999967068435,-0.12205000044777989,9.817499943733214,0.0,0.0,-0.3179999887943268,0,62.45100015040953
+2024-04-07 10:01:37.079831,5.802675,578,-2.859543890141457,-15.56218145898069,0.0,1.1267999768257142,0.0,0.0,0.3184499993920326,-0.12235000044107436,9.816999951362607,0.0,0.0,-0.3179999887943268,0,62.45100015040953
+2024-04-07 10:01:37.089419,5.812263,579,-2.873712850332119,-15.563191735784006,0.0,1.2384000420570374,0.0,0.0,0.3273499993979931,-0.12255000045523046,9.816299944877622,0.0,0.0,-0.28999999165534973,0,62.45100015040953
+2024-04-07 10:01:37.101868,5.824712,580,-2.873712850332119,-15.563191735784006,0.0,1.2384000420570374,0.0,0.0,0.33664999924600125,-0.1221500004455447,9.814699946403502,0.0,0.0,-0.28999999165534973,0,62.45100015040953
+2024-04-07 10:01:37.117830,5.840674,581,-2.873712850332119,-15.563191735784006,0.0,1.2384000420570374,0.0,0.0,0.3440499991178513,-0.1211500004865229,9.815899945259092,0.0,0.0,-0.28999999165534973,0,62.45100015040953
+2024-04-07 10:01:37.119591,5.842435,582,-2.873712850332119,-15.563191735784006,0.0,1.2384000420570374,0.0,0.0,0.3528499991632998,-0.12005000049248336,9.815699940681455,0.0,0.0,-0.28999999165534973,0,62.45100015040953
+2024-04-07 10:01:37.132660,5.855504,583,-2.888695239079613,-15.564069929375528,0.0,1.3248000025749207,0.0,0.0,0.3592499994300306,-0.11955000050365924,9.816299944877622,0.0,0.0,-0.2750000059604645,0,62.45100015040953
+2024-04-07 10:01:37.150416,5.87326,584,-2.888695239079613,-15.564069929375528,0.0,1.3248000025749207,0.0,0.0,0.36484999937936663,-0.11865000054240227,9.816199942588804,0.0,0.0,-0.2750000059604645,0,62.45100015040953
+2024-04-07 10:01:37.150560,5.873404,585,-2.888695239079613,-15.564069929375528,0.0,1.3248000025749207,0.0,0.0,0.3710499992780387,-0.11905000053346157,9.815999938011167,0.0,0.0,-0.2750000059604645,0,62.45100015040953
+2024-04-07 10:01:37.159815,5.882659,586,-2.888695239079613,-15.564069929375528,0.0,1.3248000025749207,0.0,0.0,0.3761499991081655,-0.1188500005379319,9.81459993457794,0.0,0.0,-0.2750000059604645,0,62.45100015040953
+2024-04-07 10:01:37.171801,5.894645,587,-2.892389106163102,-15.56426517344131,0.0,1.3248000025749207,0.0,0.0,0.38194999923929573,-0.11855000048875808,9.814799929618834,0.0,0.0,-0.2750000059604645,0,62.45100015040953
+2024-04-07 10:01:37.181765,5.904609,588,-2.904247347986693,-15.564802060125956,0.0,1.4652000188827514,0.0,0.0,0.3852499991469085,-0.11855000048875808,9.815099926948546,0.0,0.0,-0.23000000417232513,0,62.45100015040953
+2024-04-07 10:01:37.190639,5.913483,589,-2.904247347986693,-15.564802060125956,0.0,1.4652000188827514,0.0,0.0,0.3883499991707504,-0.11855000048875808,9.816799918174741,0.0,0.0,-0.23000000417232513,0,62.45100015040953
+2024-04-07 10:01:37.200008,5.922852,590,-2.904247347986693,-15.564802060125956,0.0,1.4652000188827514,0.0,0.0,0.38774999929592013,-0.11915000053122639,9.816799918174741,0.0,0.0,-0.23000000417232513,0,62.45100015040953
+2024-04-07 10:01:37.214426,5.93727,591,-2.921002341621646,-15.565399559896152,0.0,1.5119999527931214,0.0,0.0,0.3831499993614852,-0.11945000046864152,9.815099917411802,0.0,0.0,-0.19200000166893005,0,62.45100015040953
+2024-04-07 10:01:37.219795,5.942639,592,-2.921002341621646,-15.565399559896152,0.0,1.5119999527931214,0.0,0.0,0.3772499994747341,-0.12195000046864152,9.812099915504454,0.0,0.0,-0.19200000166893005,0,62.45100015040953
+2024-04-07 10:01:37.230359,5.953203,593,-2.921002341621646,-15.565399559896152,0.0,1.5119999527931214,0.0,0.0,0.37034999949857594,-0.12285000044852494,9.811899910926817,0.0,0.0,-0.19200000166893005,0,62.45100015040953
+2024-04-07 10:01:37.239818,5.962662,594,-2.921002341621646,-15.565399559896152,0.0,1.5119999527931214,0.0,0.0,0.3611499996297061,-0.1242500004172325,9.814599905967711,0.0,0.0,-0.19200000166893005,0,62.45100015040953
+2024-04-07 10:01:37.254837,5.977681,595,-2.933606496846689,-15.56574750717127,0.0,1.5443999648094178,0.0,0.0,0.35104999942705034,-0.12435000039637088,9.81379990673065,0.0,0.0,-0.11599999666213989,0,62.45100015040953
+2024-04-07 10:01:37.259836,5.98268,596,-2.937846121368044,-15.565845149483236,0.0,1.5443999648094178,0.0,0.0,0.3401499996893108,-0.12465000038966535,9.809799910545348,0.0,0.0,-0.11599999666213989,0,62.45100015040953
+2024-04-07 10:01:37.270426,5.99327,597,-2.937846121368044,-15.565845149483236,0.0,1.5443999648094178,0.0,0.0,0.3301499996893108,-0.1252500004135072,9.808499909400938,0.0,0.0,-0.11599999666213989,0,62.45100015040953
+2024-04-07 10:01:37.279855,6.002699,598,-2.937846121368044,-15.565845149483236,0.0,1.5443999648094178,0.0,0.0,0.319249999653548,-0.12495000040158628,9.812499915122984,0.0,0.0,-0.11599999666213989,0,62.45100015040953
+2024-04-07 10:01:37.289905,6.012749,599,-2.95433159531437,-15.566131714302468,0.0,1.4976000308990478,0.0,0.0,0.306649999152869,-0.12635000037029384,9.811999922752378,0.0,0.0,-0.09799999743700027,0,62.45100015040953
+2024-04-07 10:01:37.300332,6.023176,600,-2.95433159531437,-15.566131714302468,0.0,1.4976000308990478,0.0,0.0,0.2943499989621341,-0.12635000037029384,9.81189992046356,0.0,0.0,-0.09799999743700027,0,62.45100015040953
+2024-04-07 10:01:37.314641,6.037485,601,-2.95433159531437,-15.566131714302468,0.0,1.4976000308990478,0.0,0.0,0.2801499987952411,-0.12765000035986304,9.811299916267393,0.0,0.0,-0.09799999743700027,0,62.45100015040953
+2024-04-07 10:01:37.319837,6.042681,602,-2.95433159531437,-15.566131714302468,0.0,1.4976000308990478,0.0,0.0,0.2672499985806644,-0.12835000036284328,9.81229992008209,0.0,0.0,-0.09799999743700027,0,62.45100015040953
+2024-04-07 10:01:37.330559,6.053403,603,-2.9720087123815193,-15.566250979124476,0.0,1.35,0.0,0.0,0.253249998819083,-0.1285500003956258,9.811299925804136,0.0,0.0,-0.02199999988079071,0,62.45100015040953
+2024-04-07 10:01:37.339918,6.062762,604,-2.9720087123815193,-15.566250979124476,0.0,1.35,0.0,0.0,0.23894999934360384,-0.1298500004224479,9.81069992160797,0.0,0.0,-0.02199999988079071,0,62.45100015040953
+2024-04-07 10:01:37.351248,6.074092,605,-2.9720087123815193,-15.566250979124476,0.0,1.35,0.0,0.0,0.22374999953433872,-0.13085000047460196,9.812699929237365,0.0,0.0,-0.02199999988079071,0,62.45100015040953
+2024-04-07 10:01:37.359802,6.082646,606,-2.9720087123815193,-15.566250979124476,0.0,1.35,0.0,0.0,0.20834999991580844,-0.13145000046119093,9.812299929618833,0.0,0.0,-0.02199999988079071,0,62.45100015040953
+2024-04-07 10:01:37.372637,6.095481,607,-2.989821808035991,-15.566202326003491,0.0,1.252799963951111,0.0,0.0,0.1923500002734363,-0.13105000047013163,9.810099936485289,0.0,0.0,0.017000000923871994,0,62.45100015040953
+2024-04-07 10:01:37.379776,6.10262,608,-2.989821808035991,-15.566202326003491,0.0,1.252799963951111,0.0,0.0,0.17644999993965027,-0.13065000047907233,9.810099936485289,0.0,0.0,0.017000000923871994,0,62.45100015040953
+2024-04-07 10:01:37.390052,6.112896,609,-2.989821808035991,-15.566202326003491,0.0,1.252799963951111,0.0,0.0,0.16084999991580845,-0.13045000052079558,9.81159993267059,0.0,0.0,0.017000000923871994,0,62.45100015040953
+2024-04-07 10:01:37.399787,6.122631,610,-2.989821808035991,-15.566202326003491,0.0,1.252799963951111,0.0,0.0,0.14544999970123174,-0.12965000052005052,9.809799939155576,0.0,0.0,0.017000000923871994,0,62.45100015040953
+2024-04-07 10:01:37.432017,6.154861,611,-3.0076348559952124,-15.565993953201644,0.0,1.1808000326156616,0.0,0.0,0.1316499994508922,-0.12915000051259995,9.808899937629699,0.0,0.0,-0.03999999910593033,0,62.45100015040953
+2024-04-07 10:01:37.432166,6.15501,612,-3.0076348559952124,-15.565993953201644,0.0,1.1808000326156616,0.0,0.0,0.11664999945089222,-0.1301500004902482,9.809499941825864,0.0,0.0,-0.03999999910593033,0,62.45100015040953
+2024-04-07 10:01:37.432324,6.155168,613,-3.0076348559952124,-15.565993953201644,0.0,1.1808000326156616,0.0,0.0,0.1032499991171062,-0.13085000049322842,9.813199940681455,0.0,0.0,-0.03999999910593033,0,62.45100015040953
+2024-04-07 10:01:37.441539,6.164383,614,-3.0076348559952124,-15.565993953201644,0.0,1.1808000326156616,0.0,0.0,0.08934999926015735,-0.13005000051110982,9.811799937248228,0.0,0.0,-0.03999999910593033,0,62.45100015040953
+2024-04-07 10:01:37.453331,6.176175,615,-3.025411715807904,-15.565629279632718,0.0,1.1087999939918518,0.0,0.0,0.07664999915286899,-0.13065000053495168,9.815299931526182,0.0,0.0,-0.07800000160932541,0,62.45100015040953
+2024-04-07 10:01:37.470732,6.193576,616,-3.025411715807904,-15.565629279632718,0.0,1.1087999939918518,0.0,0.0,0.06474999917671084,-0.130150000564754,9.818099928855894,0.0,0.0,-0.07800000160932541,0,62.45100015040953
+2024-04-07 10:01:37.470834,6.193678,617,-3.025411715807904,-15.565629279632718,0.0,1.1087999939918518,0.0,0.0,0.051049999129027135,-0.12895000055432318,9.817699929237364,0.0,0.0,-0.07800000160932541,0,62.45100015040953
+2024-04-07 10:01:37.479988,6.202832,618,-3.025411715807904,-15.565629279632718,0.0,1.1087999939918518,0.0,0.0,0.03874999893829226,-0.13035000056028365,9.818599930763243,0.0,0.0,-0.07800000160932541,0,62.45100015040953
+2024-04-07 10:01:37.490264,6.213108,619,-3.0426713694893985,-15.5651258182622,0.0,1.0619999527931214,0.0,0.0,0.025149998497217885,-0.13085000054910778,9.814699936866758,0.0,0.0,-0.06800000369548798,0,62.45100015040953
+2024-04-07 10:01:37.500149,6.222993,620,-3.0426713694893985,-15.5651258182622,0.0,1.0619999527931214,0.0,0.0,0.012849998604506252,-0.13175000052899122,9.816899930000304,0.0,0.0,-0.06800000369548798,0,62.45100015040953
+2024-04-07 10:01:37.530219,6.253063,621,-3.0426713694893985,-15.5651258182622,0.0,1.0619999527931214,0.0,0.0,0.002449998389929528,-0.13255000051110982,9.815399924278257,0.0,0.0,-0.06800000369548798,0,62.45100015040953
+2024-04-07 10:01:37.530277,6.253121,622,-3.0426713694893985,-15.5651258182622,0.0,1.0619999527931214,0.0,0.0,-0.0038500017113983626,-0.13255000051110982,9.81689992046356,0.0,0.0,-0.06800000369548798,0,62.45100015040953
+2024-04-07 10:01:37.530291,6.253135,623,-3.0426713694893985,-15.5651258182622,0.0,1.0619999527931214,0.0,0.0,-0.008950001765042542,-0.12945000059902667,9.815599919319151,0.0,0.0,-0.06800000369548798,0,62.45100015040953
+2024-04-07 10:01:37.539949,6.262793,624,-3.059028592896793,-15.564514143742608,0.0,0.9935999751091004,0.0,0.0,-0.012650001812726255,-0.12665000066161156,9.814299918174742,0.0,0.0,-0.07000000029802322,0,62.45100015040953
+2024-04-07 10:01:37.553935,6.276779,625,-3.059028592896793,-15.564514143742608,0.0,0.9935999751091004,0.0,0.0,-0.014250001776963478,-0.12535000067204236,9.813999911308287,0.0,0.0,-0.07000000029802322,0,62.45100015040953
+2024-04-07 10:01:37.570900,6.293744,626,-3.059028592896793,-15.564514143742608,0.0,0.9935999751091004,0.0,0.0,-0.016850001830607655,-0.12285000067204235,9.813599911689757,0.0,0.0,-0.07000000029802322,0,62.45100015040953
+2024-04-07 10:01:37.570982,6.293826,627,-3.059028592896793,-15.564514143742608,0.0,0.9935999751091004,0.0,0.0,-0.018150001857429737,-0.11905000071972607,9.814099913597104,0.0,0.0,-0.07000000029802322,0,62.45100015040953
+2024-04-07 10:01:37.580958,6.303802,628,-3.074637758431558,-15.563800991073958,0.0,0.9468000411987305,0.0,0.0,-0.01805000185966492,-0.1148500008508563,9.812499915122984,0.0,0.0,-0.08299999684095383,0,62.45100015040953
+2024-04-07 10:01:37.590054,6.312898,629,-3.074637758431558,-15.563800991073958,0.0,0.9468000411987305,0.0,0.0,-0.016850001830607655,-0.11285000087693332,9.813799916267394,0.0,0.0,-0.08299999684095383,0,62.45100015040953
+2024-04-07 10:01:37.600370,6.323214,630,-3.074637758431558,-15.563800991073958,0.0,0.9468000411987305,0.0,0.0,-0.015350001845508818,-0.10955000089481472,9.81319992160797,0.0,0.0,-0.08299999684095383,0,62.45100015040953
+2024-04-07 10:01:37.610532,6.333376,631,-3.0897658713518954,-15.563002116517538,0.0,0.9216000437736511,0.0,0.0,-0.014250001851469282,-0.10615000093355774,9.813499918937682,0.0,0.0,-0.11100000143051147,0,62.45100015040953
+2024-04-07 10:01:37.635019,6.357863,632,-3.0897658713518954,-15.563002116517538,0.0,0.9216000437736511,0.0,0.0,-0.01055000180378557,-0.10275000104680657,9.813199912071227,0.0,0.0,-0.11100000143051147,0,62.45100015040953
+2024-04-07 10:01:37.635135,6.357979,633,-3.0897658713518954,-15.563002116517538,0.0,0.9216000437736511,0.0,0.0,-0.007450001779943705,-0.10155000103637575,9.813499909400939,0.0,0.0,-0.11100000143051147,0,62.45100015040953
+2024-04-07 10:01:37.642842,6.365686,634,-3.0897658713518954,-15.563002116517538,0.0,0.9216000437736511,0.0,0.0,-0.004450001809746029,-0.10005000108852982,9.814399910926817,0.0,0.0,-0.11100000143051147,0,62.45100015040953
+2024-04-07 10:01:37.652328,6.375172,635,-3.1036784501562193,-15.5621590576292,0.0,0.9287999510765076,0.0,0.0,-0.002050001826137307,-0.09915000105276703,9.813299914360044,0.0,0.0,-0.12600000202655792,0,62.45100015040953
+2024-04-07 10:01:37.665505,6.388349,636,-3.1036784501562193,-15.5621590576292,0.0,0.9287999510765076,0.0,0.0,0.0018499981798231618,-0.09935000104829668,9.81149992084503,0.0,0.0,-0.12600000202655792,0,62.45100015040953
+2024-04-07 10:01:37.674214,6.397058,637,-3.1036784501562193,-15.5621590576292,0.0,0.9287999510765076,0.0,0.0,0.0029499981366097883,-0.09805000105872749,9.810299921989438,0.0,0.0,-0.12600000202655792,0,62.45100015040953
+2024-04-07 10:01:37.684294,6.407138,638,-3.1036784501562193,-15.5621590576292,0.0,0.9287999510765076,0.0,0.0,0.0074499981664121195,-0.0984500010497868,9.812199917793272,0.0,0.0,-0.12600000202655792,0,62.45100015040953
+2024-04-07 10:01:37.692417,6.415261,639,-3.1171005596113344,-15.56127214284631,0.0,0.9396000266075134,0.0,0.0,0.01134999809786677,-0.0984500010497868,9.81319992160797,0.0,0.0,-0.13899999856948853,0,62.45100015040953
+2024-04-07 10:01:37.700104,6.422948,640,-3.1171005596113344,-15.56127214284631,0.0,0.9396000266075134,0.0,0.0,0.013849998023360954,-0.0984500010497868,9.810799923896788,0.0,0.0,-0.13899999856948853,0,62.45100015040953
+2024-04-07 10:01:37.710130,6.432974,641,-3.1171005596113344,-15.56127214284631,0.0,0.9396000266075134,0.0,0.0,0.014149998035281885,-0.09835000105202196,9.810599928855893,0.0,0.0,-0.13899999856948853,0,62.45100015040953
+2024-04-07 10:01:37.721111,6.443955,642,-3.1171005596113344,-15.56127214284631,0.0,0.9396000266075134,0.0,0.0,0.01234999807551504,-0.09805000104010103,9.810799923896788,0.0,0.0,-0.13899999856948853,0,62.45100015040953
+2024-04-07 10:01:37.735236,6.45808,643,-3.130003810953394,-15.560347203551215,0.0,0.961199963092804,0.0,0.0,0.01034999819472432,-0.09895000103861093,9.808299923896788,0.0,0.0,-0.1589999943971634,0,62.45100015040953
+2024-04-07 10:01:37.740693,6.463537,644,-3.130003810953394,-15.560347203551215,0.0,0.961199963092804,0.0,0.0,0.00634999834001064,-0.09955000106245279,9.807699919700621,0.0,0.0,-0.1589999943971634,0,62.45100015040953
+2024-04-07 10:01:37.751069,6.473913,645,-3.130003810953394,-15.560347203551215,0.0,0.961199963092804,0.0,0.0,0.003049998302012677,-0.10015000104904173,9.807999926567076,0.0,0.0,-0.1589999943971634,0,62.45100015040953
+2024-04-07 10:01:37.772256,6.4951,646,-3.130003810953394,-15.560347203551215,0.0,0.961199963092804,0.0,0.0,-0.003150001596659416,-0.10005000105127691,9.810399924278258,0.0,0.0,-0.1589999943971634,0,62.45100015040953
+2024-04-07 10:01:37.773363,6.496207,647,-3.130003810953394,-15.560347203551215,0.0,0.961199963092804,0.0,0.0,-0.007650001440197229,-0.09845000103116035,9.806899930000304,0.0,0.0,-0.1589999943971634,0,62.45100015040953
+2024-04-07 10:01:37.780168,6.503012,648,-3.142397337199407,-15.559383361884006,0.0,0.8963999927043915,0.0,0.0,-0.013050001356750732,-0.09585000108927488,9.808499928474424,0.0,0.0,-0.16099999845027924,0,62.45100015040953
+2024-04-07 10:01:37.789958,6.512802,649,-3.142397337199407,-15.559383361884006,0.0,0.8963999927043915,0.0,0.0,-0.019950001332908862,-0.09435000102967023,9.809899931907651,0.0,0.0,-0.16099999845027924,0,62.45100015040953
+2024-04-07 10:01:37.800390,6.523234,650,-3.142397337199407,-15.559383361884006,0.0,0.8963999927043915,0.0,0.0,-0.027550001237541435,-0.09205000106245279,9.81129993534088,0.0,0.0,-0.16099999845027924,0,62.45100015040953
+2024-04-07 10:01:37.835901,6.558745,651,-3.154052983416547,-15.558392740008333,0.0,0.8351999759674072,0.0,0.0,-0.03635000118985772,-0.08965000111609697,9.809699936866759,0.0,0.0,-0.16099999845027924,0,62.45100015040953
+2024-04-07 10:01:37.835981,6.558825,652,-3.154052983416547,-15.558392740008333,0.0,0.8351999759674072,0.0,0.0,-0.04365000108256936,-0.08955000109970568,9.80999993419647,0.0,0.0,-0.16099999845027924,0,62.45100015040953
+2024-04-07 10:01:37.836055,6.558899,653,-3.154052983416547,-15.558392740008333,0.0,0.8351999759674072,0.0,0.0,-0.05285000065341591,-0.09005000110715627,9.81209993457794,0.0,0.0,-0.16099999845027924,0,62.45100015040953
+2024-04-07 10:01:37.850000,6.572844,654,-3.154052983416547,-15.558392740008333,0.0,0.8351999759674072,0.0,0.0,-0.06055000046268105,-0.09135000113397836,9.810999938011168,0.0,0.0,-0.16099999845027924,0,62.68500014778692
+2024-04-07 10:01:37.852826,6.57567,655,-3.165358425922186,-15.557356221263863,0.0,0.8064000248908997,0.0,0.0,-0.06835000047460199,-0.09135000113397836,9.811899939537046,0.0,0.0,-0.1509999930858612,0,62.68500014778692
+2024-04-07 10:01:37.861963,6.584807,656,-3.165358425922186,-15.557356221263863,0.0,0.8064000248908997,0.0,0.0,-0.07755000004544854,-0.09145000118762253,9.811599942207335,0.0,0.0,-0.1509999930858612,0,62.68500014778692
+2024-04-07 10:01:37.872486,6.59533,657,-3.165358425922186,-15.557356221263863,0.0,0.8064000248908997,0.0,0.0,-0.08644999990239739,-0.09065000118687748,9.812099944114683,0.0,0.0,-0.1509999930858612,0,62.68500014778692
+2024-04-07 10:01:37.880287,6.603131,658,-3.165358425922186,-15.557356221263863,0.0,0.8064000248908997,0.0,0.0,-0.09494999984279275,-0.08975000122562049,9.811599942207335,0.0,0.0,-0.1509999930858612,0,62.68500014778692
+2024-04-07 10:01:37.891279,6.614123,659,-3.175607541515427,-15.556327978378636,0.0,0.7559999763965607,0.0,0.0,-0.10664999941363931,-0.08905000118538736,9.810799942970274,0.0,0.0,-0.14100000262260437,0,62.68500014778692
+2024-04-07 10:01:37.902024,6.624868,660,-3.175607541515427,-15.556327978378636,0.0,0.7559999763965607,0.0,0.0,-0.12144999900832772,-0.08805000118911266,9.810499945640561,0.0,0.0,-0.14100000262260437,0,62.68500014778692
+2024-04-07 10:01:37.914288,6.637132,661,-3.175607541515427,-15.556327978378636,0.0,0.7559999763965607,0.0,0.0,-0.13594999888911843,-0.08625000119209289,9.809499941825864,0.0,0.0,-0.14100000262260437,0,62.68500014778692
+2024-04-07 10:01:37.922763,6.645607,662,-3.175607541515427,-15.556327978378636,0.0,0.7559999763965607,0.0,0.0,-0.15144999900832773,-0.08445000112056732,9.808899937629699,0.0,0.0,-0.14100000262260437,0,62.68500014778692
+2024-04-07 10:01:37.932176,6.65502,663,-3.1854723495444968,-15.555255297531666,0.0,0.6551999866962434,0.0,0.0,-0.16514999905601144,-0.08265000119805335,9.807899943351744,0.0,0.0,-0.11299999803304672,0,62.68500014778692
+2024-04-07 10:01:37.940695,6.663539,664,-3.1854723495444968,-15.555255297531666,0.0,0.6551999866962434,0.0,0.0,-0.17934999922290445,-0.0812500012293458,9.808299942970274,0.0,0.0,-0.11299999803304672,0,62.68500014778692
+2024-04-07 10:01:37.951728,6.674572,665,-3.1854723495444968,-15.555255297531666,0.0,0.6551999866962434,0.0,0.0,-0.1916499994136393,-0.07955000126734375,9.808199940681456,0.0,0.0,-0.11299999803304672,0,62.68500014778692
+2024-04-07 10:01:37.961950,6.684794,666,-3.1854723495444968,-15.555255297531666,0.0,0.6551999866962434,0.0,0.0,-0.20454999903216958,-0.07805000128224492,9.807899943351744,0.0,0.0,-0.11299999803304672,0,62.68500014778692
+2024-04-07 10:01:37.971076,6.69392,667,-3.1938306001683214,-15.554242738756434,0.0,0.37440000772476195,0.0,0.0,-0.21714999863877893,-0.07735000120475888,9.807199946403502,0.0,0.0,-0.10599999874830246,0,62.68500014778692
+2024-04-07 10:01:37.983318,6.706162,668,-3.1938306001683214,-15.554242738756434,0.0,0.37440000772476195,0.0,0.0,-0.22944999823346734,-0.076450001206249,9.808299942970274,0.0,0.0,-0.10599999874830246,0,62.68500014778692
+2024-04-07 10:01:37.990161,6.713005,669,-3.1938306001683214,-15.554242738756434,0.0,0.37440000772476195,0.0,0.0,-0.2424499983526766,-0.07605000121518969,9.80979994869232,0.0,0.0,-0.10599999874830246,0,62.68500014778692
+2024-04-07 10:01:38.000396,6.72324,670,-3.1938306001683214,-15.554242738756434,0.0,0.37440000772476195,0.0,0.0,-0.25624999830499295,-0.07575000122189521,9.811599942207335,0.0,0.0,-0.10599999874830246,0,62.68500014778692
+2024-04-07 10:01:38.017179,6.740023,671,-3.2002464422758163,-15.553346094150553,0.0,0.0,0.0,0.0,-0.27104999849572775,-0.0749500012770295,9.811099949836729,0.0,0.0,0.0,0,62.68500014778692
+2024-04-07 10:01:38.021091,6.743935,672,-3.2002464422758163,-15.553346094150553,0.0,0.0,0.0,0.0,-0.28564999828115106,-0.07425000131130217,9.811699954032896,0.0,0.0,0.0,0,62.68500014778692
+2024-04-07 10:01:38.031489,6.754333,673,-3.2002464422758163,-15.553346094150553,0.0,0.0,0.0,0.0,-0.30194999823346735,-0.07225000135600566,9.812999955177306,0.0,0.0,0.0,0,62.68500014778692
+2024-04-07 10:01:38.040398,6.763242,674,-3.2002464422758163,-15.553346094150553,0.0,0.0,0.0,0.0,-0.31694999823346737,-0.07065000129863619,9.812499953269956,0.0,0.0,0.0,0,62.68500014778692
+2024-04-07 10:01:38.051097,6.773941,675,-3.204960047192221,-15.5525668137523,0.0,0.0,0.0,0.0,-0.33254999766126275,-0.06865000130608677,9.809899960517882,0.0,0.0,0.0,0,62.68500014778692
+2024-04-07 10:01:38.066342,6.789186,676,-3.204960047192221,-15.5525668137523,0.0,0.0,0.0,0.0,-0.34884999761357904,-0.06655000127851962,9.811099959373472,0.0,0.0,0.0,0,62.68500014778692
+2024-04-07 10:01:38.073543,6.796387,677,-3.204960047192221,-15.5525668137523,0.0,0.0,0.0,0.0,-0.36474999735131863,-0.06595000132918356,9.811099959373472,0.0,0.0,0.0,0,62.68500014778692
+2024-04-07 10:01:38.080981,6.803825,678,-3.204960047192221,-15.5525668137523,0.0,0.0,0.0,0.0,-0.3796499968506396,-0.06435000134631991,9.809899950981139,0.0,0.0,0.0,0,62.68500014778692
+2024-04-07 10:01:38.090348,6.813192,679,-3.2080544704658944,-15.551912593906865,0.0,-0.07559999898076057,0.0,0.0,-0.39374999711290004,-0.0628500012680888,9.811399956703184,0.0,0.0,-0.12099999934434891,0,62.68500014778692
+2024-04-07 10:01:38.100907,6.823751,680,-3.2080544704658944,-15.551912593906865,0.0,-0.07559999898076057,0.0,0.0,-0.4090499968267977,-0.06175000131130218,9.812199955940244,0.0,0.0,-0.12099999934434891,0,62.68500014778692
+2024-04-07 10:01:38.113298,6.836142,681,-3.2080544704658944,-15.551912593906865,0.0,-0.07559999898076057,0.0,0.0,-0.42134999642148613,-0.0624500012770295,9.810699959754942,0.0,0.0,-0.12099999934434891,0,62.68500014778692
+2024-04-07 10:01:38.122664,6.845508,682,-3.2080544704658944,-15.551912593906865,0.0,-0.07559999898076057,0.0,0.0,-0.43524999627843497,-0.06325000127777457,9.81049996471405,0.0,0.0,-0.12099999934434891,2,62.68500014778692
+2024-04-07 10:01:38.131844,6.854688,683,-3.2094037649125955,-15.551414476663089,0.0,0.0,0.0,0.0,-0.446149996612221,-0.06345000127330422,9.809699965476987,0.0,0.0,0.0,2,62.68500014778692
+2024-04-07 10:01:38.140480,6.863324,684,-3.2094037649125955,-15.551414476663089,0.0,0.0,0.0,0.0,-0.4559499965049326,-0.06415000123903154,9.810399971961973,0.0,0.0,0.0,2,62.68500014778692
+2024-04-07 10:01:38.150693,6.873537,685,-3.2094037649125955,-15.551414476663089,0.0,0.0,0.0,0.0,-0.46664999643340704,-0.06335000121966003,9.810699978828428,0.0,0.0,0.0,2,62.68500014778692
+2024-04-07 10:01:38.161129,6.883973,686,-3.2094037649125955,-15.551414476663089,0.0,0.0,0.0,0.0,-0.47554999629035594,-0.06235000113025306,9.812699986457822,0.0,0.0,0.0,2,62.68500014778692
+2024-04-07 10:01:38.178102,6.900946,687,-3.209501280905982,-15.551032699794796,0.0,0.0,0.0,0.0,-0.4853499964810908,-0.06105000117793678,9.812799988746642,0.0,0.0,0.0,2,62.68500014778692
+2024-04-07 10:01:38.184792,6.907636,688,-3.209501280905982,-15.551032699794796,0.0,0.0,0.0,0.0,-0.4924499962665141,-0.059450001176446665,9.812799988746642,0.0,0.0,0.0,2,62.68500014778692
+2024-04-07 10:01:38.194290,6.917134,689,-3.209501280905982,-15.551032699794796,0.0,0.0,0.0,0.0,-0.49994999626651404,-0.057450001183897245,9.81159998989105,0.0,0.0,0.0,2,62.68500014778692
+2024-04-07 10:01:38.207370,6.930214,690,-3.209501280905982,-15.551032699794796,0.0,0.0,0.0,0.0,-0.5042499963380396,-0.05565000124275683,9.811399985313413,0.0,0.0,0.0,2,62.68500014778692
+2024-04-07 10:01:38.235255,6.958099,691,-3.208198981133114,-15.550790403870158,0.0,-0.014400000683963299,0.0,0.0,-0.5054499963857233,-0.0545500012487173,9.812999983787535,0.0,0.0,0.02500000037252903,2,62.68500014778692
+2024-04-07 10:01:38.235278,6.958122,692,-3.208198981133114,-15.550790403870158,0.0,-0.014400000683963299,0.0,0.0,-0.5058499964512885,-0.05185000129044055,9.814999981880186,0.0,0.0,0.02500000037252903,2,62.68500014778692
+2024-04-07 10:01:38.235310,6.958154,693,-3.208198981133114,-15.550790403870158,0.0,-0.014400000683963299,0.0,0.0,-0.5040499964542686,-0.050750001277774556,9.814799986839292,0.0,0.0,0.02500000037252903,2,62.68500014778692
+2024-04-07 10:01:38.240499,6.963343,694,-3.208198981133114,-15.550790403870158,0.0,-0.014400000683963299,0.0,0.0,-0.5002499963901936,-0.04925000132992863,9.811299992561338,0.0,0.0,0.02500000037252903,0,62.68500014778692
+2024-04-07 10:01:38.253055,6.975899,695,-3.205588948758691,-15.550688474535553,0.0,-0.11520000547170639,0.0,0.0,-0.4950499963201582,-0.04905000129714607,9.811699992179868,0.0,0.0,0.10300000011920929,0,62.68500014778692
+2024-04-07 10:01:38.264259,6.987103,696,-3.205588948758691,-15.550688474535553,0.0,-0.11520000547170639,0.0,0.0,-0.48914999643340706,-0.0487500013038516,9.815099993705747,0.0,0.0,0.10300000011920929,0,62.68500014778692
+2024-04-07 10:01:38.270994,6.993838,697,-3.205588948758691,-15.550688474535553,0.0,-0.11520000547170639,0.0,0.0,-0.4836499964632094,-0.04885000128298997,9.816499997138974,0.0,0.0,0.10300000011920929,0,62.68500014778692
+2024-04-07 10:01:38.281295,7.004139,698,-3.205588948758691,-15.550688474535553,0.0,-0.11520000547170639,0.0,0.0,-0.47754999646916985,-0.04975000128149985,9.81249999141693,0.0,0.0,0.10300000011920929,0,62.68500014778692
+2024-04-07 10:01:38.290592,7.013436,699,-3.201847933858195,-15.550719724808342,0.0,-0.17280000150203706,0.0,0.0,-0.4689499961771071,-0.04945000126957892,9.812799988746642,0.0,0.0,0.029999999329447746,0,62.68500014778692
+2024-04-07 10:01:38.300863,7.023707,700,-3.201847933858195,-15.550719724808342,0.0,-0.17280000150203706,0.0,0.0,-0.4615499960817397,-0.05065000128000974,9.812999993324278,0.0,0.0,0.029999999329447746,0,62.68500014778692
+2024-04-07 10:01:38.322644,7.045488,701,-3.201847933858195,-15.550719724808342,0.0,-0.17280000150203706,0.0,0.0,-0.45204999575391414,-0.05125000126659869,9.813599997520445,0.0,0.0,0.029999999329447746,0,62.68500014778692
+2024-04-07 10:01:38.331445,7.054289,702,-3.201847933858195,-15.550719724808342,0.0,-0.17280000150203706,0.0,0.0,-0.44364999571815134,-0.05295000124722718,9.812699995994565,0.0,0.0,0.029999999329447746,0,62.68500014778692
+2024-04-07 10:01:38.336658,7.059502,703,-3.197063634112072,-15.550878550778256,0.0,-0.18359999656677248,0.0,0.0,-0.4346499959565699,-0.054950001202523704,9.81289999103546,0.0,0.0,0.017000000923871994,0,62.68500014778692
+2024-04-07 10:01:38.341601,7.064445,704,-3.197063634112072,-15.550878550778256,0.0,-0.18359999656677248,0.0,0.0,-0.4254499960877001,-0.056250001229345786,9.81419999217987,0.0,0.0,0.017000000923871994,0,62.68500014778692
+2024-04-07 10:01:38.352445,7.075289,705,-3.197063634112072,-15.550878550778256,0.0,-0.18359999656677248,0.0,0.0,-0.4169499962963164,-0.05765000127255916,9.812199984550475,0.0,0.0,0.017000000923871994,0,62.68500014778692
+2024-04-07 10:01:38.373826,7.09667,706,-3.197063634112072,-15.550878550778256,0.0,-0.18359999656677248,0.0,0.0,-0.40744999641552565,-0.05865000128746031,9.81159998989105,0.0,0.0,0.017000000923871994,0,62.68500014778692
+2024-04-07 10:01:38.373881,7.096725,707,-3.197063634112072,-15.550878550778256,0.0,-0.18359999656677248,0.0,0.0,-0.3973499965108931,-0.05985000126063823,9.813199988365172,0.0,0.0,0.017000000923871994,0,62.68500014778692
+2024-04-07 10:01:38.383074,7.105918,708,-3.1915027338829147,-15.551135723958257,0.0,-0.10799999758601189,0.0,0.0,-0.387749996278435,-0.06115000123158096,9.813499995231627,0.0,0.0,0.02199999988079071,0,62.68500014778692
+2024-04-07 10:01:38.401791,7.124635,709,-3.1915027338829147,-15.551135723958257,0.0,-0.10799999758601189,0.0,0.0,-0.3787499965168536,-0.06205000123009084,9.812199994087218,0.0,0.0,0.02199999988079071,0,62.68500014778692
+2024-04-07 10:01:38.404593,7.127437,710,-3.1915027338829147,-15.551135723958257,0.0,-0.10799999758601189,0.0,0.0,-0.36994999626651404,-0.06285000123083591,9.813199988365172,0.0,0.0,0.02199999988079071,0,62.68500014778692
+2024-04-07 10:01:38.425724,7.148568,711,-3.1854209567551974,-15.551460140501055,0.0,-0.09360000193119049,0.0,0.0,-0.36314999634400014,-0.06325000124052166,9.814799996376037,0.0,0.0,-0.14900000393390656,0,62.68500014778692
+2024-04-07 10:01:38.432168,7.155012,712,-3.1854209567551974,-15.551460140501055,0.0,-0.09360000193119049,0.0,0.0,-0.3564499961771071,-0.06325000124052166,9.812599993705748,0.0,0.0,-0.14900000393390656,0,62.68500014778692
+2024-04-07 10:01:38.437135,7.159979,713,-3.1854209567551974,-15.551460140501055,0.0,-0.09360000193119049,0.0,0.0,-0.35134999597445127,-0.06385000122711061,9.810899992942808,0.0,0.0,-0.14900000393390656,0,62.68500014778692
+2024-04-07 10:01:38.443726,7.16657,714,-3.1854209567551974,-15.551460140501055,0.0,-0.09360000193119049,0.0,0.0,-0.3455499958433211,-0.06605000121518968,9.810599995613096,0.0,0.0,-0.14900000393390656,0,62.68500014778692
+2024-04-07 10:01:38.452928,7.175772,715,-3.1789960422538344,-15.551847060992605,0.0,-0.08280000016093254,0.0,0.0,-0.3406499957479536,-0.06825000120326875,9.812900000572203,0.0,0.0,-0.1340000033378601,0,62.68500014778692
+2024-04-07 10:01:38.472755,7.195599,716,-3.1789960422538344,-15.551847060992605,0.0,-0.08280000016093254,0.0,0.0,-0.3352499955333769,-0.0701500011794269,9.809700003623961,0.0,0.0,-0.1340000033378601,0,62.68500014778692
+2024-04-07 10:01:38.472985,7.195829,717,-3.1789960422538344,-15.551847060992605,0.0,-0.08280000016093254,0.0,0.0,-0.33064999559894204,-0.0722500011883676,9.810599995613096,0.0,0.0,-0.1340000033378601,0,62.68500014778692
+2024-04-07 10:01:38.481006,7.20385,718,-3.1789960422538344,-15.551847060992605,0.0,-0.08280000016093254,0.0,0.0,-0.3260499955154955,-0.07235000118613243,9.811599999427793,0.0,0.0,-0.1340000033378601,0,62.68500014778692
+2024-04-07 10:01:38.490603,7.213447,719,-3.172399400887977,-15.552259276949009,0.0,-0.046800000965595244,0.0,0.0,-0.3219499956257641,-0.07165000120177864,9.813499995231627,0.0,0.0,-0.34599998593330383,0,62.68500014778692
+2024-04-07 10:01:38.502324,7.225168,720,-3.172399400887977,-15.552259276949009,0.0,-0.046800000965595244,0.0,0.0,-0.3177499954588711,-0.07165000120177864,9.813199997901915,0.0,0.0,-0.34599998593330383,0,62.68500014778692
+2024-04-07 10:01:38.525760,7.248604,721,-3.172399400887977,-15.552259276949009,0.0,-0.046800000965595244,0.0,0.0,-0.3132499955780804,-0.07215000117197631,9.812699995994565,0.0,0.0,-0.34599998593330383,0,62.68500014778692
+2024-04-07 10:01:38.525802,7.248646,722,-3.172399400887977,-15.552259276949009,0.0,-0.046800000965595244,0.0,0.0,-0.3107499955408275,-0.07205000119283794,9.812100001335143,0.0,0.0,-0.34599998593330383,0,62.68500014778692
+2024-04-07 10:01:38.543006,7.26585,723,-3.172399400887977,-15.552259276949009,0.0,-0.046800000965595244,0.0,0.0,-0.30824999550357457,-0.07375000117346643,9.81260000324249,0.0,0.0,-0.34599998593330383,0,62.68500014778692
+2024-04-07 10:01:38.543056,7.2659,724,-3.172399400887977,-15.552259276949009,0.0,-0.046800000965595244,0.0,0.0,-0.30514999547973276,-0.0755500011704862,9.81430000400543,0.0,0.0,-0.34599998593330383,0,62.68500014778692
+2024-04-07 10:01:38.551705,7.274549,725,-3.1657581257017777,-15.55268939579151,0.0,-0.007200000341981649,0.0,0.0,-0.3049499954842031,-0.07665000120177864,9.815500002861022,0.0,0.0,-0.5,0,62.68500014778692
+2024-04-07 10:01:38.569124,7.291968,726,-3.1657581257017777,-15.55268939579151,0.0,-0.007200000341981649,0.0,0.0,-0.30384999549016356,-0.07905000114813446,9.814000006675718,0.0,0.0,-0.5,0,62.68500014778692
+2024-04-07 10:01:38.573021,7.295865,727,-3.15912974845294,-15.553134852215162,0.0,-0.007200000341981649,0.0,0.0,-0.3032499955035746,-0.0817500010691583,9.81350000476837,0.0,0.0,-0.7080000042915344,0,62.68500014778692
+2024-04-07 10:01:38.580979,7.303823,728,-3.15912974845294,-15.553134852215162,0.0,-0.007200000341981649,0.0,0.0,-0.3035499954968691,-0.08305000104010105,9.813099995613097,0.0,0.0,-0.7080000042915344,0,62.68500014778692
+2024-04-07 10:01:38.595109,7.317953,729,-3.15912974845294,-15.553134852215162,0.0,-0.007200000341981649,0.0,0.0,-0.30294999547302726,-0.08335000103339552,9.812199994087218,0.0,0.0,-0.7080000042915344,0,62.68500014778692
+2024-04-07 10:01:38.602578,7.325422,730,-3.15912974845294,-15.553134852215162,0.0,-0.007200000341981649,0.0,0.0,-0.30364999547600746,-0.08495000103488563,9.812699986457822,0.0,0.0,-0.7080000042915344,0,62.68500014778692
+2024-04-07 10:01:38.627697,7.350541,731,-3.1528751399105435,-15.553582457737582,0.0,0.01799999959766865,0.0,0.0,-0.30424999546259646,-0.08575000105425715,9.810099984169005,0.0,0.0,-0.9200000166893005,0,62.68500014778692
+2024-04-07 10:01:38.627957,7.350801,732,-3.1528751399105435,-15.553582457737582,0.0,0.01799999959766865,0.0,0.0,-0.30624999545514586,-0.08775000100955366,9.81079999065399,0.0,0.0,-0.9200000166893005,0,62.68500014778692
+2024-04-07 10:01:38.635988,7.358832,733,-3.1528751399105435,-15.553582457737582,0.0,0.01799999959766865,0.0,0.0,-0.3078499955311418,-0.08775000100955366,9.807399998664854,0.0,0.0,-0.9200000166893005,0,62.68500014778692
+2024-04-07 10:01:38.640708,7.363552,734,-3.1528751399105435,-15.553582457737582,0.0,0.01799999959766865,0.0,0.0,-0.3094499955512583,-0.08975000096485017,9.806799994468687,0.0,0.0,-0.9200000166893005,0,62.68500014778692
+2024-04-07 10:01:38.652557,7.375401,735,-3.146716235345612,-15.554039505984317,0.0,0.01799999959766865,0.0,0.0,-0.3111499955318868,-0.09215000106021762,9.806499987602232,0.0,0.0,-0.9200000166893005,0,62.68500014778692
+2024-04-07 10:01:38.662117,7.384961,736,-3.146716235345612,-15.554039505984317,0.0,0.01799999959766865,0.0,0.0,-0.3128499954752624,-0.09225000105798244,9.808799983024596,0.0,0.0,-0.9200000166893005,0,62.68500014778692
+2024-04-07 10:01:38.671134,7.393978,737,-3.146716235345612,-15.554039505984317,0.0,0.01799999959766865,0.0,0.0,-0.3144499954394996,-0.09315000105649232,9.809299984931943,0.0,0.0,-0.9200000166893005,0,62.68500014778692
+2024-04-07 10:01:38.683085,7.405929,738,-3.146716235345612,-15.554039505984317,0.0,0.01799999959766865,0.0,0.0,-0.3192499954812229,-0.09375000109896063,9.808099986076353,0.0,0.0,-0.9200000166893005,0,62.68500014778692
+2024-04-07 10:01:38.690608,7.413452,739,-3.1408233174204154,-15.554507078782072,0.0,0.03959999978542328,0.0,0.0,-0.3230499954335392,-0.09455000108107924,9.810099984169005,0.0,0.0,-1.25600004196167,0,62.68500014778692
+2024-04-07 10:01:38.702751,7.425595,740,-3.1408233174204154,-15.554507078782072,0.0,0.03959999978542328,0.0,0.0,-0.3256499953754246,-0.09455000108107924,9.814299984931944,0.0,0.0,-1.25600004196167,0,62.68500014778692
+2024-04-07 10:01:38.710938,7.433782,741,-3.1408233174204154,-15.554507078782072,0.0,0.03959999978542328,0.0,0.0,-0.32684999542310833,-0.09485000107437372,9.815799981117246,0.0,0.0,-1.25600004196167,0,62.68500014778692
+2024-04-07 10:01:38.724376,7.44722,742,-3.1408233174204154,-15.554507078782072,0.0,0.03959999978542328,0.0,0.0,-0.3277499954588711,-0.09445000108331442,9.815799981117246,0.0,0.0,-1.25600004196167,0,62.68500014778692
+2024-04-07 10:01:38.735499,7.458343,743,-3.135220464061723,-15.554981603697373,0.0,0.06120000332593918,0.0,0.0,-0.32734999554231764,-0.09455000109970568,9.819499979972838,0.0,0.0,-1.2920000553131104,0,62.68500014778692
+2024-04-07 10:01:38.741414,7.464258,744,-3.135220464061723,-15.554981603697373,0.0,0.06120000332593918,0.0,0.0,-0.326749995816499,-0.09535000108182429,9.817499981880186,0.0,0.0,-1.2920000553131104,0,62.68500014778692
+2024-04-07 10:01:38.751885,7.474729,745,-3.135220464061723,-15.554981603697373,0.0,0.06120000332593918,0.0,0.0,-0.32624999569728974,-0.09445000104606151,9.816199980735776,0.0,0.0,-1.2920000553131104,0,62.68500014778692
+2024-04-07 10:01:38.776754,7.499598,746,-3.135220464061723,-15.554981603697373,0.0,0.06120000332593918,0.0,0.0,-0.3241499957628548,-0.09475000103935599,9.814599982261656,0.0,0.0,-1.2920000553131104,0,62.68500014778692
+2024-04-07 10:01:38.777131,7.499975,747,-3.135220464061723,-15.554981603697373,0.0,0.06120000332593918,0.0,0.0,-0.32254999594762923,-0.09605000106617807,9.816099978446958,0.0,0.0,-1.2920000553131104,0,62.68500014778692
+2024-04-07 10:01:38.787147,7.509991,748,-3.1310920904438038,-15.555362987667646,0.0,0.046800000965595244,0.0,0.0,-0.32054999606683854,-0.09735000101849436,9.815399981498716,0.0,0.0,-1.402999997138977,0,62.68500014778692
+2024-04-07 10:01:38.791742,7.514586,749,-3.1299105784733827,-15.555485792424077,0.0,0.046800000965595244,0.0,0.0,-0.3175499960966408,-0.09765000110492109,9.81309997653961,0.0,0.0,-1.402999997138977,0,62.68500014778692
+2024-04-07 10:01:38.802159,7.525003,750,-3.1299105784733827,-15.555485792424077,0.0,0.046800000965595244,0.0,0.0,-0.3138499961234629,-0.09685000104829668,9.814399977684019,0.0,0.0,-1.402999997138977,0,62.68500014778692
+2024-04-07 10:01:38.865489,7.588333,751,-3.1249090181756767,-15.556016742463298,0.0,0.06479999721050263,0.0,0.0,-0.31054999629035596,-0.09745000099763274,9.814299975395201,0.0,0.0,-1.4459999799728394,0,62.9460001551779
+2024-04-07 10:01:38.865575,7.588419,752,-3.1249090181756767,-15.556016742463298,0.0,0.06479999721050263,0.0,0.0,-0.30794999638572335,-0.09605000102892516,9.815099974632261,0.0,0.0,-1.4459999799728394,0,62.9460001551779
+2024-04-07 10:01:38.865683,7.588527,753,-3.1249090181756767,-15.556016742463298,0.0,0.06479999721050263,0.0,0.0,-0.3039499966241419,-0.09365000108256935,9.814099980354307,0.0,0.0,-1.4459999799728394,0,62.9460001551779
+2024-04-07 10:01:38.866122,7.588966,754,-3.1249090181756767,-15.556016742463298,0.0,0.06479999721050263,0.0,0.0,-0.30304999688640233,-0.09065000118687748,9.813899985313414,0.0,0.0,-1.4459999799728394,0,62.9460001551779
+2024-04-07 10:01:38.866165,7.589009,755,-3.1249090181756767,-15.556016742463298,0.0,0.06479999721050263,0.0,0.0,-0.2996499968506396,-0.08705000123009085,9.814099980354307,0.0,0.0,-1.4459999799728394,0,62.9460001551779
+2024-04-07 10:01:38.871822,7.594666,756,-3.11937059981527,-15.556673135109744,0.0,0.08640000075101853,0.0,0.0,-0.29664999717846513,-0.08425000106915831,9.814499979972837,0.0,0.0,-1.4639999866485596,0,62.9460001551779
+2024-04-07 10:01:38.871874,7.594718,757,-3.11937059981527,-15.556673135109744,0.0,0.08640000075101853,0.0,0.0,-0.29314999716356394,-0.08395000105723738,9.813999978065489,0.0,0.0,-1.4639999866485596,0,62.9460001551779
+2024-04-07 10:01:38.888038,7.610882,758,-3.11937059981527,-15.556673135109744,0.0,0.08640000075101853,0.0,0.0,-0.2888499971851707,-0.0834500010870397,9.812899981498717,0.0,0.0,-1.4639999866485596,0,62.9460001551779
+2024-04-07 10:01:38.890812,7.613656,759,-3.116332513283928,-15.557094078124983,0.0,0.08640000075101853,0.0,0.0,-0.28454999726265673,-0.08255000105127691,9.814299984931944,0.0,0.0,-1.4639999866485596,0,62.9460001551779
+2024-04-07 10:01:38.900901,7.623745,760,-3.115358141894005,-15.55724156171805,0.0,0.032399998605251314,0.0,0.0,-0.27644999751821164,-0.0809500009380281,9.815899983406066,0.0,0.0,-1.4210000038146973,0,62.9460001551779
+2024-04-07 10:01:38.910860,7.633704,761,-3.114432423107238,-15.557391783664208,0.0,0.032399998605251314,0.0,0.0,-0.2689499974809587,-0.08075000097975134,9.817099982261656,0.0,0.0,-1.4210000038146973,0,62.9460001551779
+2024-04-07 10:01:38.920791,7.643635,762,-3.114432423107238,-15.557391783664208,0.0,0.032399998605251314,0.0,0.0,-0.26184999724850055,-0.08005000105127691,9.815199986457824,0.0,0.0,-1.4210000038146973,0,62.9460001551779
+2024-04-07 10:01:38.931531,7.654375,763,-3.114432423107238,-15.557391783664208,0.0,0.032399998605251314,0.0,0.0,-0.25494999727234247,-0.08005000105127691,9.816599980354308,0.0,0.0,-1.4210000038146973,0,62.9460001551779
+2024-04-07 10:01:38.940942,7.663786,764,-3.114432423107238,-15.557391783664208,0.0,0.032399998605251314,0.0,0.0,-0.2479499970190227,-0.07905000111088156,9.81729997730255,0.0,0.0,-1.4210000038146973,0,62.9460001551779
+2024-04-07 10:01:38.952325,7.675169,765,-3.1117356267598764,-15.55788328061725,0.0,0.0,0.0,0.0,-0.2425499970279634,-0.07745000114664434,9.816599980354308,0.0,0.0,-1.3650000095367432,0,62.9460001551779
+2024-04-07 10:01:38.961159,7.684003,766,-3.1117356267598764,-15.55788328061725,0.0,0.0,0.0,0.0,-0.2366499971412122,-0.076450001206249,9.81559997653961,0.0,0.0,-1.3650000095367432,0,62.9460001551779
+2024-04-07 10:01:38.970904,7.693748,767,-3.1117356267598764,-15.55788328061725,0.0,0.0,0.0,0.0,-0.23124999726191164,-0.07435000112280249,9.816299973487853,0.0,0.0,-1.3650000095367432,0,62.9460001551779
+2024-04-07 10:01:38.982987,7.705831,768,-3.1117356267598764,-15.55788328061725,0.0,0.0,0.0,0.0,-0.22594999739900232,-0.0722500011883676,9.815499974250791,0.0,0.0,-1.3650000095367432,0,62.9460001551779
+2024-04-07 10:01:38.998949,7.721793,769,-3.1085135473666723,-15.558605966820407,0.0,-0.021600000187754632,0.0,0.0,-0.22054999727755786,-0.06955000123009085,9.814399968147276,0.0,0.0,-1.25600004196167,0,62.9460001551779
+2024-04-07 10:01:39.010650,7.733494,770,-3.1085135473666723,-15.558605966820407,0.0,-0.021600000187754632,0.0,0.0,-0.21414999734610318,-0.06745000110939144,9.814199973106382,0.0,0.0,-1.25600004196167,0,62.9460001551779
+2024-04-07 10:01:39.022975,7.745819,771,-3.1085135473666723,-15.558605966820407,0.0,-0.021600000187754632,0.0,0.0,-0.20694999728351832,-0.06665000112727283,9.815299969673156,0.0,0.0,-1.25600004196167,0,62.9460001551779
+2024-04-07 10:01:39.023078,7.745922,772,-3.1085135473666723,-15.558605966820407,0.0,-0.021600000187754632,0.0,0.0,-0.1995499974116683,-0.06575000116601586,9.815199967384336,0.0,0.0,-1.25600004196167,0,62.9460001551779
+2024-04-07 10:01:39.032743,7.755587,773,-3.105624758085542,-15.559424848253347,0.0,-0.025200000777840615,0.0,0.0,-0.19154999760910868,-0.06525000119581817,9.814599972724913,0.0,0.0,-1.2309999465942383,0,62.9460001551779
+2024-04-07 10:01:39.041261,7.764105,774,-3.105624758085542,-15.559424848253347,0.0,-0.025200000777840615,0.0,0.0,-0.18364999771118162,-0.06425000125542282,9.81599997615814,0.0,0.0,-1.2309999465942383,0,62.9460001551779
+2024-04-07 10:01:39.051354,7.774198,775,-3.105624758085542,-15.559424848253347,0.0,-0.025200000777840615,0.0,0.0,-0.17594999799504876,-0.06335000121966003,9.816499968528746,0.0,0.0,-1.2309999465942383,0,62.9460001551779
+2024-04-07 10:01:39.062035,7.784879,776,-3.105624758085542,-15.559424848253347,0.0,-0.025200000777840615,0.0,0.0,-0.16804999778047203,-0.06235000113025306,9.816399966239928,0.0,0.0,-1.2309999465942383,0,62.9460001551779
+2024-04-07 10:01:39.071048,7.793892,777,-3.103159241006081,-15.560313146078459,0.0,-0.0359999991953373,0.0,0.0,-0.16054999778047205,-0.06115000108256935,9.815699969291686,0.0,0.0,-1.1749999523162842,0,62.9460001551779
+2024-04-07 10:01:39.083108,7.805952,778,-3.103159241006081,-15.560313146078459,0.0,-0.0359999991953373,0.0,0.0,-0.1536499979905784,-0.06095000112429261,9.816499978065488,0.0,0.0,-1.1749999523162842,0,62.9460001551779
+2024-04-07 10:01:39.093797,7.816641,779,-3.103159241006081,-15.560313146078459,0.0,-0.0359999991953373,0.0,0.0,-0.14744999775663017,-0.06075000116601585,9.816499978065488,0.0,0.0,-1.1749999523162842,0,62.9460001551779
+2024-04-07 10:01:39.104369,7.827213,780,-3.103159241006081,-15.560313146078459,0.0,-0.0359999991953373,0.0,0.0,-0.14054999789223074,-0.06105000117793678,9.816299983024596,0.0,0.0,-1.1749999523162842,0,62.9460001551779
+2024-04-07 10:01:39.110732,7.833576,781,-3.1011667701553822,-15.561237145607032,0.0,-0.03959999978542328,0.0,0.0,-0.13524999817833305,-0.06025000115856527,9.816199980735776,0.0,0.0,-1.1150000095367432,0,62.9460001551779
+2024-04-07 10:01:39.121018,7.843862,782,-3.1011667701553822,-15.561237145607032,0.0,-0.03959999978542328,0.0,0.0,-0.12954999836161732,-0.05835000116378068,9.815899983406066,0.0,0.0,-1.1150000095367432,0,62.9460001551779
+2024-04-07 10:01:39.132386,7.85523,783,-3.1011667701553822,-15.561237145607032,0.0,-0.03959999978542328,0.0,0.0,-0.12494999829679727,-0.057150001153349866,9.815199976921079,0.0,0.0,-1.1150000095367432,0,62.9460001551779
+2024-04-07 10:01:39.140863,7.863707,784,-3.1011667701553822,-15.561237145607032,0.0,-0.03959999978542328,0.0,0.0,-0.12124999836087227,-0.055950001068413246,9.813999978065489,0.0,0.0,-1.1150000095367432,0,62.9460001551779
+2024-04-07 10:01:39.156008,7.878852,785,-3.099547811520134,-15.562194965605407,0.0,-0.03959999978542328,0.0,0.0,-0.1173499983176589,-0.05505000110715627,9.81349997615814,0.0,0.0,-1.0820000171661377,0,62.9460001551779
+2024-04-07 10:01:39.163954,7.886798,786,-3.099547811520134,-15.562194965605407,0.0,-0.03959999978542328,0.0,0.0,-0.11344999831169844,-0.05555000122636555,9.813699971199034,0.0,0.0,-1.0820000171661377,0,62.9460001551779
+2024-04-07 10:01:39.171214,7.894058,787,-3.099547811520134,-15.562194965605407,0.0,-0.03959999978542328,0.0,0.0,-0.10994999829679727,-0.056450001262128346,9.813399973869322,0.0,0.0,-1.0820000171661377,0,62.9460001551779
+2024-04-07 10:01:39.181045,7.903889,788,-3.099547811520134,-15.562194965605407,0.0,-0.03959999978542328,0.0,0.0,-0.1073499983921647,-0.057050001285970195,9.81349997615814,0.0,0.0,-1.0820000171661377,0,62.9460001551779
+2024-04-07 10:01:39.190822,7.913666,789,-3.09836275770399,-15.563165587778382,0.0,-0.046800000965595244,0.0,0.0,-0.1048499983921647,-0.058050001226365555,9.813999978065489,0.0,0.0,-1.069000005722046,0,62.9460001551779
+2024-04-07 10:01:39.202175,7.925019,790,-3.09836275770399,-15.563165587778382,0.0,-0.046800000965595244,0.0,0.0,-0.10314999835565686,-0.05855000119656323,9.813699980735777,0.0,0.0,-1.069000005722046,0,62.9460001551779
+2024-04-07 10:01:39.212078,7.934922,791,-3.09836275770399,-15.563165587778382,0.0,-0.046800000965595244,0.0,0.0,-0.10064999831840396,-0.05865000125020742,9.813699980735777,0.0,0.0,-1.069000005722046,0,62.9460001551779
+2024-04-07 10:01:39.221025,7.943869,792,-3.09836275770399,-15.563165587778382,0.0,-0.046800000965595244,0.0,0.0,-0.09894999826326967,-0.060050001218914975,9.814399987220762,0.0,0.0,-1.069000005722046,0,62.9460001551779
+2024-04-07 10:01:39.232554,7.955398,793,-3.097570766757052,-15.56413473810063,0.0,-0.046800000965595244,0.0,0.0,-0.09804999826475978,-0.06075000122189521,9.814899989128111,0.0,0.0,-1.1019999980926514,0,62.9460001551779
+2024-04-07 10:01:39.240927,7.963771,794,-3.097570766757052,-15.56413473810063,0.0,-0.046800000965595244,0.0,0.0,-0.09724999828264116,-0.06065000116825103,9.816499987602231,0.0,0.0,-1.1019999980926514,0,62.9460001551779
+2024-04-07 10:01:39.251518,7.974362,795,-3.097570766757052,-15.56413473810063,0.0,-0.046800000965595244,0.0,0.0,-0.09684999825432897,-0.05935000121593474,9.816499987602231,0.0,0.0,-1.1019999980926514,0,62.9460001551779
+2024-04-07 10:01:39.263383,7.986227,796,-3.097570766757052,-15.56413473810063,0.0,-0.046800000965595244,0.0,0.0,-0.09664999822154641,-0.05765000116080045,9.816299983024596,0.0,0.0,-1.1019999980926514,0,62.9460001551779
+2024-04-07 10:01:39.278315,8.001159,797,-3.0971328363203887,-15.565084887396734,0.0,-0.03959999978542328,0.0,0.0,-0.09714999822899699,-0.05585000116378068,9.815499983787534,0.0,0.0,-1.1480000019073486,0,62.9460001551779
+2024-04-07 10:01:39.281094,8.003938,798,-3.0971328363203887,-15.565084887396734,0.0,-0.03959999978542328,0.0,0.0,-0.09814999824389815,-0.053950001224875435,9.815699988365171,0.0,0.0,-1.1480000019073486,0,62.9460001551779
+2024-04-07 10:01:39.290945,8.013789,799,-3.0971328363203887,-15.565084887396734,0.0,-0.03959999978542328,0.0,0.0,-0.09924999823793769,-0.052650001160800444,9.81579999065399,0.0,0.0,-1.1480000019073486,0,62.9460001551779
+2024-04-07 10:01:39.310654,8.033498,800,-3.0971328363203887,-15.565084887396734,0.0,-0.03959999978542328,0.0,0.0,-0.10144999820739031,-0.05195000119507312,9.815899983406066,0.0,0.0,-1.1480000019073486,0,62.9460001551779
+2024-04-07 10:01:39.311058,8.033902,801,-3.0970745792411405,-15.565321305104305,0.0,-0.0359999991953373,0.0,0.0,-0.10354999825358391,-0.050950001180171955,9.816399985313414,0.0,0.0,-1.187999963760376,0,62.9460001551779
+2024-04-07 10:01:39.321738,8.044582,802,-3.097067182110266,-15.565994513994434,0.0,-0.0359999991953373,0.0,0.0,-0.10624999836087226,-0.04855000119656323,9.816299983024596,0.0,0.0,-1.187999963760376,0,62.9460001551779
+2024-04-07 10:01:39.332058,8.054902,803,-3.097067182110266,-15.565994513994434,0.0,-0.0359999991953373,0.0,0.0,-0.1094499983638525,-0.044650001190602764,9.815699988365171,0.0,0.0,-1.187999963760376,0,62.9460001551779
+2024-04-07 10:01:39.341062,8.063906,804,-3.097067182110266,-15.565994513994434,0.0,-0.0359999991953373,0.0,0.0,-0.11154999848455191,-0.04095000114291905,9.815299988746641,0.0,0.0,-1.187999963760376,0,62.9460001551779
+2024-04-07 10:01:39.357449,8.080293,805,-3.097330687841847,-15.566853913767314,0.0,-0.0036000001709908247,0.0,0.0,-0.11354999842122197,-0.03775000106543301,9.815099993705747,0.0,0.0,-1.218000054359436,0,62.9460001551779
+2024-04-07 10:01:39.364009,8.086853,806,-3.097330687841847,-15.566853913767314,0.0,-0.0036000001709908247,0.0,0.0,-0.11574999842792749,-0.03505000106990336,9.815199986457824,0.0,0.0,-1.218000054359436,0,62.9460001551779
+2024-04-07 10:01:39.371075,8.093919,807,-3.097330687841847,-15.566853913767314,0.0,-0.0036000001709908247,0.0,0.0,-0.11674999836832285,-0.033650001063942905,9.815599986076354,0.0,0.0,-1.218000054359436,0,62.9460001551779
+2024-04-07 10:01:39.383881,8.106725,808,-3.0978897320150454,-15.567715002367839,0.0,-0.01799999959766865,0.0,0.0,-0.11784999836236239,-0.03225000103935598,9.816199980735776,0.0,0.0,-1.218000054359436,0,62.9460001551779
+2024-04-07 10:01:39.397462,8.120306,809,-3.0978897320150454,-15.567715002367839,0.0,-0.01799999959766865,0.0,0.0,-0.1202499982714653,-0.030350001100450746,9.816399985313414,0.0,0.0,-1.218000054359436,0,62.9460001551779
+2024-04-07 10:01:39.409723,8.132567,810,-3.0978897320150454,-15.567715002367839,0.0,-0.01799999959766865,0.0,0.0,-0.12164999827742577,-0.028950001075863832,9.816699992179869,0.0,0.0,-1.218000054359436,0,62.9460001551779
+2024-04-07 10:01:39.412464,8.135308,811,-3.0978897320150454,-15.567715002367839,0.0,-0.01799999959766865,0.0,0.0,-0.12384999820962549,-0.02685000108554958,9.816099987983701,0.0,0.0,-1.218000054359436,0,62.9460001551779
+2024-04-07 10:01:39.422313,8.145157,812,-3.0978897320150454,-15.567715002367839,0.0,-0.01799999959766865,0.0,0.0,-0.12524999829009176,-0.02385000107809901,9.816299992561339,0.0,0.0,-1.218000054359436,0,62.9460001551779
+2024-04-07 10:01:39.431693,8.154537,813,-3.098722290413538,-15.568582592638629,0.0,-0.025200000777840615,0.0,0.0,-0.12594999836757778,-0.021850001011043785,9.816599989891051,0.0,0.0,-1.2339999675750732,0,62.9460001551779
+2024-04-07 10:01:39.441234,8.164078,814,-3.098722290413538,-15.568582592638629,0.0,-0.025200000777840615,0.0,0.0,-0.12714999843388797,-0.019850000981241456,9.817099991798399,0.0,0.0,-1.2339999675750732,0,62.9460001551779
+2024-04-07 10:01:39.464863,8.187707,815,-3.098722290413538,-15.568582592638629,0.0,-0.025200000777840615,0.0,0.0,-0.12754999849945306,-0.017050000969320522,9.816899987220763,0.0,0.0,-1.2339999675750732,0,62.9460001551779
+2024-04-07 10:01:39.465129,8.187973,816,-3.098722290413538,-15.568582592638629,0.0,-0.025200000777840615,0.0,0.0,-0.12814999859780074,-0.015050000939518193,9.817399979591368,0.0,0.0,-1.2339999675750732,0,62.9460001551779
+2024-04-07 10:01:39.471168,8.194012,817,-3.099809457303327,-15.569459637659756,0.0,-0.014400000683963299,0.0,0.0,-0.12814999859780074,-0.011350000817328676,9.817099982261656,0.0,0.0,-1.215999960899353,0,62.9460001551779
+2024-04-07 10:01:39.482465,8.205309,818,-3.099809457303327,-15.569459637659756,0.0,-0.014400000683963299,0.0,0.0,-0.12874999854713678,-0.00885000087320803,9.816099978446958,0.0,0.0,-1.215999960899353,0,62.9460001551779
+2024-04-07 10:01:39.492026,8.21487,819,-3.099809457303327,-15.569459637659756,0.0,-0.014400000683963299,0.0,0.0,-0.12964999852702022,-0.007050000894814723,9.81599997615814,0.0,0.0,-1.215999960899353,0,62.9460001551779
+2024-04-07 10:01:39.504167,8.227011,820,-3.1011634963641033,-15.570330474692181,0.0,-0.014400000683963299,0.0,0.0,-0.13074999855831265,-0.005250000879168493,9.815699978828428,0.0,0.0,-1.2109999656677246,0,62.9460001551779
+2024-04-07 10:01:39.511816,8.23466,821,-3.1011634963641033,-15.570330474692181,0.0,-0.014400000683963299,0.0,0.0,-0.1318499985150993,-0.0024500008672475593,9.816299983024596,0.0,0.0,-1.2109999656677246,0,62.9460001551779
+2024-04-07 10:01:39.521499,8.244343,822,-3.1011634963641033,-15.570330474692181,0.0,-0.014400000683963299,0.0,0.0,-0.13164999851956963,0.00044999908655882215,9.8167999753952,0.0,0.0,-1.2109999656677246,0,62.9460001551779
+2024-04-07 10:01:39.532428,8.255272,823,-3.1011634963641033,-15.570330474692181,0.0,-0.014400000683963299,0.0,0.0,-0.13154999854043126,0.0040499990060925695,9.816199971199033,0.0,0.0,-1.2109999656677246,0,62.9460001551779
+2024-04-07 10:01:39.541296,8.26414,824,-3.1011634963641033,-15.570330474692181,0.0,-0.014400000683963299,0.0,0.0,-0.1318499985523522,0.007249998934566987,9.814799967765806,0.0,0.0,-1.2109999656677246,0,62.9460001551779
+2024-04-07 10:01:39.555779,8.278623,825,-3.1027118113063614,-15.571227992036805,0.0,-0.021600000187754632,0.0,0.0,-0.13094999855384232,0.010849999077618133,9.813799973487852,0.0,0.0,-1.184999942779541,0,62.9460001551779
+2024-04-07 10:01:39.564695,8.287539,826,-3.1027118113063614,-15.571227992036805,0.0,-0.021600000187754632,0.0,0.0,-0.12984999855980278,0.014549998976290224,9.815199967384336,0.0,0.0,-1.184999942779541,0,62.9460001551779
+2024-04-07 10:01:39.572068,8.294912,827,-3.1027118113063614,-15.571227992036805,0.0,-0.021600000187754632,0.0,0.0,-0.12914999851956963,0.017349998950958262,9.815999966621398,0.0,0.0,-1.184999942779541,0,62.9460001551779
+2024-04-07 10:01:39.581888,8.304732,828,-3.1027118113063614,-15.571227992036805,0.0,-0.021600000187754632,0.0,0.0,-0.12814999854192138,0.019249998945742863,9.816299973487853,0.0,0.0,-1.184999942779541,0,62.9460001551779
+2024-04-07 10:01:39.591979,8.314823,829,-3.1044972849692742,-15.572107531970403,0.0,-0.010800000093877316,0.0,0.0,-0.12944999860599637,0.02144999897107483,9.816199971199033,0.0,0.0,-1.1929999589920044,0,62.9460001551779
+2024-04-07 10:01:39.603548,8.326392,830,-3.1044972849692742,-15.572107531970403,0.0,-0.010800000093877316,0.0,0.0,-0.12864999862387777,0.023749999050050985,9.815399971961973,0.0,0.0,-1.1929999589920044,0,62.9460001551779
+2024-04-07 10:01:39.612097,8.334941,831,-3.1044972849692742,-15.572107531970403,0.0,-0.010800000093877316,0.0,0.0,-0.1284499986283481,0.02564999898895623,9.816899977684018,0.0,0.0,-1.1929999589920044,0,62.9460001551779
+2024-04-07 10:01:39.622279,8.345123,832,-3.1044972849692742,-15.572107531970403,0.0,-0.010800000093877316,0.0,0.0,-0.1280499986372888,0.02804999900981786,9.81559997653961,0.0,0.0,-1.1929999589920044,0,62.9460001551779
+2024-04-07 10:01:39.632256,8.3551,833,-3.1064725494564476,-15.5729738221522,0.0,-0.007200000341981649,0.0,0.0,-0.12774999862536787,0.029049999024718998,9.818199969291685,0.0,0.0,-1.1749999523162842,0,62.9460001551779
+2024-04-07 10:01:39.644413,8.367257,834,-3.1064725494564476,-15.5729738221522,0.0,-0.007200000341981649,0.0,0.0,-0.12724999863654374,0.03214999897405507,9.818299971580503,0.0,0.0,-1.1749999523162842,0,62.9460001551779
+2024-04-07 10:01:39.653764,8.376608,835,-3.1064725494564476,-15.5729738221522,0.0,-0.007200000341981649,0.0,0.0,-0.1265499985963106,0.03604999898001551,9.819499970436095,0.0,0.0,-1.1749999523162842,0,62.9460001551779
+2024-04-07 10:01:39.669821,8.392665,836,-3.1086336719050327,-15.573803600912022,0.0,0.0,0.0,0.0,-0.12624999858438968,0.03874999891966582,9.819499970436095,0.0,0.0,-1.2029999494552612,0,62.9460001551779
+2024-04-07 10:01:39.672217,8.395061,837,-3.1086336719050327,-15.573803600912022,0.0,0.0,0.0,0.0,-0.12554999858140944,0.04184999886900187,9.8192999753952,0.0,0.0,-1.2029999494552612,0,62.9460001551779
+2024-04-07 10:01:39.681885,8.404729,838,-3.1086336719050327,-15.573803600912022,0.0,0.0,0.0,0.0,-0.1228499985486269,0.04434999886900187,9.820699969291685,0.0,0.0,-1.2029999494552612,0,62.9460001551779
+2024-04-07 10:01:39.692486,8.41533,839,-3.1086336719050327,-15.573803600912022,0.0,0.0,0.0,0.0,-0.12134999852627516,0.04694999892264606,9.819999972343442,0.0,0.0,-1.2029999494552612,0,62.9460001551779
+2024-04-07 10:01:39.703045,8.425889,840,-3.1109582367742488,-15.574586622883261,0.0,0.0036000001709908247,0.0,0.0,-0.11964999854564667,0.04874999899417162,9.818999968528745,0.0,0.0,-1.1979999542236328,0,62.9460001551779
+2024-04-07 10:01:39.712511,8.435355,841,-3.1109582367742488,-15.574586622883261,0.0,0.0036000001709908247,0.0,0.0,-0.1161499984562397,0.05104999892413617,9.81669996356964,0.0,0.0,-1.1979999542236328,0,62.9460001551779
+2024-04-07 10:01:39.721928,8.444772,842,-3.1109582367742488,-15.574586622883261,0.0,0.0036000001709908247,0.0,0.0,-0.11314999844878912,0.05274999894201757,9.81699996089935,0.0,0.0,-1.1979999542236328,0,62.9460001551779
+2024-04-07 10:01:39.733044,8.455888,843,-3.1109582367742488,-15.574586622883261,0.0,0.0036000001709908247,0.0,0.0,-0.10964999843388795,0.05624999906867745,9.816299963951108,0.0,0.0,-1.1979999542236328,0,62.9460001551779
+2024-04-07 10:01:39.741716,8.46456,844,-3.1109582367742488,-15.574586622883261,0.0,0.0036000001709908247,0.0,0.0,-0.10544999826699496,0.059249998964369305,9.81789996242523,0.0,0.0,-1.1979999542236328,0,62.9460001551779
+2024-04-07 10:01:39.763918,8.486762,845,-3.1134199960027145,-15.575323443442624,0.0,0.014400000683963299,0.0,0.0,-0.10214999835938215,0.060849998928606513,9.817199955940245,0.0,0.0,-1.1929999589920044,0,62.9460001551779
+2024-04-07 10:01:39.765067,8.487911,846,-3.1134199960027145,-15.575323443442624,0.0,0.014400000683963299,0.0,0.0,-0.09964999841526151,0.06274999890476465,9.816699954032897,0.0,0.0,-1.1929999589920044,0,62.9460001551779
+2024-04-07 10:01:39.772374,8.495218,847,-3.1134199960027145,-15.575323443442624,0.0,0.014400000683963299,0.0,0.0,-0.09724999837577343,0.06354999888688326,9.816699954032897,0.0,0.0,-1.1929999589920044,0,62.9460001551779
+2024-04-07 10:01:39.783281,8.506125,848,-3.1160106733630584,-15.57596785630464,0.0,0.0,0.0,0.0,-0.09524999840185046,0.06434999886900186,9.81399994945526,0.0,0.0,-1.1749999523162842,0,62.9460001551779
+2024-04-07 10:01:39.792015,8.514859,849,-3.1160106733630584,-15.57596785630464,0.0,0.0,0.0,0.0,-0.09374999839812517,0.06534999888390303,9.814299956321715,0.0,0.0,-1.1749999523162842,0,62.9460001551779
+2024-04-07 10:01:39.820957,8.543801,850,-3.1160106733630584,-15.57596785630464,0.0,0.0,0.0,0.0,-0.09354999840259552,0.06614999886602163,9.811399956703184,0.0,0.0,-1.1749999523162842,0,62.9460001551779
+2024-04-07 10:01:39.821027,8.543871,851,-3.1160106733630584,-15.57596785630464,0.0,0.0,0.0,0.0,-0.09224999833852053,0.06844999898225071,9.812599955558776,0.0,0.0,-1.1749999523162842,0,62.9460001551779
+2024-04-07 10:01:39.829075,8.551919,852,-3.1186939385100434,-15.576527015554555,0.0,0.014400000683963299,0.0,0.0,-0.08994999837130307,0.0688499990478158,9.811699954032896,0.0,0.0,-1.1799999475479126,0,62.9460001551779
+2024-04-07 10:01:39.835097,8.557941,853,-3.1186939385100434,-15.576527015554555,0.0,0.014400000683963299,0.0,0.0,-0.08794999841600656,0.06834999907761813,9.810899954795836,0.0,0.0,-1.1799999475479126,0,62.9460001551779
+2024-04-07 10:01:39.841712,8.564556,854,-3.1186939385100434,-15.576527015554555,0.0,0.014400000683963299,0.0,0.0,-0.08374999828636646,0.0672499992325902,9.811599951744078,0.0,0.0,-1.1799999475479126,0,62.9460001551779
+2024-04-07 10:01:39.869352,8.592196,855,-3.1186939385100434,-15.576527015554555,0.0,0.014400000683963299,0.0,0.0,-0.08174999833106994,0.06454999927431346,9.811399956703184,0.0,0.0,-1.1799999475479126,0,62.9460001551779
+2024-04-07 10:01:39.869483,8.592327,856,-3.1186939385100434,-15.576527015554555,0.0,0.014400000683963299,0.0,0.0,-0.07914999829605221,0.06334999907761812,9.811999960899351,0.0,0.0,-1.1799999475479126,0,62.9460001551779
+2024-04-07 10:01:39.882250,8.605094,857,-3.1214471804078707,-15.576951558551492,0.0,0.0036000001709908247,0.0,0.0,-0.07684999832883477,0.06494999919086697,9.811599961280821,0.0,0.0,-1.1799999475479126,0,62.9460001551779
+2024-04-07 10:01:39.887042,8.609886,858,-3.1214471804078707,-15.576951558551492,0.0,0.0036000001709908247,0.0,0.0,-0.07534999832510948,0.065649999268353,9.8124999628067,0.0,0.0,-1.1799999475479126,0,62.9460001551779
+2024-04-07 10:01:39.892038,8.614882,859,-3.1214471804078707,-15.576951558551492,0.0,0.0036000001709908247,0.0,0.0,-0.07154999837279319,0.06674999911338092,9.812799960136411,0.0,0.0,-1.1799999475479126,0,62.9460001551779
+2024-04-07 10:01:39.902916,8.62576,860,-3.1235390881110585,-15.577239887046906,0.0,0.0036000001709908247,0.0,0.0,-0.06994999842718244,0.0663499990478158,9.812399960517881,0.0,0.0,-1.2130000591278076,0,62.9460001551779
+2024-04-07 10:01:39.913348,8.636192,861,-3.1249374354267414,-15.577376211678926,0.0,0.0036000001709908247,0.0,0.0,-0.06724999850615859,0.06614999908953906,9.811199961662291,0.0,0.0,-1.2130000591278076,0,62.9460001551779
+2024-04-07 10:01:39.926705,8.649549,862,-3.1249374354267414,-15.577376211678926,0.0,0.0036000001709908247,0.0,0.0,-0.06584999853745102,0.06624999899417164,9.812099953651426,0.0,0.0,-1.2130000591278076,0,62.9460001551779
+2024-04-07 10:01:39.931978,8.654822,863,-3.1249374354267414,-15.577376211678926,0.0,0.0036000001709908247,0.0,0.0,-0.06504999855533242,0.06604999903589487,9.81079996204376,0.0,0.0,-1.2130000591278076,0,62.9460001551779
+2024-04-07 10:01:39.941622,8.664466,864,-3.1249374354267414,-15.577376211678926,0.0,0.0036000001709908247,0.0,0.0,-0.06584999853745102,0.06604999903589487,9.80959996318817,0.0,0.0,-1.2130000591278076,0,62.9460001551779
+2024-04-07 10:01:39.964344,8.687188,865,-3.1277347049051416,-15.577577041187327,0.0,0.010800000093877316,0.0,0.0,-0.06624999852851032,0.0655499992147088,9.80909996128082,0.0,0.0,-1.2059999704360962,0,62.9460001551779
+2024-04-07 10:01:39.965283,8.688127,866,-3.1277347049051416,-15.577577041187327,0.0,0.010800000093877316,0.0,0.0,-0.06674999851733446,0.06514999929815532,9.809899970054625,0.0,0.0,-1.2059999704360962,0,62.9460001551779
+2024-04-07 10:01:39.972610,8.695454,867,-3.1277347049051416,-15.577577041187327,0.0,0.010800000093877316,0.0,0.0,-0.06684999849647283,0.06454999927431346,9.809599972724913,0.0,0.0,-1.2059999704360962,0,62.9460001551779
+2024-04-07 10:01:39.982397,8.705241,868,-3.1277347049051416,-15.577577041187327,0.0,0.010800000093877316,0.0,0.0,-0.0665499984845519,0.06364999923855066,9.809199973106383,0.0,0.0,-1.2059999704360962,0,62.9460001551779
+2024-04-07 10:01:39.992916,8.71576,869,-3.1305136085295224,-15.57768600172076,0.0,0.0,0.0,0.0,-0.06484999852254987,0.06234999928623439,9.81019997692108,0.0,0.0,-1.1929999589920044,0,62.9460001551779
+2024-04-07 10:01:40.010422,8.733266,870,-3.1305136085295224,-15.57768600172076,0.0,0.0,0.0,0.0,-0.06414999851956964,0.062149999178946036,9.810799971580504,0.0,0.0,-1.1929999589920044,0,62.9460001551779
+2024-04-07 10:01:40.011981,8.734825,871,-3.1305136085295224,-15.57768600172076,0.0,0.0,0.0,0.0,-0.06354999849572777,0.06284999925643206,9.810399971961973,0.0,0.0,-1.1929999589920044,0,62.9460001551779
+2024-04-07 10:01:40.022576,8.74542,872,-3.1305136085295224,-15.57768600172076,0.0,0.0,0.0,0.0,-0.06254999848082662,0.06334999922662973,9.809799967765807,0.0,0.0,-1.1929999589920044,0,62.9460001551779
+2024-04-07 10:01:40.032949,8.755793,873,-3.133265589556255,-15.577712919103684,0.0,0.0,0.0,0.0,-0.06194999843835831,0.06374999929219485,9.809499960899352,0.0,0.0,-1.1729999780654907,0,62.9460001551779
+2024-04-07 10:01:40.041815,8.764659,874,-3.133265589556255,-15.577712919103684,0.0,0.0,0.0,0.0,-0.06104999845847488,0.06374999929219485,9.808399964332578,0.0,0.0,-1.1729999780654907,0,62.9460001551779
+2024-04-07 10:01:40.070774,8.793618,875,-3.133265589556255,-15.577712919103684,0.0,0.0,0.0,0.0,-0.059249998442828654,0.06264999929815532,9.808399964332578,0.0,0.0,-1.1729999780654907,0,62.9460001551779
+2024-04-07 10:01:40.070823,8.793667,876,-3.133265589556255,-15.577712919103684,0.0,0.0,0.0,0.0,-0.05774999838322401,0.0627499992027879,9.80919996356964,0.0,0.0,-1.1729999780654907,0,62.9460001551779
+2024-04-07 10:01:40.077982,8.800826,877,-3.135894149862316,-15.577541162926078,0.0,0.0,0.0,0.0,-0.05554999839514494,0.0638499990478158,9.809699965476987,0.0,0.0,-1.1480000019073486,0,62.9460001551779
+2024-04-07 10:01:40.082758,8.805602,878,-3.135894149862316,-15.577541162926078,0.0,0.0,0.0,0.0,-0.05294999845325947,0.06564999897032978,9.808999958992002,0.0,0.0,-1.1480000019073486,0,62.9460001551779
+2024-04-07 10:01:40.094572,8.817416,879,-3.135894149862316,-15.577541162926078,0.0,0.0,0.0,0.0,-0.05164999838918448,0.06754999879747631,9.808599959373472,0.0,0.0,-1.1480000019073486,0,62.9460001551779
+2024-04-07 10:01:40.102456,8.8253,880,-3.135894149862316,-15.577541162926078,0.0,0.0,0.0,0.0,-0.05054999843239784,0.06944999877363445,9.808499957084654,0.0,0.0,-1.1480000019073486,0,62.9460001551779
+2024-04-07 10:01:40.113968,8.836812,881,-3.138470013659627,-15.577315944302999,0.0,-0.0036000001709908247,0.0,0.0,-0.04934999845921993,0.07024999875575305,9.808199959754942,0.0,0.0,-1.149999976158142,0,62.9460001551779
+2024-04-07 10:01:40.121654,8.844498,882,-3.138470013659627,-15.577315944302999,0.0,-0.0036000001709908247,0.0,0.0,-0.04854999851435422,0.06994999874383212,9.808399954795835,0.0,0.0,-1.149999976158142,0,62.9460001551779
+2024-04-07 10:01:40.132339,8.855183,883,-3.138470013659627,-15.577315944302999,0.0,-0.0036000001709908247,0.0,0.0,-0.04774999851360917,0.07024999875575305,9.808499957084654,0.0,0.0,-1.149999976158142,0,62.9460001551779
+2024-04-07 10:01:40.142363,8.865207,884,-3.138470013659627,-15.577315944302999,0.0,-0.0036000001709908247,0.0,0.0,-0.046849998515099286,0.07014999870210886,9.807999955177305,0.0,0.0,-1.149999976158142,0,62.9460001551779
+2024-04-07 10:01:40.153213,8.876057,885,-3.140964935985504,-15.576993540106667,0.0,0.0,0.0,0.0,-0.046549998503178355,0.07104999873787166,9.806999951362608,0.0,0.0,-1.0889999866485596,0,62.9460001551779
+2024-04-07 10:01:40.163391,8.886235,886,-3.140964935985504,-15.576993540106667,0.0,0.0,0.0,0.0,-0.04644999844953418,0.07264999870210886,9.806299954414365,0.0,0.0,-1.0889999866485596,0,62.9460001551779
+2024-04-07 10:01:40.174254,8.897098,887,-3.140964935985504,-15.576993540106667,0.0,0.0,0.0,0.0,-0.045249998476356273,0.07434999886900187,9.80649994945526,0.0,0.0,-1.0889999866485596,0,62.9460001551779
+2024-04-07 10:01:40.182514,8.905358,888,-3.140964935985504,-15.576993540106667,0.0,0.0,0.0,0.0,-0.04334999850019812,0.07594999883323908,9.80609994983673,0.0,0.0,-1.0889999866485596,0,62.9460001551779
+2024-04-07 10:01:40.191918,8.914762,889,-3.1433430010253107,-15.576535915359095,0.0,0.014400000683963299,0.0,0.0,-0.04084999850019813,0.07744999889284374,9.80559994792938,0.0,0.0,-1.0889999866485596,0,62.9460001551779
+2024-04-07 10:01:40.202408,8.925252,890,-3.1433430010253107,-15.576535915359095,0.0,0.014400000683963299,0.0,0.0,-0.03844999857246875,0.0780499989166856,9.805699950218198,0.0,0.0,-1.0889999866485596,0,62.957000155118294
+2024-04-07 10:01:40.211826,8.93467,891,-3.1433430010253107,-15.576535915359095,0.0,0.014400000683963299,0.0,0.0,-0.03694999855011702,0.07824999887496234,9.805699950218198,0.0,0.0,-1.0889999866485596,0,62.957000155118294
+2024-04-07 10:01:40.221742,8.944586,892,-3.1433430010253107,-15.576535915359095,0.0,0.014400000683963299,0.0,0.0,-0.035049998611211775,0.08024999886751175,9.804899950981138,0.0,0.0,-1.0889999866485596,0,62.957000155118294
+2024-04-07 10:01:40.231490,8.954334,893,-3.145620241958274,-15.575977948715137,0.0,-0.0036000001709908247,0.0,0.0,-0.03354999858886004,0.08204999886453151,9.8046999464035,0.0,0.0,-1.0410000085830688,0,62.957000155118294
+2024-04-07 10:01:40.244286,8.96713,894,-3.145620241958274,-15.575977948715137,0.0,-0.0036000001709908247,0.0,0.0,-0.03274999856948853,0.08314999885857105,9.80309994792938,0.0,0.0,-1.0410000085830688,0,62.957000155118294
+2024-04-07 10:01:40.253745,8.976589,895,-3.145620241958274,-15.575977948715137,0.0,-0.0036000001709908247,0.0,0.0,-0.03274999856948853,0.08334999881684782,9.802599955558774,0.0,0.0,-1.0410000085830688,0,62.957000155118294
+2024-04-07 10:01:40.263173,8.986017,896,-3.145620241958274,-15.575977948715137,0.0,-0.0036000001709908247,0.0,0.0,-0.03304999858140946,0.08354999877512456,9.802999955177306,0.0,0.0,-1.0410000085830688,0,62.957000155118294

+ 126 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9/log.txt

@@ -0,0 +1,126 @@
+[2024-09-20 10:07:32,968] - [INFO] [pji_run_test.py] [line:42] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-20 10:07:33,289] - [ERROR] [single_case_evaluate.py] [line:57] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9] SINGLE_CASE_EVAL: Data processed ERROR: KeyError('travelDist')!]
+Traceback (most recent call last):
+  File "D:\Python\Lib\site-packages\pandas\core\indexes\base.py", line 3805, in get_loc
+    return self._engine.get_loc(casted_key)
+           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
+  File "index.pyx", line 167, in pandas._libs.index.IndexEngine.get_loc
+  File "index.pyx", line 196, in pandas._libs.index.IndexEngine.get_loc
+  File "pandas\\_libs\\hashtable_class_helper.pxi", line 7081, in pandas._libs.hashtable.PyObjectHashTable.get_item
+  File "pandas\\_libs\\hashtable_class_helper.pxi", line 7089, in pandas._libs.hashtable.PyObjectHashTable.get_item
+KeyError: 'travelDist'
+
+The above exception was the direct cause of the following exception:
+
+Traceback (most recent call last):
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\single_case_evaluate.py", line 54, in single_case_evaluate
+    data_processed = DataProcess(path, config)
+                     ^^^^^^^^^^^^^^^^^^^^^^^^^
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\data_process.py", line 60, in __init__
+    self._process()
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\data_process.py", line 72, in _process
+    self.report_info = self._get_report_info(self.obj_data[1])
+                       ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\data_process.py", line 251, in _get_report_info
+    mileage = self._mileage_cal(df)
+              ^^^^^^^^^^^^^^^^^^^^^
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\data_process.py", line 216, in _mileage_cal
+    travelDist = df['travelDist'].values.tolist()
+                 ~~^^^^^^^^^^^^^^
+  File "D:\Python\Lib\site-packages\pandas\core\frame.py", line 4102, in __getitem__
+    indexer = self.columns.get_loc(key)
+              ^^^^^^^^^^^^^^^^^^^^^^^^^
+  File "D:\Python\Lib\site-packages\pandas\core\indexes\base.py", line 3812, in get_loc
+    raise KeyError(key) from err
+KeyError: 'travelDist'
+[2024-09-20 10:07:33,290] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-20 10:07:33,290] - [ERROR] [single_case_evaluate.py] [line:146] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate ERROR: UnboundLocalError("cannot access local variable 'data_processed' where it is not associated with a value")!]
+Traceback (most recent call last):
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\single_case_evaluate.py", line 115, in single_case_evaluate
+    dimension_instance = globals()[dimension.capitalize()](data_processed, custom_data, scoreModel, path)
+                                                           ^^^^^^^^^^^^^^
+UnboundLocalError: cannot access local variable 'data_processed' where it is not associated with a value
+[2024-09-23 09:17:05,429] - [INFO] [pji_run_test.py] [line:42] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-23 09:17:05,697] - [ERROR] [single_case_evaluate.py] [line:57] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9] SINGLE_CASE_EVAL: Data processed ERROR: KeyError('travelDist')!]
+Traceback (most recent call last):
+  File "D:\Python\Lib\site-packages\pandas\core\indexes\base.py", line 3805, in get_loc
+    return self._engine.get_loc(casted_key)
+           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
+  File "index.pyx", line 167, in pandas._libs.index.IndexEngine.get_loc
+  File "index.pyx", line 196, in pandas._libs.index.IndexEngine.get_loc
+  File "pandas\\_libs\\hashtable_class_helper.pxi", line 7081, in pandas._libs.hashtable.PyObjectHashTable.get_item
+  File "pandas\\_libs\\hashtable_class_helper.pxi", line 7089, in pandas._libs.hashtable.PyObjectHashTable.get_item
+KeyError: 'travelDist'
+
+The above exception was the direct cause of the following exception:
+
+Traceback (most recent call last):
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\single_case_evaluate.py", line 54, in single_case_evaluate
+    data_processed = DataProcess(path, config)
+                     ^^^^^^^^^^^^^^^^^^^^^^^^^
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\data_process.py", line 60, in __init__
+    self._process()
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\data_process.py", line 72, in _process
+    self.report_info = self._get_report_info(self.obj_data[1])
+                       ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\data_process.py", line 251, in _get_report_info
+    mileage = self._mileage_cal(df)
+              ^^^^^^^^^^^^^^^^^^^^^
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\data_process.py", line 216, in _mileage_cal
+    travelDist = df['travelDist'].values.tolist()
+                 ~~^^^^^^^^^^^^^^
+  File "D:\Python\Lib\site-packages\pandas\core\frame.py", line 4102, in __getitem__
+    indexer = self.columns.get_loc(key)
+              ^^^^^^^^^^^^^^^^^^^^^^^^^
+  File "D:\Python\Lib\site-packages\pandas\core\indexes\base.py", line 3812, in get_loc
+    raise KeyError(key) from err
+KeyError: 'travelDist'
+[2024-09-23 09:17:05,698] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-23 09:17:05,698] - [ERROR] [single_case_evaluate.py] [line:146] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate ERROR: UnboundLocalError("cannot access local variable 'data_processed' where it is not associated with a value")!]
+Traceback (most recent call last):
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\single_case_evaluate.py", line 115, in single_case_evaluate
+    dimension_instance = globals()[dimension.capitalize()](data_processed, custom_data, scoreModel, path)
+                                                           ^^^^^^^^^^^^^^
+UnboundLocalError: cannot access local variable 'data_processed' where it is not associated with a value
+[2024-09-23 09:31:19,444] - [INFO] [pji_run_test.py] [line:41] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-23 09:31:19,766] - [ERROR] [single_case_evaluate.py] [line:57] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9] SINGLE_CASE_EVAL: Data processed ERROR: KeyError('travelDist')!]
+Traceback (most recent call last):
+  File "D:\Python\Lib\site-packages\pandas\core\indexes\base.py", line 3805, in get_loc
+    return self._engine.get_loc(casted_key)
+           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
+  File "index.pyx", line 167, in pandas._libs.index.IndexEngine.get_loc
+  File "index.pyx", line 196, in pandas._libs.index.IndexEngine.get_loc
+  File "pandas\\_libs\\hashtable_class_helper.pxi", line 7081, in pandas._libs.hashtable.PyObjectHashTable.get_item
+  File "pandas\\_libs\\hashtable_class_helper.pxi", line 7089, in pandas._libs.hashtable.PyObjectHashTable.get_item
+KeyError: 'travelDist'
+
+The above exception was the direct cause of the following exception:
+
+Traceback (most recent call last):
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\single_case_evaluate.py", line 54, in single_case_evaluate
+    data_processed = DataProcess(path, config)
+                     ^^^^^^^^^^^^^^^^^^^^^^^^^
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\data_process.py", line 60, in __init__
+    self._process()
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\data_process.py", line 72, in _process
+    self.report_info = self._get_report_info(self.obj_data[1])
+                       ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\data_process.py", line 251, in _get_report_info
+    mileage = self._mileage_cal(df)
+              ^^^^^^^^^^^^^^^^^^^^^
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\data_process.py", line 216, in _mileage_cal
+    travelDist = df['travelDist'].values.tolist()
+                 ~~^^^^^^^^^^^^^^
+  File "D:\Python\Lib\site-packages\pandas\core\frame.py", line 4102, in __getitem__
+    indexer = self.columns.get_loc(key)
+              ^^^^^^^^^^^^^^^^^^^^^^^^^
+  File "D:\Python\Lib\site-packages\pandas\core\indexes\base.py", line 3812, in get_loc
+    raise KeyError(key) from err
+KeyError: 'travelDist'
+[2024-09-23 09:31:19,767] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-23 09:31:19,767] - [ERROR] [single_case_evaluate.py] [line:146] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate ERROR: UnboundLocalError("cannot access local variable 'data_processed' where it is not associated with a value")!]
+Traceback (most recent call last):
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\single_case_evaluate.py", line 115, in single_case_evaluate
+    dimension_instance = globals()[dimension.capitalize()](data_processed, custom_data, scoreModel, path)
+                                                           ^^^^^^^^^^^^^^
+UnboundLocalError: cannot access local variable 'data_processed' where it is not associated with a value

BIN
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-01-35_obstacledetection_9/track.png


BIN
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/AngularAccelerate.png


+ 74 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/DriverCtrl_pji.csv

@@ -0,0 +1,74 @@
+Time,simTime,simFrame,tarspeedX,tarspeedY,tarspeedZ,tardimX,tardimY,tardimZ
+2024-04-07 10:32:07.056767,0.018473,1,2.519999957084656,0.0,0.0,0.0,0.0,-0.15068422257900238
+2024-04-07 10:32:07.118143,0.079849,2,2.519999957084656,0.0,0.0,0.0,0.0,-0.08526314049959183
+2024-04-07 10:32:07.235791,0.197497,3,2.519999957084656,0.0,0.0,0.0,0.0,-0.06731578707695007
+2024-04-07 10:32:07.323673,0.285379,4,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:07.426739,0.388445,5,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:07.519511,0.481217,6,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:07.611042,0.572748,7,2.519999957084656,0.0,0.0,0.0,0.0,-0.01052632462233305
+2024-04-07 10:32:07.709540,0.671246,8,2.519999957084656,0.0,0.0,0.0,0.0,-0.0010526368860155344
+2024-04-07 10:32:07.849294,0.811,9,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:07.912715,0.874421,10,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:08.029724,0.99143,11,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:08.110842,1.072548,12,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:08.207407,1.169113,13,2.519999957084656,0.0,0.0,0.0,0.0,0.028947358950972557
+2024-04-07 10:32:08.298612,1.260318,14,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:08.454174,1.41588,15,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:08.520207,1.481913,16,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:08.611105,1.572811,17,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:08.718876,1.680582,18,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:08.798971,1.760677,19,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:08.910220,1.871926,20,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:09.008738,1.970444,21,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:09.078511,2.040217,22,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:09.078525,2.040231,23,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:09.849570,2.811276,24,0.0,0.0,0.0,0.0,0.0,0.6862454758711216
+2024-04-07 10:32:09.949807,2.911513,25,0.0,0.0,0.0,0.0,0.0,0.696169410807645
+2024-04-07 10:32:10.049890,3.011596,26,0.0,0.0,0.0,0.0,0.0,0.7023914204664585
+2024-04-07 10:32:10.149741,3.111447,27,0.0,0.0,0.0,0.0,0.0,0.6929304944105503
+2024-04-07 10:32:10.251050,3.212756,28,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:10.251755,3.213461,29,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:10.731426,3.693132,30,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:32:10.826958,3.788664,31,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:32:10.924978,3.886684,32,0.0,0.0,0.0,0.0,0.0,-1.2
+2024-04-07 10:32:11.034094,3.9958,33,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:11.156267,4.117973,34,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:11.819666,4.781372,35,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:11.923565,4.885271,36,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:12.020451,4.982157,37,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:12.423125,5.384831,38,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:12.545174,5.50688,39,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:12.636240,5.597946,40,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:12.745969,5.707675,41,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:12.857161,5.818867,42,0.0,0.0,0.0,0.0,0.0,-0.8947368264198303
+2024-04-07 10:32:12.937465,5.899171,43,0.0,0.0,0.0,0.0,0.0,-0.9001578688621522
+2024-04-07 10:32:13.034808,5.996514,44,0.0,0.0,0.0,0.0,0.0,0.8018947243690491
+2024-04-07 10:32:13.141329,6.103035,45,0.0,0.0,0.0,0.0,0.0,-0.02505262196063995
+2024-04-07 10:32:13.231486,6.193192,46,0.0,0.0,0.0,0.0,0.0,0.024736830964684486
+2024-04-07 10:32:13.329747,6.291453,47,0.0,0.0,0.0,0.0,0.0,0.018421053886413574
+2024-04-07 10:32:13.426501,6.388207,48,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:13.521057,6.482763,49,0.0,0.0,0.0,0.0,0.0,0.794315755367279
+2024-04-07 10:32:13.625105,6.586811,50,0.0,0.0,0.0,0.0,0.0,0.8142105340957642
+2024-04-07 10:32:13.719124,6.68083,51,0.0,0.0,0.0,0.0,0.0,0.7955789566040039
+2024-04-07 10:32:13.821835,6.783541,52,0.08000000193715096,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:13.923515,6.885221,53,0.08000000193715096,0.0,0.0,0.0,0.0,-0.042105257511138916
+2024-04-07 10:32:14.041563,7.003269,54,0.08000000193715096,0.0,0.0,0.0,0.0,-0.0809473767876625
+2024-04-07 10:32:14.120513,7.082219,55,0.08000000193715096,0.0,0.0,0.0,0.0,-0.10994736105203629
+2024-04-07 10:32:14.229706,7.191412,56,0.08000000193715096,0.0,0.0,0.0,0.0,-0.025789467617869377
+2024-04-07 10:32:14.324904,7.28661,57,0.08000000193715096,0.0,0.0,0.0,0.0,-0.05894737318158149
+2024-04-07 10:32:14.431652,7.393358,58,0.0,0.0,0.0,0.0,0.0,-0.06542105972766875
+2024-04-07 10:32:14.524136,7.485842,59,0.0,0.0,0.0,0.0,0.0,-0.07536841183900832
+2024-04-07 10:32:14.641042,7.602748,60,0.0,0.0,0.0,0.0,0.0,0.8236842155456543
+2024-04-07 10:32:14.725541,7.687247,61,0.0,0.0,0.0,0.0,0.0,-0.10284210741519928
+2024-04-07 10:32:14.827015,7.788721,62,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:14.931088,7.892794,63,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:15.020575,7.982281,64,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:15.131786,8.093492,65,0.0,0.0,0.0,0.0,0.0,-0.09247370064258577
+2024-04-07 10:32:15.229214,8.19092,66,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:15.324931,8.286637,67,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:15.426639,8.388345,68,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:15.524814,8.48652,69,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:15.619045,8.580751,70,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:15.736716,8.698422,71,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:15.837479,8.799185,72,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:15.939618,8.901324,73,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424

+ 896 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/EgoState_pji.csv

@@ -0,0 +1,896 @@
+Time,simTime,simFrame,posX,posY,posZ,speedX,speedY,speedZ,accelX,accelY,accelZ,dimX,dimY,dimZ,obstacle,traveledDist
+32:07.1,0.028249,1,-1.727900543,-17.29629088,0,2.516400003,0,0,0.433150002,-0.080350001,9.830500003,0,0,-0.342999995,0,0
+32:07.1,0.038169,2,-1.733069691,-17.29087445,0,2.516400003,0,0,0.428250003,-0.084050001,9.832500001,0,0,-0.342999995,0,0
+32:07.1,0.050515,3,-1.738935879,-17.28466117,0,2.566799998,0,0,0.422650003,-0.085650001,9.833000003,0,0,-0.370999992,0,0
+32:07.1,0.058869,4,-1.738935879,-17.28466117,0,2.566799998,0,0,0.415950003,-0.087750001,9.828400002,0,0,-0.370999992,0,0
+32:07.1,0.067059,5,-1.738935879,-17.28466117,0,2.566799998,0,0,0.411050002,-0.090350001,9.826800004,0,0,-0.370999992,0,0
+32:07.1,0.077235,6,-1.738935879,-17.28466117,0,2.566799998,0,0,0.404750002,-0.092350001,9.829000007,0,0,-0.370999992,0,0
+32:07.1,0.085767,7,-1.76124151,-17.26083715,0,2.573999906,0,0,0.399150002,-0.093450001,9.830700007,0,0,-0.374000013,0,0
+32:07.1,0.097273,8,-1.76124151,-17.26083715,0,2.573999906,0,0,0.391350002,-0.093850001,9.828800002,0,0,-0.374000013,0,0
+32:07.1,0.107142,9,-1.76124151,-17.26083715,0,2.573999906,0,0,0.387650002,-0.095450001,9.833999997,0,0,-0.374000013,0,0
+32:07.2,0.116189,10,-1.76124151,-17.26083715,0,2.573999906,0,0,0.380850002,-0.096450001,9.8312,0,0,-0.374000013,0,0
+32:07.2,0.125587,11,-1.782882205,-17.23726165,0,2.573999906,0,0,0.375450002,-0.098250001,9.8308,0,0,-0.388999999,0,0
+32:07.2,0.13568,12,-1.782882205,-17.23726165,0,2.573999906,0,0,0.370150002,-0.100850001,9.829800006,0,0,-0.388999999,0,0
+32:07.2,0.145678,13,-1.782882205,-17.23726165,0,2.573999906,0,0,0.364550001,-0.103350001,9.831000005,0,0,-0.388999999,0,0
+32:07.2,0.155571,14,-1.782882205,-17.23726165,0,2.573999906,0,0,0.360950001,-0.104550001,9.827300006,0,0,-0.388999999,0,0
+32:07.2,0.165937,15,-1.803716785,-17.21406678,0,2.581200027,0,0,0.356450001,-0.107450001,9.8308,0,0,-0.326000005,0,69.85200011
+32:07.2,0.175878,16,-1.808602474,-17.20856049,0,2.581200027,0,0,0.352150002,-0.109850001,9.828199998,0,0,-0.326000005,0,69.85200011
+32:07.2,0.185686,17,-1.808602474,-17.20856049,0,2.581200027,0,0,0.347250002,-0.111650001,9.829399997,0,0,-0.326000005,0,69.85200011
+32:07.2,0.195676,18,-1.808602474,-17.20856049,0,2.581200027,0,0,0.341050002,-0.113450001,9.823599998,0,0,-0.326000005,0,69.85200011
+32:07.3,0.219344,19,-1.808602474,-17.20856049,0,2.581200027,0,0,0.337150002,-0.115250001,9.825199996,0,0,-0.326000005,0,69.85200011
+32:07.3,0.219388,20,-1.808602474,-17.20856049,0,2.581200027,0,0,0.332850002,-0.119450001,9.824200002,0,0,-0.326000005,0,69.85200011
+32:07.3,0.225557,21,-1.8297782,-17.1841533,0,2.588399935,0,0,0.327950001,-0.125250001,9.826900006,0,0,-0.231999993,0,69.85200011
+32:07.3,0.236229,22,-1.8297782,-17.1841533,0,2.588399935,0,0,0.325650001,-0.129150001,9.83250001,0,0,-0.231999993,0,69.85200011
+32:07.3,0.246043,23,-1.8297782,-17.1841533,0,2.588399935,0,0,0.322650001,-0.132050001,9.826800004,0,0,-0.231999993,0,69.85200011
+32:07.3,0.261221,24,-1.849954183,-17.16031628,0,2.588399935,0,0,0.319750002,-0.131050001,9.823800012,0,0,-0.231999993,0,69.85200011
+32:07.3,0.267498,25,-1.849954183,-17.16031628,0,2.588399935,0,0,0.314350002,-0.130450001,9.82830001,0,0,-0.231999993,0,69.85200011
+32:07.3,0.27611,26,-1.849954183,-17.16031628,0,2.588399935,0,0,0.313750002,-0.129350001,9.829500009,0,0,-0.231999993,0,69.85200011
+32:07.3,0.286272,27,-1.849954183,-17.16031628,0,2.588399935,0,0,0.307550002,-0.128150001,9.826400004,0,0,-0.231999993,0,69.85200011
+32:07.3,0.296068,28,-1.869755647,-17.13622202,0,2.588399935,0,0,0.304450002,-0.129150001,9.821599999,0,0,-0.231999993,0,69.85200011
+32:07.3,0.306065,29,-1.875041087,-17.12966489,0,2.610000086,0,0,0.297750002,-0.128650001,9.829300004,0,0,-0.187000006,0,69.85200011
+32:07.4,0.316167,30,-1.875041087,-17.12966489,0,2.610000086,0,0,0.293250002,-0.127550001,9.826200009,0,0,-0.187000006,0,69.85200011
+32:07.4,0.325523,31,-1.875041087,-17.12966489,0,2.610000086,0,0,0.286950002,-0.123950001,9.822300006,0,0,-0.187000006,0,69.85200011
+32:07.4,0.34741,32,-1.889096404,-17.11197242,0,2.610000086,0,0,0.279250001,-0.121650001,9.819000007,0,0,-0.187000006,0,69.85200011
+32:07.4,0.347468,33,-1.889096404,-17.11197242,0,2.610000086,0,0,0.273050002,-0.121550001,9.823100005,0,0,-0.187000006,0,69.85200011
+32:07.4,0.355712,34,-1.889096404,-17.11197242,0,2.610000086,0,0,0.266450001,-0.121450001,9.823200007,0,0,-0.187000006,0,69.85200011
+32:07.4,0.366297,35,-1.889096404,-17.11197242,0,2.610000086,0,0,0.262550001,-0.123350001,9.820200006,0,0,-0.187000006,0,69.85200011
+32:07.4,0.37625,36,-1.889096404,-17.11197242,0,2.610000086,0,0,0.256250001,-0.123350001,9.820200006,0,0,-0.187000006,0,69.85200011
+32:07.4,0.388361,37,-1.913777323,-17.07993989,0,2.548800015,0,0,0.250950002,-0.122550001,9.821800004,0,0,0,0,69.85200011
+32:07.4,0.396197,38,-1.913777323,-17.07993989,0,2.548800015,0,0,0.243950001,-0.119750001,9.818100005,0,0,0,0,69.85200011
+32:07.4,0.408148,39,-1.913777323,-17.07993989,0,2.548800015,0,0,0.239750001,-0.118850001,9.810900012,0,0,0,0,69.85200011
+32:07.5,0.418373,40,-1.913777323,-17.07993989,0,2.548800015,0,0,0.235350002,-0.117850001,9.814100009,0,0,0,0,69.85200011
+32:07.5,0.427803,41,-1.937882976,-17.04765717,0,2.548800015,0,0,0.229150002,-0.115650001,9.812100001,0,0,0,0,69.85200011
+32:07.5,0.435975,42,-1.937882976,-17.04765717,0,2.548800015,0,0,0.224750002,-0.116050001,9.815299998,0,0,0,0,69.85200011
+32:07.5,0.449344,43,-1.937882976,-17.04765717,0,2.548800015,0,0,0.216450002,-0.118950001,9.808399993,0,0,0,0,69.85200011
+32:07.5,0.458315,44,-1.937882976,-17.04765717,0,2.548800015,0,0,0.213750002,-0.119950001,9.819999991,0,0,0,0,69.85200011
+32:07.5,0.465726,45,-1.937882976,-17.04765717,0,2.548800015,0,0,0.205750001,-0.118650001,9.819099999,0,0,0,0,69.85200011
+32:07.5,0.47763,46,-1.956235204,-17.02247156,0,2.530800033,0,0,0.201950002,-0.116350001,9.8162,0,0,0.017000001,0,69.85200011
+32:07.5,0.487394,47,-1.956235204,-17.02247156,0,2.530800033,0,0,0.192450002,-0.117350001,9.814099999,0,0,0.017000001,0,69.85200011
+32:07.5,0.495957,48,-1.956235204,-17.02247156,0,2.530800033,0,0,0.189850002,-0.117950001,9.818599998,0,0,0.017000001,0,69.85200011
+32:07.5,0.506334,49,-1.956235204,-17.02247156,0,2.530800033,0,0,0.181050002,-0.117150001,9.819199992,0,0,0.017000001,0,69.85200011
+32:07.6,0.520142,50,-1.97407974,-16.99751107,0,2.501999974,0,0,0.177850001,-0.118250001,9.819899989,0,0,0.035,0,69.85200011
+32:07.6,0.527994,51,-1.978920274,-16.99071569,0,2.501999974,0,0,0.171150001,-0.118350001,9.819399987,0,0,0.079999998,0,69.85200011
+32:07.6,0.538472,52,-1.978920274,-16.99071569,0,2.501999974,0,0,0.166650001,-0.117050001,9.822799989,0,0,0.079999998,0,69.85200011
+32:07.6,0.546524,53,-1.978920274,-16.99071569,0,2.501999974,0,0,0.160550002,-0.115650001,9.819999991,0,0,0.079999998,0,69.85200011
+32:07.6,0.555543,54,-1.978920274,-16.99071569,0,2.501999974,0,0,0.155050001,-0.115250001,9.816799985,0,0,0.079999998,0,69.85200011
+32:07.6,0.565722,55,-1.995934679,-16.96640876,0,2.469599962,0,0,0.150650002,-0.112650001,9.821499988,0,0,0.105999999,0,69.85200011
+32:07.6,0.576745,56,-1.995934679,-16.96640876,0,2.469599962,0,0,0.146650002,-0.111150001,9.823399983,0,0,0.105999999,0,69.85200011
+32:07.6,0.585682,57,-1.995934679,-16.96640876,0,2.469599962,0,0,0.141450002,-0.109350001,9.824899989,0,0,0.105999999,0,69.85200011
+32:07.6,0.597186,58,-1.995934679,-16.96640876,0,2.469599962,0,0,0.136250002,-0.107450001,9.821499988,0,0,0.105999999,0,69.85200011
+32:07.6,0.605608,59,-2.01280594,-16.94204223,0,2.476800084,0,0,0.131250002,-0.105150001,9.823199979,0,0,0.097999997,0,69.85200011
+32:07.7,0.615952,60,-2.01280594,-16.94204223,0,2.476800084,0,0,0.124750002,-0.100550001,9.818799973,0,0,0.097999997,0,69.85200011
+32:07.7,0.625974,61,-2.01280594,-16.94204223,0,2.476800084,0,0,0.119750002,-0.102250001,9.814199973,0,0,0.097999997,0,69.85200011
+32:07.7,0.637428,62,-2.01280594,-16.94204223,0,2.476800084,0,0,0.113350002,-0.102850001,9.814199973,0,0,0.097999997,0,69.85200011
+32:07.7,0.646675,63,-2.029975456,-16.91708073,0,2.473199916,0,0,0.106650002,-0.103050001,9.816199981,0,0,0.090999998,0,69.85200011
+32:07.7,0.6575,64,-2.033480602,-16.9118657,0,2.473199916,0,0,0.101650002,-0.103050001,9.813299981,0,0,0.090999998,0,69.85200011
+32:07.7,0.666015,65,-2.033480602,-16.9118657,0,2.473199916,0,0,0.095550002,-0.102150001,9.813799983,0,0,0.090999998,0,69.85200011
+32:07.7,0.678605,66,-2.033480602,-16.9118657,0,2.473199916,0,0,0.091250002,-0.101050001,9.815599986,0,0,0.090999998,0,69.85200011
+32:07.7,0.686833,67,-2.033480602,-16.9118657,0,2.473199916,0,0,0.084950002,-0.100750001,9.815599986,0,0,0.090999998,0,69.85200011
+32:07.7,0.696045,68,-2.049561215,-16.88820655,0,2.469599962,0,0,0.081050002,-0.101050001,9.809599982,0,0,0.055,0,69.85200011
+32:07.7,0.705845,69,-2.049561215,-16.88820655,0,2.469599962,0,0,0.075650002,-0.103550001,9.812299987,0,0,0.055,0,69.85200011
+32:07.8,0.716797,70,-2.049561215,-16.88820655,0,2.469599962,0,0,0.072350002,-0.106050001,9.808899985,0,0,0.055,0,69.85200011
+32:07.8,0.726456,71,-2.049561215,-16.88820655,0,2.469599962,0,0,0.068150002,-0.109150002,9.812599984,0,0,0.055,0,69.85200011
+32:07.8,0.736814,72,-2.065345276,-16.86489332,0,2.466000009,0,0,0.063950002,-0.110350001,9.820799981,0,0,0,0,69.85200011
+32:07.8,0.746746,73,-2.069088832,-16.85933554,0,2.466000009,0,0,0.058950002,-0.111150001,9.81449998,0,0,0,0,69.85200011
+32:07.8,0.765007,74,-2.069088832,-16.85933554,0,2.466000009,0,0,0.055650002,-0.110050001,9.816499978,0,0,0,0,69.85200011
+32:07.8,0.766513,75,-2.069088832,-16.85933554,0,2.466000009,0,0,0.052550002,-0.109050001,9.80909998,0,0,0,0,69.85200011
+32:07.8,0.776694,76,-2.069088832,-16.85933554,0,2.466000009,0,0,0.048550002,-0.109750001,9.812999984,0,0,0,0,69.85200011
+32:07.8,0.786021,77,-2.084602284,-16.83636714,0,2.501999974,0,0,0.047650002,-0.110750001,9.807699977,0,0,0,0,69.85200011
+32:07.8,0.796782,78,-2.084602284,-16.83636714,0,2.501999974,0,0,0.045150002,-0.112450001,9.808899985,0,0,0,0,69.85200011
+32:07.8,0.806254,79,-2.084602284,-16.83636714,0,2.501999974,0,0,0.046150002,-0.112150001,9.810099984,0,0,0,0,69.85200011
+32:07.9,0.819608,80,-2.084602284,-16.83636714,0,2.501999974,0,0,0.044050002,-0.111550001,9.816399985,0,0,0,0,69.85200011
+32:07.9,0.828406,81,-2.100510455,-16.81287294,0,2.509200096,0,0,0.043150002,-0.109450001,9.819199983,0,0,-0.029999999,0,69.85200011
+32:07.9,0.836052,82,-2.100510455,-16.81287294,0,2.509200096,0,0,0.040350002,-0.107850001,9.813899976,0,0,-0.029999999,0,69.85200011
+32:07.9,0.863695,83,-2.100510455,-16.81287294,0,2.509200096,0,0,0.038550002,-0.106750001,9.819299975,0,0,-0.029999999,0,69.85200011
+32:07.9,0.865814,84,-2.100510455,-16.81287294,0,2.509200096,0,0,0.037450002,-0.105750001,9.820499974,0,0,-0.029999999,0,69.85200011
+32:07.9,0.873715,85,-2.119146104,-16.78522435,0,2.530800033,0,0,0.033950002,-0.105650001,9.817599975,0,0,-0.025,0,69.85200011
+32:07.9,0.876067,86,-2.119146104,-16.78522435,0,2.530800033,0,0,0.031850002,-0.103050001,9.810899974,0,0,-0.025,0,69.85200011
+32:07.9,0.88588,87,-2.122638169,-16.78000687,0,2.530800033,0,0,0.028050002,-0.100150001,9.81449998,0,0,-0.025,0,69.85200011
+32:07.9,0.896446,88,-2.125874217,-16.77514707,0,2.530800033,0,0,0.025350002,-0.099850001,9.811699983,0,0,-0.025,0,69.85200011
+32:07.9,0.906627,89,-2.125874217,-16.77514707,0,2.530800033,0,0,0.021950003,-0.098350001,9.808499976,0,0,-0.025,0,69.85200011
+32:08.0,0.919142,90,-2.125874217,-16.77514707,0,2.530800033,0,0,0.019350003,-0.096650001,9.814099971,0,0,-0.025,0,69.85200011
+32:08.0,0.927725,91,-2.125874217,-16.77514707,0,2.530800033,0,0,0.016650003,-0.092250001,9.805299979,0,0,-0.025,0,69.85200011
+32:08.0,0.93673,92,-2.137325336,-16.75820384,0,2.563200045,0,0,0.015350003,-0.090650001,9.812699977,0,0,0,0,69.85200011
+32:08.0,0.946418,93,-2.137325336,-16.75820384,0,2.563200045,0,0,0.013450003,-0.088150001,9.809399978,0,0,0,0,69.85200011
+32:08.0,0.966306,94,-2.137325336,-16.75820384,0,2.563200045,0,0,0.009250003,-0.086050001,9.815099975,0,0,0,0,69.85200011
+32:08.0,0.971004,95,-2.137325336,-16.75820384,0,2.563200045,0,0,0.008550002,-0.082150001,9.808599978,0,0,0,0,69.85200011
+32:08.0,0.97695,96,-2.152590143,-16.73570428,0,2.563200045,0,0,0.005750002,-0.078850001,9.799299975,0,0,-0.029999999,0,69.85200011
+32:08.0,0.986496,97,-2.152590143,-16.73570428,0,2.563200045,0,0,0.001750003,-0.074650001,9.807599975,0,0,-0.029999999,0,69.85200011
+32:08.0,0.996961,98,-2.152590143,-16.73570428,0,2.563200045,0,0,-0.000749997,-0.072750001,9.800599977,0,0,-0.029999999,0,69.85200011
+32:08.0,1.009839,99,-2.167344427,-16.71399416,0,2.530800033,0,0,-0.003749998,-0.071650001,9.800699969,0,0,-0.029999999,0,69.85200011
+32:08.1,1.019611,100,-2.167344427,-16.71399416,0,2.530800033,0,0,-0.006049998,-0.069150001,9.796499969,0,0,-0.029999999,0,69.85200011
+32:08.1,1.028103,101,-2.167344427,-16.71399416,0,2.530800033,0,0,-0.009049998,-0.066450001,9.805399962,0,0,-0.029999999,0,69.85200011
+32:08.1,1.039609,102,-2.167344427,-16.71399416,0,2.530800033,0,0,-0.011649998,-0.063250001,9.801099969,0,0,-0.029999999,0,69.85200011
+32:08.1,1.049487,103,-2.167344427,-16.71399416,0,2.530800033,0,0,-0.013749998,-0.062450001,9.799999972,0,0,-0.029999999,0,69.85200011
+32:08.1,1.061774,104,-2.181349461,-16.69343684,0,2.530800033,0,0,-0.015249998,-0.062150001,9.81199997,0,0,-0.032000002,0,69.85200011
+32:08.1,1.067853,105,-2.181349461,-16.69343684,0,2.530800033,0,0,-0.018449998,-0.059450001,9.812199965,0,0,-0.032000002,0,69.85200011
+32:08.1,1.082992,106,-2.181349461,-16.69343684,0,2.530800033,0,0,-0.019549998,-0.059050001,9.812199965,0,0,-0.032000002,0,69.85200011
+32:08.1,1.087381,107,-2.181349461,-16.69343684,0,2.530800033,0,0,-0.022349998,-0.056650001,9.811499969,0,0,-0.032000002,0,69.85200011
+32:08.1,1.110396,108,-2.19539296,-16.67299231,0,2.534399986,0,0,-0.024449998,-0.055050001,9.816499969,0,0,-0.02,0,69.85200011
+32:08.1,1.110601,109,-2.19539296,-16.67299231,0,2.534399986,0,0,-0.026849998,-0.052450001,9.808699971,0,0,-0.02,0,69.85200011
+32:08.2,1.119429,110,-2.19539296,-16.67299231,0,2.534399986,0,0,-0.028449998,-0.049650001,9.808899966,0,0,-0.02,0,69.85200011
+32:08.2,1.128777,111,-2.21008425,-16.65182781,0,2.552399969,0,0,-0.030249998,-0.047950001,9.817299968,0,0,-0.045000002,0,69.85200011
+32:08.2,1.136955,112,-2.21008425,-16.65182781,0,2.552399969,0,0,-0.033449998,-0.045050001,9.818899966,0,0,-0.045000002,0,69.85200011
+32:08.2,1.150772,113,-2.21008425,-16.65182781,0,2.552399969,0,0,-0.033749998,-0.043050001,9.81279996,0,0,-0.045000002,0,69.85200011
+32:08.2,1.169425,114,-2.21008425,-16.65182781,0,2.552399969,0,0,-0.037249998,-0.040250001,9.811999961,0,0,-0.045000002,0,70.55100011
+32:08.2,1.169448,115,-2.21008425,-16.65182781,0,2.552399969,0,0,-0.039149998,-0.037350001,9.819799968,0,0,-0.045000002,0,70.55100011
+32:08.2,1.180663,116,-2.224911536,-16.63061083,0,2.527200079,0,0,-0.042449998,-0.034150001,9.831299973,0,0,0,0,70.55100011
+32:08.2,1.189927,117,-2.224911536,-16.63061083,0,2.527200079,0,0,-0.045149998,-0.031050001,9.826499969,0,0,0,0,70.55100011
+32:08.2,1.210571,118,-2.239338997,-16.61016771,0,2.487599945,0,0,-0.044949998,-0.028750001,9.83489997,0,0,0.029999999,0,70.55100011
+32:08.3,1.214763,119,-2.239338997,-16.61016771,0,2.487599945,0,0,-0.048649998,-0.026250001,9.83529997,0,0,0.029999999,0,70.55100011
+32:08.3,1.218803,120,-2.239338997,-16.61016771,0,2.487599945,0,0,-0.048349998,-0.024150001,9.836499969,0,0,0.029999999,0,70.55100011
+32:08.3,1.227061,121,-2.239338997,-16.61016771,0,2.487599945,0,0,-0.049249998,-0.019650001,9.834399968,0,0,0.029999999,0,70.55100011
+32:08.3,1.236468,122,-2.239338997,-16.61016771,0,2.487599945,0,0,-0.052049998,-0.016950001,9.838699962,0,0,0.029999999,0,70.55100011
+32:08.3,1.246614,123,-2.239338997,-16.61016771,0,2.487599945,0,0,-0.052449998,-0.014150001,9.843999969,0,0,0.029999999,0,70.55100011
+32:08.3,1.256515,124,-2.253985647,-16.58956187,0,2.498400021,0,0,-0.055249998,-0.012050001,9.839999963,0,0,0.052999999,0,70.55100011
+32:08.3,1.266069,125,-2.253985647,-16.58956187,0,2.498400021,0,0,-0.053149998,-0.010650001,9.835799962,0,0,0.052999999,0,70.55100011
+32:08.3,1.276063,126,-2.253985647,-16.58956187,0,2.498400021,0,0,-0.055249998,-0.011350001,9.83779996,0,0,0.052999999,0,70.55100011
+32:08.3,1.303868,127,-2.253985647,-16.58956187,0,2.498400021,0,0,-0.052549998,-0.013250001,9.84029996,0,0,0.052999999,0,70.55100011
+32:08.3,1.30528,128,-2.257216377,-16.58503788,0,2.498400021,0,0,-0.052849998,-0.012050001,9.847599965,0,0,0.052999999,0,70.55100011
+32:08.3,1.308155,129,-2.268402926,-16.56948248,0,2.469599962,0,0,-0.049949998,-0.012950001,9.843299962,0,0,0.035,0,70.55100011
+32:08.4,1.318245,130,-2.268402926,-16.56948248,0,2.469599962,0,0,-0.048449998,-0.013650001,9.845599957,0,0,0.035,0,70.55100011
+32:08.4,1.326459,131,-2.268402926,-16.56948248,0,2.469599962,0,0,-0.045749998,-0.015650001,9.844399959,0,0,0.035,0,70.55100011
+32:08.4,1.340072,132,-2.284245471,-16.5476706,0,2.455199933,0,0,-0.041749998,-0.018050001,9.850099956,0,0,0.063000001,0,70.55100011
+32:08.4,1.349617,133,-2.284245471,-16.5476706,0,2.455199933,0,0,-0.037349998,-0.016550001,9.846899959,0,0,0.063000001,0,70.55100011
+32:08.4,1.376681,134,-2.284245471,-16.5476706,0,2.455199933,0,0,-0.034349998,-0.018550001,9.84109995,0,0,0.063000001,0,70.55100011
+32:08.4,1.376715,135,-2.284245471,-16.5476706,0,2.455199933,0,0,-0.031349998,-0.017650001,9.844399949,0,0,0.063000001,0,70.55100011
+32:08.4,1.376786,136,-2.284245471,-16.5476706,0,2.455199933,0,0,-0.030149998,-0.016950001,9.85069995,0,0,0.063000001,0,70.55100011
+32:08.4,1.387299,137,-2.298698825,-16.52792904,0,2.480400038,0,0,-0.028149998,-0.017850001,9.850099946,0,0,0.041999999,0,70.55100011
+32:08.4,1.398442,138,-2.298698825,-16.52792904,0,2.480400038,0,0,-0.025949998,-0.018850001,9.847599946,0,0,0.041999999,0,70.55100011
+32:08.5,1.416032,139,-2.298698825,-16.52792904,0,2.480400038,0,0,-0.025449998,-0.020250001,9.851599942,0,0,0.041999999,0,70.55100011
+32:08.5,1.417624,140,-2.313371653,-16.50809317,0,2.523599911,0,0,-0.025649998,-0.019250001,9.855699941,0,0,0,0,70.55100011
+32:08.5,1.426968,141,-2.313371653,-16.50809317,0,2.523599911,0,0,-0.024749998,-0.021150001,9.857099944,0,0,0,0,70.55100011
+32:08.5,1.439015,142,-2.313371653,-16.50809317,0,2.523599911,0,0,-0.024349998,-0.021050001,9.851599942,0,0,0,0,70.55100011
+32:08.5,1.480414,143,-2.32830328,-16.48807759,0,2.541599894,0,0,-0.024249998,-0.019150001,9.856199943,0,0,0.017000001,0,70.55100011
+32:08.5,1.480986,144,-2.32830328,-16.48807759,0,2.541599894,0,0,-0.023249998,-0.020350001,9.855999948,0,0,0.017000001,0,70.55100011
+32:08.5,1.481065,145,-2.32830328,-16.48807759,0,2.541599894,0,0,-0.024249998,-0.021650001,9.854799949,0,0,0.017000001,0,70.55100011
+32:08.5,1.481297,146,-2.32830328,-16.48807759,0,2.541599894,0,0,-0.022849998,-0.023750001,9.853699943,0,0,0.017000001,0,70.55100011
+32:08.5,1.486688,147,-2.32830328,-16.48807759,0,2.541599894,0,0,-0.022449998,-0.022950001,9.852099935,0,0,0.017000001,0,70.55100011
+32:08.5,1.506265,148,-2.343306521,-16.46813577,0,2.527200079,0,0,-0.021349998,-0.021750001,9.854499942,0,0,0,0,70.55100011
+32:08.5,1.508275,149,-2.343306521,-16.46813577,0,2.527200079,0,0,-0.021349998,-0.020850001,9.852199946,0,0,0,0,70.55100011
+32:08.6,1.522408,150,-2.343306521,-16.46813577,0,2.527200079,0,0,-0.020949998,-0.018450001,9.854399949,0,0,0,0,70.55100011
+32:08.6,1.526607,151,-2.343306521,-16.46813577,0,2.527200079,0,0,-0.020349998,-0.016550001,9.852999946,0,0,0,0,70.55100011
+32:08.6,1.537858,152,-2.359423311,-16.44673262,0,2.519999957,0,0,-0.019549998,-0.016150001,9.847999946,0,0,0,0,70.55100011
+32:08.6,1.551939,153,-2.359423311,-16.44673262,0,2.519999957,0,0,-0.018449998,-0.016550001,9.850899945,0,0,0,0,70.55100011
+32:08.6,1.558009,154,-2.359423311,-16.44673262,0,2.519999957,0,0,-0.016149998,-0.018250001,9.854999944,0,0,0,0,70.55100011
+32:08.6,1.566395,155,-2.359423311,-16.44673262,0,2.519999957,0,0,-0.014449998,-0.022050001,9.853199941,0,0,0,0,70.55100011
+32:08.6,1.577116,156,-2.37793007,-16.42252548,0,2.516400003,0,0,-0.014649998,-0.022450001,9.853299943,0,0,0.029999999,0,70.55100011
+32:08.6,1.588652,157,-2.37793007,-16.42252548,0,2.516400003,0,0,-0.013149998,-0.023950001,9.854099942,0,0,0.029999999,0,70.55100011
+32:08.6,1.599028,158,-2.37793007,-16.42252548,0,2.516400003,0,0,-0.013749998,-0.025450001,9.853399936,0,0,0.029999999,0,70.55100011
+32:08.6,1.606865,159,-2.37793007,-16.42252548,0,2.516400003,0,0,-0.011249998,-0.028150001,9.852799941,0,0,0.029999999,0,70.55100011
+32:08.7,1.616471,160,-2.39361987,-16.40197987,0,2.516400003,0,0,-0.010949998,-0.032050001,9.851399938,0,0,0,0,70.55100011
+32:08.7,1.626955,161,-2.397444692,-16.39698559,0,2.516400003,0,0,-0.008549998,-0.032650001,9.852499934,0,0,0,0,70.55100011
+32:08.7,1.656581,162,-2.397444692,-16.39698559,0,2.516400003,0,0,-0.007049998,-0.034050001,9.850699931,0,0,0,0,70.55100011
+32:08.7,1.656604,163,-2.397444692,-16.39698559,0,2.516400003,0,0,-0.006149998,-0.035450001,9.849499923,0,0,0,0,70.55100011
+32:08.7,1.661862,164,-2.40911066,-16.38177656,0,2.534399986,0,0,-0.007049998,-0.035550001,9.852099925,0,0,0,0,70.55100011
+32:08.7,1.668695,165,-2.40911066,-16.38177656,0,2.534399986,0,0,-0.007449998,-0.036750001,9.847799922,0,0,0,0,70.55100011
+32:08.7,1.676256,166,-2.40911066,-16.38177656,0,2.534399986,0,0,-0.007549998,-0.039750001,9.84689992,0,0,0,0,70.55100011
+32:08.7,1.686753,167,-2.40911066,-16.38177656,0,2.534399986,0,0,-0.008149998,-0.038850001,9.848399917,0,0,0,0,70.55100011
+32:08.7,1.697713,168,-2.40911066,-16.38177656,0,2.534399986,0,0,-0.009049998,-0.039950001,9.856299916,0,0,0,0,70.55100011
+32:08.7,1.706275,169,-2.424131517,-16.36228226,0,2.530800033,0,0,-0.009049998,-0.039150001,9.854499913,0,0,-0.029999999,0,70.55100011
+32:08.8,1.717261,170,-2.424131517,-16.36228226,0,2.530800033,0,0,-0.011749998,-0.036050001,9.856399909,0,0,-0.029999999,0,70.55100011
+32:08.8,1.726243,171,-2.424131517,-16.36228226,0,2.530800033,0,0,-0.013549998,-0.035550001,9.852499906,0,0,-0.029999999,0,70.55100011
+32:08.8,1.742557,172,-2.43996161,-16.34174343,0,2.534399986,0,0,-0.013849998,-0.034150001,9.848799907,0,0,0,0,70.55100011
+32:08.8,1.753209,173,-2.43996161,-16.34174343,0,2.534399986,0,0,-0.015949998,-0.033950001,9.855799905,0,0,0,0,70.55100011
+32:08.8,1.760106,174,-2.43996161,-16.34174343,0,2.534399986,0,0,-0.015649998,-0.033350001,9.848299905,0,0,0,0,70.55100011
+32:08.8,1.768642,175,-2.43996161,-16.34174343,0,2.534399986,0,0,-0.017649998,-0.033750001,9.852899896,0,0,0,0,70.55100011
+32:08.8,1.776625,176,-2.43996161,-16.34174343,0,2.534399986,0,0,-0.017549998,-0.032450001,9.848599893,0,0,0,0,70.55100011
+32:08.8,1.7923,177,-2.455401868,-16.32177968,0,2.523599911,0,0,-0.020349998,-0.031250001,9.8555999,0,0,0.017000001,0,70.55100011
+32:08.8,1.800997,178,-2.455401868,-16.32177968,0,2.523599911,0,0,-0.021649998,-0.028350001,9.850299893,0,0,0.017000001,0,70.55100011
+32:08.8,1.80696,179,-2.455401868,-16.32177968,0,2.523599911,0,0,-0.025549998,-0.026350001,9.847199899,0,0,0.017000001,0,70.55100011
+32:08.9,1.819625,180,-2.455401868,-16.32177968,0,2.523599911,0,0,-0.027649998,-0.026050001,9.843699904,0,0,0.017000001,0,70.55100011
+32:08.9,1.827329,181,-2.471527021,-16.30090261,0,2.51280005,0,0,-0.030449998,-0.028250001,9.841599904,0,0,0.015,0,70.55100011
+32:08.9,1.838727,182,-2.471527021,-16.30090261,0,2.51280005,0,0,-0.029349998,-0.030550001,9.841999904,0,0,0.015,0,70.55100011
+32:08.9,1.84938,183,-2.471527021,-16.30090261,0,2.51280005,0,0,-0.030549998,-0.030550001,9.840299903,0,0,0.015,0,70.55100011
+32:08.9,1.85664,184,-2.471527021,-16.30090261,0,2.51280005,0,0,-0.031349998,-0.031050001,9.841599904,0,0,0.015,0,70.55100011
+32:08.9,1.866703,185,-2.487712245,-16.27995167,0,2.498400021,0,0,-0.031749998,-0.030950001,9.841999904,0,0,0.050000001,0,70.55100011
+32:08.9,1.876789,186,-2.487712245,-16.27995167,0,2.498400021,0,0,-0.029849998,-0.033350001,9.839599906,0,0,0.050000001,0,70.55100011
+32:08.9,1.886677,187,-2.487712245,-16.27995167,0,2.498400021,0,0,-0.027149998,-0.037250001,9.838899899,0,0,0.050000001,0,70.55100011
+32:08.9,1.901679,188,-2.50385719,-16.25905026,0,2.498400021,0,0,-0.024649998,-0.037850001,9.839199897,0,0,-0.015,0,70.55100011
+32:08.9,1.907122,189,-2.50385719,-16.25905026,0,2.498400021,0,0,-0.021849998,-0.039950001,9.842599898,0,0,-0.015,0,70.55100011
+32:09.0,1.917023,190,-2.50385719,-16.25905026,0,2.498400021,0,0,-0.019449998,-0.040350001,9.839399901,0,0,-0.015,0,70.55100011
+32:09.0,1.927672,191,-2.50385719,-16.25905026,0,2.498400021,0,0,-0.017749998,-0.041850001,9.849099895,0,0,-0.015,0,70.55100011
+32:09.0,1.938045,192,-2.50385719,-16.25905026,0,2.498400021,0,0,-0.016649998,-0.040650001,9.84679989,0,0,-0.015,0,70.55100011
+32:09.0,1.94875,193,-2.520428514,-16.23756277,0,2.501999974,0,0,-0.015249998,-0.040950001,9.843999892,0,0,0,0,70.55100011
+32:09.0,1.957109,194,-2.520428514,-16.23756277,0,2.501999974,0,0,-0.013649998,-0.043850001,9.841399899,0,0,0,0,70.55100011
+32:09.0,1.967604,195,-2.520428514,-16.23756277,0,2.501999974,0,0,-0.014249998,-0.045050001,9.8430999,0,0,0,0,70.55100011
+32:09.0,1.977403,196,-2.520428514,-16.23756277,0,2.501999974,0,0,-0.014449998,-0.045950001,9.847199899,0,0,0,0,70.55100011
+32:09.0,1.98725,197,-2.537184841,-16.21581322,0,2.552399969,0,0,-0.015149998,-0.046050001,9.839699899,0,0,0,0,70.55100011
+32:09.0,2.000402,198,-2.537184841,-16.21581322,0,2.552399969,0,0,-0.017049998,-0.043750001,9.839799901,0,0,0,0,70.55100011
+32:09.0,2.008418,199,-2.537184841,-16.21581322,0,2.552399969,0,0,-0.016149998,-0.041050001,9.838999902,0,0,0,0,70.55100011
+32:09.1,2.017477,200,-2.537184841,-16.21581322,0,2.552399969,0,0,-0.017249998,-0.039450001,9.8380999,0,0,0,0,70.55100011
+32:09.1,2.027038,201,-2.554054096,-16.19392854,0,2.53799994,0,0,-0.017249998,-0.038850001,9.836699906,0,0,0,0,70.55100011
+32:09.1,2.040177,202,-2.554054096,-16.19392854,0,2.53799994,0,0,-0.017349998,-0.037650001,9.837799903,0,0,0,0,70.55100011
+32:09.1,2.050932,203,-2.554054096,-16.19392854,0,2.53799994,0,0,-0.016549998,-0.034650001,9.836199895,0,0,0,0,70.55100011
+32:09.1,2.057561,204,-2.554054096,-16.19392854,0,2.53799994,0,0,-0.013349998,-0.032750001,9.829799901,0,0,0,0,70.55100011
+32:09.1,2.067313,205,-2.570448803,-16.17258599,0,2.491199899,0,0,-0.014349998,-0.032250001,9.834199906,0,0,0.037,0,70.55100011
+32:09.1,2.076535,206,-2.570448803,-16.17258599,0,2.491199899,0,0,-0.011849998,-0.030850001,9.830099898,0,0,0.037,0,70.55100011
+32:09.1,2.086973,207,-2.570448803,-16.17258599,0,2.491199899,0,0,-0.011749998,-0.030750001,9.824299899,0,0,0.037,0,70.55100011
+32:09.1,2.09836,208,-2.586760057,-16.15128181,0,2.491199899,0,0,-0.012149998,-0.031550001,9.824399901,0,0,0.055,0,70.55100011
+32:09.1,2.108158,209,-2.586760057,-16.15128181,0,2.491199899,0,0,-0.015149998,-0.033550001,9.829699899,0,0,0.055,0,70.55100011
+32:09.2,2.118142,210,-2.586760057,-16.15128181,0,2.491199899,0,0,-0.019249998,-0.038350001,9.824999906,0,0,0.055,0,70.55100011
+32:09.2,2.127751,211,-2.586760057,-16.15128181,0,2.491199899,0,0,-0.025949998,-0.040150001,9.820099908,0,0,0.055,0,70.55100011
+32:09.2,2.13837,212,-2.603276186,-16.12965711,0,2.462400055,0,0,-0.031149998,-0.043150001,9.823999911,0,0,0.052999999,0,70.55100011
+32:09.2,2.148147,213,-2.603276186,-16.12965711,0,2.462400055,0,0,-0.039149998,-0.044750001,9.826799918,0,0,0.052999999,0,70.55100011
+32:09.2,2.170862,214,-2.603276186,-16.12965711,0,2.462400055,0,0,-0.044449998,-0.046550001,9.832199918,0,0,0.052999999,0,70.55100011
+32:09.2,2.170925,215,-2.603276186,-16.12965711,0,2.462400055,0,0,-0.049849998,-0.049450001,9.824699918,0,0,0.052999999,0,70.55100011
+32:09.2,2.177694,216,-2.603276186,-16.12965711,0,2.462400055,0,0,-0.054649998,-0.050350001,9.820999909,0,0,0.052999999,0,70.55100011
+32:09.2,2.187782,217,-2.619733264,-16.10805478,0,2.282400012,0,0,-0.059249998,-0.053650001,9.816799909,0,0,0.015,0,70.55100011
+32:09.2,2.20764,218,-2.619733264,-16.10805478,0,2.282400012,0,0,-0.064849998,-0.055150001,9.811599904,0,0,0.015,0,70.55100011
+32:09.2,2.211165,219,-2.619733264,-16.10805478,0,2.282400012,0,0,-0.070949998,-0.056450001,9.814599906,0,0,0.015,0,70.55100011
+32:09.3,2.219818,220,-2.619733264,-16.10805478,0,2.282400012,0,0,-0.078449998,-0.057550001,9.815299903,0,0,0.015,0,70.55100011
+32:09.3,2.227684,221,-2.635941302,-16.08671971,0,1.475999987,0,0,-0.086649998,-0.057150001,9.815099898,0,0,-0.063000001,0,70.55100011
+32:09.3,2.237693,222,-2.635941302,-16.08671971,0,1.475999987,0,0,-0.091749998,-0.057950001,9.801199904,0,0,-0.063000001,0,70.55100011
+32:09.3,2.247675,223,-2.635941302,-16.08671971,0,1.475999987,0,0,-0.101649998,-0.057550001,9.806199904,0,0,-0.063000001,0,70.55100011
+32:09.3,2.259663,224,-2.635941302,-16.08671971,0,1.475999987,0,0,-0.108949998,-0.056350002,9.812199908,0,0,-0.063000001,0,70.55100011
+32:09.3,2.267437,225,-2.650922874,-16.06690898,0,0.597599977,0,0,-0.120149998,-0.056450002,9.810299903,0,0,-0.184,0,70.55100011
+32:09.3,2.276938,226,-2.650922874,-16.06690898,0,0.597599977,0,0,-0.130149998,-0.054650002,9.804499904,0,0,-0.184,0,70.55100011
+32:09.3,2.288242,227,-2.650922874,-16.06690898,0,0.597599977,0,0,-0.141649998,-0.053650002,9.806499902,0,0,-0.184,0,70.55100011
+32:09.3,2.301881,228,-2.657745774,-16.05785433,0,0.597599977,0,0,-0.151349998,-0.052150002,9.804099895,0,0,-0.184,0,70.55100011
+32:09.3,2.308094,229,-2.66405257,-16.04947792,0,-0.086400001,0,0,-0.161349998,-0.051950002,9.802299891,0,0,-0.136000007,0,70.55100011
+32:09.4,2.317947,230,-2.66405257,-16.04947792,0,-0.086400001,0,0,-0.171449998,-0.053550002,9.801699897,0,0,-0.136000007,2,70.55100011
+32:09.4,2.327532,231,-2.66405257,-16.04947792,0,-0.086400001,0,0,-0.181649998,-0.054050002,9.806399899,0,0,-0.136000007,2,70.55100011
+32:09.4,2.339254,232,-2.674823328,-16.03515432,0,-0.180000003,0,0,-0.190549998,-0.054650002,9.804699908,0,0,0.017000001,2,70.55100011
+32:09.4,2.347696,233,-2.674823328,-16.03515432,0,-0.180000003,0,0,-0.200049998,-0.056350002,9.8005999,0,0,0.017000001,2,70.55100011
+32:09.4,2.36444,234,-2.674823328,-16.03515432,0,-0.180000003,0,0,-0.208649998,-0.057350002,9.804299909,0,0,0.017000001,2,70.55100011
+32:09.4,2.368104,235,-2.674823328,-16.03515432,0,-0.180000003,0,0,-0.216949998,-0.058550002,9.806699916,0,0,0.017000001,2,70.55100011
+32:09.4,2.376976,236,-2.674823328,-16.03515432,0,-0.180000003,0,0,-0.224149999,-0.059750002,9.807799912,0,0,0.017000001,2,70.55100011
+32:09.4,2.38759,237,-2.683723995,-16.0233576,0,-0.147600004,0,0,-0.230949998,-0.060050002,9.804799911,0,0,0.025,2,70.55100011
+32:09.4,2.4,238,-2.683723995,-16.0233576,0,-0.147600004,0,0,-0.239049998,-0.060550002,9.807199908,0,0,0.025,2,70.55100011
+32:09.4,2.408617,239,-2.683723995,-16.0233576,0,-0.147600004,0,0,-0.246449998,-0.058850002,9.808699904,0,0,0.025,2,70.55100011
+32:09.5,2.423447,240,-2.689022816,-16.01633635,0,-0.118799999,0,0,-0.253749998,-0.058850002,9.805399905,0,0,-0.017000001,1,70.55100011
+32:09.5,2.429801,241,-2.690551833,-16.01431043,0,-0.118799999,0,0,-0.262149999,-0.058150002,9.804699908,0,0,-0.017000001,1,70.55100011
+32:09.5,2.438728,242,-2.690551833,-16.01431043,0,-0.118799999,0,0,-0.270149998,-0.057850002,9.802299911,0,0,-0.017000001,1,70.55100011
+32:09.5,2.449407,243,-2.690551833,-16.01431043,0,-0.118799999,0,0,-0.277649998,-0.059250002,9.802499915,0,0,-0.017000001,1,70.55100011
+32:09.5,2.461199,244,-2.694707609,-16.00882908,0,-0.071999998,0,0,-0.287349998,-0.059050002,9.797599917,0,0,0.115999997,1,70.55100011
+32:09.5,2.468613,245,-2.695918203,-16.00723755,0,-0.071999998,0,0,-0.293449998,-0.059350002,9.796399909,0,0,0.115999997,1,70.55100011
+32:09.5,2.477199,246,-2.695918203,-16.00723755,0,-0.071999998,0,0,-0.302249998,-0.059550002,9.797499915,0,0,0.115999997,1,70.55100011
+32:09.5,2.487202,247,-2.695918203,-16.00723755,0,-0.071999998,0,0,-0.309549998,-0.059850002,9.800099917,0,0,0.115999997,1,70.55100011
+32:09.5,2.497972,248,-2.695918203,-16.00723755,0,-0.071999998,0,0,-0.317949998,-0.061550002,9.798999911,0,0,0.115999997,1,70.55100011
+32:09.5,2.510084,249,-2.699508054,-16.00252395,0,0,0,0,-0.325149998,-0.062750002,9.797899905,0,0,0,1,70.55100011
+32:09.6,2.517261,250,-2.699508054,-16.00252395,0,0,0,0,-0.332749998,-0.064250001,9.796199904,0,0,0,1,70.55100011
+32:09.6,2.528569,251,-2.699508054,-16.00252395,0,0,0,0,-0.341049998,-0.066250001,9.80019991,0,0,0,1,70.55100011
+32:09.6,2.537236,252,-2.699508054,-16.00252395,0,0,0,0,-0.347549998,-0.067750001,9.801899911,0,0,0,1,70.55100011
+32:09.6,2.548663,253,-2.701963408,-15.99936206,0,-0.046800001,0,0,-0.355449998,-0.068450001,9.799999906,0,0,0.078000002,1,70.55100011
+32:09.6,2.56165,254,-2.701963408,-15.99936206,0,-0.046800001,0,0,-0.363949998,-0.067650001,9.798399907,0,0,0.078000002,1,70.55100011
+32:09.6,2.573594,255,-2.701963408,-15.99936206,0,-0.046800001,0,0,-0.374449998,-0.065850001,9.800799905,0,0,0.078000002,1,70.55100011
+32:09.6,2.580535,256,-2.702847315,-15.9982719,0,-0.0792,0,0,-0.382749998,-0.067650001,9.795899907,0,0,0.126000002,1,70.55100011
+32:09.6,2.587753,257,-2.702847315,-15.9982719,0,-0.0792,0,0,-0.390449998,-0.068250001,9.794099904,0,0,0.126000002,1,71.25400012
+32:09.6,2.599408,258,-2.702847315,-15.9982719,0,-0.0792,0,0,-0.399349998,-0.068150001,9.799899903,0,0,0.126000002,1,71.25400012
+32:09.6,2.610823,259,-2.702847315,-15.9982719,0,-0.0792,0,0,-0.410549998,-0.067950001,9.800799905,0,0,0.126000002,1,71.25400012
+32:09.7,2.617403,260,-2.702847315,-15.9982719,0,-0.0792,0,0,-0.419949998,-0.066850001,9.798999911,0,0,0.126000002,1,71.25400012
+32:09.7,2.62823,261,-2.702910635,-15.99831522,0,0,0,0,-0.430949998,-0.065450002,9.797899915,0,0,0,1,71.25400012
+32:09.7,2.637964,262,-2.702910635,-15.99831522,0,0,0,0,-0.440249997,-0.064850002,9.800499917,0,0,0,1,71.25400012
+32:09.7,2.649211,263,-2.702910635,-15.99831522,0,0,0,0,-0.448549997,-0.064850002,9.801299926,0,0,0,1,71.25400012
+32:09.7,2.659154,264,-2.702910635,-15.99831522,0,0,0,0,-0.455349997,-0.065750001,9.796999923,0,0,0,1,71.25400012
+32:09.7,2.668054,265,-2.701671636,-16.00007774,0,0,0,0,-0.462849998,-0.065650001,9.800799924,0,0,0,1,71.25400012
+32:09.7,2.677098,266,-2.701671636,-16.00007774,0,0,0,0,-0.469649998,-0.064950001,9.804199925,0,0,0,1,71.25400012
+32:09.7,2.689471,267,-2.701671636,-16.00007774,0,0,0,0,-0.477449998,-0.065850001,9.803899928,0,0,0,1,71.25400012
+32:09.7,2.698242,268,-2.700727708,-16.00140143,0,0,0,0,-0.483849997,-0.065450001,9.798099929,0,0,0,1,71.25400012
+32:09.7,2.708814,269,-2.699688539,-16.00287963,0,0,0,0,-0.492049998,-0.065250001,9.799499932,0,0,0,1,71.25400012
+32:09.8,2.719601,270,-2.699688539,-16.00287963,0,0,0,0,-0.497749998,-0.066450001,9.80189993,0,0,0,1,71.25400012
+32:09.8,2.7276,271,-2.699688539,-16.00287963,0,0,0,0,-0.505149997,-0.065450001,9.800399934,0,0,0,1,71.25400012
+32:09.8,2.739685,272,-2.698984096,-16.00384941,0,0,0,0,-0.512649997,-0.065750001,9.798199941,0,0,0,1,71.25400012
+32:09.8,2.750085,273,-2.696763209,-16.00694287,0,0,0,0,-0.519249997,-0.064650001,9.798499948,0,0,0,1,71.25400012
+32:09.8,2.759019,274,-2.696763209,-16.00694287,0,0,0,0,-0.529049997,-0.065850001,9.80359995,0,0,0,1,71.25400012
+32:09.8,2.767273,275,-2.696763209,-16.00694287,0,0,0,0,-0.536349997,-0.065950001,9.799499951,0,0,0,1,71.25400012
+32:09.8,2.778153,276,-2.695943764,-16.00808625,0,0,0,0,-0.545949997,-0.066250001,9.799599954,0,0,0,1,71.25400012
+32:09.8,2.789301,277,-2.693215608,-16.01188607,0,-0.0396,0,0,-0.552749997,-0.067550001,9.797499953,0,0,-0.064999998,1,71.25400012
+32:09.8,2.801389,278,-2.693215608,-16.01188607,0,-0.0396,0,0,-0.561549997,-0.069250001,9.800499955,0,0,-0.064999998,1,71.25400012
+32:09.8,2.807614,279,-2.693215608,-16.01188607,0,-0.0396,0,0,-0.567249997,-0.071650001,9.801999951,0,0,-0.064999998,1,71.25400012
+32:09.9,2.820149,280,-2.6890564,-16.01768503,0,0,0,0,-0.574549997,-0.072250001,9.80319995,0,0,0,0,71.25400012
+32:09.9,2.827191,281,-2.6890564,-16.01768503,0,0,0,0,-0.580049997,-0.071450001,9.804699946,0,0,0,0,71.25400012
+32:09.9,2.837848,282,-2.6890564,-16.01768503,0,0,0,0,-0.588049997,-0.069650001,9.807499953,0,0,0,0,71.25400012
+32:09.9,2.847455,283,-2.6890564,-16.01768503,0,0,0,0,-0.593849997,-0.069250001,9.80569996,0,0,0,0,71.25400012
+32:09.9,2.865874,284,-2.684389966,-16.02418712,0,-0.014400001,0,0,-0.600149997,-0.069050001,9.803899966,0,0,0.025,0,71.25400012
+32:09.9,2.869106,285,-2.684389966,-16.02418712,0,-0.014400001,0,0,-0.606949997,-0.068550001,9.804599973,0,0,0.025,0,71.25400012
+32:09.9,2.877498,286,-2.684389966,-16.02418712,0,-0.014400001,0,0,-0.615949997,-0.067150002,9.809299966,0,0,0.025,0,71.25400012
+32:09.9,2.888053,287,-2.684389966,-16.02418712,0,-0.014400001,0,0,-0.624849997,-0.065150002,9.808699971,0,0,0.025,0,71.25400012
+32:09.9,2.904418,288,-2.680599839,-16.02946617,0,-0.014400001,0,0,-0.633849997,-0.064450002,9.806499978,0,0,0.025,0,71.25400012
+32:09.9,2.907421,289,-2.679289146,-16.03129537,0,0,0,0,-0.643549997,-0.062750001,9.805199977,0,0,0,0,71.25400012
+32:10.0,2.921377,290,-2.679289146,-16.03129537,0,0,0,0,-0.652349997,-0.063350001,9.806499978,0,0,0,0,71.25400012
+32:10.0,2.927636,291,-2.679289146,-16.03129537,0,0,0,0,-0.660949997,-0.063150001,9.801899978,0,0,0,0,71.25400012
+32:10.0,2.946166,292,-2.676601438,-16.03505331,0,0,0,0,-0.669249997,-0.064550001,9.799599982,0,0,0,0,71.25400012
+32:10.0,2.948853,293,-2.67384554,-16.03891044,0,-0.032399999,0,0,-0.675749996,-0.064550001,9.804599982,0,0,0.052999999,0,71.25400012
+32:10.0,2.970234,294,-2.67384554,-16.03891044,0,-0.032399999,0,0,-0.680549996,-0.061650001,9.805699979,0,0,0.052999999,0,71.25400012
+32:10.0,2.970603,295,-2.67384554,-16.03891044,0,-0.032399999,0,0,-0.684849996,-0.059650002,9.803899976,0,0,0.052999999,0,71.25400012
+32:10.0,2.978476,296,-2.668123134,-16.04695047,0,-0.0108,0,0,-0.686849996,-0.056750002,9.802299977,0,0,0.261999995,0,71.25400012
+32:10.0,2.988709,297,-2.668123134,-16.04695047,0,-0.0108,0,0,-0.689949996,-0.055150001,9.809399978,0,0,0.261999995,0,71.25400012
+32:10.0,2.998267,298,-2.668123134,-16.04695047,0,-0.0108,0,0,-0.691049996,-0.055050001,9.809699975,0,0,0.261999995,0,71.25400012
+32:10.0,3.008087,299,-2.668123134,-16.04695047,0,-0.0108,0,0,-0.694649996,-0.055150001,9.807899981,0,0,0.261999995,0,71.25400012
+32:10.1,3.021962,300,-2.662184719,-16.0553362,0,-0.050400002,0,0,-0.695449996,-0.055650001,9.80989998,0,0,0.335999995,0,71.25400012
+32:10.1,3.028027,301,-2.662184719,-16.0553362,0,-0.050400002,0,0,-0.697249996,-0.057050002,9.812799979,0,0,0.335999995,0,71.25400012
+32:10.1,3.051575,302,-2.662184719,-16.0553362,0,-0.050400002,0,0,-0.698249996,-0.057750002,9.812099982,0,0,0.335999995,0,71.25400012
+32:10.1,3.051633,303,-2.662184719,-16.0553362,0,-0.050400002,0,0,-0.699549996,-0.058450002,9.813899985,0,0,0.335999995,0,71.25400012
+32:10.1,3.058656,304,-2.65606574,-16.06403002,0,-0.143999997,0,0,-0.701249996,-0.056750001,9.813699981,0,0,0.282999992,0,71.25400012
+32:10.1,3.067986,305,-2.65606574,-16.06403002,0,-0.143999997,0,0,-0.699049996,-0.055150001,9.811099978,0,0,0.282999992,0,71.25400012
+32:10.1,3.078671,306,-2.65606574,-16.06403002,0,-0.143999997,0,0,-0.700349996,-0.053650001,9.812499982,0,0,0.282999992,0,71.25400012
+32:10.1,3.094393,307,-2.65606574,-16.06403002,0,-0.143999997,0,0,-0.697749996,-0.052550001,9.817499982,0,0,0.282999992,0,71.25400012
+32:10.1,3.098401,308,-2.6497479,-16.07306983,0,-0.140400003,0,0,-0.693449996,-0.049950001,9.81449998,0,0,0.42899999,0,71.25400012
+32:10.1,3.108364,309,-2.6497479,-16.07306983,0,-0.140400003,0,0,-0.686549996,-0.046650001,9.81239998,0,0,0.42899999,0,71.25400012
+32:10.2,3.117974,310,-2.6497479,-16.07306983,0,-0.140400003,0,0,-0.677849996,-0.040150002,9.818299981,0,0,0.42899999,0,71.25400012
+32:10.2,3.127702,311,-2.6497479,-16.07306983,0,-0.140400003,0,0,-0.667249996,-0.035850001,9.81659998,0,0,0.42899999,0,71.25400012
+32:10.2,3.144677,312,-2.643389897,-16.08221445,0,-0.2052,0,0,-0.655949996,-0.032150001,9.814299975,0,0,0.328000009,0,71.25400012
+32:10.2,3.148281,313,-2.643389897,-16.08221445,0,-0.2052,0,0,-0.643149996,-0.029150001,9.81449997,0,0,0.328000009,0,71.25400012
+32:10.2,3.158359,314,-2.643389897,-16.08221445,0,-0.2052,0,0,-0.631249996,-0.027350001,9.81279997,0,0,0.328000009,0,71.25400012
+32:10.2,3.167749,315,-2.643389897,-16.08221445,0,-0.2052,0,0,-0.618649996,-0.023950001,9.813899966,0,0,0.328000009,0,71.27400012
+32:10.2,3.177985,316,-2.637072941,-16.09135667,0,-0.158399999,0,0,-0.607049995,-0.022450001,9.811599971,0,0,0.546000004,0,71.27400012
+32:10.2,3.19454,317,-2.637072941,-16.09135667,0,-0.158399999,0,0,-0.595949996,-0.018450001,9.817199975,0,0,0.546000004,0,71.27400012
+32:10.2,3.197774,318,-2.637072941,-16.09135667,0,-0.158399999,0,0,-0.585649996,-0.016350001,9.816699973,0,0,0.546000004,0,71.27400012
+32:10.2,3.207862,319,-2.637072941,-16.09135667,0,-0.158399999,0,0,-0.575249996,-0.013850001,9.81489998,0,0,0.546000004,0,71.27400012
+32:10.3,3.228252,320,-2.630830807,-16.10043044,0,-0.172800002,0,0,-0.564549996,-0.012350001,9.812099982,0,0,0.666999996,0,71.27400012
+32:10.3,3.228509,321,-2.630830807,-16.10043044,0,-0.172800002,0,0,-0.553949996,-0.012950001,9.810899983,0,0,0.666999996,0,71.27400012
+32:10.3,3.246345,322,-2.630830807,-16.10043044,0,-0.172800002,0,0,-0.544949996,-0.011650001,9.814299985,0,0,0.666999996,0,71.27400012
+32:10.3,3.251337,323,-2.630830807,-16.10043044,0,-0.172800002,0,0,-0.534549996,-0.011550001,9.808599978,0,0,0.666999996,0,71.27400012
+32:10.3,3.266361,324,-2.624766059,-16.10927638,0,-0.118799999,0,0,-0.523949996,-0.013750001,9.808799973,0,0,0.805999994,0,71.27400012
+32:10.3,3.268913,325,-2.624766059,-16.10927638,0,-0.118799999,0,0,-0.515149996,-0.016150001,9.808999978,0,0,0.805999994,0,71.27400012
+32:10.3,3.280335,326,-2.624766059,-16.10927638,0,-0.118799999,0,0,-0.504749996,-0.019650001,9.813699981,0,0,0.805999994,0,71.27400012
+32:10.3,3.292547,327,-2.624766059,-16.10927638,0,-0.118799999,0,0,-0.496349996,-0.022850001,9.809999982,0,0,0.805999994,0,71.27400012
+32:10.3,3.297927,328,-2.619212801,-16.11735651,0,-0.035999999,0,0,-0.487649996,-0.026350001,9.808299991,0,0,0.842000008,0,71.27400012
+32:10.3,3.307775,329,-2.619212801,-16.11735651,0,-0.035999999,0,0,-0.479149996,-0.028250001,9.809299994,0,0,0.842000008,0,71.27400012
+32:10.4,3.319639,330,-2.619212801,-16.11735651,0,-0.035999999,0,0,-0.472149996,-0.030050001,9.810199996,0,0,0.842000008,0,71.27400012
+32:10.4,3.327961,331,-2.619212801,-16.11735651,0,-0.035999999,0,0,-0.466149996,-0.031650001,9.808499995,0,0,0.842000008,0,71.27400012
+32:10.4,3.338945,332,-2.616574567,-16.1211822,0,0.018,0,0,-0.460249996,-0.031550001,9.80699999,0,0,0.82099998,0,71.27400012
+32:10.4,3.348547,333,-2.614033675,-16.12484367,0,0.018,0,0,-0.454449996,-0.030650001,9.810499993,0,0,0.82099998,0,71.27400012
+32:10.4,3.36105,334,-2.614033675,-16.12484367,0,0.018,0,0,-0.450149996,-0.029350001,9.810699988,0,0,0.82099998,0,71.27400012
+32:10.4,3.369515,335,-2.614033675,-16.12484367,0,0.018,0,0,-0.445449996,-0.029250001,9.807199985,0,0,0.82099998,0,71.27400012
+32:10.4,3.382299,336,-2.61005575,-16.13056654,0,0.028800001,0,0,-0.441149996,-0.029950001,9.802899981,0,0,0.697000027,0,71.27400012
+32:10.4,3.391651,337,-2.609343531,-16.13151673,0,0.028800001,0,0,-0.436149996,-0.031350001,9.804699985,0,0,0.697000027,0,71.27400012
+32:10.4,3.400184,338,-2.609343531,-16.13151673,0,0.028800001,0,0,-0.431049996,-0.033250001,9.806799985,0,0,0.697000027,0,71.27400012
+32:10.4,3.408287,339,-2.609343531,-16.13151673,0,0.028800001,0,0,-0.425449996,-0.036350001,9.804199992,0,0,0.697000027,0,71.27400012
+32:10.5,3.419635,340,-2.604995849,-16.13756128,0,-0.014400001,0,0,-0.420149996,-0.039550001,9.802899991,0,0,0.433999985,0,71.27400012
+32:10.5,3.427715,341,-2.604995849,-16.13756128,0,-0.014400001,0,0,-0.413249996,-0.042850001,9.803599988,0,0,0.433999985,0,71.27400012
+32:10.5,3.439761,342,-2.604995849,-16.13756128,0,-0.014400001,0,0,-0.406949996,-0.045850001,9.807099992,0,0,0.433999985,0,71.27400012
+32:10.5,3.448091,343,-2.604995849,-16.13756128,0,-0.014400001,0,0,-0.399349996,-0.047750001,9.806499988,0,0,0.433999985,0,71.27400012
+32:10.5,3.461463,344,-2.601064537,-16.14283209,0,0,0,0,-0.392649996,-0.050350001,9.804999982,0,0,0.256999999,0,71.27400012
+32:10.5,3.468683,345,-2.601064537,-16.14283209,0,0,0,0,-0.386149996,-0.053350001,9.806799985,0,0,0.256999999,0,71.27400012
+32:10.5,3.478104,346,-2.601064537,-16.14283209,0,0,0,0,-0.378449996,-0.054850001,9.807099982,0,0,0.256999999,0,71.27400012
+32:10.5,3.491435,347,-2.601064537,-16.14283209,0,0,0,0,-0.371449996,-0.055350001,9.806399985,0,0,0.256999999,0,71.27400012
+32:10.5,3.502337,348,-2.598410404,-16.14626603,0,0.0792,0,0,-0.364249996,-0.055950001,9.80409999,0,0,0.126000002,0,71.27400012
+32:10.5,3.508215,349,-2.596847944,-16.1483919,0,0.0792,0,0,-0.357249996,-0.057150001,9.804299994,0,0,0.126000002,0,71.27400012
+32:10.6,3.519548,350,-2.596847944,-16.1483919,0,0.0792,0,0,-0.349949996,-0.058250001,9.804799996,0,0,0.126000002,0,71.27400012
+32:10.6,3.528116,351,-2.596847944,-16.1483919,0,0.0792,0,0,-0.342949996,-0.059150001,9.80409999,0,0,0.126000002,0,71.27400012
+32:10.6,3.539665,352,-2.594555548,-16.15091553,0,-0.068399998,0,0,-0.336549996,-0.060450001,9.80449999,0,0,-0.108000003,0,71.27400012
+32:10.6,3.55152,353,-2.594555548,-16.15091553,0,-0.068399998,0,0,-0.330449996,-0.061050001,9.805299989,0,0,-0.108000003,0,71.27400012
+32:10.6,3.563253,354,-2.594555548,-16.15091553,0,-0.068399998,0,0,-0.323349996,-0.060150001,9.80659999,0,0,-0.108000003,0,71.27400012
+32:10.6,3.568096,355,-2.594555548,-16.15091553,0,-0.068399998,0,0,-0.315649996,-0.059150001,9.803899995,0,0,-0.108000003,0,71.27400012
+32:10.6,3.578328,356,-2.594555548,-16.15091553,0,-0.068399998,0,0,-0.308149996,-0.057050001,9.804099999,0,0,-0.108000003,0,71.27400012
+32:10.6,3.593447,357,-2.5919506,-16.15380258,0,0,0,0,-0.301349996,-0.054650001,9.806000005,0,0,-0.239999995,2,71.27400012
+32:10.6,3.601685,358,-2.5919506,-16.15380258,0,0,0,0,-0.292349996,-0.053150001,9.804600011,0,0,-0.239999995,2,71.27400012
+32:10.6,3.611528,359,-2.5919506,-16.15380258,0,0,0,0,-0.283149996,-0.051850001,9.803100005,0,0,-0.239999995,2,71.27400012
+32:10.7,3.618954,360,-2.589823038,-16.15593242,0,0.028800001,0,0,-0.273749996,-0.05155,9.803500005,0,0,-0.045000002,2,71.27400012
+32:10.7,3.628186,361,-2.589823038,-16.15593242,0,0.028800001,0,0,-0.264049996,-0.05115,9.806599999,0,0,-0.045000002,2,71.27400012
+32:10.7,3.639196,362,-2.589823038,-16.15593242,0,0.028800001,0,0,-0.254049997,-0.05015,9.807100001,0,0,-0.045000002,2,71.27400012
+32:10.7,3.647779,363,-2.589823038,-16.15593242,0,0.028800001,0,0,-0.243549997,-0.04915,9.805000001,0,0,-0.045000002,2,71.27400012
+32:10.7,3.659442,364,-2.588196271,-16.15731842,0,0.046800001,0,0,-0.233449997,-0.04785,9.805500003,0,0,-0.141000003,2,71.27400012
+32:10.7,3.668418,365,-2.588196271,-16.15731842,0,0.046800001,0,0,-0.223149997,-0.04665,9.8058,0,0,-0.141000003,2,71.27400012
+32:10.7,3.678225,366,-2.588196271,-16.15731842,0,0.046800001,0,0,-0.213649996,-0.04575,9.8062,0,0,-0.141000003,2,71.27400012
+32:10.7,3.693521,367,-2.588196271,-16.15731842,0,0.046800001,0,0,-0.203049996,-0.04515,9.8058,0,0,-0.141000003,0,71.27400012
+32:10.7,3.700018,368,-2.586989418,-16.15805467,0,-0.035999999,0,0,-0.193849997,-0.04465,9.806100007,0,0,-0.057999998,0,71.27400012
+32:10.7,3.708652,369,-2.586989418,-16.15805467,0,-0.035999999,0,0,-0.184049996,-0.04415,9.806000005,0,0,-0.057999998,0,71.27400012
+32:10.8,3.720174,370,-2.586989418,-16.15805467,0,-0.035999999,0,0,-0.174549996,-0.04435,9.804800006,0,0,-0.057999998,0,71.27400012
+32:10.8,3.728179,371,-2.586989418,-16.15805467,0,-0.035999999,0,0,-0.164349997,-0.04475,9.804500009,0,0,-0.057999998,0,71.27400012
+32:10.8,3.745872,372,-2.58634335,-16.15822276,0,-0.075599999,0,0,-0.154849997,-0.04545,9.804200002,0,0,-0.123000003,0,71.27400012
+32:10.8,3.749436,373,-2.586208213,-16.1581686,0,-0.075599999,0,0,-0.144549996,-0.04635,9.803599998,0,0,-0.123000003,0,71.27400012
+32:10.8,3.760683,374,-2.586208213,-16.1581686,0,-0.075599999,0,0,-0.134349996,-0.04655,9.802900001,0,0,-0.123000003,0,71.27400012
+32:10.8,3.768656,375,-2.586208213,-16.1581686,0,-0.075599999,0,0,-0.123749997,-0.04645,9.802800008,0,0,-0.123000003,0,71.27400012
+32:10.8,3.779058,376,-2.585901601,-16.15765619,0,0,0,0,-0.113649997,-0.04535,9.804000007,0,0,0,0,71.27400012
+32:10.8,3.79262,377,-2.585901601,-16.15765619,0,0,0,0,-0.104349996,-0.04485,9.804099999,0,0,0,0,71.27400012
+32:10.8,3.799824,378,-2.585901601,-16.15765619,0,0,0,0,-0.095549997,-0.04495,9.804200002,0,0,0,0,71.27400012
+32:10.8,3.809729,379,-2.585901601,-16.15765619,0,0,0,0,-0.088049997,-0.04555,9.803900004,0,0,0,0,71.27400012
+32:10.9,3.819603,380,-2.586035394,-16.15655614,0,0,0,0,-0.080749997,-0.04625,9.804000007,0,0,0,0,71.27400012
+32:10.9,3.832355,381,-2.586035394,-16.15655614,0,0,0,0,-0.074249997,-0.04695,9.803700009,0,0,0,0,71.27400012
+32:10.9,3.841881,382,-2.586035394,-16.15655614,0,0,0,0,-0.068749997,-0.04835,9.803000003,0,0,0,0,71.27400012
+32:10.9,3.852779,383,-2.586035394,-16.15655614,0,0,0,0,-0.064049997,-0.04975,9.802699996,0,0,0,0,71.27400012
+32:10.9,3.860419,384,-2.586072881,-16.15628084,0,0,0,0,-0.059349997,-0.05115,9.80199999,0,0,0,0,71.27400012
+32:10.9,3.870323,385,-2.586779299,-16.15464334,0,0,0,0,-0.054249997,-0.05315,9.80159999,0,0,0,0,71.27400012
+32:10.9,3.883942,386,-2.586779299,-16.15464334,0,0,0,0,-0.049349997,-0.05515,9.800699988,0,0,0,0,71.27400012
+32:10.9,3.888633,387,-2.586779299,-16.15464334,0,0,0,0,-0.044049997,-0.05675,9.800199986,0,0,0,0,71.27400012
+32:10.9,3.898229,388,-2.587847187,-16.15229746,0,-0.061200003,0,0,-0.039049997,-0.05845,9.800899983,0,0,-0.097999997,0,71.27400012
+32:10.9,3.908705,389,-2.587847187,-16.15229746,0,-0.061200003,0,0,-0.034249997,-0.05925,9.801099988,0,0,-0.097999997,0,71.27400012
+32:11.0,3.918545,390,-2.587847187,-16.15229746,0,-0.061200003,0,0,-0.029649997,-0.06025,9.801699983,0,0,-0.097999997,0,71.27400012
+32:11.0,3.928723,391,-2.587847187,-16.15229746,0,-0.061200003,0,0,-0.024849997,-0.06175,9.80199999,0,0,-0.097999997,0,71.27400012
+32:11.0,3.940186,392,-2.588500394,-16.15096048,0,-0.061200003,0,0,-0.019949997,-0.06275,9.80159999,0,0,-0.097999997,0,71.27400012
+32:11.0,3.948727,393,-2.589300452,-16.14943662,0,0.032399999,0,0,-0.016049998,-0.06455,9.80119999,0,0,-0.188999996,0,71.27400012
+32:11.0,3.958325,394,-2.589300452,-16.14943662,0,0.032399999,0,0,-0.012649998,-0.06715,9.800399991,0,0,-0.188999996,0,71.27400012
+32:11.0,3.970656,395,-2.589300452,-16.14943662,0,0.032399999,0,0,-0.009649998,-0.07025,9.800799991,0,0,-0.188999996,0,71.27400012
+32:11.0,3.993992,396,-2.591153371,-16.14604074,0,0,0,0,-0.007749998,-0.07345,9.799399987,0,0,-0.404000014,0,71.27400012
+32:11.0,3.994222,397,-2.591153371,-16.14604074,0,0,0,0,-0.006449998,-0.07655,9.798399983,0,0,-0.404000014,0,71.27400012
+32:11.0,3.99944,398,-2.591153371,-16.14604074,0,0,0,0,-0.004849998,-0.07895,9.79659998,0,0,-0.404000014,0,71.27400012
+32:11.0,4.009713,399,-2.591153371,-16.14604074,0,0,0,0,-0.003349998,-0.08115,9.798199979,0,0,-0.404000014,0,71.27400012
+32:11.1,4.020044,400,-2.593281961,-16.14224762,0,-0.0072,0,0,-0.003249998,-0.08415,9.799399978,0,0,-0.550999999,0,71.27400012
+32:11.1,4.030575,401,-2.593281961,-16.14224762,0,-0.0072,0,0,-0.002849998,-0.08595,9.799199973,0,0,-0.550999999,0,71.27400012
+32:11.1,4.042534,402,-2.593281961,-16.14224762,0,-0.0072,0,0,-0.001749998,-0.08555,9.799199973,0,0,-0.550999999,0,71.27400012
+32:11.1,4.048772,403,-2.593281961,-16.14224762,0,-0.0072,0,0,-0.000149998,-0.08365,9.800499974,0,0,-0.550999999,0,71.27400012
+32:11.1,4.059682,404,-2.595621748,-16.13812285,0,-0.018,0,0,0.001350002,-0.08395,9.801199981,0,0,-0.727999985,0,71.27400012
+32:11.1,4.06911,405,-2.595621748,-16.13812285,0,-0.018,0,0,0.001750002,-0.08395,9.800999986,0,0,-0.727999985,0,71.27400012
+32:11.1,4.079193,406,-2.595621748,-16.13812285,0,-0.018,0,0,0.002950002,-0.08395,9.800499984,0,0,-0.727999985,0,71.27400012
+32:11.1,4.093069,407,-2.595621748,-16.13812285,0,-0.018,0,0,0.006050003,-0.08375,9.798599978,0,0,-0.727999985,0,71.27400012
+32:11.2,4.114336,408,-2.598088516,-16.13376894,0,-0.028800001,0,0,0.009350002,-0.08335,9.799599982,0,0,-0.760999978,0,71.27400012
+32:11.2,4.114501,409,-2.598088516,-16.13376894,0,-0.028800001,0,0,0.011550003,-0.08165,9.798699981,0,0,-0.760999978,0,71.27400012
+32:11.2,4.118808,410,-2.598088516,-16.13376894,0,-0.028800001,0,0,0.014450002,-0.08065,9.799199973,0,0,-0.760999978,0,71.27400012
+32:11.2,4.1303,411,-2.598088516,-16.13376894,0,-0.028800001,0,0,0.016850002,-0.07975,9.799999972,0,0,-0.760999978,0,71.27400012
+32:11.2,4.151946,412,-2.600789039,-16.12907374,0,-0.028800001,0,0,0.018850002,-0.07865,9.799599973,0,0,-0.671999991,0,71.27400012
+32:11.2,4.152172,413,-2.600789039,-16.12907374,0,-0.028800001,0,0,0.019350002,-0.07975,9.800399972,0,0,-0.671999991,0,71.27400012
+32:11.2,4.160379,414,-2.600789039,-16.12907374,0,-0.028800001,0,0,0.019150003,-0.08075,9.801299973,0,0,-0.671999991,0,71.27400012
+32:11.2,4.168264,415,-2.600789039,-16.12907374,0,-0.028800001,0,0,0.018150002,-0.08115,9.799999972,0,0,-0.671999991,0,71.31400012
+32:11.2,4.178413,416,-2.603528922,-16.12429368,0,-0.0108,0,0,0.017250002,-0.08205,9.798099977,0,0,-0.469999999,0,71.31400012
+32:11.2,4.190119,417,-2.603528922,-16.12429368,0,-0.0108,0,0,0.016750002,-0.08275,9.796699973,0,0,-0.469999999,0,71.31400012
+32:11.2,4.198831,418,-2.603528922,-16.12429368,0,-0.0108,0,0,0.015850002,-0.08285,9.800199977,0,0,-0.469999999,0,71.31400012
+32:11.2,4.210963,419,-2.603528922,-16.12429368,0,-0.0108,0,0,0.016550002,-0.08255,9.798599969,0,0,-0.469999999,0,71.31400012
+32:11.3,4.220398,420,-2.604933473,-16.12185485,0,-0.0108,0,0,0.015250002,-0.08015,9.798799973,0,0,-0.469999999,0,71.31400012
+32:11.3,4.230211,421,-2.606359215,-16.11938806,0,-0.0036,0,0,0.015850002,-0.07775,9.79989998,0,0,-0.239999995,0,71.31400012
+32:11.3,4.245741,422,-2.606359215,-16.11938806,0,-0.0036,0,0,0.014650002,-0.07595,9.802899972,0,0,-0.239999995,0,71.31400012
+32:11.3,4.250747,423,-2.606359215,-16.11938806,0,-0.0036,0,0,0.014450003,-0.07585,9.803799973,0,0,-0.239999995,0,71.31400012
+32:11.3,4.261247,424,-2.60925201,-16.11440271,0,0,0,0,0.013250002,-0.07585,9.802199975,0,0,0,0,71.31400012
+32:11.3,4.271137,425,-2.60925201,-16.11440271,0,0,0,0,0.014750002,-0.07435,9.804199973,0,0,0,0,71.31400012
+32:11.3,4.278797,426,-2.60925201,-16.11440271,0,0,0,0,0.014450002,-0.07165,9.80279997,0,0,0,0,71.31400012
+32:11.3,4.290021,427,-2.60925201,-16.11440271,0,0,0,0,0.015450002,-0.06705,9.80529997,0,0,0,0,71.31400012
+32:11.3,4.30404,428,-2.61225395,-16.10934254,0,0.068399998,0,0,0.016250002,-0.06335,9.806399966,0,0,0.108000003,0,71.31400012
+32:11.3,4.308737,429,-2.61225395,-16.10934254,0,0.068399998,0,0,0.015850002,-0.05895,9.807399961,0,0,0.108000003,0,71.31400012
+32:11.4,4.31928,430,-2.61225395,-16.10934254,0,0.068399998,0,0,0.017450002,-0.05435,9.807299958,0,0,0.108000003,0,71.31400012
+32:11.4,4.329173,431,-2.61225395,-16.10934254,0,0.068399998,0,0,0.019350002,-0.05085,9.807099954,0,0,0.108000003,0,71.31400012
+32:11.4,4.348003,432,-2.615289807,-16.10425351,0,0.0432,0,0,0.020550002,-0.04885,9.807199956,0,0,0.179000005,0,71.31400012
+32:11.4,4.350357,433,-2.615289807,-16.10425351,0,0.0432,0,0,0.021850002,-0.04875,9.80779996,0,0,0.179000005,0,71.31400012
+32:11.4,4.359553,434,-2.615289807,-16.10425351,0,0.0432,0,0,0.023550002,-0.04965,9.807199965,0,0,0.179000005,0,71.31400012
+32:11.4,4.369448,435,-2.615289807,-16.10425351,0,0.0432,0,0,0.025150002,-0.05135,9.807499963,0,0,0.179000005,0,71.31400012
+32:11.4,4.381733,436,-2.617615426,-16.10044978,0,0.046800001,0,0,0.027650002,-0.05245,9.807299968,0,0,0.078000002,0,71.31400012
+32:11.4,4.390985,437,-2.618385541,-16.09919741,0,0.046800001,0,0,0.029250002,-0.05305,9.806899968,0,0,0.078000002,0,71.31400012
+32:11.4,4.398936,438,-2.618385541,-16.09919741,0,0.046800001,0,0,0.031550002,-0.05305,9.806899968,0,0,0.078000002,0,71.31400012
+32:11.4,4.409806,439,-2.618385541,-16.09919741,0,0.046800001,0,0,0.033650002,-0.05205,9.80779996,0,0,0.078000002,0,71.31400012
+32:11.5,4.418572,440,-2.621473912,-16.09414116,0,-0.0072,0,0,0.035650002,-0.05095,9.806399966,0,0,0.064999998,0,71.31400012
+32:11.5,4.429247,441,-2.621473912,-16.09414116,0,-0.0072,0,0,0.036850002,-0.04885,9.805799972,0,0,0.064999998,0,71.31400012
+32:11.5,4.439242,442,-2.621473912,-16.09414116,0,-0.0072,0,0,0.039050002,-0.04725,9.805499974,0,0,0.064999998,0,71.31400012
+32:11.5,4.450961,443,-2.621473912,-16.09414116,0,-0.0072,0,0,0.040150002,-0.04485,9.805099975,0,0,0.064999998,0,71.31400012
+32:11.5,4.461763,444,-2.624488839,-16.08932911,0,0,0,0,0.041950002,-0.04185,9.805199977,0,0,0,0,71.31400012
+32:11.5,4.470218,445,-2.624488839,-16.08932911,0,0,0,0,0.043650002,-0.03855,9.805199977,0,0,0,0,71.31400012
+32:11.5,4.478351,446,-2.624488839,-16.08932911,0,0,0,0,0.044950002,-0.03605,9.805099975,0,0,0,0,71.31400012
+32:11.5,4.488949,447,-2.624488839,-16.08932911,0,0,0,0,0.046050002,-0.03425,9.804099971,0,0,0,0,71.31400012
+32:11.5,4.499075,448,-2.627497748,-16.08456923,0,0,0,0,0.047650002,-0.03195,9.80449997,0,0,0,0,71.31400012
+32:11.5,4.510224,449,-2.627497748,-16.08456923,0,0,0,0,0.048950002,-0.02955,9.805099965,0,0,0,0,71.31400012
+32:11.6,4.518694,450,-2.627497748,-16.08456923,0,0,0,0,0.050350002,-0.02705,9.805199967,0,0,0,0,71.31400012
+32:11.6,4.528699,451,-2.627497748,-16.08456923,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.6,4.545127,452,-2.628245529,-16.08339647,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.6,4.549445,453,-2.630442788,-16.07999946,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.6,4.560509,454,-2.630442788,-16.07999946,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.6,4.568539,455,-2.630442788,-16.07999946,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.6,4.582507,456,-2.633332268,-16.07559531,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.6,4.591193,457,-2.633332268,-16.07559531,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.6,4.599357,458,-2.633332268,-16.07559531,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.6,4.609029,459,-2.633332268,-16.07559531,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.7,4.619468,460,-2.636126857,-16.07141851,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.7,4.632201,461,-2.636126857,-16.07141851,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.7,4.644961,462,-2.636126857,-16.07141851,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.7,4.650569,463,-2.636126857,-16.07141851,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.7,4.66715,464,-2.638813111,-16.06746733,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.7,4.668672,465,-2.638813111,-16.06746733,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.7,4.679147,466,-2.638813111,-16.06746733,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,3,71.31400012
+32:11.7,4.693168,467,-2.638813111,-16.06746733,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,3,71.31400012
+32:11.7,4.702376,468,-2.641404744,-16.06370844,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,3,71.31400012
+32:11.7,4.70862,469,-2.641404744,-16.06370844,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,3,71.31400012
+32:11.8,4.719201,470,-2.641404744,-16.06370844,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,3,71.31400012
+32:11.8,4.73113,471,-2.641404744,-16.06370844,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,3,71.31400012
+32:11.8,4.738943,472,-2.643755109,-16.06038806,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,3,71.31400012
+32:11.8,4.749534,473,-2.643755109,-16.06038806,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,3,71.31400012
+32:11.8,4.759593,474,-2.643755109,-16.06038806,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,3,71.31400012
+32:11.8,4.770562,475,-2.643755109,-16.06038806,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,3,71.31400012
+32:11.8,4.783285,476,-2.646035959,-16.05718618,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.8,4.790358,477,-2.646035959,-16.05718618,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.8,4.800159,478,-2.646035959,-16.05718618,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.8,4.809747,479,-2.646035959,-16.05718618,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.9,4.819172,480,-2.648158014,-16.05425445,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.9,4.829864,481,-2.648158014,-16.05425445,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.9,4.839165,482,-2.648158014,-16.05425445,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.9,4.849092,483,-2.648158014,-16.05425445,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.9,4.860187,484,-2.650128993,-16.05156947,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.9,4.869125,485,-2.650128993,-16.05156947,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.9,4.88486,486,-2.650128993,-16.05156947,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.9,4.88897,487,-2.650128993,-16.05156947,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.9,4.899843,488,-2.651942387,-16.04913683,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:11.9,4.908833,489,-2.651942387,-16.04913683,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.0,4.918476,490,-2.651942387,-16.04913683,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.0,4.931223,491,-2.651942387,-16.04913683,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.0,4.941712,492,-2.653572515,-16.04699419,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.0,4.950171,493,-2.653572515,-16.04699419,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.0,4.959228,494,-2.653572515,-16.04699419,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.0,4.969551,495,-2.653572515,-16.04699419,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.0,4.981839,496,-2.655061824,-16.04506617,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.0,4.99257,497,-2.655061824,-16.04506617,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.1,5.015832,498,-2.655061824,-16.04506617,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.1,5.015995,499,-2.655061824,-16.04506617,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.1,5.02285,500,-2.656346374,-16.04345619,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.1,5.035379,501,-2.656346374,-16.04345619,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.1,5.038982,502,-2.656346374,-16.04345619,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.1,5.049533,503,-2.656346374,-16.04345619,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.1,5.060759,504,-2.65749449,-16.04204548,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.1,5.069008,505,-2.65749449,-16.04204548,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.1,5.079694,506,-2.65749449,-16.04204548,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.1,5.088733,507,-2.65749449,-16.04204548,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.1,5.101982,508,-2.658482521,-16.04087464,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.1,5.109092,509,-2.658482521,-16.04087464,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.2,5.121321,510,-2.658482521,-16.04087464,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.2,5.130998,511,-2.658482521,-16.04087464,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.2,5.1401,512,-2.659351787,-16.0398731,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.2,5.150777,513,-2.659351787,-16.0398731,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.2,5.160626,514,-2.659351787,-16.0398731,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31400012
+32:12.2,5.171465,515,-2.659351787,-16.0398731,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.2,5.183617,516,-2.660057288,-16.0391152,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.2,5.189612,517,-2.660057288,-16.0391152,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.2,5.198982,518,-2.660057288,-16.0391152,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.3,5.212607,519,-2.660057288,-16.0391152,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.3,5.21979,520,-2.660555861,-16.03867207,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.3,5.233586,521,-2.660555861,-16.03867207,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.3,5.243488,522,-2.660555861,-16.03867207,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.3,5.250779,523,-2.660555861,-16.03867207,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.3,5.259138,524,-2.660960901,-16.03835638,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.3,5.269196,525,-2.660960901,-16.03835638,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.3,5.281377,526,-2.660960901,-16.03835638,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.3,5.290139,527,-2.660960901,-16.03835638,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.3,5.302225,528,-2.66124306,-16.03821771,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.3,5.309019,529,-2.66124306,-16.03821771,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.4,5.320018,530,-2.66124306,-16.03821771,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.4,5.329369,531,-2.66124306,-16.03821771,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.4,5.339224,532,-2.661402538,-16.03825675,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.4,5.349286,533,-2.661402538,-16.03825675,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.4,5.36165,534,-2.661402538,-16.03825675,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.4,5.369966,535,-2.661402538,-16.03825675,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.4,5.379872,536,-2.661444918,-16.03846554,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.4,5.38913,537,-2.661444918,-16.03846554,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.4,5.399089,538,-2.661444918,-16.03846554,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.4,5.408999,539,-2.661444918,-16.03846554,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.5,5.419255,540,-2.661382978,-16.03882438,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.5,5.429636,541,-2.661382978,-16.03882438,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.5,5.440427,542,-2.661382978,-16.03882438,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.5,5.451443,543,-2.661382978,-16.03882438,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.5,5.462268,544,-2.661240458,-16.03929505,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.5,5.469567,545,-2.661240458,-16.03929505,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.5,5.480022,546,-2.661240458,-16.03929505,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.5,5.489683,547,-2.661240458,-16.03929505,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.5,5.507382,548,-2.660980752,-16.03994097,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.5,5.511495,549,-2.660980752,-16.03994097,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.6,5.521718,550,-2.660980752,-16.03994097,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.6,5.53203,551,-2.660980752,-16.03994097,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.6,5.542258,552,-2.660663621,-16.04066335,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.6,5.560638,553,-2.660663621,-16.04066335,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.6,5.561937,554,-2.660663621,-16.04066335,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.6,5.573945,555,-2.660663621,-16.04066335,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.6,5.588497,556,-2.66025715,-16.04151822,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.6,5.594589,557,-2.66025715,-16.04151822,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.6,5.60168,558,-2.66025715,-16.04151822,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.6,5.611405,559,-2.66025715,-16.04151822,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.7,5.621795,560,-2.659791649,-16.04245625,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.7,5.6353,561,-2.659791649,-16.04245625,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.7,5.644704,562,-2.659791649,-16.04245625,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.7,5.653671,563,-2.659791649,-16.04245625,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.7,5.664244,564,-2.659281446,-16.04345497,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.7,5.669685,565,-2.659281446,-16.04345497,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.7,5.686342,566,-2.659281446,-16.04345497,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.7,5.690065,567,-2.659281446,-16.04345497,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.7,5.699539,568,-2.658708741,-16.04454802,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.7,5.709723,569,-2.658708741,-16.04454802,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.8,5.721533,570,-2.658708741,-16.04454802,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.8,5.735972,571,-2.658708741,-16.04454802,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.8,5.740167,572,-2.658273009,-16.04536974,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.8,5.749934,573,-2.658102189,-16.04568683,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.8,5.759461,574,-2.658102189,-16.04568683,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.8,5.76983,575,-2.658102189,-16.04568683,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.8,5.807072,576,-2.657463611,-16.04687148,0,0.025200001,0,0,0.051650002,-0.02495,9.804999972,0,0,-0.039999999,0,71.31900012
+32:12.8,5.808198,577,-2.657463611,-16.04687148,0,0.025200001,0,0,0.051650002,-0.02495,9.804999972,0,0,-0.039999999,0,71.31900012
+32:12.8,5.808273,578,-2.657463611,-16.04687148,0,0.025200001,0,0,0.051650002,-0.02495,9.804999972,0,0,-0.039999999,0,71.31900012
+32:12.8,5.80993,579,-2.657463611,-16.04687148,0,0.025200001,0,0,0.051650002,-0.02495,9.804999972,0,0,-0.039999999,0,71.31900012
+32:12.9,5.819857,580,-2.656798908,-16.04809474,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.9,5.82967,581,-2.656798908,-16.04809474,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.9,5.841685,582,-2.656798908,-16.04809474,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.9,5.850509,583,-2.656798908,-16.04809474,0,0,0,0,0.051650002,-0.02495,9.804999972,0,0,0,0,71.31900012
+32:12.9,5.860963,584,-2.656107109,-16.04935231,0,0,0,0,0.044350003,-0.046350001,9.807000018,0,0,0,0,71.31900012
+32:12.9,5.869196,585,-2.656107109,-16.04935231,0,0,0,0,0.043850003,-0.046650001,9.806200019,0,0,0,0,71.31900012
+32:12.9,5.884432,586,-2.656107109,-16.04935231,0,0,0,0,0.043850003,-0.047250001,9.806100017,0,0,0,0,71.31900012
+32:12.9,5.896706,587,-2.656107109,-16.04935231,0,0,0,0,0.043150003,-0.047950001,9.805100022,0,0,0,0,71.31900012
+32:13.0,5.918047,588,-2.655325941,-16.05071703,0,-0.064799997,0,0,0.043050003,-0.048950001,9.80540002,0,0,-0.103,0,71.31900012
+32:13.0,5.920184,589,-2.655325941,-16.05071703,0,-0.064799997,0,0,0.042550003,-0.050150001,9.805100022,0,0,-0.103,0,71.31900012
+32:13.0,5.921454,590,-2.655325941,-16.05071703,0,-0.064799997,0,0,0.041650003,-0.051250001,9.806300021,0,0,-0.103,0,71.31900012
+32:13.0,5.93417,591,-2.655325941,-16.05071703,0,-0.064799997,0,0,0.040750003,-0.051950001,9.805700027,0,0,-0.103,0,71.31900012
+32:13.0,5.93998,592,-2.654562177,-16.05200122,0,0,0,0,0.039850003,-0.052450001,9.80710003,0,0,0,0,71.31900012
+32:13.0,5.953875,593,-2.654562177,-16.05200122,0,0,0,0,0.039250003,-0.053550001,9.807000037,0,0,0,0,71.31900012
+32:13.0,5.96048,594,-2.654562177,-16.05200122,0,0,0,0,0.038350003,-0.054950001,9.807400037,0,0,0,0,71.31900012
+32:13.0,5.972226,595,-2.654562177,-16.05200122,0,0,0,0,0.037350003,-0.056550001,9.807700034,0,0,0,0,71.31900012
+32:13.0,5.994654,596,-2.653772546,-16.05327242,0,0.018,0,0,0.036450003,-0.057550001,9.807400037,0,0,-0.097999997,0,71.31900012
+32:13.0,6.001569,597,-2.653772546,-16.05327242,0,0.018,0,0,0.035150003,-0.058650001,9.807500039,0,0,-0.097999997,0,71.31900012
+32:13.0,6.003596,598,-2.653772546,-16.05327242,0,0.018,0,0,0.034250003,-0.059450001,9.807500039,0,0,-0.097999997,0,71.31900012
+32:13.0,6.011414,599,-2.653772546,-16.05327242,0,0.018,0,0,0.032250003,-0.061150001,9.808500043,0,0,-0.097999997,0,71.31900012
+32:13.1,6.022551,600,-2.65296489,-16.0545087,0,0.0108,0,0,0.030750003,-0.062750001,9.808700038,0,0,-0.153999999,0,71.31900012
+32:13.1,6.03127,601,-2.65296489,-16.0545087,0,0.0108,0,0,0.028950003,-0.063750001,9.809000035,0,0,-0.153999999,0,71.31900012
+32:13.1,6.040099,602,-2.65296489,-16.0545087,0,0.0108,0,0,0.027350003,-0.064250001,9.808500043,0,0,-0.153999999,0,71.31900012
+32:13.1,6.051797,603,-2.65296489,-16.0545087,0,0.0108,0,0,0.026450003,-0.062850001,9.808700038,0,0,-0.153999999,0,71.31900012
+32:13.1,6.059977,604,-2.652118973,-16.05573946,0,0,0,0,0.026750003,-0.060750001,9.808000041,0,0,-0.173999995,0,71.31900012
+32:13.1,6.071301,605,-2.652118973,-16.05573946,0,0,0,0,0.027750003,-0.059350001,9.808500043,0,0,-0.173999995,0,71.31900012
+32:13.1,6.08571,606,-2.652118973,-16.05573946,0,0,0,0,0.028450003,-0.058350001,9.809100038,0,0,-0.173999995,0,71.31900012
+32:13.1,6.090114,607,-2.652118973,-16.05573946,0,0,0,0,0.029750003,-0.057050001,9.80880004,0,0,-0.173999995,0,71.31900012
+32:13.1,6.103077,608,-2.651898291,-16.05605435,0,-0.0108,0,0,0.032350003,-0.055450001,9.809700042,0,0,-0.316000015,0,71.31900012
+32:13.1,6.110808,609,-2.651230261,-16.05698105,0,-0.0108,0,0,0.035450003,-0.053950001,9.809600039,0,0,-0.316000015,0,71.31900012
+32:13.2,6.12092,610,-2.651230261,-16.05698105,0,-0.0108,0,0,0.038950003,-0.051650001,9.810100032,0,0,-0.316000015,0,71.31900012
+32:13.2,6.129944,611,-2.651230261,-16.05698105,0,-0.0108,0,0,0.042750003,-0.049450001,9.809700032,0,0,-0.316000015,0,71.31900012
+32:13.2,6.140108,612,-2.650305342,-16.05824084,0,-0.035999999,0,0,0.046450003,-0.047350001,9.810400029,0,0,-0.354000002,0,71.31900012
+32:13.2,6.154304,613,-2.650305342,-16.05824084,0,-0.035999999,0,0,0.049250003,-0.046550001,9.810900031,0,0,-0.354000002,0,71.31900012
+32:13.2,6.161128,614,-2.650305342,-16.05824084,0,-0.035999999,0,0,0.051550003,-0.046150001,9.810700036,0,0,-0.354000002,0,71.31900012
+32:13.2,6.170647,615,-2.650305342,-16.05824084,0,-0.035999999,0,0,0.052350003,-0.046250001,9.810900031,0,0,-0.354000002,0,71.31900012
+32:13.2,6.184174,616,-2.649401936,-16.05945779,0,0,0,0,0.053350003,-0.046450001,9.810300027,0,0,-0.230000004,0,71.31900012
+32:13.2,6.190005,617,-2.649401936,-16.05945779,0,0,0,0,0.053950003,-0.046550001,9.809500028,0,0,-0.230000004,0,71.31900012
+32:13.2,6.200337,618,-2.649401936,-16.05945779,0,0,0,0,0.054050003,-0.047150001,9.809300023,0,0,-0.230000004,0,71.31900012
+32:13.2,6.211378,619,-2.649401936,-16.05945779,0,0,0,0,0.054750003,-0.047150001,9.809900018,0,0,-0.230000004,0,71.31900012
+32:13.3,6.224776,620,-2.648544139,-16.06061692,0,0.046800001,0,0,0.055050003,-0.046650001,9.809700023,0,0,-0.078000002,0,71.31900012
+32:13.3,6.230325,621,-2.648544139,-16.06061692,0,0.046800001,0,0,0.055050003,-0.046150001,9.80960002,0,0,-0.078000002,0,71.31900012
+32:13.3,6.241377,622,-2.648544139,-16.06061692,0,0.046800001,0,0,0.055150003,-0.045150001,9.809800015,0,0,-0.078000002,0,71.31900012
+32:13.3,6.250863,623,-2.648544139,-16.06061692,0,0.046800001,0,0,0.054250003,-0.044250001,9.809800015,0,0,-0.078000002,0,71.31900012
+32:13.3,6.260942,624,-2.647748173,-16.06171097,0,0.0396,0,0,0.054250003,-0.043950001,9.80960002,0,0,-0.064999998,0,71.31900012
+32:13.3,6.27042,625,-2.647748173,-16.06171097,0,0.0396,0,0,0.052950003,-0.044050001,9.81000002,0,0,-0.064999998,0,71.31900012
+32:13.3,6.282607,626,-2.647748173,-16.06171097,0,0.0396,0,0,0.051950003,-0.044250001,9.810500022,0,0,-0.064999998,0,71.31900012
+32:13.3,6.291604,627,-2.647748173,-16.06171097,0,0.0396,0,0,0.050350003,-0.044050001,9.81040002,0,0,-0.064999998,0,71.31900012
+32:13.3,6.304621,628,-2.646993542,-16.06278075,0,0,0,0,0.048950003,-0.042750001,9.810500012,0,0,0,0,71.31900012
+32:13.4,6.311859,629,-2.646993542,-16.06278075,0,0,0,0,0.047750003,-0.041550001,9.811100017,0,0,0,0,71.31900012
+32:13.4,6.321026,630,-2.646993542,-16.06278075,0,0,0,0,0.046750003,-0.040550001,9.811200019,0,0,0,0,71.31900012
+32:13.4,6.329557,631,-2.646993542,-16.06278075,0,0,0,0,0.045750003,-0.040450001,9.811300021,0,0,0,0,71.31900012
+32:13.4,6.339916,632,-2.646286072,-16.06380311,0,0,0,0,0.045350002,-0.041050001,9.810800019,0,0,0,0,71.31900012
+32:13.4,6.35281,633,-2.646286072,-16.06380311,0,0,0,0,0.045150003,-0.042150001,9.811200019,0,0,0,0,71.31900012
+32:13.4,6.36058,634,-2.646286072,-16.06380311,0,0,0,0,0.044950003,-0.043350001,9.810200015,0,0,0,0,71.31900012
+32:13.4,6.375978,635,-2.646286072,-16.06380311,0,0,0,0,0.044950003,-0.043350001,9.810200015,0,0,0,0,71.31900012
+32:13.4,6.388176,636,-2.645610358,-16.06478538,0,0,0,0,0.044950003,-0.043350001,9.810200015,0,0,0,0,71.31900012
+32:13.4,6.390616,637,-2.645610358,-16.06478538,0,0,0,0,0.044950003,-0.043350001,9.810200015,0,0,0,0,71.31900012
+32:13.4,6.400645,638,-2.645610358,-16.06478538,0,0,0,0,0.044950003,-0.043350001,9.810200015,0,0,0,0,71.31900012
+32:13.4,6.409881,639,-2.645610358,-16.06478538,0,0,0,0,0.044950003,-0.043350001,9.810200015,0,0,0,0,71.31900012
+32:13.5,6.42602,640,-2.644977374,-16.06573788,0,-0.014400001,0,0,0.044950003,-0.043350001,9.810200015,0,0,-0.027000001,0,71.31900012
+32:13.5,6.430182,641,-2.644977374,-16.06573788,0,-0.014400001,0,0,0.046250002,-0.046450001,9.811600009,0,0,-0.027000001,0,71.31900012
+32:13.5,6.440574,642,-2.644977374,-16.06573788,0,-0.014400001,0,0,0.046350003,-0.046750001,9.812200004,0,0,-0.027000001,0,71.31900012
+32:13.5,6.451231,643,-2.644977374,-16.06573788,0,-0.014400001,0,0,0.046450002,-0.046650001,9.813000003,0,0,-0.027000001,0,71.31900012
+32:13.5,6.460593,644,-2.64435064,-16.06669633,0,-0.064799997,0,0,0.046650002,-0.046550001,9.8137,0,0,-0.105999999,0,71.31900012
+32:13.5,6.470474,645,-2.64435064,-16.06669633,0,-0.064799997,0,0,0.046650002,-0.045550001,9.813799993,0,0,-0.105999999,0,71.31900012
+32:13.5,6.48355,646,-2.64435064,-16.06669633,0,-0.064799997,0,0,0.046550003,-0.044650001,9.814299994,0,0,-0.105999999,0,71.31900012
+32:13.5,6.490519,647,-2.64435064,-16.06669633,0,-0.064799997,0,0,0.046450003,-0.043450001,9.814799996,0,0,-0.105999999,0,71.31900012
+32:13.5,6.502802,648,-2.643757857,-16.06762379,0,-0.028800001,0,0,0.046650003,-0.042850001,9.815599996,0,0,-0.045000002,0,71.31900012
+32:13.5,6.510233,649,-2.643757857,-16.06762379,0,-0.028800001,0,0,0.046650003,-0.042550001,9.816399995,0,0,-0.045000002,0,71.31900012
+32:13.6,6.524279,650,-2.643757857,-16.06762379,0,-0.028800001,0,0,0.046350003,-0.042350001,9.816899997,0,0,-0.045000002,0,71.31900012
+32:13.6,6.53006,651,-2.643757857,-16.06762379,0,-0.028800001,0,0,0.046650003,-0.042450001,9.817899991,0,0,-0.045000002,0,71.31900012
+32:13.6,6.540384,652,-2.643232157,-16.06846311,0,0.053999999,0,0,0.047150003,-0.042350001,9.819399987,0,0,-0.085000001,0,71.31900012
+32:13.6,6.550654,653,-2.643232157,-16.06846311,0,0.053999999,0,0,0.047550002,-0.042250001,9.820699988,0,0,-0.085000001,0,71.31900012
+32:13.6,6.561413,654,-2.643232157,-16.06846311,0,0.053999999,0,0,0.047850002,-0.041650001,9.821499988,0,0,-0.085000001,0,71.31900012
+32:13.6,6.583174,655,-2.643232157,-16.06846311,0,0.053999999,0,0,0.048850002,-0.041050001,9.82239998,0,0,-0.085000001,0,71.31900012
+32:13.6,6.58325,656,-2.643232157,-16.06846311,0,0.053999999,0,0,0.049850002,-0.041250001,9.822699977,0,0,-0.085000001,0,71.31900012
+32:13.6,6.590265,657,-2.642745272,-16.06925287,0,0,0,0,0.050550002,-0.041150001,9.822699977,0,0,0,0,71.31900012
+32:13.6,6.600686,658,-2.642745272,-16.06925287,0,0,0,0,0.051650002,-0.040750001,9.822599975,0,0,0,0,71.31900012
+32:13.6,6.611073,659,-2.642745272,-16.06925287,0,0,0,0,0.052750002,-0.040150001,9.822799979,0,0,0,0,71.31900012
+32:13.7,6.627119,660,-2.642296454,-16.06999611,0,0,0,0,0.052750002,-0.040150001,9.822799979,0,0,0,0,71.31900012
+32:13.7,6.630973,661,-2.642296454,-16.06999611,0,0,0,0,0.052750002,-0.040150001,9.822799979,0,0,0,0,71.31900012
+32:13.7,6.640379,662,-2.642296454,-16.06999611,0,0,0,0,0.052750002,-0.040150001,9.822799979,0,0,0,0,71.31900012
+32:13.7,6.652105,663,-2.642296454,-16.06999611,0,0,0,0,0.052750002,-0.040150001,9.822799979,0,0,0,0,71.31900012
+32:13.7,6.661572,664,-2.641909132,-16.07066723,0,0.035999999,0,0,0.052750002,-0.040150001,9.822799979,0,0,0.057999998,0,71.31900012
+32:13.7,6.67081,665,-2.641909132,-16.07066723,0,0.035999999,0,0,0.052750002,-0.040150001,9.822799979,0,0,0.057999998,0,71.31900012
+32:13.7,6.681357,666,-2.641909132,-16.07066723,0,0.035999999,0,0,0.052750002,-0.040150001,9.822799979,0,0,0.057999998,0,71.31900012
+32:13.7,6.690632,667,-2.641909132,-16.07066723,0,0.035999999,0,0,0.063350002,-0.029850001,9.824599982,0,0,0.057999998,0,71.31900012
+32:13.7,6.701,668,-2.64156029,-16.07129927,0,-0.028800001,0,0,0.064850002,-0.028150001,9.825099975,0,0,0.211999997,0,71.31900012
+32:13.8,6.712537,669,-2.64156029,-16.07129927,0,-0.028800001,0,0,0.066450002,-0.026150001,9.82489998,0,0,0.211999997,0,71.31900012
+32:13.8,6.727118,670,-2.64156029,-16.07129927,0,-0.028800001,0,0,0.068350002,-0.024150001,9.825399981,0,0,0.211999997,0,71.31900012
+32:13.8,6.730314,671,-2.64156029,-16.07129927,0,-0.028800001,0,0,0.069750002,-0.022150001,9.824799987,0,0,0.211999997,0,71.31900012
+32:13.8,6.74242,672,-2.641294372,-16.07185094,0,0.018,0,0,0.071450002,-0.020150001,9.825799991,0,0,0.211999997,0,71.31900012
+32:13.8,6.751407,673,-2.641294372,-16.07185094,0,0.018,0,0,0.073150002,-0.017850001,9.825699998,0,0,0.211999997,0,71.31900012
+32:13.8,6.761955,674,-2.641294372,-16.07185094,0,0.018,0,0,0.075150002,-0.014850001,9.825900002,0,0,0.211999997,0,71.31900012
+32:13.8,6.775628,675,-2.641294372,-16.07185094,0,0.018,0,0,0.077050002,-0.011850001,9.825299998,0,0,0.211999997,0,71.31900012
+32:13.8,6.783964,676,-2.641090234,-16.07234809,0,-0.0108,0,0,0.079250002,-0.009750001,9.825200006,0,0,0.280000001,0,71.31900012
+32:13.8,6.792258,677,-2.641090234,-16.07234809,0,-0.0108,0,0,0.081450002,-0.008450001,9.824400006,0,0,0.280000001,0,71.31900012
+32:13.8,6.800681,678,-2.641090234,-16.07234809,0,-0.0108,0,0,0.083950002,-0.007650001,9.824000007,0,0,0.280000001,0,71.31900012
+32:13.9,6.814117,679,-2.641090234,-16.07234809,0,-0.0108,0,0,0.086450002,-0.006350001,9.825200006,0,0,0.280000001,0,71.31900012
+32:13.9,6.827178,680,-2.64102156,-16.07273008,0,0.0036,0,0,0.089450002,-0.005050001,9.824400006,0,0,0.514999986,0,71.31900012
+32:13.9,6.831084,681,-2.64102156,-16.07273008,0,0.0036,0,0,0.091050002,-0.004150001,9.824400006,0,0,0.514999986,0,71.31900012
+32:13.9,6.841556,682,-2.64102156,-16.07273008,0,0.0036,0,0,0.092050002,-0.004250001,9.822800008,0,0,0.514999986,0,71.31900012
+32:13.9,6.850549,683,-2.64102156,-16.07273008,0,0.0036,0,0,0.092350002,-0.004950001,9.824700013,0,0,0.514999986,0,71.31900012
+32:13.9,6.860731,684,-2.641018754,-16.073085,0,-0.028800001,0,0,0.091250002,-0.006550001,9.824700013,0,0,0.680000007,0,71.31900012
+32:13.9,6.873624,685,-2.641018754,-16.073085,0,-0.028800001,0,0,0.089850002,-0.008250001,9.824900008,0,0,0.680000007,0,71.31900012
+32:13.9,6.887005,686,-2.641018754,-16.073085,0,-0.028800001,0,0,0.089350003,-0.008750001,9.824600011,0,0,0.680000007,0,71.31900012
+32:13.9,6.89026,687,-2.641018754,-16.073085,0,-0.028800001,0,0,0.088350002,-0.009450001,9.824100009,0,0,0.680000007,0,71.31900012
+32:13.9,6.900993,688,-2.641100374,-16.07339268,0,0.0108,0,0,0.087850002,-0.010750001,9.823700009,0,0,0.611000001,0,71.31900012
+32:13.9,6.910662,689,-2.641100374,-16.07339268,0,0.0108,0,0,0.087650003,-0.012950001,9.82330001,0,0,0.611000001,0,71.31900012
+32:14.0,6.9266,690,-2.641100374,-16.07339268,0,0.0108,0,0,0.087850003,-0.014650001,9.82250001,0,0,0.611000001,0,71.31900012
+32:14.0,6.930513,691,-2.641100374,-16.07339268,0,0.0108,0,0,0.087650003,-0.017150001,9.823600007,0,0,0.611000001,0,71.31900012
+32:14.0,6.941254,692,-2.641283811,-16.07361373,0,0.057600003,0,0,0.087050002,-0.019350001,9.822100011,0,0,0.532999992,0,71.31900012
+32:14.0,6.951701,693,-2.641283811,-16.07361373,0,0.057600003,0,0,0.085750002,-0.020250001,9.821900006,0,0,0.532999992,0,71.31900012
+32:14.0,6.962449,694,-2.641283811,-16.07361373,0,0.057600003,0,0,0.083850002,-0.019850001,9.822100001,0,0,0.532999992,0,71.31900012
+32:14.0,6.992094,695,-2.641283811,-16.07361373,0,0.057600003,0,0,0.082250002,-0.019150001,9.821899997,0,0,0.532999992,0,71.31900012
+32:14.0,6.993296,696,-2.641283811,-16.07361373,0,0.057600003,0,0,0.080250002,-0.018850001,9.822299996,0,0,0.532999992,0,71.31900012
+32:14.0,6.99348,697,-2.641283811,-16.07361373,0,0.057600003,0,0,0.078750002,-0.019050001,9.822099992,0,0,0.532999992,0,71.31900012
+32:14.0,7.003345,698,-2.641593579,-16.07368848,0,0.050400002,0,0,0.077250002,-0.020250001,9.822499991,0,0,0.305000007,0,71.31900012
+32:14.0,7.010723,699,-2.641593579,-16.07368848,0,0.050400002,0,0,0.076550002,-0.020650001,9.821099988,0,0,0.305000007,0,71.31900012
+32:14.1,7.027015,700,-2.641898737,-16.07364665,0,0.086400001,0,0,0.076450002,-0.021150001,9.821399995,0,0,0.245000005,0,71.31900012
+32:14.1,7.030601,701,-2.642002129,-16.07362891,0,0.086400001,0,0,0.076850002,-0.022150001,9.820899993,0,0,0.245000005,0,71.31900012
+32:14.1,7.040721,702,-2.642126669,-16.07359434,0,0.115200005,0,0,0.076950002,-0.022950001,9.820799991,0,0,0,0,71.31900012
+32:14.1,7.051589,703,-2.642126669,-16.07359434,0,0.115200005,0,0,0.076650002,-0.025550001,9.820199996,0,0,0,0,71.31900012
+32:14.1,7.062507,704,-2.642126669,-16.07359434,0,0.115200005,0,0,0.075250002,-0.028650001,9.820400001,0,0,0,0,71.31900012
+32:14.1,7.073927,705,-2.642631585,-16.07336935,0,0.075599999,0,0,0.073650002,-0.030950001,9.819700004,0,0,-0.120999999,0,71.31900012
+32:14.1,7.081377,706,-2.642631585,-16.07336935,0,0.075599999,0,0,0.072450003,-0.032850001,9.818400012,0,0,-0.120999999,0,71.31900012
+32:14.1,7.090703,707,-2.642631585,-16.07336935,0,0.075599999,0,0,0.070750002,-0.034850001,9.818500014,0,0,-0.120999999,0,71.31900012
+32:14.1,7.101066,708,-2.642631585,-16.07336935,0,0.075599999,0,0,0.067850003,-0.037050001,9.816500016,0,0,-0.120999999,0,71.31900012
+32:14.1,7.110872,709,-2.643151224,-16.07308475,0,0.057600003,0,0,0.064950003,-0.039550001,9.81750001,0,0,-0.222000003,0,71.31900012
+32:14.2,7.124288,710,-2.643151224,-16.07308475,0,0.057600003,0,0,0.062150003,-0.042850001,9.816500016,0,0,-0.222000003,0,71.31900012
+32:14.2,7.130689,711,-2.643151224,-16.07308475,0,0.057600003,0,0,0.059450003,-0.045750001,9.81710002,0,0,-0.222000003,0,71.31900012
+32:14.2,7.140705,712,-2.643151224,-16.07308475,0,0.057600003,0,0,0.057150003,-0.047550001,9.816500026,0,0,-0.222000003,0,71.31900012
+32:14.2,7.159166,713,-2.64355424,-16.07281215,0,0.057600003,0,0,0.056150003,-0.047550001,9.816300031,0,0,-0.222000003,0,71.31900012
+32:14.2,7.164457,714,-2.643709025,-16.07268904,0,0.093600002,0,0,0.055750003,-0.046850001,9.81670003,0,0,-0.149000004,0,71.31900012
+32:14.2,7.188662,715,-2.643709025,-16.07268904,0,0.093600002,0,0,0.056050003,-0.044850001,9.816300031,0,0,-0.149000004,0,71.31900012
+32:14.2,7.188795,716,-2.643709025,-16.07268904,0,0.093600002,0,0,0.056950003,-0.042450001,9.818000031,0,0,-0.149000004,0,71.31900012
+32:14.2,7.194216,717,-2.644312196,-16.07217842,0,0.025200001,0,0,0.057450003,-0.041350001,9.818300029,0,0,-0.202000007,0,71.31900012
+32:14.2,7.200829,718,-2.644312196,-16.07217842,0,0.025200001,0,0,0.058350003,-0.039550001,9.81920003,0,0,-0.202000007,0,71.31900012
+32:14.3,7.211938,719,-2.644312196,-16.07217842,0,0.025200001,0,0,0.058350003,-0.037750001,9.819100038,0,0,-0.202000007,0,71.31900012
+32:14.3,7.224189,720,-2.644312196,-16.07217842,0,0.025200001,0,0,0.058850003,-0.037250001,9.820700036,0,0,-0.202000007,0,71.31900012
+32:14.3,7.230937,721,-2.644742556,-16.07178979,0,0.025200001,0,0,0.059250003,-0.037250001,9.820900041,0,0,-0.202000007,0,71.31900012
+32:14.3,7.240782,722,-2.644884769,-16.07166754,0,0.025200001,0,0,0.059350003,-0.037850001,9.821000043,0,0,-0.202000007,0,71.31900012
+32:14.3,7.251129,723,-2.644884769,-16.07166754,0,0.025200001,0,0,0.060350003,-0.038050001,9.821700049,0,0,-0.202000007,0,71.31900012
+32:14.3,7.261103,724,-2.644884769,-16.07166754,0,0.025200001,0,0,0.060650003,-0.037950001,9.822100049,0,0,-0.202000007,0,71.31900012
+32:14.3,7.275674,725,-2.645291649,-16.07127108,0,0,0,0,0.062050003,-0.037350001,9.821400052,0,0,-0.211999997,0,71.31900012
+32:14.3,7.283305,726,-2.645551145,-16.07101743,0,0,0,0,0.063550003,-0.036950001,9.82130005,0,0,-0.211999997,0,71.31900012
+32:14.3,7.290952,727,-2.645551145,-16.07101743,0,0,0,0,0.065350003,-0.037150001,9.822200051,0,0,-0.211999997,0,71.31900012
+32:14.3,7.301073,728,-2.645551145,-16.07101743,0,0,0,0,0.066950003,-0.038450001,9.823300057,0,0,-0.211999997,0,71.31900012
+32:14.3,7.311086,729,-2.645551145,-16.07101743,0,0,0,0,0.068150003,-0.039950001,9.822800056,0,0,-0.211999997,0,71.31900012
+32:14.4,7.327494,730,-2.646176233,-16.0703346,0,0.129599994,0,0,0.069250003,-0.041450001,9.823300057,0,0,-0.027000001,0,71.31900012
+32:14.4,7.330871,731,-2.646176233,-16.0703346,0,0.129599994,0,0,0.069950003,-0.042250001,9.82380005,0,0,-0.027000001,0,71.31900012
+32:14.4,7.341146,732,-2.646176233,-16.0703346,0,0.129599994,0,0,0.069850003,-0.041950001,9.824100047,0,0,-0.027000001,0,71.31900012
+32:14.4,7.352096,733,-2.646176233,-16.0703346,0,0.129599994,0,0,0.069750003,-0.041350001,9.824600039,0,0,-0.027000001,0,71.31900012
+32:14.4,7.364607,734,-2.646176233,-16.0703346,0,0.129599994,0,0,0.069550003,-0.040650001,9.825000039,0,0,-0.027000001,0,71.31900012
+32:14.4,7.382075,735,-2.646826429,-16.06957488,0,0.129599994,0,0,0.069050003,-0.039850001,9.826100045,0,0,-0.027000001,0,71.31900012
+32:14.4,7.386111,736,-2.646826429,-16.06957488,0,0.129599994,0,0,0.069050003,-0.038750001,9.82630005,0,0,-0.027000001,0,71.31900012
+32:14.4,7.392402,737,-2.646826429,-16.06957488,0,0.129599994,0,0,0.068150003,-0.038350001,9.826800052,0,0,-0.027000001,0,71.31900012
+32:14.4,7.402571,738,-2.647447658,-16.06881807,0,0.0432,0,0,0.068050003,-0.037850001,9.826500054,0,0,-0.072999999,0,71.31900012
+32:14.5,7.412092,739,-2.647447658,-16.06881807,0,0.0432,0,0,0.067750003,-0.037650001,9.82630005,0,0,-0.072999999,0,71.31900012
+32:14.5,7.422731,740,-2.647447658,-16.06881807,0,0.0432,0,0,0.067250003,-0.039950001,9.826100045,0,0,-0.072999999,0,71.31900012
+32:14.5,7.432443,741,-2.647447658,-16.06881807,0,0.0432,0,0,0.067150003,-0.039050001,9.826500045,0,0,-0.072999999,0,71.31900012
+32:14.5,7.442776,742,-2.648075496,-16.06802509,0,0.028800001,0,0,0.066350003,-0.038750001,9.825200044,0,0,-0.048,0,71.31900012
+32:14.5,7.453112,743,-2.648075496,-16.06802509,0,0.028800001,0,0,0.065750003,-0.036750001,9.823400041,0,0,-0.048,0,71.31900012
+32:14.5,7.461724,744,-2.648075496,-16.06802509,0,0.028800001,0,0,0.063850003,-0.035750001,9.822300044,0,0,-0.048,0,71.31900012
+32:14.5,7.475793,745,-2.648075496,-16.06802509,0,0.028800001,0,0,0.063050003,-0.037150001,9.822200051,0,0,-0.048,0,71.31900012
+32:14.5,7.486003,746,-2.64869105,-16.06722499,0,0.0216,0,0,0.062250003,-0.038350001,9.822200051,0,0,-0.037,0,71.31900012
+32:14.5,7.490861,747,-2.64869105,-16.06722499,0,0.0216,0,0,0.061050003,-0.039950001,9.821600057,0,0,-0.037,0,71.31900012
+32:14.5,7.50565,748,-2.64869105,-16.06722499,0,0.0216,0,0,0.060350003,-0.040950001,9.820600062,0,0,-0.037,0,71.31900012
+32:14.6,7.512275,749,-2.64869105,-16.06722499,0,0.0216,0,0,0.059150003,-0.041150001,9.819400064,0,0,-0.037,0,71.31900012
+32:14.6,7.524562,750,-2.649275679,-16.06643635,0,0.0396,0,0,0.059050003,-0.041850001,9.818100062,0,0,-0.063000001,0,71.31900012
+32:14.6,7.533208,751,-2.649275679,-16.06643635,0,0.0396,0,0,0.058250002,-0.042150001,9.817500068,0,0,-0.063000001,0,71.31900012
+32:14.6,7.541655,752,-2.649275679,-16.06643635,0,0.0396,0,0,0.057350002,-0.042850001,9.816500064,0,0,-0.063000001,0,71.31900012
+32:14.6,7.550872,753,-2.649275679,-16.06643635,0,0.0396,0,0,0.056850002,-0.043450001,9.815700065,0,0,-0.063000001,0,71.31900012
+32:14.6,7.56375,754,-2.649823299,-16.06566555,0,0.046800001,0,0,0.055650002,-0.043550001,9.81470007,0,0,-0.075000003,0,71.31900012
+32:14.6,7.581125,755,-2.649823299,-16.06566555,0,0.046800001,0,0,0.053950002,-0.042650001,9.813900071,0,0,-0.075000003,0,71.31900012
+32:14.6,7.585109,756,-2.649823299,-16.06566555,0,0.046800001,0,0,0.052050002,-0.041450001,9.813200074,0,0,-0.075000003,0,71.31900012
+32:14.6,7.602748,757,-2.649823299,-16.06566555,0,0.046800001,0,0,0.050050002,-0.039750001,9.812700072,0,0,-0.075000003,0,71.31900012
+32:14.6,7.602782,758,-2.649823299,-16.06566555,0,0.046800001,0,0,0.047550002,-0.040150001,9.812300073,0,0,-0.075000003,0,71.31900012
+32:14.6,7.611218,759,-2.650305073,-16.06495724,0,0.0216,0,0,0.045650003,-0.040650001,9.81260007,0,0,-0.035,0,71.31900012
+32:14.7,7.622084,760,-2.650305073,-16.06495724,0,0.0216,0,0,0.044450003,-0.040450001,9.811600066,0,0,-0.035,0,71.31900012
+32:14.7,7.631803,761,-2.650305073,-16.06495724,0,0.0216,0,0,0.042950003,-0.040250001,9.810600062,0,0,-0.035,0,71.31900012
+32:14.7,7.642351,762,-2.650645466,-16.0644374,0,0.064799997,0,0,0.041550003,-0.03895,9.809700061,0,0,-0.105999999,0,71.31900012
+32:14.7,7.651254,763,-2.650752679,-16.06427212,0,0.064799997,0,0,0.040050003,-0.03955,9.80840006,0,0,-0.105999999,0,71.31900012
+32:14.7,7.661396,764,-2.650752679,-16.06427212,0,0.064799997,0,0,0.039050003,-0.040250001,9.809000064,0,0,-0.105999999,0,71.31900012
+32:14.7,7.671735,765,-2.650752679,-16.06427212,0,0.064799997,0,0,0.038250003,-0.04175,9.808500062,0,0,-0.105999999,0,71.31900012
+32:14.7,7.683292,766,-2.651108988,-16.06370256,0,0,0,0,0.037550003,-0.04385,9.808700057,0,0,0,0,71.31900012
+32:14.7,7.692283,767,-2.651108988,-16.06370256,0,0,0,0,0.036450002,-0.04575,9.808300057,0,0,0,0,71.31900012
+32:14.7,7.702424,768,-2.651108988,-16.06370256,0,0,0,0,0.035850002,-0.04735,9.80840006,0,0,0,0,71.31900012
+32:14.7,7.711555,769,-2.651108988,-16.06370256,0,0,0,0,0.034950002,-0.04835,9.80800006,0,0,0,0,71.31900012
+32:14.8,7.722219,770,-2.651221714,-16.06350055,0,-0.0792,0,0,0.034250002,-0.04925,9.807900058,0,0,0.128000006,0,71.31900012
+32:14.8,7.731633,771,-2.651323664,-16.06331123,0,-0.0792,0,0,0.033450002,-0.05105,9.806800052,0,0,0.128000006,0,71.31900012
+32:14.8,7.741106,772,-2.651323664,-16.06331123,0,-0.0792,0,0,0.031650002,-0.053550001,9.806000052,0,0,0.128000006,0,71.31900012
+32:14.8,7.751186,773,-2.651323664,-16.06331123,0,-0.0792,0,0,0.029250002,-0.056350001,9.805400048,0,0,0.128000006,0,71.31900012
+32:14.8,7.762968,774,-2.651381701,-16.06320531,0,0,0,0,0.027250002,-0.059350001,9.804400044,0,0,0,0,71.31900012
+32:14.8,7.771532,775,-2.651524763,-16.06291592,0,0,0,0,0.025350002,-0.06265,9.805400048,0,0,0,0,71.31900012
+32:14.8,7.784938,776,-2.651524763,-16.06291592,0,0,0,0,0.023150002,-0.064450001,9.805600043,0,0,0,0,71.31900012
+32:14.8,7.79274,777,-2.651524763,-16.06291592,0,0,0,0,0.021750002,-0.06595,9.807500039,0,0,0,0,71.31900012
+32:14.8,7.803922,778,-2.651590052,-16.06275336,0,-0.057600003,0,0,0.020650002,-0.06685,9.808300038,0,0,0.090999998,0,71.31900012
+32:14.9,7.815639,779,-2.651629261,-16.06261252,0,-0.057600003,0,0,0.018950002,-0.06815,9.808700038,0,0,0.090999998,0,71.31900012
+32:14.9,7.821367,780,-2.651629261,-16.06261252,0,-0.057600003,0,0,0.017350002,-0.06915,9.810200034,0,0,0.090999998,0,71.31900012
+32:14.9,7.831559,781,-2.651629261,-16.06261252,0,-0.057600003,0,0,0.016850002,-0.06985,9.811500026,0,0,0.090999998,0,71.31900012
+32:14.9,7.840828,782,-2.651664516,-16.06234491,0,0,0,0,0.016750002,-0.06905,9.81290002,0,0,0,0,71.31900012
+32:14.9,7.851343,783,-2.651664516,-16.06234491,0,0,0,0,0.017150002,-0.06775,9.810200015,0,0,0,0,71.31900012
+32:14.9,7.861582,784,-2.651664516,-16.06234491,0,0,0,0,0.018650002,-0.06645,9.810500012,0,0,0,0,71.31900012
+32:14.9,7.872048,785,-2.651664516,-16.06234491,0,0,0,0,0.020250002,-0.06515,9.809300014,0,0,0,0,71.31900012
+32:14.9,7.886136,786,-2.651630931,-16.06211558,0,0,0,0,0.020950002,-0.06465,9.810300008,0,0,0,0,71.31900012
+32:14.9,7.892971,787,-2.651630931,-16.06211558,0,0,0,0,0.022650002,-0.06375,9.809300004,0,0,0,0,71.31900012
+32:14.9,7.901146,788,-2.651630931,-16.06211558,0,0,0,0,0.023650002,-0.06215,9.809500009,0,0,0,0,71.31900012
+32:15.0,7.91698,789,-2.651630931,-16.06211558,0,0,0,0,0.024450002,-0.05885,9.808500005,0,0,0,0,71.31900012
+32:15.0,7.922273,790,-2.651585079,-16.06186308,0,0.071999998,0,0,0.025250002,-0.05635,9.809400006,0,0,0.112999998,0,71.31900012
+32:15.0,7.931801,791,-2.651585079,-16.06186308,0,0.071999998,0,0,0.026650002,-0.05355,9.80830001,0,0,0.112999998,0,71.31900012
+32:15.0,7.940612,792,-2.651585079,-16.06186308,0,0.071999998,0,0,0.028250002,-0.05105,9.809900008,0,0,0.112999998,0,71.31900012
+32:15.0,7.964017,793,-2.651585079,-16.06186308,0,0.071999998,0,0,0.030550002,-0.04925,9.810100013,0,0,0.112999998,0,71.31900012
+32:15.0,7.965829,794,-2.65148393,-16.06167318,0,0,0,0,0.033750002,-0.04805,9.809800015,0,0,0,0,71.31900012
+32:15.0,7.972145,795,-2.65148393,-16.06167318,0,0,0,0,0.036550002,-0.04705,9.810300017,0,0,0,0,71.31900012
+32:15.0,7.984556,796,-2.65148393,-16.06167318,0,0,0,0,0.040050002,-0.04605,9.809200011,0,0,0,0,71.31900012
+32:15.0,7.993271,797,-2.65148393,-16.06167318,0,0,0,0,0.042750002,-0.04465,9.809300014,0,0,0,0,71.31900012
+32:15.0,8.001349,798,-2.651404862,-16.06146618,0,0.057600003,0,0,0.045350002,-0.04215,9.808100005,0,0,0.090999998,0,71.31900012
+32:15.1,8.014386,799,-2.651404862,-16.06146618,0,0.057600003,0,0,0.047350002,-0.03975,9.808700009,0,0,0.090999998,0,71.31900012
+32:15.1,8.022613,800,-2.651404862,-16.06146618,0,0.057600003,0,0,0.048650002,-0.037250001,9.808400002,0,0,0.090999998,0,71.31900012
+32:15.1,8.032712,801,-2.651404862,-16.06146618,0,0.057600003,0,0,0.049750002,-0.035250001,9.808000003,0,0,0.090999998,0,71.31900012
+32:15.1,8.04129,802,-2.651364252,-16.06123566,0,0.071999998,0,0,0.051150002,-0.034250001,9.809499999,0,0,0.112999998,0,71.31900012
+32:15.1,8.052395,803,-2.651364252,-16.06123566,0,0.071999998,0,0,0.051550002,-0.033450001,9.808599998,0,0,0.112999998,0,71.31900012
+32:15.1,8.064302,804,-2.651364252,-16.06123566,0,0.071999998,0,0,0.052050002,-0.033050001,9.809299994,0,0,0.112999998,0,71.31900012
+32:15.1,8.072192,805,-2.651364252,-16.06123566,0,0.071999998,0,0,0.051650002,-0.032850001,9.808499995,0,0,0.112999998,0,71.31900012
+32:15.1,8.095124,806,-2.651316196,-16.06105951,0,0,0,0,0.051750002,-0.032550001,9.809399987,0,0,0,0,71.31900012
+32:15.1,8.095275,807,-2.651316196,-16.06105951,0,0,0,0,0.051750002,-0.03225,9.808599988,0,0,0,0,71.31900012
+32:15.1,8.101293,808,-2.651316196,-16.06105951,0,0,0,0,0.052050002,-0.031550001,9.809399987,0,0,0,0,71.31900012
+32:15.2,8.117404,809,-2.651316196,-16.06105951,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.31900012
+32:15.2,8.126051,810,-2.6512721,-16.06092593,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.31900012
+32:15.2,8.131181,811,-2.6512721,-16.06092593,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.31900012
+32:15.2,8.141306,812,-2.6512721,-16.06092593,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.31900012
+32:15.2,8.166412,813,-2.6512721,-16.06092593,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.31900012
+32:15.2,8.168545,814,-2.6512721,-16.06092593,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.2,8.172701,815,-2.651242994,-16.06082158,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.2,8.190495,816,-2.651242994,-16.06082158,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.2,8.192071,817,-2.651242994,-16.06082158,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.2,8.203635,818,-2.651232844,-16.06073974,0,0.028800001,0,0,0.052150002,-0.030450001,9.808299991,0,0,0.045000002,0,71.32500012
+32:15.3,8.217053,819,-2.651232844,-16.06073974,0,0.028800001,0,0,0.052150002,-0.030450001,9.808299991,0,0,0.045000002,0,71.32500012
+32:15.3,8.22334,820,-2.651232844,-16.06073974,0,0.028800001,0,0,0.052150002,-0.030450001,9.808299991,0,0,0.045000002,0,71.32500012
+32:15.3,8.232713,821,-2.651232844,-16.06073974,0,0.028800001,0,0,0.052150002,-0.030450001,9.808299991,0,0,0.045000002,0,71.32500012
+32:15.3,8.241361,822,-2.651233565,-16.06068396,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.3,8.251464,823,-2.651233565,-16.06068396,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.3,8.262506,824,-2.651233565,-16.06068396,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.3,8.274298,825,-2.651233565,-16.06068396,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.3,8.286544,826,-2.651246439,-16.06064885,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.3,8.291608,827,-2.651246439,-16.06064885,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.3,8.304469,828,-2.651246439,-16.06064885,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.4,8.318924,829,-2.651246439,-16.06064885,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.4,8.325111,830,-2.651276812,-16.06062008,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.4,8.332319,831,-2.651276812,-16.06062008,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.4,8.341813,832,-2.651276812,-16.06062008,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.4,8.352043,833,-2.651276812,-16.06062008,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.4,8.380357,834,-2.651312833,-16.06061006,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.4,8.380429,835,-2.651312833,-16.06061006,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.4,8.387536,836,-2.651312833,-16.06061006,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.4,8.393011,837,-2.651312833,-16.06061006,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.4,8.40229,838,-2.651356302,-16.06061255,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.5,8.417657,839,-2.651356302,-16.06061255,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.5,8.421427,840,-2.651356302,-16.06061255,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.5,8.43317,841,-2.651356302,-16.06061255,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.5,8.442171,842,-2.651398649,-16.06063286,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.5,8.45163,843,-2.651398649,-16.06063286,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.5,8.461632,844,-2.651398649,-16.06063286,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.5,8.473512,845,-2.651398649,-16.06063286,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.5,8.486262,846,-2.651445961,-16.06066201,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.5,8.491749,847,-2.651445961,-16.06066201,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.5,8.503267,848,-2.651445961,-16.06066201,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.6,8.511844,849,-2.651445961,-16.06066201,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.6,8.52323,850,-2.651493635,-16.06070131,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.6,8.531654,851,-2.651493635,-16.06070131,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.6,8.542865,852,-2.651493635,-16.06070131,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.6,8.551306,853,-2.651493635,-16.06070131,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.6,8.563624,854,-2.651541308,-16.0607486,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.6,8.575198,855,-2.651541308,-16.0607486,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.6,8.582393,856,-2.651541308,-16.0607486,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.6,8.59315,857,-2.651541308,-16.0607486,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.6,8.603265,858,-2.651589318,-16.06080212,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.7,8.618523,859,-2.651589318,-16.06080212,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.7,8.625845,860,-2.651589318,-16.06080212,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.7,8.633002,861,-2.651589318,-16.06080212,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.7,8.641803,862,-2.651603508,-16.06081594,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.7,8.652446,863,-2.651634741,-16.06086108,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.7,8.665549,864,-2.651634741,-16.06086108,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.7,8.673652,865,-2.651634741,-16.06086108,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.7,8.689617,866,-2.651677808,-16.06092373,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.7,8.692401,867,-2.651677808,-16.06092373,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.7,8.70218,868,-2.651677808,-16.06092373,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.8,8.712207,869,-2.651677808,-16.06092373,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.8,8.722967,870,-2.651719167,-16.06098899,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.8,8.732463,871,-2.651719167,-16.06098899,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.8,8.741973,872,-2.651719167,-16.06098899,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.8,8.751955,873,-2.651719167,-16.06098899,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.8,8.765658,874,-2.651757499,-16.06105585,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.8,8.772446,875,-2.651757499,-16.06105585,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.8,8.786607,876,-2.651757499,-16.06105585,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.8,8.791976,877,-2.651757499,-16.06105585,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.8,8.802152,878,-2.651785929,-16.06113192,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.9,8.812152,879,-2.651785929,-16.06113192,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.9,8.823122,880,-2.651785929,-16.06113192,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.9,8.832326,881,-2.651785929,-16.06113192,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.9,8.842143,882,-2.65181119,-16.06120702,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.9,8.85341,883,-2.65181119,-16.06120702,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.9,8.864022,884,-2.65181119,-16.06120702,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.9,8.873146,885,-2.65181119,-16.06120702,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.9,8.895457,886,-2.651833586,-16.06128052,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.9,8.902551,887,-2.651833586,-16.06128052,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:15.9,8.904097,888,-2.651833586,-16.06128052,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:16.0,8.915163,889,-2.651833586,-16.06128052,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:16.0,8.922635,890,-2.651854065,-16.06135241,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:16.0,8.93432,891,-2.651854065,-16.06135241,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:16.0,8.942478,892,-2.651854065,-16.06135241,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:16.0,8.954141,893,-2.651854065,-16.06135241,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:16.0,8.965048,894,-2.651872777,-16.06141315,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012
+32:16.0,8.973854,895,-2.651872777,-16.06141315,0,0,0,0,0.052150002,-0.030450001,9.808299991,0,0,0,0,71.32500012

BIN
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/LinearAccelerate.png


BIN
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/Speed.png


+ 160 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/log.txt

@@ -0,0 +1,160 @@
+[2024-09-23 09:42:38,653] - [INFO] [pji_run_test.py] [line:41] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-23 09:42:38,837] - [ERROR] [single_case_evaluate.py] [line:57] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Data processed ERROR: KeyError('travelDist')!]
+Traceback (most recent call last):
+  File "D:\Python\Lib\site-packages\pandas\core\indexes\base.py", line 3805, in get_loc
+    return self._engine.get_loc(casted_key)
+           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
+  File "index.pyx", line 167, in pandas._libs.index.IndexEngine.get_loc
+  File "index.pyx", line 196, in pandas._libs.index.IndexEngine.get_loc
+  File "pandas\\_libs\\hashtable_class_helper.pxi", line 7081, in pandas._libs.hashtable.PyObjectHashTable.get_item
+  File "pandas\\_libs\\hashtable_class_helper.pxi", line 7089, in pandas._libs.hashtable.PyObjectHashTable.get_item
+KeyError: 'travelDist'
+
+The above exception was the direct cause of the following exception:
+
+Traceback (most recent call last):
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\single_case_evaluate.py", line 54, in single_case_evaluate
+    data_processed = DataProcess(path, config)
+                     ^^^^^^^^^^^^^^^^^^^^^^^^^
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\data_process.py", line 60, in __init__
+    self._process()
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\data_process.py", line 72, in _process
+    self.report_info = self._get_report_info(self.obj_data[1])
+                       ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\data_process.py", line 251, in _get_report_info
+    mileage = self._mileage_cal(df)
+              ^^^^^^^^^^^^^^^^^^^^^
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\data_process.py", line 216, in _mileage_cal
+    travelDist = df['travelDist'].values.tolist()
+                 ~~^^^^^^^^^^^^^^
+  File "D:\Python\Lib\site-packages\pandas\core\frame.py", line 4102, in __getitem__
+    indexer = self.columns.get_loc(key)
+              ^^^^^^^^^^^^^^^^^^^^^^^^^
+  File "D:\Python\Lib\site-packages\pandas\core\indexes\base.py", line 3812, in get_loc
+    raise KeyError(key) from err
+KeyError: 'travelDist'
+[2024-09-23 09:42:38,839] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-23 09:42:38,839] - [ERROR] [single_case_evaluate.py] [line:146] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate ERROR: UnboundLocalError("cannot access local variable 'data_processed' where it is not associated with a value")!]
+Traceback (most recent call last):
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\single_case_evaluate.py", line 115, in single_case_evaluate
+    dimension_instance = globals()[dimension.capitalize()](data_processed, custom_data, scoreModel, path)
+                                                           ^^^^^^^^^^^^^^
+UnboundLocalError: cannot access local variable 'data_processed' where it is not associated with a value
+[2024-09-23 09:43:30,882] - [INFO] [pji_run_test.py] [line:41] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-23 09:43:31,066] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-23 09:43:31,495] - [INFO] [pji_run_test.py] [line:50] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: End.]
+[2024-09-23 10:01:40,813] - [INFO] [pji_run_test.py] [line:41] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-23 10:01:41,019] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-23 10:01:41,425] - [INFO] [pji_run_test.py] [line:50] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: End.]
+[2024-09-23 10:03:17,564] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-23 10:03:17,744] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-23 10:03:18,133] - [INFO] [pji_run_test.py] [line:56] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: End.]
+[2024-09-23 10:19:08,796] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-23 10:19:09,100] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-23 10:19:09,508] - [INFO] [pji_run_test.py] [line:56] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: End.]
+[2024-09-24 13:42:56,282] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-24 13:42:56,541] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-24 13:42:56,953] - [ERROR] [single_case_eval.py] [line:73] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Evaluate single case ERROR: PermissionError(13, 'Permission denied')!]
+Traceback (most recent call last):
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\single_case_eval.py", line 69, in single_case_eval
+    report_generate(reportDict, reportPdf)
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\report_generate.py", line 229, in report_generate
+    doc.build(content)
+  File "C:\Users\34739\AppData\Roaming\Python\Python312\site-packages\reportlab\platypus\doctemplate.py", line 1318, in build
+    BaseDocTemplate.build(self,flowables, canvasmaker=canvasmaker)
+  File "C:\Users\34739\AppData\Roaming\Python\Python312\site-packages\reportlab\platypus\doctemplate.py", line 1109, in build
+    self._endBuild()
+  File "C:\Users\34739\AppData\Roaming\Python\Python312\site-packages\reportlab\platypus\doctemplate.py", line 1044, in _endBuild
+    if getattr(self,'_doSave',1): self.canv.save()
+                                  ^^^^^^^^^^^^^^^^
+  File "C:\Users\34739\AppData\Roaming\Python\Python312\site-packages\reportlab\pdfgen\canvas.py", line 1298, in save
+    self._doc.SaveToFile(self._filename, self)
+  File "C:\Users\34739\AppData\Roaming\Python\Python312\site-packages\reportlab\pdfbase\pdfdoc.py", line 208, in SaveToFile
+    f = open(filename, "wb")
+        ^^^^^^^^^^^^^^^^^^^^
+PermissionError: [Errno 13] Permission denied: './task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/report.pdf'
+[2024-09-24 13:43:03,301] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-24 13:43:03,490] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-24 13:43:03,877] - [INFO] [pji_run_test.py] [line:56] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: End.]
+[2024-09-24 13:59:42,948] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-24 13:59:43,153] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-24 13:59:43,532] - [ERROR] [single_case_eval.py] [line:73] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Evaluate single case ERROR: PermissionError(13, 'Permission denied')!]
+Traceback (most recent call last):
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\single_case_eval.py", line 69, in single_case_eval
+    report_generate(reportDict, reportPdf)
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\report_generate.py", line 229, in report_generate
+    doc.build(content)
+  File "C:\Users\34739\AppData\Roaming\Python\Python312\site-packages\reportlab\platypus\doctemplate.py", line 1318, in build
+    BaseDocTemplate.build(self,flowables, canvasmaker=canvasmaker)
+  File "C:\Users\34739\AppData\Roaming\Python\Python312\site-packages\reportlab\platypus\doctemplate.py", line 1109, in build
+    self._endBuild()
+  File "C:\Users\34739\AppData\Roaming\Python\Python312\site-packages\reportlab\platypus\doctemplate.py", line 1044, in _endBuild
+    if getattr(self,'_doSave',1): self.canv.save()
+                                  ^^^^^^^^^^^^^^^^
+  File "C:\Users\34739\AppData\Roaming\Python\Python312\site-packages\reportlab\pdfgen\canvas.py", line 1298, in save
+    self._doc.SaveToFile(self._filename, self)
+  File "C:\Users\34739\AppData\Roaming\Python\Python312\site-packages\reportlab\pdfbase\pdfdoc.py", line 208, in SaveToFile
+    f = open(filename, "wb")
+        ^^^^^^^^^^^^^^^^^^^^
+PermissionError: [Errno 13] Permission denied: './task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/report.pdf'
+[2024-09-24 14:00:11,421] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-24 14:00:11,601] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-24 14:00:11,991] - [INFO] [pji_run_test.py] [line:56] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: End.]
+[2024-09-24 14:07:14,302] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-24 14:07:14,484] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-24 14:07:14,950] - [INFO] [pji_run_test.py] [line:56] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: End.]
+[2024-09-24 14:09:33,792] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-24 14:09:33,986] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-24 14:09:34,381] - [INFO] [pji_run_test.py] [line:56] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: End.]
+[2024-09-24 14:17:34,597] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-24 14:17:34,793] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-24 14:17:35,176] - [INFO] [pji_run_test.py] [line:56] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: End.]
+[2024-09-24 14:18:55,100] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-24 14:18:55,287] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-24 14:18:55,669] - [INFO] [pji_run_test.py] [line:56] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: End.]
+[2024-09-24 14:24:54,242] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-24 14:24:54,469] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-24 14:24:54,908] - [INFO] [pji_run_test.py] [line:56] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: End.]
+[2024-09-24 17:36:52,862] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-24 17:36:53,109] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-24 17:36:53,478] - [INFO] [pji_run_test.py] [line:56] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: End.]
+[2024-09-24 17:46:10,712] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-24 17:46:10,892] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-24 17:46:11,267] - [INFO] [pji_run_test.py] [line:56] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: End.]
+[2024-09-24 18:00:09,463] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-24 18:00:09,685] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-24 18:00:10,058] - [ERROR] [single_case_eval.py] [line:73] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Evaluate single case ERROR: PermissionError(13, 'Permission denied')!]
+Traceback (most recent call last):
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\single_case_eval.py", line 69, in single_case_eval
+    report_generate(reportDict, reportPdf)
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\report_generate.py", line 229, in report_generate
+    doc.build(content)
+  File "C:\Users\34739\AppData\Roaming\Python\Python312\site-packages\reportlab\platypus\doctemplate.py", line 1318, in build
+    BaseDocTemplate.build(self,flowables, canvasmaker=canvasmaker)
+  File "C:\Users\34739\AppData\Roaming\Python\Python312\site-packages\reportlab\platypus\doctemplate.py", line 1109, in build
+    self._endBuild()
+  File "C:\Users\34739\AppData\Roaming\Python\Python312\site-packages\reportlab\platypus\doctemplate.py", line 1044, in _endBuild
+    if getattr(self,'_doSave',1): self.canv.save()
+                                  ^^^^^^^^^^^^^^^^
+  File "C:\Users\34739\AppData\Roaming\Python\Python312\site-packages\reportlab\pdfgen\canvas.py", line 1298, in save
+    self._doc.SaveToFile(self._filename, self)
+  File "C:\Users\34739\AppData\Roaming\Python\Python312\site-packages\reportlab\pdfbase\pdfdoc.py", line 208, in SaveToFile
+    f = open(filename, "wb")
+        ^^^^^^^^^^^^^^^^^^^^
+PermissionError: [Errno 13] Permission denied: './task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/report.pdf'
+[2024-09-24 18:00:16,623] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-24 18:00:16,798] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-24 18:00:17,158] - [INFO] [pji_run_test.py] [line:56] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: End.]
+[2024-09-24 18:18:22,492] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-24 18:18:22,697] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-24 18:18:22,981] - [ERROR] [single_case_eval.py] [line:73] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Evaluate single case ERROR: TypeError('ReportPDF.draw_text() takes 1 positional argument but 2 were given')!]
+Traceback (most recent call last):
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\single_case_eval.py", line 69, in single_case_eval
+    report_generate(reportDict, reportPdf)
+  File "D:\Cicv\朴津项目\pji_indoor_robot_evaluate_real_0920\report_generate.py", line 223, in report_generate
+    content.append(ReportPDF.draw_text(key, 'Heading5'))
+                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
+TypeError: ReportPDF.draw_text() takes 1 positional argument but 2 were given
+[2024-09-24 18:21:40,289] - [INFO] [pji_run_test.py] [line:47] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Start evaluating:]
+[2024-09-24 18:21:40,497] - [INFO] [single_case_evaluate.py] [line:113] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: Dimension evaluate start: ]
+[2024-09-24 18:21:40,930] - [INFO] [pji_run_test.py] [line:56] - [[case:pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9] SINGLE_CASE_EVAL: End.]

BIN
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/track.png


Rozdielové dáta súboru neboli zobrazené, pretože súbor je príliš veľký
+ 18 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-11_obstacledetection_9/室内机器人_report.pdf


+ 79 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-20_obstacledetection_9/DriverCtrl_pji.csv

@@ -0,0 +1,79 @@
+Time,simTime,simFrame,tarspeedX,tarspeedY,tarspeedZ,tardimX,tardimY,tardimZ
+2024-04-07 10:32:16.039228,0.007112,1,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:16.141582,0.109466,2,0.0,0.0,0.0,0.0,0.0,-0.1085263267159462
+2024-04-07 10:32:16.237762,0.205646,3,0.0,0.0,0.0,0.0,0.0,-0.06921053677797316
+2024-04-07 10:32:16.348244,0.316128,4,0.0,0.0,0.0,0.0,0.0,-0.009473700076341629
+2024-04-07 10:32:16.429541,0.397425,5,0.0,0.0,0.0,0.0,0.0,-0.09668421000242233
+2024-04-07 10:32:16.548507,0.516391,6,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:16.628533,0.596417,7,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:16.729439,0.697323,8,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:16.814834,0.782718,9,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:16.833863,0.801747,10,0.0,0.0,0.0,0.0,0.0,-0.03105262108147144
+2024-04-07 10:32:17.314397,1.282281,11,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:17.428771,1.396655,12,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:17.528658,1.496542,13,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:17.621361,1.589245,14,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:17.711330,1.679214,15,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:17.825404,1.793288,16,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:17.912997,1.880881,17,0.0,0.0,0.0,0.0,0.0,0.024736857041716576
+2024-04-07 10:32:18.019931,1.987815,18,0.0,0.0,0.0,0.0,0.0,0.03578947111964226
+2024-04-07 10:32:18.117731,2.085615,19,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:18.222989,2.190873,20,0.0,0.0,0.0,0.0,0.0,-0.01578947715461254
+2024-04-07 10:32:18.321452,2.289336,21,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:18.425262,2.393146,22,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:18.522922,2.490806,23,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:18.623559,2.591443,24,0.0,0.0,0.0,0.0,0.0,0.028947358950972557
+2024-04-07 10:32:18.723330,2.691214,25,0.0,0.0,0.0,0.0,0.0,0.028947358950972557
+2024-04-07 10:32:18.814484,2.782368,26,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:18.915968,2.883852,27,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:19.013043,2.980927,28,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:19.117930,3.085814,29,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:19.220660,3.188544,30,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:19.315017,3.282901,31,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:19.421021,3.388905,32,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:19.514666,3.48255,33,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:19.616274,3.584158,34,0.0,0.0,0.0,0.0,0.0,0.007894747890532017
+2024-04-07 10:32:19.710355,3.678239,35,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:19.811101,3.778985,36,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:20.511962,4.479846,37,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:20.633625,4.601509,38,0.0,0.0,0.0,0.0,0.0,-0.1578947305679321
+2024-04-07 10:32:20.724436,4.69232,39,0.0,0.0,0.0,0.0,0.0,0.7894737124443053
+2024-04-07 10:32:20.824400,4.792284,40,0.0,0.0,0.0,0.0,0.0,0.7894737124443053
+2024-04-07 10:32:20.925482,4.893366,41,0.0,0.0,0.0,0.0,0.0,-0.1578947305679321
+2024-04-07 10:32:21.030588,4.998472,42,0.0,0.0,0.0,0.0,0.0,-0.1355789303779602
+2024-04-07 10:32:21.114527,5.082411,43,0.0,0.0,0.0,0.0,0.0,-0.002736838301643729
+2024-04-07 10:32:21.225051,5.192935,44,0.0,0.0,0.0,0.0,0.0,-0.020684218034148216
+2024-04-07 10:32:21.330907,5.298791,45,0.0,0.0,0.0,0.0,0.0,-0.07163158804178238
+2024-04-07 10:32:21.427246,5.39513,46,0.0,0.0,0.0,0.0,0.0,-0.08784210681915282
+2024-04-07 10:32:21.522221,5.490105,47,0.0,0.0,0.0,0.0,0.0,-0.021052630618214607
+2024-04-07 10:32:21.628796,5.59668,48,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:21.724568,5.692452,49,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:21.823078,5.790962,50,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:21.917994,5.885878,51,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:22.024476,5.99236,52,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:22.123051,6.090935,53,0.0,0.0,0.0,0.0,0.0,-0.08957894891500473
+2024-04-07 10:32:22.222387,6.190271,54,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:22.222640,6.190524,55,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:22.720166,6.68805,56,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:22.827294,6.795178,57,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:22.929789,6.897673,58,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:23.034898,7.002782,59,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:23.127720,7.095604,60,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:23.230282,7.198166,61,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:23.330701,7.298585,62,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:23.433477,7.401361,63,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:23.531111,7.498995,64,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:23.632643,7.600527,65,0.0,0.0,0.0,0.0,0.0,0.03421051427721978
+2024-04-07 10:32:23.734173,7.702057,66,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:23.832762,7.800646,67,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:23.930657,7.898541,68,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:24.033622,8.001506,69,0.0,0.0,0.0,0.0,0.0,-0.05368422344326973
+2024-04-07 10:32:24.129819,8.097703,70,0.0,0.0,0.0,0.0,0.0,0.03315789625048637
+2024-04-07 10:32:24.281511,8.249395,71,0.0,0.0,0.0,0.0,0.0,-0.011052627116441725
+2024-04-07 10:32:24.332986,8.30087,72,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:24.430045,8.397929,73,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:24.533072,8.500956,74,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:24.629546,8.59743,75,0.0,0.0,0.0,0.0,0.0,-0.011052627116441725
+2024-04-07 10:32:24.730355,8.698239,76,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:24.832581,8.800465,77,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:24.929962,8.897846,78,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424

+ 901 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-20_obstacledetection_9/EgoState_pji.csv

@@ -0,0 +1,901 @@
+Time,simTime,simFrame,posX,posY,posZ,speedX,speedY,speedZ,accelX,accelY,accelZ,dimX,dimY,dimZ,obstacle,traveledDist
+2024-04-07 10:32:16.040915,0.008799,1,-2.6518865040510033,-16.0614766345901,0.0,-0.025200000777840615,0.0,0.0,0.039850003495812414,-0.04645000096410512,9.805000010490415,0.0,0.0,-0.1459999978542328,0,
+2024-04-07 10:32:16.054593,0.022477,2,-2.6518865040510033,-16.0614766345901,0.0,-0.025200000777840615,0.0,0.0,0.03975000359117986,-0.04685000095516442,9.805900012016295,0.0,0.0,-0.1459999978542328,0,
+2024-04-07 10:32:16.054634,0.022518,3,-2.6518865040510033,-16.0614766345901,0.0,-0.025200000777840615,0.0,0.0,0.039850003495812414,-0.047050000913441165,9.805800009727475,0.0,0.0,-0.1459999978542328,0,
+2024-04-07 10:32:16.061103,0.028987,4,-2.6518865040510033,-16.0614766345901,0.0,-0.025200000777840615,0.0,0.0,0.040350003615021696,-0.04725000087171792,9.805500012397765,0.0,0.0,-0.1459999978542328,0,
+2024-04-07 10:32:16.071164,0.039048,5,-2.6518865040510033,-16.0614766345901,0.0,-0.025200000777840615,0.0,0.0,0.040350003615021696,-0.046950000934302794,9.805900012016295,0.0,0.0,-0.1459999978542328,0,
+2024-04-07 10:32:16.081009,0.048893,6,-2.6518565590279346,-16.061560794375445,0.0,-0.0719999983906746,0.0,0.0,0.040450003668665885,-0.04655000094324349,9.805000010490415,0.0,0.0,-0.11800000071525574,0,
+2024-04-07 10:32:16.092381,0.060265,7,-2.6518565590279346,-16.061560794375445,0.0,-0.0719999983906746,0.0,0.0,0.04085000365972519,-0.046250001005828364,9.806300011634825,0.0,0.0,-0.11800000071525574,0,
+2024-04-07 10:32:16.102094,0.069978,8,-2.6518565590279346,-16.061560794375445,0.0,-0.0719999983906746,0.0,0.0,0.04115000367164612,-0.04605000097304582,9.804900008201598,0.0,0.0,-0.11800000071525574,0,
+2024-04-07 10:32:16.132615,0.100499,9,-2.6518565590279346,-16.061560794375445,0.0,-0.0719999983906746,0.0,0.0,0.04155000373721124,-0.04585000094026326,9.805400010108945,0.0,0.0,-0.11800000071525574,0,
+2024-04-07 10:32:16.132972,0.100856,10,-2.6518565590279346,-16.061560794375445,0.0,-0.0719999983906746,0.0,0.0,0.04165000364184379,-0.04575000088661908,9.805100012779233,0.0,0.0,-0.11800000071525574,0,
+2024-04-07 10:32:16.133000,0.100884,11,-2.6518565590279346,-16.061560794375445,0.0,-0.0719999983906746,0.0,0.0,0.04165000364184379,-0.04595000091940163,9.806400013923643,0.0,0.0,-0.11800000071525574,0,
+2024-04-07 10:32:16.144346,0.11223,12,-2.6517926097517233,-16.0616521414747,0.0,-0.0359999991953373,0.0,0.0,0.04175000369548798,-0.046350000910460945,9.806600008964537,0.0,0.0,-0.057999998331069946,0,
+2024-04-07 10:32:16.151280,0.119164,13,-2.6517926097517233,-16.0616521414747,0.0,-0.0359999991953373,0.0,0.0,0.04175000369548798,-0.04655000086873769,9.805700007438658,0.0,0.0,-0.057999998331069946,0,
+2024-04-07 10:32:16.162723,0.130607,14,-2.6517072412308837,-16.061731536758863,0.0,-0.046800000965595244,0.0,0.0,0.042250003665685654,-0.04635000083595513,9.805000000953672,0.0,0.0,-0.07800000160932541,0,
+2024-04-07 10:32:16.171377,0.139261,15,-2.6517072412308837,-16.061731536758863,0.0,-0.046800000965595244,0.0,0.0,0.042450003623962396,-0.04595000080764293,9.805000000953672,0.0,0.0,-0.07800000160932541,0,
+2024-04-07 10:32:16.182657,0.150541,16,-2.6517072412308837,-16.061731536758863,0.0,-0.046800000965595244,0.0,0.0,0.042850003689527516,-0.04555000077933072,9.80510000324249,0.0,0.0,-0.07800000160932541,0,
+2024-04-07 10:32:16.192803,0.160687,17,-2.6517072412308837,-16.061731536758863,0.0,-0.046800000965595244,0.0,0.0,0.04315000370144845,-0.04555000077933072,9.805400010108945,0.0,0.0,-0.07800000160932541,0,
+2024-04-07 10:32:16.204100,0.171984,18,-2.6516202114239147,-16.061785483579367,0.0,0.021600000187754632,0.0,0.0,0.04315000370144845,-0.04555000077933072,9.80560000514984,0.0,0.0,-0.03500000014901161,0,71.34500011638738
+2024-04-07 10:32:16.232754,0.200638,19,-2.6516202114239147,-16.061785483579367,0.0,0.021600000187754632,0.0,0.0,0.04365000382065773,-0.04605000082403421,9.804400006294248,0.0,0.0,-0.03500000014901161,0,71.34500011638738
+2024-04-07 10:32:16.232821,0.200705,20,-2.6516202114239147,-16.061785483579367,0.0,0.021600000187754632,0.0,0.0,0.044350003749132144,-0.04615000080317258,9.8039000043869,0.0,0.0,-0.03500000014901161,0,71.34500011638738
+2024-04-07 10:32:16.233088,0.200972,21,-2.6516202114239147,-16.061785483579367,0.0,0.021600000187754632,0.0,0.0,0.044350003749132144,-0.04605000082403421,9.803699999809263,0.0,0.0,-0.03500000014901161,0,71.34500011638738
+2024-04-07 10:32:16.243444,0.211328,22,-2.651545194826066,-16.061799458271416,0.0,0.053999998793005946,0.0,0.0,0.045150003731250776,-0.04645000074058771,9.80419999217987,0.0,0.0,-0.08500000089406967,0,71.34500011638738
+2024-04-07 10:32:16.254103,0.221987,23,-2.651545194826066,-16.061799458271416,0.0,0.053999998793005946,0.0,0.0,0.04525000378489494,-0.04655000071972608,9.8045999917984,0.0,0.0,-0.08500000089406967,0,71.34500011638738
+2024-04-07 10:32:16.262583,0.230467,24,-2.651545194826066,-16.061799458271416,0.0,0.053999998793005946,0.0,0.0,0.04555000379681587,-0.0472500006854534,9.805199986457822,0.0,0.0,-0.08500000089406967,0,71.34500011638738
+2024-04-07 10:32:16.272529,0.240413,25,-2.651545194826066,-16.061799458271416,0.0,0.053999998793005946,0.0,0.0,0.04575000390410422,-0.047750000655651076,9.803999987602232,0.0,0.0,-0.08500000089406967,0,71.34500011638738
+2024-04-07 10:32:16.281139,0.249023,26,-2.651470908650878,-16.06182057358616,0.0,-0.0719999983906746,0.0,0.0,0.04565000385046006,-0.04815000064671039,9.803499985694883,0.0,0.0,-0.11800000071525574,0,71.34500011638738
+2024-04-07 10:32:16.294875,0.262759,27,-2.651433131916379,-16.061842816057606,0.0,-0.0719999983906746,0.0,0.0,0.04555000379681587,-0.04745000071823596,9.80239998912811,0.0,0.0,-0.11800000071525574,0,71.34500011638738
+2024-04-07 10:32:16.302748,0.270632,28,-2.651433131916379,-16.061842816057606,0.0,-0.0719999983906746,0.0,0.0,0.04525000378489494,-0.04725000075995921,9.803599987983702,0.0,0.0,-0.11800000071525574,0,71.34500011638738
+2024-04-07 10:32:16.328719,0.296603,29,-2.651433131916379,-16.061842816057606,0.0,-0.0719999983906746,0.0,0.0,0.044950003772974007,-0.046950000822544094,9.803299981117247,0.0,0.0,-0.11800000071525574,0,71.34500011638738
+2024-04-07 10:32:16.328941,0.296825,30,-2.651433131916379,-16.061842816057606,0.0,-0.0719999983906746,0.0,0.0,0.044750003665685656,-0.046950000822544094,9.80349997615814,0.0,0.0,-0.11800000071525574,0,71.34500011638738
+2024-04-07 10:32:16.342314,0.310198,31,-2.651287118771067,-16.061913797162365,0.0,-0.032399998605251314,0.0,0.0,0.044550003707408914,-0.04685000084340571,9.803399973869322,0.0,0.0,-0.054999999701976776,0,71.34500011638738
+2024-04-07 10:32:16.342817,0.310701,32,-2.651287118771067,-16.061913797162365,0.0,-0.032399998605251314,0.0,0.0,0.044650003761053075,-0.04675000086426734,9.802199975013732,0.0,0.0,-0.054999999701976776,0,71.34500011638738
+2024-04-07 10:32:16.353979,0.321863,33,-2.651287118771067,-16.061913797162365,0.0,-0.032399998605251314,0.0,0.0,0.044650003761053075,-0.04685000091791151,9.802199975013732,0.0,0.0,-0.054999999701976776,0,71.34500011638738
+2024-04-07 10:32:16.362971,0.330855,34,-2.651156865670137,-16.06194909772263,0.0,0.01799999959766865,0.0,0.0,0.044850003868341454,-0.047050000950694074,9.802499972343442,0.0,0.0,-0.03200000151991844,0,71.34500011638738
+2024-04-07 10:32:16.372736,0.34062,35,-2.651156865670137,-16.06194909772263,0.0,0.01799999959766865,0.0,0.0,0.044850003868341454,-0.04685000099241733,9.803699971199034,0.0,0.0,-0.03200000151991844,0,71.34500011638738
+2024-04-07 10:32:16.382372,0.350256,36,-2.651156865670137,-16.06194909772263,0.0,0.01799999959766865,0.0,0.0,0.044650003910064684,-0.046450001075863834,9.80319997882843,0.0,0.0,-0.03200000151991844,0,71.34500011638738
+2024-04-07 10:32:16.397256,0.36514,37,-2.651156865670137,-16.06194909772263,0.0,0.01799999959766865,0.0,0.0,0.044650003910064684,-0.04605000108480453,9.802899981498717,0.0,0.0,-0.03200000151991844,0,71.34500011638738
+2024-04-07 10:32:16.402464,0.370348,38,-2.651156865670137,-16.06194909772263,0.0,0.01799999959766865,0.0,0.0,0.04455000400543213,-0.046250001043081274,9.802599984169005,0.0,0.0,-0.03200000151991844,0,71.34500011638738
+2024-04-07 10:32:16.426562,0.394446,39,-2.6510601971977876,-16.061924839751107,0.0,0.057600002735853195,0.0,0.0,0.04475000396370887,-0.04635000109672545,9.802099982261655,0.0,0.0,-0.09300000220537186,0,71.34500011638738
+2024-04-07 10:32:16.426909,0.394793,40,-2.6510601971977876,-16.061924839751107,0.0,0.057600002735853195,0.0,0.0,0.045150004029273993,-0.04635000109672545,9.802399979591367,0.0,0.0,-0.09300000220537186,0,71.34500011638738
+2024-04-07 10:32:16.431553,0.399437,41,-2.6510601971977876,-16.061924839751107,0.0,0.057600002735853195,0.0,0.0,0.045350003987550735,-0.04615000113844871,9.802999974250792,0.0,0.0,-0.09300000220537186,0,71.34500011638738
+2024-04-07 10:32:16.441381,0.409265,42,-2.6509563261362556,-16.06190566544702,0.0,0.0,0.0,0.0,0.04575000390410422,-0.04595000110566615,9.803299981117247,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.450505,0.418389,43,-2.6509563261362556,-16.06190566544702,0.0,0.0,0.0,0.0,0.04585000395774841,-0.045850001126527776,9.803799983024595,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.460499,0.428383,44,-2.6509563261362556,-16.06190566544702,0.0,0.0,0.0,0.0,0.04615000396966934,-0.0453500011563301,9.803099986076353,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.470679,0.438563,45,-2.6509563261362556,-16.06190566544702,0.0,0.0,0.0,0.0,0.04665000393986701,-0.045450001135468474,9.80319997882843,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.481164,0.449048,46,-2.650817308494029,-16.06193438857937,0.0,0.0,0.0,0.0,0.047050003856420525,-0.045550001114606845,9.802499981880187,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.493780,0.461664,47,-2.650817308494029,-16.06193438857937,0.0,0.0,0.0,0.0,0.0475500038266182,-0.04595000110566615,9.803099986076353,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.500914,0.468798,48,-2.650817308494029,-16.06193438857937,0.0,0.0,0.0,0.0,0.04765000373125075,-0.04635000113397836,9.803099986076353,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.511966,0.47985,49,-2.650817308494029,-16.06193438857937,0.0,0.0,0.0,0.0,0.04775000378489494,-0.04645000111311673,9.802999983787535,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.528441,0.496325,50,-2.6506670117013926,-16.061979317413066,0.0,0.0,0.0,0.0,0.04785000383853913,-0.0465500010922551,9.802699986457823,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.544987,0.512871,51,-2.6506670117013926,-16.061979317413066,0.0,0.0,0.0,0.0,0.04815000385046006,-0.0465500010922551,9.80289999103546,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.545056,0.51294,52,-2.6506670117013926,-16.061979317413066,0.0,0.0,0.0,0.0,0.04845000386238099,-0.0465500010922551,9.802999993324278,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.555668,0.523552,53,-2.6506670117013926,-16.061979317413066,0.0,0.0,0.0,0.0,0.048850003778934475,-0.0465500010922551,9.803099995613096,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.564553,0.532437,54,-2.650489506459455,-16.062066763757404,0.0,-0.028800001367926598,0.0,0.0,0.049250003844499596,-0.046650001071393485,9.803399992942808,0.0,0.0,-0.04800000041723251,0,71.34500011638738
+2024-04-07 10:32:16.570720,0.538604,55,-2.650489506459455,-16.062066763757404,0.0,-0.028800001367926598,0.0,0.0,0.04935000389814376,-0.04645000111311673,9.80289999103546,0.0,0.0,-0.04800000041723251,0,71.34500011638738
+2024-04-07 10:32:16.583703,0.551587,56,-2.650489506459455,-16.062066763757404,0.0,-0.028800001367926598,0.0,0.0,0.049250003993511204,-0.0461500011011958,9.802999993324278,0.0,0.0,-0.04800000041723251,0,71.34500011638738
+2024-04-07 10:32:16.597156,0.56504,57,-2.650489506459455,-16.062066763757404,0.0,-0.028800001367926598,0.0,0.0,0.04935000389814376,-0.046350001059472554,9.803499985694883,0.0,0.0,-0.04800000041723251,0,71.34500011638738
+2024-04-07 10:32:16.603032,0.570916,58,-2.6503349136652408,-16.062126458066764,0.0,0.0,0.0,0.0,0.04945000380277634,-0.046250001005828364,9.802999983787535,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.611937,0.579821,59,-2.6503349136652408,-16.062126458066764,0.0,0.0,0.0,0.0,0.04985000371932982,-0.04635000098496675,9.804299984931944,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.623642,0.591526,60,-2.6503349136652408,-16.062126458066764,0.0,0.0,0.0,0.0,0.05035000368952752,-0.04655000094324349,9.803599987983702,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.631418,0.599302,61,-2.6503349136652408,-16.062126458066764,0.0,0.0,0.0,0.0,0.050750003755092615,-0.04605000097304582,9.805199986457822,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.647003,0.614887,62,-2.6502089318270294,-16.06214930404855,0.0,0.0359999991953373,0.0,0.0,0.05125000372529029,-0.04585000101476906,9.804999981880187,0.0,0.0,-0.057999998331069946,0,71.34500011638738
+2024-04-07 10:32:16.652419,0.620303,63,-2.6502089318270294,-16.06214930404855,0.0,0.0359999991953373,0.0,0.0,0.05135000377893448,-0.04545000102370976,9.805199986457822,0.0,0.0,-0.057999998331069946,0,71.34500011638738
+2024-04-07 10:32:16.662645,0.630529,64,-2.6502089318270294,-16.06214930404855,0.0,0.0359999991953373,0.0,0.0,0.05185000374913215,-0.04545000102370976,9.804999981880187,0.0,0.0,-0.057999998331069946,0,71.34500011638738
+2024-04-07 10:32:16.671797,0.639681,65,-2.6502089318270294,-16.06214930404855,0.0,0.0359999991953373,0.0,0.0,0.05225000381469727,-0.04575000103563069,9.805099984169004,0.0,0.0,-0.057999998331069946,0,71.34500011638738
+2024-04-07 10:32:16.681859,0.649743,66,-2.650140584635724,-16.062169906875383,0.0,0.0,0.0,0.0,0.052850003838539134,-0.04565000105649232,9.804299984931944,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.691003,0.658887,67,-2.65007624056859,-16.062187411180027,0.0,0.0,0.0,0.0,0.05325000375509262,-0.04625000108033418,9.805299988746642,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.701083,0.668967,68,-2.65007624056859,-16.062187411180027,0.0,0.0,0.0,0.0,0.0533500036597252,-0.046750001050531856,9.806099987983702,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.711982,0.679866,69,-2.65007624056859,-16.062187411180027,0.0,0.0,0.0,0.0,0.05375000357627868,-0.04715000107884407,9.806399985313414,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.726136,0.69402,70,-2.6499747685558015,-16.062185994699583,0.0,-0.021600000187754632,0.0,0.0,0.05375000357627868,-0.04715000107884407,9.805699978828429,0.0,0.0,-0.03500000014901161,0,71.34500011638738
+2024-04-07 10:32:16.731588,0.699472,71,-2.6499747685558015,-16.062185994699583,0.0,-0.021600000187754632,0.0,0.0,0.053950003534555424,-0.046650001034140576,9.80559997653961,0.0,0.0,-0.03500000014901161,0,71.34500011638738
+2024-04-07 10:32:16.744648,0.712532,72,-2.6499747685558015,-16.062185994699583,0.0,-0.021600000187754632,0.0,0.0,0.054050003439188005,-0.046250001043081274,9.805099974632261,0.0,0.0,-0.03500000014901161,0,71.34500011638738
+2024-04-07 10:32:16.750706,0.71859,73,-2.6499747685558015,-16.062185994699583,0.0,-0.021600000187754632,0.0,0.0,0.054050003439188005,-0.0461500010639429,9.805099974632261,0.0,0.0,-0.03500000014901161,0,71.34500011638738
+2024-04-07 10:32:16.764877,0.732761,74,-2.649886352590499,-16.06217138481057,0.0,-0.032399998605251314,0.0,0.0,0.05425000339746475,-0.045850001126527776,9.805499974250791,0.0,0.0,-0.11100000143051147,0,71.34500011638738
+2024-04-07 10:32:16.771631,0.739515,75,-2.649886352590499,-16.06217138481057,0.0,-0.032399998605251314,0.0,0.0,0.05475000336766242,-0.04595000110566615,9.806499968528746,0.0,0.0,-0.11100000143051147,0,71.34500011638738
+2024-04-07 10:32:16.781388,0.749272,76,-2.649886352590499,-16.06217138481057,0.0,-0.032399998605251314,0.0,0.0,0.05505000337958335,-0.045550001114606845,9.806599970817564,0.0,0.0,-0.11100000143051147,0,71.34500011638738
+2024-04-07 10:32:16.791550,0.759434,77,-2.649886352590499,-16.06217138481057,0.0,-0.032399998605251314,0.0,0.0,0.055550003349781024,-0.04515000104904174,9.807799969673155,0.0,0.0,-0.11100000143051147,0,71.34500011638738
+2024-04-07 10:32:16.802818,0.770702,78,-2.649851705386343,-16.06208930153342,0.0,0.043200000375509265,0.0,0.0,0.055550003349781024,-0.04535000100731848,9.808399964332578,0.0,0.0,-0.1589999943971634,0,71.34500011638738
+2024-04-07 10:32:16.813173,0.781057,79,-2.649851705386343,-16.06208930153342,0.0,0.043200000375509265,0.0,0.0,0.055550003349781024,-0.045150000974535934,9.808099967002867,0.0,0.0,-0.1589999943971634,0,71.34500011638738
+2024-04-07 10:32:16.821420,0.789304,80,-2.649851705386343,-16.06208930153342,0.0,0.043200000375509265,0.0,0.0,0.055650003254413605,-0.04545000091195106,9.808099967002867,0.0,0.0,-0.1589999943971634,0,71.34500011638738
+2024-04-07 10:32:16.830859,0.798743,81,-2.649851705386343,-16.06208930153342,0.0,0.043200000375509265,0.0,0.0,0.055550003200769416,-0.04555000089108943,9.8074999628067,0.0,0.0,-0.1589999943971634,0,71.34500011638738
+2024-04-07 10:32:16.842103,0.809987,82,-2.6498261685061055,-16.062003102273973,0.0,-0.0036000001709908247,0.0,0.0,0.05515000313520432,-0.04545000091195106,9.80709996318817,0.0,0.0,-0.14900000393390656,0,71.34500011638738
+2024-04-07 10:32:16.850916,0.8188,83,-2.6498261685061055,-16.062003102273973,0.0,-0.0036000001709908247,0.0,0.0,0.055350003093481065,-0.045350000932812676,9.806199971199034,0.0,0.0,-0.14900000393390656,0,71.34500011638738
+2024-04-07 10:32:16.861239,0.829123,84,-2.6498261685061055,-16.062003102273973,0.0,-0.0036000001709908247,0.0,0.0,0.05555000305175781,-0.045350000932812676,9.806599970817564,0.0,0.0,-0.14900000393390656,0,71.34500011638738
+2024-04-07 10:32:16.871150,0.839034,85,-2.6498261685061055,-16.062003102273973,0.0,-0.0036000001709908247,0.0,0.0,0.05565000295639039,-0.044850000813603394,9.806599970817564,0.0,0.0,-0.14900000393390656,0,71.34500011638738
+2024-04-07 10:32:16.881714,0.849598,86,-2.649815212309142,-16.061907123710146,0.0,0.0,0.0,0.0,0.05575000286102294,-0.044750000759959205,9.807399970054625,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.893796,0.86168,87,-2.649815212309142,-16.061907123710146,0.0,0.0,0.0,0.0,0.056250002831220614,-0.04455000080168246,9.807399970054625,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.901111,0.868995,88,-2.649815212309142,-16.061907123710146,0.0,0.0,0.0,0.0,0.056750002801418314,-0.04415000081062316,9.80759997463226,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.913320,0.881204,89,-2.649815212309142,-16.061907123710146,0.0,0.0,0.0,0.0,0.056750002801418314,-0.04405000083148479,9.808299971580503,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.922689,0.890573,90,-2.64980501102437,-16.06182209499293,0.0,0.043200000375509265,0.0,0.0,0.0571500027179718,-0.043950000852346405,9.80799997425079,0.0,0.0,-0.07000000029802322,0,71.34500011638738
+2024-04-07 10:32:16.931469,0.899353,91,-2.64980501102437,-16.06182209499293,0.0,0.043200000375509265,0.0,0.0,0.05705000266432761,-0.04365000091493129,9.80849997615814,0.0,0.0,-0.07000000029802322,0,71.34500011638738
+2024-04-07 10:32:16.944685,0.912569,92,-2.64980501102437,-16.06182209499293,0.0,0.043200000375509265,0.0,0.0,0.05705000266432761,-0.04365000091493129,9.80769997692108,0.0,0.0,-0.07000000029802322,0,71.34500011638738
+2024-04-07 10:32:16.952416,0.9203,93,-2.64980501102437,-16.06182209499293,0.0,0.043200000375509265,0.0,0.0,0.05705000266432761,-0.043250000998377794,9.807299977302549,0.0,0.0,-0.07000000029802322,0,71.34500011638738
+2024-04-07 10:32:16.961664,0.929548,94,-2.649816405034718,-16.061716756982303,0.0,0.0,0.0,0.0,0.05725000262260438,-0.04295000098645686,9.80719997501373,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.971165,0.939049,95,-2.649816405034718,-16.061716756982303,0.0,0.0,0.0,0.0,0.057050002515316,-0.042350001037120805,9.806999970436094,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:16.981508,0.949392,96,-2.649816405034718,-16.061716756982303,0.0,0.0,0.0,0.0,0.05715000256896019,-0.04215000107884406,9.806599970817564,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.003858,0.971742,97,-2.649816405034718,-16.061716756982303,0.0,0.0,0.0,0.0,0.05745000258088112,-0.04165000110864639,9.807299967765806,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.004023,0.971907,98,-2.649816405034718,-16.061716756982303,0.0,0.0,0.0,0.0,0.05745000258088112,-0.04105000112205742,9.806599970817564,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.014543,0.982427,99,-2.6498328675649834,-16.061623182442418,0.0,0.0,0.0,0.0,0.05725000262260438,-0.04075000118464231,9.8074999628067,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.020931,0.988815,100,-2.6498328675649834,-16.061623182442418,0.0,0.0,0.0,0.0,0.05715000256896019,-0.040550001226365553,9.806799965858458,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.035572,1.003456,101,-2.6498328675649834,-16.061623182442418,0.0,0.0,0.0,0.0,0.05715000256896019,-0.040650001205503924,9.807399970054625,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.047949,1.015833,102,-2.649872261944849,-16.061512592223078,0.0,0.06839999780058861,0.0,0.0,0.057050002515316,-0.040650001205503924,9.80719997501373,0.0,0.0,-0.11100000143051147,0,71.34500011638738
+2024-04-07 10:32:17.051457,1.019341,103,-2.649872261944849,-16.061512592223078,0.0,0.06839999780058861,0.0,0.0,0.05655000254511833,-0.04045000124722718,9.807799969673155,0.0,0.0,-0.11100000143051147,0,71.34500011638738
+2024-04-07 10:32:17.062280,1.030164,104,-2.649872261944849,-16.061512592223078,0.0,0.06839999780058861,0.0,0.0,0.055950002446770675,-0.04025000128895043,9.808199969291685,0.0,0.0,-0.11100000143051147,0,71.34500011638738
+2024-04-07 10:32:17.071277,1.039161,105,-2.649872261944849,-16.061512592223078,0.0,0.06839999780058861,0.0,0.0,0.055950002446770675,-0.04045000124722718,9.807899971961973,0.0,0.0,-0.11100000143051147,0,71.34500011638738
+2024-04-07 10:32:17.081494,1.049378,106,-2.6499525930130394,-16.061359230382582,0.0,0.0,0.0,0.0,0.05535000242292881,-0.040650001205503924,9.807299977302549,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.092274,1.060158,107,-2.6499525930130394,-16.061359230382582,0.0,0.0,0.0,0.0,0.05555000253021716,-0.04095000114291905,9.8067999753952,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.103486,1.07137,108,-2.6499525930130394,-16.061359230382582,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.114519,1.082403,109,-2.6499525930130394,-16.061359230382582,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.125729,1.093613,110,-2.6500170514536805,-16.06124498178238,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.133335,1.101219,111,-2.6500170514536805,-16.06124498178238,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.145620,1.113504,112,-2.6500170514536805,-16.06124498178238,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.152433,1.120317,113,-2.6500170514536805,-16.06124498178238,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.161142,1.129026,114,-2.6500170514536805,-16.06124498178238,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.173296,1.14118,115,-2.6500867567132738,-16.061141026961973,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.181115,1.148999,116,-2.6500867567132738,-16.061141026961973,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.191369,1.159253,117,-2.6500867567132738,-16.061141026961973,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.34500011638738
+2024-04-07 10:32:17.201766,1.16965,118,-2.650158965018831,-16.06104494500836,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.211357,1.179241,119,-2.650158965018831,-16.06104494500836,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.221139,1.189023,120,-2.650158965018831,-16.06104494500836,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.230782,1.198666,121,-2.650158965018831,-16.06104494500836,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.243660,1.211544,122,-2.650252517218396,-16.060928198455215,0.0,0.032399998605251314,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,-0.05299999937415123,0,71.36500011594035
+2024-04-07 10:32:17.250919,1.218803,123,-2.650252517218396,-16.060928198455215,0.0,0.032399998605251314,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,-0.05299999937415123,0,71.36500011594035
+2024-04-07 10:32:17.261346,1.22923,124,-2.650252517218396,-16.060928198455215,0.0,0.032399998605251314,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,-0.05299999937415123,0,71.36500011594035
+2024-04-07 10:32:17.270671,1.238555,125,-2.650252517218396,-16.060928198455215,0.0,0.032399998605251314,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,-0.05299999937415123,0,71.36500011594035
+2024-04-07 10:32:17.280821,1.248705,126,-2.650289606799922,-16.060904916877796,0.0,-0.0719999983906746,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,-0.11800000071525574,0,71.36500011594035
+2024-04-07 10:32:17.291848,1.259732,127,-2.650289606799922,-16.060904916877796,0.0,-0.0719999983906746,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,-0.11800000071525574,0,71.36500011594035
+2024-04-07 10:32:17.301851,1.269735,128,-2.650289606799922,-16.060904916877796,0.0,-0.0719999983906746,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,-0.11800000071525574,0,71.36500011594035
+2024-04-07 10:32:17.314442,1.282326,129,-2.650289606799922,-16.060904916877796,0.0,-0.0719999983906746,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,-0.11800000071525574,0,71.36500011594035
+2024-04-07 10:32:17.321808,1.289692,130,-2.650323259597219,-16.060873685821687,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.337986,1.30587,131,-2.650356881122185,-16.06084410751144,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.342313,1.310197,132,-2.650356881122185,-16.06084410751144,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.351090,1.318974,133,-2.650356881122185,-16.06084410751144,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.362885,1.330769,134,-2.6504450524698613,-16.06075664680037,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.371568,1.339452,135,-2.6504450524698613,-16.06075664680037,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.383293,1.351177,136,-2.6504450524698613,-16.06075664680037,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.394065,1.361949,137,-2.6504450524698613,-16.06075664680037,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.410819,1.378703,138,-2.6505099463231576,-16.060694078686375,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.416157,1.384041,139,-2.6505311535885787,-16.060674298140796,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.424160,1.392044,140,-2.6505311535885787,-16.060674298140796,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.433701,1.401585,141,-2.6505311535885787,-16.060674298140796,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.459548,1.427432,142,-2.650613721000904,-16.060599611606218,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.459727,1.427611,143,-2.650613721000904,-16.060599611606218,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.463083,1.430967,144,-2.650613721000904,-16.060599611606218,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.473539,1.441423,145,-2.650613721000904,-16.060599611606218,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.495016,1.4629,146,-2.65067804877819,-16.06055657034903,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.495763,1.463647,147,-2.65067804877819,-16.06055657034903,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.504338,1.472222,148,-2.65067804877819,-16.06055657034903,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.523021,1.490905,149,-2.65067804877819,-16.06055657034903,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.524748,1.492632,150,-2.6507627672633607,-16.060480198223193,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.533041,1.500925,151,-2.6507627672633607,-16.060480198223193,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.547320,1.515204,152,-2.6507627672633607,-16.060480198223193,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.554368,1.522252,153,-2.6507627672633607,-16.060480198223193,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.561660,1.529544,154,-2.650842195850035,-16.060410231618956,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.574717,1.542601,155,-2.650842195850035,-16.060410231618956,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.593099,1.560983,156,-2.650842195850035,-16.060410231618956,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.595648,1.563532,157,-2.650842195850035,-16.060410231618956,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.604038,1.571922,158,-2.6509151441513263,-16.06035082494421,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.618903,1.586787,159,-2.6509151441513263,-16.06035082494421,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.625653,1.593537,160,-2.6509151441513263,-16.06035082494421,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.634282,1.602166,161,-2.6509151441513263,-16.06035082494421,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.650679,1.618563,162,-2.650986209479457,-16.0602914423936,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.655133,1.623017,163,-2.650986209479457,-16.0602914423936,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.661795,1.629679,164,-2.650986209479457,-16.0602914423936,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.671884,1.639768,165,-2.650986209479457,-16.0602914423936,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.681827,1.649711,166,-2.65103295130802,-16.060255212790068,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.692863,1.660747,167,-2.6510444142460714,-16.060248912261365,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.704064,1.671948,168,-2.6510444142460714,-16.060248912261365,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.711998,1.679882,169,-2.6510444142460714,-16.060248912261365,0.0,0.0,0.0,0.0,0.05525000251829623,-0.04085000116378068,9.807899981498716,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.724848,1.692732,170,-2.6510908401148185,-16.060222656169522,0.0,0.0,0.0,0.0,0.05055000230669976,-0.042450000904500476,9.811700039863585,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.733110,1.700994,171,-2.6510908401148185,-16.060222656169522,0.0,0.0,0.0,0.0,0.05025000229477883,-0.04275000099092721,9.812100039482115,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.743529,1.711413,172,-2.6510908401148185,-16.060222656169522,0.0,0.0,0.0,0.0,0.05035000234842302,-0.043550000973045816,9.812100039482115,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.752855,1.720739,173,-2.6510908401148185,-16.060222656169522,0.0,0.0,0.0,0.0,0.05025000244379044,-0.043550000973045816,9.812100039482115,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.761755,1.729639,174,-2.6511315900110146,-16.060198344372854,0.0,0.0,0.0,0.0,0.05055000245571137,-0.043350000940263256,9.811200037956237,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.771410,1.739294,175,-2.6511315900110146,-16.060198344372854,0.0,0.0,0.0,0.0,0.049950002431869506,-0.043250000961124885,9.810500041007995,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.781219,1.749103,176,-2.6511315900110146,-16.060198344372854,0.0,0.0,0.0,0.0,0.04945000246167183,-0.043250000961124885,9.809800044059752,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.793287,1.761171,177,-2.6511315900110146,-16.060198344372854,0.0,0.0,0.0,0.0,0.04905000239610671,-0.043750001005828376,9.808300047874448,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.805266,1.77315,178,-2.6511535303268103,-16.06018727430253,0.0,0.0,0.0,0.0,0.04935000240802764,-0.043750001005828376,9.807000056266784,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.820631,1.788515,179,-2.6511597101661546,-16.060182570674204,0.0,0.0,0.0,0.0,0.049550002366304385,-0.04385000105947255,9.805800047874449,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.822513,1.790397,180,-2.6511597101661546,-16.060182570674204,0.0,0.0,0.0,0.0,0.049750002473592764,-0.043650001101195796,9.806100054740904,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.832082,1.799966,181,-2.6511597101661546,-16.060182570674204,0.0,0.0,0.0,0.0,0.04955000251531602,-0.043450001142919054,9.805300055503844,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.848604,1.816488,182,-2.6511647271912904,-16.060180602118024,0.0,0.0,0.0,0.0,0.04975000262260437,-0.04335000116378068,9.806500054359434,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.852335,1.820219,183,-2.651175226853332,-16.060178475551854,0.0,0.0,0.0,0.0,0.04945000261068344,-0.04335000116378068,9.806200047492979,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.862539,1.830423,184,-2.651175226853332,-16.060178475551854,0.0,0.0,0.0,0.0,0.04905000269412996,-0.04335000116378068,9.805600052833555,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.871722,1.839606,185,-2.651175226853332,-16.060178475551854,0.0,0.0,0.0,0.0,0.048550002723932256,-0.04435000125318765,9.805000048637389,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.882250,1.850134,186,-2.651176953435995,-16.060186576210665,0.0,0.032399998605251314,0.0,0.0,0.0484500028192997,-0.044750001244246954,9.804400044441222,0.0,0.0,-0.05299999937415123,0,71.36500011594035
+2024-04-07 10:32:17.891617,1.859501,187,-2.651176953435995,-16.060186576210665,0.0,0.032399998605251314,0.0,0.0,0.0476500028371811,-0.04515000116080045,9.805100041389464,0.0,0.0,-0.05299999937415123,0,71.36500011594035
+2024-04-07 10:32:17.901148,1.869032,188,-2.651176953435995,-16.060186576210665,0.0,0.032399998605251314,0.0,0.0,0.046950002908706656,-0.04525000113993882,9.805600043296812,0.0,0.0,-0.05299999937415123,0,71.36500011594035
+2024-04-07 10:32:17.912925,1.880809,189,-2.651176953435995,-16.060186576210665,0.0,0.032399998605251314,0.0,0.0,0.046850002855062495,-0.04525000113993882,9.805900040626524,0.0,0.0,-0.05299999937415123,0,71.36500011594035
+2024-04-07 10:32:17.924773,1.892657,190,-2.6511740204745244,-16.06019066393396,0.0,0.028800001367926598,0.0,0.0,0.046350002884864794,-0.04535000111907719,9.806300040245054,0.0,0.0,-0.13899999856948853,0,71.36500011594035
+2024-04-07 10:32:17.934493,1.902377,191,-2.6511740204745244,-16.06019066393396,0.0,0.028800001367926598,0.0,0.0,0.04595000296831131,-0.045750001110136496,9.805500041007994,0.0,0.0,-0.13899999856948853,0,71.36500011594035
+2024-04-07 10:32:17.944693,1.912577,192,-2.6511740204745244,-16.06019066393396,0.0,0.028800001367926598,0.0,0.0,0.04585000291466712,-0.045650001130998125,9.807100039482116,0.0,0.0,-0.13899999856948853,0,71.36500011594035
+2024-04-07 10:32:17.951638,1.919522,193,-2.6511740204745244,-16.06019066393396,0.0,0.028800001367926598,0.0,0.0,0.04555000290274619,-0.045750001110136496,9.80720003223419,0.0,0.0,-0.13899999856948853,0,71.36500011594035
+2024-04-07 10:32:17.962325,1.930209,194,-2.6511548977105663,-16.06020896217211,0.0,0.0,0.0,0.0,0.045150002986192705,-0.045650001130998125,9.80890003299713,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.972710,1.940594,195,-2.6511548977105663,-16.06020896217211,0.0,0.0,0.0,0.0,0.045550003051757826,-0.04545000102370976,9.80760003185272,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.981657,1.949541,196,-2.6511548977105663,-16.06020896217211,0.0,0.0,0.0,0.0,0.04565000295639038,-0.04545000102370976,9.808100033760068,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:17.992107,1.959991,197,-2.6511548977105663,-16.06020896217211,0.0,0.0,0.0,0.0,0.04555000290274619,-0.04545000102370976,9.806900034904478,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:18.003023,1.970907,198,-2.6511455126191823,-16.060201435091457,0.0,0.01799999959766865,0.0,0.0,0.04575000286102296,-0.04545000102370976,9.807400036811826,0.0,0.0,-0.03200000151991844,0,71.36500011594035
+2024-04-07 10:32:18.011632,1.979516,199,-2.6511455126191823,-16.060201435091457,0.0,0.01799999959766865,0.0,0.0,0.04615000292658805,-0.045550001002848145,9.807600041389463,0.0,0.0,-0.03200000151991844,0,71.36500011594035
+2024-04-07 10:32:18.022289,1.990173,200,-2.6511455126191823,-16.060201435091457,0.0,0.01799999959766865,0.0,0.0,0.046950002908706656,-0.04545000102370976,9.808300038337705,0.0,0.0,-0.03200000151991844,0,71.36500011594035
+2024-04-07 10:32:18.033906,2.00179,201,-2.6511455126191823,-16.060201435091457,0.0,0.01799999959766865,0.0,0.0,0.04755000293254852,-0.04495000105351209,9.807900038719175,0.0,0.0,-0.03200000151991844,0,71.36500011594035
+2024-04-07 10:32:18.047451,2.015335,202,-2.651160560235012,-16.06014734383589,0.0,0.057600002735853195,0.0,0.0,0.04785000294446945,-0.044850001074373716,9.808100033760068,0.0,0.0,-0.09099999815225601,0,71.36500011594035
+2024-04-07 10:32:18.056249,2.024133,203,-2.651160560235012,-16.06014734383589,0.0,0.057600002735853195,0.0,0.0,0.048950002938508985,-0.045250000990927214,9.807900038719175,0.0,0.0,-0.09099999815225601,0,71.36500011594035
+2024-04-07 10:32:18.061412,2.029296,204,-2.651160560235012,-16.06014734383589,0.0,0.057600002735853195,0.0,0.0,0.04975000299513341,-0.04515000101178883,9.807800036430358,0.0,0.0,-0.09099999815225601,0,71.36500011594035
+2024-04-07 10:32:18.074108,2.041992,205,-2.651160560235012,-16.06014734383589,0.0,0.057600002735853195,0.0,0.0,0.05035000301897527,-0.04505000103265046,9.808200036048888,0.0,0.0,-0.09099999815225601,0,71.36500011594035
+2024-04-07 10:32:18.082076,2.04996,206,-2.651138550766142,-16.060140593709594,0.0,0.0,0.0,0.0,0.051350002959370616,-0.04475000109523533,9.80890003299713,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:18.091862,2.059746,207,-2.651138550766142,-16.060140593709594,0.0,0.0,0.0,0.0,0.05145000286400317,-0.04475000109523533,9.80880003070831,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:18.101488,2.069372,208,-2.651138550766142,-16.060140593709594,0.0,0.0,0.0,0.0,0.0522500028461218,-0.04465000111609696,9.80880003070831,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:18.112597,2.080481,209,-2.651138550766142,-16.060140593709594,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:18.124005,2.091889,210,-2.6511155156840704,-16.0601414766825,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:18.134572,2.102456,211,-2.6511155156840704,-16.0601414766825,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:18.142348,2.110232,212,-2.6511155156840704,-16.0601414766825,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:18.154979,2.122863,213,-2.6511155156840704,-16.0601414766825,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:18.162109,2.129993,214,-2.6510901397163895,-16.06014198167847,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:18.171569,2.139453,215,-2.6510901397163895,-16.06014198167847,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:18.184254,2.152138,216,-2.6510901397163895,-16.06014198167847,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:18.199612,2.167496,217,-2.6510901397163895,-16.06014198167847,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.36500011594035
+2024-04-07 10:32:18.202082,2.169966,218,-2.6510909620005885,-16.06010356162104,0.0,0.043200000375509265,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.07000000029802322,0,71.3840001153294
+2024-04-07 10:32:18.211758,2.179642,219,-2.6510909620005885,-16.06010356162104,0.0,0.043200000375509265,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.07000000029802322,0,71.3840001153294
+2024-04-07 10:32:18.222693,2.190577,220,-2.6510909620005885,-16.06010356162104,0.0,0.043200000375509265,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.07000000029802322,0,71.3840001153294
+2024-04-07 10:32:18.233464,2.201348,221,-2.6510909620005885,-16.06010356162104,0.0,0.043200000375509265,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.07000000029802322,0,71.3840001153294
+2024-04-07 10:32:18.241538,2.209422,222,-2.6510741048568844,-16.06009380528042,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.253976,2.22186,223,-2.6510741048568844,-16.06009380528042,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.261617,2.229501,224,-2.6510741048568844,-16.06009380528042,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.271618,2.239502,225,-2.6510741048568844,-16.06009380528042,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.288171,2.256055,226,-2.6510499863662447,-16.06009668146453,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.291931,2.259815,227,-2.6510499863662447,-16.06009668146453,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.303151,2.271035,228,-2.6510499863662447,-16.06009668146453,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.311896,2.27978,229,-2.6510499863662447,-16.06009668146453,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.323328,2.291212,230,-2.6510198117773838,-16.060111133293816,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.338873,2.306757,231,-2.6510198117773838,-16.060111133293816,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.341839,2.309723,232,-2.6510198117773838,-16.060111133293816,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.353255,2.321139,233,-2.6510198117773838,-16.060111133293816,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.362762,2.330646,234,-2.650999117452011,-16.06011022278222,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.371921,2.339805,235,-2.650999117452011,-16.06011022278222,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.383604,2.351488,236,-2.650999117452011,-16.06011022278222,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.399355,2.367239,237,-2.650999117452011,-16.06011022278222,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.403630,2.371514,238,-2.6509811408752753,-16.060105151400066,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.413164,2.381048,239,-2.6509811408752753,-16.060105151400066,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.425937,2.393821,240,-2.6509811408752753,-16.060105151400066,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.434568,2.402452,241,-2.6509811408752753,-16.060105151400066,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.441843,2.409727,242,-2.65096323564291,-16.060101128153548,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.453331,2.421215,243,-2.65096323564291,-16.060101128153548,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.461727,2.429611,244,-2.65096323564291,-16.060101128153548,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.471705,2.439589,245,-2.65096323564291,-16.060101128153548,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.484238,2.452122,246,-2.650944930520122,-16.06009780399031,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.492504,2.460388,247,-2.650944930520122,-16.06009780399031,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.502557,2.470441,248,-2.650944930520122,-16.06009780399031,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.514156,2.48204,249,-2.650944930520122,-16.06009780399031,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.525824,2.493708,250,-2.650929019543486,-16.06009079594183,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.532322,2.500206,251,-2.650929019543486,-16.06009079594183,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.543071,2.510955,252,-2.650929019543486,-16.06009079594183,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.553283,2.521167,253,-2.650929019543486,-16.06009079594183,0.0,0.0,0.0,0.0,0.052750002816319475,-0.04455000113695859,9.808500023841857,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.566566,2.53445,254,-2.650911726105116,-16.060086869021642,0.0,0.0,0.0,0.0,0.05025000318884851,-0.0473500008881092,9.815199995994567,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.572573,2.540457,255,-2.650911726105116,-16.060086869021642,0.0,0.0,0.0,0.0,0.05075000315904618,-0.0473500008881092,9.815299998283384,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.585888,2.553772,256,-2.650911726105116,-16.060086869021642,0.0,0.0,0.0,0.0,0.05095000311732292,-0.0473500008881092,9.815299998283384,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.595713,2.563597,257,-2.650911726105116,-16.060086869021642,0.0,0.0,0.0,0.0,0.05095000311732292,-0.04725000090897083,9.815499993324279,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.605914,2.573798,258,-2.650880955389256,-16.060101715098288,0.0,0.028800001367926598,0.0,0.0,0.05095000311732292,-0.04745000086724757,9.816199990272521,0.0,0.0,-0.04500000178813934,0,71.3840001153294
+2024-04-07 10:32:18.617232,2.585116,259,-2.650880955389256,-16.060101715098288,0.0,0.028800001367926598,0.0,0.0,0.05135000303387641,-0.04745000086724757,9.815699988365171,0.0,0.0,-0.04500000178813934,0,71.3840001153294
+2024-04-07 10:32:18.625066,2.59295,260,-2.650880955389256,-16.060101715098288,0.0,0.028800001367926598,0.0,0.0,0.05135000303387641,-0.047650000825524313,9.815699988365171,0.0,0.0,-0.04500000178813934,0,71.3840001153294
+2024-04-07 10:32:18.635067,2.602951,261,-2.650880955389256,-16.060101715098288,0.0,0.028800001367926598,0.0,0.0,0.051550003141164785,-0.04745000079274177,9.815499983787534,0.0,0.0,-0.04500000178813934,0,71.3840001153294
+2024-04-07 10:32:18.645357,2.613241,262,-2.650866459794175,-16.06007980397933,0.0,0.043200000375509265,0.0,0.0,0.05135000318288804,-0.047050000801682465,9.815099984169004,0.0,0.0,-0.0729999989271164,0,71.3840001153294
+2024-04-07 10:32:18.653522,2.621406,263,-2.650866459794175,-16.06007980397933,0.0,0.043200000375509265,0.0,0.0,0.05185000322759151,-0.04675000086426734,9.813999987602232,0.0,0.0,-0.0729999989271164,0,71.3840001153294
+2024-04-07 10:32:18.663781,2.631665,264,-2.650866459794175,-16.06007980397933,0.0,0.043200000375509265,0.0,0.0,0.05205000318586828,-0.04645000085234641,9.814299984931944,0.0,0.0,-0.0729999989271164,0,71.3840001153294
+2024-04-07 10:32:18.672654,2.640538,265,-2.650866459794175,-16.06007980397933,0.0,0.043200000375509265,0.0,0.0,0.05265000320971011,-0.04575000077486037,9.813999987602232,0.0,0.0,-0.0729999989271164,0,71.3840001153294
+2024-04-07 10:32:18.683161,2.651045,266,-2.6508515038244167,-16.060058782619837,0.0,0.028800001367926598,0.0,0.0,0.05265000320971011,-0.04535000078380107,9.814399987220762,0.0,0.0,-0.04500000178813934,0,71.3840001153294
+2024-04-07 10:32:18.692119,2.660003,267,-2.6508515038244167,-16.060058782619837,0.0,0.028800001367926598,0.0,0.0,0.05285000316798688,-0.04505000084638594,9.8145999917984,0.0,0.0,-0.04500000178813934,0,71.3840001153294
+2024-04-07 10:32:18.702672,2.670556,268,-2.6508515038244167,-16.060058782619837,0.0,0.028800001367926598,0.0,0.0,0.05295000322163104,-0.04495000086724757,9.8145999917984,0.0,0.0,-0.04500000178813934,0,71.3840001153294
+2024-04-07 10:32:18.713553,2.681437,269,-2.6508515038244167,-16.060058782619837,0.0,0.028800001367926598,0.0,0.0,0.053450003191828716,-0.04465000092983244,9.81499999141693,0.0,0.0,-0.04500000178813934,0,71.3840001153294
+2024-04-07 10:32:18.738500,2.706384,270,-2.650795393971325,-16.06010102660822,0.0,-0.03959999978542328,0.0,0.0,0.053450003191828716,-0.04425000093877314,9.814799986839292,0.0,0.0,-0.14100000262260437,0,71.3840001153294
+2024-04-07 10:32:18.739573,2.707457,271,-2.650795393971325,-16.06010102660822,0.0,-0.03959999978542328,0.0,0.0,0.05405000321567058,-0.04385000094771384,9.814799986839292,0.0,0.0,-0.14100000262260437,0,71.3840001153294
+2024-04-07 10:32:18.747935,2.715819,272,-2.650795393971325,-16.06010102660822,0.0,-0.03959999978542328,0.0,0.0,0.05435000322759151,-0.043350000977516165,9.816099987983701,0.0,0.0,-0.14100000262260437,0,71.3840001153294
+2024-04-07 10:32:18.753099,2.720983,273,-2.650795393971325,-16.06010102660822,0.0,-0.03959999978542328,0.0,0.0,0.05465000323951244,-0.043150000944733605,9.815899983406066,0.0,0.0,-0.14100000262260437,0,71.3840001153294
+2024-04-07 10:32:18.762113,2.729997,274,-2.6507226386193445,-16.060176283796604,0.0,0.028800001367926598,0.0,0.0,0.05475000329315663,-0.043350000977516165,9.816999979972838,0.0,0.0,-0.04500000178813934,0,71.3840001153294
+2024-04-07 10:32:18.771955,2.739839,275,-2.6507226386193445,-16.060176283796604,0.0,0.028800001367926598,0.0,0.0,0.055550003275275234,-0.04285000100731849,9.816399985313414,0.0,0.0,-0.04500000178813934,0,71.3840001153294
+2024-04-07 10:32:18.783591,2.751475,276,-2.6507226386193445,-16.060176283796604,0.0,0.028800001367926598,0.0,0.0,0.055850003287196165,-0.042550000920891756,9.816499987602231,0.0,0.0,-0.04500000178813934,0,71.3840001153294
+2024-04-07 10:32:18.792765,2.760649,277,-2.6507226386193445,-16.060176283796604,0.0,0.028800001367926598,0.0,0.0,0.05625000335276126,-0.042350000962615,9.817399989128111,0.0,0.0,-0.04500000178813934,0,71.3840001153294
+2024-04-07 10:32:18.802166,2.77005,278,-2.650660423467652,-16.06024437594374,0.0,0.0,0.0,0.0,0.055850003436207774,-0.042050001025199873,9.818399983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.812310,2.780194,279,-2.650660423467652,-16.06024437594374,0.0,0.0,0.0,0.0,0.05525000341236591,-0.04215000100433826,9.819699984550475,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.823291,2.791175,280,-2.650660423467652,-16.06024437594374,0.0,0.0,0.0,0.0,0.05475000329315663,-0.04225000098347663,9.818799983024595,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.834347,2.802231,281,-2.650660423467652,-16.06024437594374,0.0,0.0,0.0,0.0,0.05455000318586825,-0.04225000098347663,9.820299979209898,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.842232,2.810116,282,-2.650594180410735,-16.060329349683244,0.0,0.0,0.0,0.0,0.05405000306665897,-0.04245000094175337,9.819799986839293,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.853996,2.82188,283,-2.650594180410735,-16.060329349683244,0.0,0.0,0.0,0.0,0.05415000312030316,-0.042350000962615,9.820999985694883,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.861894,2.829778,284,-2.650594180410735,-16.060329349683244,0.0,0.0,0.0,0.0,0.05415000312030316,-0.042550000920891756,9.82149997806549,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.872331,2.840215,285,-2.650594180410735,-16.060329349683244,0.0,0.0,0.0,0.0,0.05415000312030316,-0.042550000920891756,9.822199984550474,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.884764,2.852648,286,-2.6505498376718037,-16.060393089791475,0.0,0.0,0.0,0.0,0.05395000301301478,-0.04245000094175337,9.822399989128112,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.892069,2.859953,287,-2.650536754260174,-16.060411901345354,0.0,0.0,0.0,0.0,0.05385000295937062,-0.04245000094175337,9.821899987220762,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.903265,2.871149,288,-2.650536754260174,-16.060411901345354,0.0,0.0,0.0,0.0,0.05405000291764736,-0.04265000090003013,9.821499987602232,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.912283,2.880167,289,-2.650536754260174,-16.060411901345354,0.0,0.0,0.0,0.0,0.05415000297129155,-0.04245000094175337,9.820599986076353,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.922845,2.890729,290,-2.6504913164520127,-16.060485124522167,0.0,0.0,0.0,0.0,0.05465000294148922,-0.04245000094175337,9.820099984169005,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.933628,2.901512,291,-2.6504913164520127,-16.060485124522167,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.943763,2.911647,292,-2.6504913164520127,-16.060485124522167,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.953471,2.921355,293,-2.6504913164520127,-16.060485124522167,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.963343,2.931227,294,-2.6504524039454775,-16.060554183495775,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.972027,2.939911,295,-2.6504524039454775,-16.060554183495775,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.982730,2.950614,296,-2.6504524039454775,-16.060554183495775,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:18.998811,2.966695,297,-2.6504524039454775,-16.060554183495775,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.006043,2.973927,298,-2.6504245835059295,-16.06061951707097,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.012975,2.980859,299,-2.6504245835059295,-16.06061951707097,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.024547,2.992431,300,-2.6504245835059295,-16.06061951707097,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.033965,3.001849,301,-2.6504245835059295,-16.06061951707097,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.043066,3.01095,302,-2.650404144928175,-16.06068065433203,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.053276,3.02116,303,-2.650404144928175,-16.06068065433203,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.063706,3.03159,304,-2.650404144928175,-16.06068065433203,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.072637,3.040521,305,-2.650404144928175,-16.06068065433203,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.087070,3.054954,306,-2.6503898176056966,-16.060737522682068,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.092778,3.060662,307,-2.6503898176056966,-16.060737522682068,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.103504,3.071388,308,-2.6503898176056966,-16.060737522682068,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.112780,3.080664,309,-2.6503898176056966,-16.060737522682068,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.124594,3.092478,310,-2.6504009838544142,-16.060756927459035,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.132440,3.100324,311,-2.6504009838544142,-16.060756927459035,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.143832,3.111716,312,-2.6504009838544142,-16.060756927459035,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.154088,3.121972,313,-2.6504009838544142,-16.060756927459035,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.164750,3.132634,314,-2.650415242754015,-16.060774484221508,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.173890,3.141774,315,-2.650415242754015,-16.060774484221508,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.182617,3.150501,316,-2.650415242754015,-16.060774484221508,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.193450,3.161334,317,-2.650415242754015,-16.060774484221508,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.214550,3.182434,318,-2.6504124027908493,-16.0608122754449,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.214633,3.182517,319,-2.6504142730719553,-16.06082070739435,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.232636,3.20052,320,-2.6504142730719553,-16.06082070739435,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.236566,3.20445,321,-2.6504142730719553,-16.06082070739435,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.244923,3.212807,322,-2.6504201401519296,-16.060857336554875,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.254724,3.222608,323,-2.6504201401519296,-16.060857336554875,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.263206,3.23109,324,-2.6504201401519296,-16.060857336554875,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.272263,3.240147,325,-2.6504201401519296,-16.060857336554875,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.283460,3.251344,326,-2.6504154853676973,-16.06091242930476,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.292744,3.260628,327,-2.6504154853676973,-16.06091242930476,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.303017,3.270901,328,-2.6504154853676973,-16.06091242930476,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.312371,3.280255,329,-2.6504154853676973,-16.06091242930476,0.0,0.0,0.0,0.0,0.054950002953410154,-0.04185000091791152,9.820899983406065,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.327282,3.295166,330,-2.6503929314333785,-16.060997498800813,0.0,0.0,0.0,0.0,0.053450003117322925,-0.04635000076144932,9.820800000190733,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.340009,3.307893,331,-2.6503929314333785,-16.060997498800813,0.0,0.0,0.0,0.0,0.053750003129243856,-0.04605000074952839,9.820200005531309,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.348337,3.316221,332,-2.6503929314333785,-16.060997498800813,0.0,0.0,0.0,0.0,0.05365000307559967,-0.04595000077039002,9.821300002098083,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.362673,3.330557,333,-2.6503929314333785,-16.060997498800813,0.0,0.0,0.0,0.0,0.05365000307559967,-0.04595000077039002,9.821100007057188,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.366484,3.334368,334,-2.650387795946593,-16.061016321388223,0.0,-0.010800000093877316,0.0,0.0,0.05375000298023225,-0.04605000074952839,9.821600008964536,0.0,0.0,-0.19900000095367432,0,71.3840001153294
+2024-04-07 10:32:19.374167,3.342051,335,-2.6503737021321223,-16.061069356362886,0.0,-0.010800000093877316,0.0,0.0,0.05395000293850899,-0.04595000077039002,9.821600008964536,0.0,0.0,-0.19900000095367432,0,71.3840001153294
+2024-04-07 10:32:19.383355,3.351239,336,-2.6503737021321223,-16.061069356362886,0.0,-0.010800000093877316,0.0,0.0,0.05425000295042992,-0.04545000076293944,9.821600008964536,0.0,0.0,-0.19900000095367432,0,71.3840001153294
+2024-04-07 10:32:19.402593,3.370477,337,-2.6503737021321223,-16.061069356362886,0.0,-0.010800000093877316,0.0,0.0,0.05435000300407411,-0.04575000077486037,9.82180000400543,0.0,0.0,-0.19900000095367432,0,71.3840001153294
+2024-04-07 10:32:19.404697,3.372581,338,-2.650360977343447,-16.061118356058284,0.0,0.0,0.0,0.0,0.05435000300407411,-0.04585000075399874,9.822400008201598,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.419899,3.387783,339,-2.650360977343447,-16.061118356058284,0.0,0.0,0.0,0.0,0.05405000299215318,-0.045950000733137125,9.822000008583068,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.430738,3.398622,340,-2.650360977343447,-16.061118356058284,0.0,0.0,0.0,0.0,0.05425000295042992,-0.04545000076293944,9.821400013923643,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.439066,3.40695,341,-2.650360977343447,-16.061118356058284,0.0,0.0,0.0,0.0,0.05405000299215318,-0.04505000084638594,9.820700007438658,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.449813,3.417697,342,-2.6503379796838047,-16.061174058497638,0.0,-0.014400000683963299,0.0,0.0,0.05395000293850899,-0.04475000090897083,9.819700013160704,0.0,0.0,-0.027000000700354576,0,71.3840001153294
+2024-04-07 10:32:19.489053,3.456937,343,-2.6503379796838047,-16.061174058497638,0.0,-0.014400000683963299,0.0,0.0,0.0538500028848648,-0.04455000095069407,9.818600016593932,0.0,0.0,-0.027000000700354576,0,71.3840001153294
+2024-04-07 10:32:19.489092,3.456976,344,-2.6503379796838047,-16.061174058497638,0.0,-0.014400000683963299,0.0,0.0,0.05375000298023225,-0.04475000090897083,9.819200011253356,0.0,0.0,-0.027000000700354576,0,71.3840001153294
+2024-04-07 10:32:19.494262,3.462146,345,-2.6503379796838047,-16.061174058497638,0.0,-0.014400000683963299,0.0,0.0,0.05395000293850899,-0.04465000092983244,9.819800015449522,0.0,0.0,-0.027000000700354576,0,71.3840001153294
+2024-04-07 10:32:19.494288,3.462172,346,-2.6503379796838047,-16.061174058497638,0.0,-0.014400000683963299,0.0,0.0,0.053350003063678736,-0.04465000092983244,9.818500014305114,0.0,0.0,-0.027000000700354576,0,71.3840001153294
+2024-04-07 10:32:19.494647,3.462531,347,-2.650315865618758,-16.061221579575005,0.0,0.0,0.0,0.0,0.053150003105401994,-0.044950000941753374,9.819000016212462,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.507107,3.474991,348,-2.650315865618758,-16.061221579575005,0.0,0.0,0.0,0.0,0.053050003051757805,-0.045150000974535934,9.817600012779234,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.514948,3.482832,349,-2.650315865618758,-16.061221579575005,0.0,0.0,0.0,0.0,0.053050003051757805,-0.044850000925362093,9.818300009727476,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.529857,3.497741,350,-2.6502683359424597,-16.061305242745313,0.0,-0.06839999780058861,0.0,0.0,0.05295000299811364,-0.04495000090450048,9.818000012397764,0.0,0.0,-0.11100000143051147,0,71.3840001153294
+2024-04-07 10:32:19.533605,3.501489,351,-2.6502683359424597,-16.061305242745313,0.0,-0.06839999780058861,0.0,0.0,0.053150002956390385,-0.044850000925362093,9.818400012016294,0.0,0.0,-0.11100000143051147,0,71.3840001153294
+2024-04-07 10:32:19.543060,3.510944,352,-2.6502683359424597,-16.061305242745313,0.0,-0.06839999780058861,0.0,0.0,0.05335000291466713,-0.04475000094622372,9.818500014305114,0.0,0.0,-0.11100000143051147,0,71.3840001153294
+2024-04-07 10:32:19.555315,3.523199,353,-2.6502683359424597,-16.061305242745313,0.0,-0.06839999780058861,0.0,0.0,0.05365000292658806,-0.04455000098794698,9.818500014305114,0.0,0.0,-0.11100000143051147,0,71.3840001153294
+2024-04-07 10:32:19.563631,3.531515,354,-2.6502170114903465,-16.061391026496125,0.0,-0.014400000683963299,0.0,0.0,0.0538500028848648,-0.044250001050531854,9.818400021553037,0.0,0.0,-0.027000000700354576,0,71.3840001153294
+2024-04-07 10:32:19.573348,3.541232,355,-2.6502170114903465,-16.061391026496125,0.0,-0.014400000683963299,0.0,0.0,0.0538500028848648,-0.044350001029670225,9.818100014686582,0.0,0.0,-0.027000000700354576,0,71.3840001153294
+2024-04-07 10:32:19.582685,3.550569,356,-2.6502170114903465,-16.061391026496125,0.0,-0.014400000683963299,0.0,0.0,0.05405000284314154,-0.044550001062452785,9.817600012779234,0.0,0.0,-0.027000000700354576,0,71.3840001153294
+2024-04-07 10:32:19.597926,3.56581,357,-2.6502170114903465,-16.061391026496125,0.0,-0.014400000683963299,0.0,0.0,0.05455000281333924,-0.044550001062452785,9.81710002040863,0.0,0.0,-0.027000000700354576,0,71.3840001153294
+2024-04-07 10:32:19.605726,3.57361,358,-2.6501983499564066,-16.061417380470626,0.0,0.053999998793005946,0.0,0.0,0.054950002878904336,-0.04435000110417603,9.81540001964569,0.0,0.0,-0.08500000089406967,0,71.3840001153294
+2024-04-07 10:32:19.615689,3.583573,359,-2.6501983499564066,-16.061417380470626,0.0,0.053999998793005946,0.0,0.0,0.054950002878904336,-0.04415000114589929,9.814200020790098,0.0,0.0,-0.08500000089406967,0,71.3840001153294
+2024-04-07 10:32:19.624082,3.591966,360,-2.6501983499564066,-16.061417380470626,0.0,0.053999998793005946,0.0,0.0,0.05535000279545785,-0.04385000120848416,9.81400001621246,0.0,0.0,-0.08500000089406967,0,71.3840001153294
+2024-04-07 10:32:19.633001,3.600885,361,-2.6501983499564066,-16.061417380470626,0.0,0.053999998793005946,0.0,0.0,0.0554500027000904,-0.04365000125020742,9.813400021553038,0.0,0.0,-0.08500000089406967,0,71.3840001153294
+2024-04-07 10:32:19.643657,3.611541,362,-2.65020329391917,-16.06140970498958,0.0,0.0,0.0,0.0,0.05565000265836717,-0.04375000122934579,9.814300013542173,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.655064,3.622948,363,-2.65020329391917,-16.06140970498958,0.0,0.0,0.0,0.0,0.05575000271201133,-0.04385000120848416,9.815100012779235,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.662908,3.630792,364,-2.65020329391917,-16.06140970498958,0.0,0.0,0.0,0.0,0.0554500027000904,-0.04365000125020742,9.81410001850128,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.675320,3.643204,365,-2.65020329391917,-16.06140970498958,0.0,0.0,0.0,0.0,0.0554500027000904,-0.044050001315772525,9.815200015068053,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.683004,3.650888,366,-2.6502057841067614,-16.061402752383902,0.0,0.0,0.0,0.0,0.05575000256299972,-0.0441500013694167,9.814400015830993,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.692723,3.660607,367,-2.650208081241001,-16.0613946692366,0.0,0.0,0.0,0.0,0.056050002574920654,-0.044250001348555085,9.81400001621246,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.702416,3.6703,368,-2.650208081241001,-16.0613946692366,0.0,0.0,0.0,0.0,0.055950002521276465,-0.04465000126510857,9.813100014686583,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.713038,3.680922,369,-2.650208081241001,-16.0613946692366,0.0,0.0,0.0,0.0,0.056050002425909046,-0.0445500012859702,9.813100014686583,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.727784,3.695668,370,-2.650217065173493,-16.06138038071769,0.0,0.0,0.0,0.0,0.055650002360343925,-0.04465000126510857,9.812600012779233,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.733063,3.700947,371,-2.650217065173493,-16.06138038071769,0.0,0.0,0.0,0.0,0.055650002360343925,-0.044850001223385325,9.812900010108946,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.744308,3.712192,372,-2.650217065173493,-16.06138038071769,0.0,0.0,0.0,0.0,0.055350002348422994,-0.044850001223385325,9.812400008201598,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.754706,3.72259,373,-2.650217065173493,-16.06138038071769,0.0,0.0,0.0,0.0,0.055150002241134644,-0.045050001256167885,9.812800007820128,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.763089,3.730973,374,-2.6502298066114562,-16.0613539013106,0.0,0.0,0.0,0.0,0.055050002187490454,-0.045150001235306256,9.812200013160703,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.773388,3.741272,375,-2.6502298066114562,-16.0613539013106,0.0,0.0,0.0,0.0,0.05435000225901604,-0.04595000121742486,9.812500010490416,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.783794,3.751678,376,-2.6502298066114562,-16.0613539013106,0.0,0.0,0.0,0.0,0.05385000213980676,-0.04655000124126672,9.812300005912778,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.793088,3.760972,377,-2.6502298066114562,-16.0613539013106,0.0,0.0,0.0,0.0,0.053350002169609057,-0.046750001199543464,9.812100001335143,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.802796,3.77068,378,-2.6502482653669373,-16.061317076302046,0.0,0.028800001367926598,0.0,0.0,0.05365000218152999,-0.04715000111609696,9.811700001716613,0.0,0.0,-0.16899999976158142,0,71.3840001153294
+2024-04-07 10:32:19.817361,3.785245,379,-2.6502482653669373,-16.061317076302046,0.0,0.028800001367926598,0.0,0.0,0.053550002127885826,-0.04745000105351209,9.811200009346006,0.0,0.0,-0.16899999976158142,0,71.3840001153294
+2024-04-07 10:32:19.825282,3.793166,380,-2.6502482653669373,-16.061317076302046,0.0,0.028800001367926598,0.0,0.0,0.05405000224709511,-0.04725000109523533,9.81220000362396,0.0,0.0,-0.16899999976158142,0,71.3840001153294
+2024-04-07 10:32:19.833665,3.801549,381,-2.6502482653669373,-16.061317076302046,0.0,0.028800001367926598,0.0,0.0,0.0541500023007393,-0.04755000103265046,9.81100000476837,0.0,0.0,-0.16899999976158142,0,71.3840001153294
+2024-04-07 10:32:19.853481,3.821365,382,-2.6502699944123864,-16.06127098395409,0.0,0.0,0.0,0.0,0.05435000240802765,-0.04755000103265046,9.810900002479551,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.853545,3.821429,383,-2.6502699944123864,-16.06127098395409,0.0,0.0,0.0,0.0,0.05505000233650206,-0.0469500010088086,9.810400010108946,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.862950,3.830834,384,-2.6502699944123864,-16.06127098395409,0.0,0.0,0.0,0.0,0.05525000229477883,-0.0469500010088086,9.810700016975401,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.874843,3.842727,385,-2.6502699944123864,-16.06127098395409,0.0,0.0,0.0,0.0,0.055850002318620695,-0.04625000093132256,9.809700013160704,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.884434,3.852318,386,-2.65028239738425,-16.061239844386005,0.0,0.0,0.0,0.0,0.05645000234246253,-0.04615000095218419,9.809700013160704,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.892907,3.860791,387,-2.65028239738425,-16.061239844386005,0.0,0.0,0.0,0.0,0.05695000231266023,-0.04585000101476906,9.8092000207901,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.902788,3.870672,388,-2.65028239738425,-16.061239844386005,0.0,0.0,0.0,0.0,0.05735000237822532,-0.045450001098215564,9.808900013923644,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.914114,3.881998,389,-2.65028239738425,-16.061239844386005,0.0,0.0,0.0,0.0,0.05735000237822532,-0.04555000107735395,9.80830001926422,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.926319,3.894203,390,-2.650295738604732,-16.06120452075718,0.0,0.0,0.0,0.0,0.05715000241994858,-0.04515000108629465,9.80870001888275,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.933713,3.901597,391,-2.650295738604732,-16.06120452075718,0.0,0.0,0.0,0.0,0.05715000241994858,-0.045450001098215564,9.808100014686582,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.945454,3.913338,392,-2.650295738604732,-16.06120452075718,0.0,0.0,0.0,0.0,0.05695000231266023,-0.04515000116080045,9.808200007438657,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.954002,3.921886,393,-2.650295738604732,-16.06120452075718,0.0,0.0,0.0,0.0,0.05715000227093697,-0.044850001223385325,9.808300009727477,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.963803,3.931687,394,-2.6503190145116355,-16.06115063815765,0.0,0.0,0.0,0.0,0.057250002324581134,-0.044950001202523696,9.80850000476837,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.982996,3.95088,395,-2.6503190145116355,-16.06115063815765,0.0,0.0,0.0,0.0,0.057650002390146254,-0.04445000119507311,9.808200007438657,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.992873,3.960757,396,-2.6503190145116355,-16.06115063815765,0.0,0.0,0.0,0.0,0.05735000237822532,-0.04435000114142894,9.80810000514984,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:19.993600,3.961484,397,-2.6503190145116355,-16.06115063815765,0.0,0.0,0.0,0.0,0.057550002485513674,-0.0445500011742115,9.808400002479551,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.006395,3.974279,398,-2.6503548076031396,-16.06107817676544,0.0,0.0,0.0,0.0,0.057550002485513674,-0.04435000121593474,9.808599997520444,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.013664,3.981548,399,-2.6503548076031396,-16.06107817676544,0.0,0.0,0.0,0.0,0.05745000243186951,-0.04465000115334987,9.808399992942809,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.031958,3.999842,400,-2.6503548076031396,-16.06107817676544,0.0,0.0,0.0,0.0,0.05715000241994858,-0.0445500011742115,9.807999993324279,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.036768,4.004652,401,-2.6503548076031396,-16.06107817676544,0.0,0.0,0.0,0.0,0.05675000250339507,-0.04425000123679637,9.807899991035459,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.050686,4.01857,402,-2.650394690000668,-16.060998382947396,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.056339,4.024223,403,-2.650394690000668,-16.060998382947396,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.064400,4.032284,404,-2.650394690000668,-16.060998382947396,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.074411,4.042295,405,-2.650394690000668,-16.060998382947396,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.083402,4.051286,406,-2.6504397760805536,-16.060925191634134,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.093822,4.061706,407,-2.6504397760805536,-16.060925191634134,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.105173,4.073057,408,-2.6504397760805536,-16.060925191634134,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.114626,4.08251,409,-2.6504397760805536,-16.060925191634134,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.130104,4.097988,410,-2.6504857924592167,-16.060857872488498,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.134432,4.102316,411,-2.6504857924592167,-16.060857872488498,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.145427,4.113311,412,-2.6504857924592167,-16.060857872488498,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.154487,4.122371,413,-2.6504857924592167,-16.060857872488498,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.164629,4.132513,414,-2.6505290814158595,-16.06079458607527,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.179788,4.147672,415,-2.6505290814158595,-16.06079458607527,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.188216,4.1561,416,-2.6505290814158595,-16.06079458607527,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.193426,4.16131,417,-2.6505290814158595,-16.06079458607527,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.3840001153294
+2024-04-07 10:32:20.203604,4.171488,418,-2.6505628593282173,-16.060751216098293,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.213279,4.181163,419,-2.65057362944714,-16.06073716192845,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.226309,4.194193,420,-2.65057362944714,-16.06073716192845,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.233934,4.201818,421,-2.65057362944714,-16.06073716192845,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.244418,4.212302,422,-2.6506159458029885,-16.060683810707257,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.253706,4.22159,423,-2.6506159458029885,-16.060683810707257,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.263493,4.231377,424,-2.6506159458029885,-16.060683810707257,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.287960,4.255844,425,-2.6506671217675306,-16.060623369554136,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.287978,4.255862,426,-2.6506671217675306,-16.060623369554136,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.293114,4.260998,427,-2.6506671217675306,-16.060623369554136,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.304127,4.272011,428,-2.6506767460248697,-16.060611923987047,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.313808,4.281692,429,-2.650686324795123,-16.06060082205345,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.328429,4.296313,430,-2.650686324795123,-16.06060082205345,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.333434,4.301318,431,-2.650686324795123,-16.06060082205345,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.348912,4.316796,432,-2.650713789713736,-16.06056858214151,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.354587,4.322471,433,-2.650713789713736,-16.06056858214151,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.363706,4.33159,434,-2.650713789713736,-16.06056858214151,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.373403,4.341287,435,-2.650713789713736,-16.06056858214151,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.389692,4.357576,436,-2.6507479702650176,-16.06052850881805,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.397081,4.364965,437,-2.6507479702650176,-16.06052850881805,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.409312,4.377196,438,-2.6507479702650176,-16.06052850881805,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.415347,4.383231,439,-2.6507479702650176,-16.06052850881805,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,3,71.40300011471845
+2024-04-07 10:32:20.431735,4.399619,440,-2.650779953831337,-16.06049230289229,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,3,71.40300011471845
+2024-04-07 10:32:20.434949,4.402833,441,-2.650779953831337,-16.06049230289229,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,3,71.40300011471845
+2024-04-07 10:32:20.446228,4.414112,442,-2.650779953831337,-16.06049230289229,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,3,71.40300011471845
+2024-04-07 10:32:20.454683,4.422567,443,-2.650779953831337,-16.06049230289229,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,3,71.40300011471845
+2024-04-07 10:32:20.467155,4.435039,444,-2.6508084897784348,-16.060459147769794,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,3,71.40300011471845
+2024-04-07 10:32:20.473681,4.441565,445,-2.6508084897784348,-16.060459147769794,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,3,71.40300011471845
+2024-04-07 10:32:20.483418,4.451302,446,-2.6508084897784348,-16.060459147769794,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,3,71.40300011471845
+2024-04-07 10:32:20.493404,4.461288,447,-2.6508084897784348,-16.060459147769794,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,3,71.40300011471845
+2024-04-07 10:32:20.503478,4.471362,448,-2.6508084897784348,-16.060459147769794,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,3,71.40300011471845
+2024-04-07 10:32:20.515632,4.483516,449,-2.6508333906545687,-16.06042846357671,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.524163,4.492047,450,-2.6508333906545687,-16.06042846357671,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.533341,4.501225,451,-2.6508333906545687,-16.06042846357671,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.544516,4.5124,452,-2.6508391824916027,-16.06042135517695,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.553760,4.521644,453,-2.6508549661634815,-16.06040041444397,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.564023,4.531907,454,-2.6508549661634815,-16.06040041444397,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.573737,4.541621,455,-2.6508549661634815,-16.06040041444397,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.584357,4.552241,456,-2.650873210321568,-16.060374900126583,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.595159,4.563043,457,-2.650873210321568,-16.060374900126583,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.603143,4.571027,458,-2.650873210321568,-16.060374900126583,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.613497,4.581381,459,-2.650873210321568,-16.060374900126583,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.633048,4.600932,460,-2.6508878560382754,-16.06035135175458,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.633587,4.601471,461,-2.6508878560382754,-16.06035135175458,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.644381,4.612265,462,-2.6508878560382754,-16.06035135175458,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.653658,4.621542,463,-2.6508878560382754,-16.06035135175458,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.665738,4.633622,464,-2.650894053231254,-16.060340544689964,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.677122,4.645006,465,-2.6508992848699315,-16.060330097357348,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.683356,4.65124,466,-2.6508992848699315,-16.060330097357348,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.695219,4.663103,467,-2.6508992848699315,-16.060330097357348,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.704670,4.672554,468,-2.650907473117229,-16.060310775687896,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.714572,4.682456,469,-2.650907473117229,-16.060310775687896,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.729805,4.697689,470,-2.650907473117229,-16.060310775687896,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.734596,4.70248,471,-2.650907473117229,-16.060310775687896,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.746646,4.71453,472,-2.650912352400386,-16.060292998692606,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.755804,4.723688,473,-2.650912352400386,-16.060292998692606,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.766653,4.734537,474,-2.650912352400386,-16.060292998692606,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.773879,4.741763,475,-2.650912352400386,-16.060292998692606,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.787288,4.755172,476,-2.650912352400386,-16.060292998692606,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.794647,4.762531,477,-2.6509138537325785,-16.060276986250766,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.803370,4.771254,478,-2.6509138537325785,-16.060276986250766,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.814046,4.78193,479,-2.6509138537325785,-16.060276986250766,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.831177,4.799061,480,-2.6509119732843773,-16.06026509767348,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.837524,4.805408,481,-2.6509119732843773,-16.06026509767348,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.844162,4.812046,482,-2.6509119732843773,-16.06026509767348,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.855288,4.823172,483,-2.6509119732843773,-16.06026509767348,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.863910,4.831794,484,-2.6509119732843773,-16.06026509767348,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.876802,4.844686,485,-2.650907544278283,-16.060253136045002,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.883971,4.851855,486,-2.650907544278283,-16.060253136045002,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.894475,4.862359,487,-2.650907544278283,-16.060253136045002,0.0,0.0,0.0,0.0,0.05695000261068345,-0.04385000124573707,9.807399989128111,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:20.905074,4.872958,488,-2.6509012971051327,-16.06024058107871,0.0,-0.028800001367926598,0.0,0.0,0.06225000359117985,-0.03625000068917869,9.80870001888275,0.0,0.0,0.04500000178813934,0,71.40300011471845
+2024-04-07 10:32:20.914037,4.881921,489,-2.6509012971051327,-16.06024058107871,0.0,-0.028800001367926598,0.0,0.0,0.0632500035315752,-0.03495000066235661,9.809600020408629,0.0,0.0,0.04500000178813934,0,71.40300011471845
+2024-04-07 10:32:20.925520,4.893404,490,-2.6509012971051327,-16.06024058107871,0.0,-0.028800001367926598,0.0,0.0,0.06395000346004964,-0.03365000056102871,9.808400021553037,0.0,0.0,0.04500000178813934,0,71.40300011471845
+2024-04-07 10:32:20.933811,4.901695,491,-2.6509012971051327,-16.06024058107871,0.0,-0.028800001367926598,0.0,0.0,0.06495000340044499,-0.031850000638514744,9.809800024986265,0.0,0.0,0.04500000178813934,0,71.40300011471845
+2024-04-07 10:32:20.946875,4.914759,492,-2.6508776764062287,-16.06026401978479,0.0,-0.028800001367926598,0.0,0.0,0.06595000334084034,-0.03045000048354267,9.809800024986265,0.0,0.0,0.12800000607967377,0,71.40300011471845
+2024-04-07 10:32:20.955756,4.92364,493,-2.6508776764062287,-16.06026401978479,0.0,-0.028800001367926598,0.0,0.0,0.06735000349581241,-0.028150000516325227,9.809900027275084,0.0,0.0,0.12800000607967377,0,71.40300011471845
+2024-04-07 10:32:20.963935,4.931819,494,-2.6508776764062287,-16.06026401978479,0.0,-0.028800001367926598,0.0,0.0,0.06845000348985195,-0.025750000495463596,9.809500027656552,0.0,0.0,0.12800000607967377,0,71.40300011471845
+2024-04-07 10:32:20.974804,4.942688,495,-2.6508776764062287,-16.06026401978479,0.0,-0.028800001367926598,0.0,0.0,0.06805000342428685,-0.02595000045374035,9.809800024986265,0.0,0.0,0.12800000607967377,0,71.40300011471845
+2024-04-07 10:32:20.986518,4.954402,496,-2.650865173975114,-16.060297887707247,0.0,-0.028800001367926598,0.0,0.0,0.06775000341236592,-0.027550000492483365,9.810400019645689,0.0,0.0,0.20200000703334808,0,71.40300011471845
+2024-04-07 10:32:20.994612,4.962496,497,-2.650865173975114,-16.060297887707247,0.0,-0.028800001367926598,0.0,0.0,0.06665000334382057,-0.02835000047460197,9.810400019645689,0.0,0.0,0.20200000703334808,0,71.40300011471845
+2024-04-07 10:32:21.003901,4.971785,498,-2.650865173975114,-16.060297887707247,0.0,-0.028800001367926598,0.0,0.0,0.06505000326782465,-0.029150000456720587,9.811300021171569,0.0,0.0,0.20200000703334808,0,71.40300011471845
+2024-04-07 10:32:21.014791,4.982675,499,-2.650865173975114,-16.060297887707247,0.0,-0.028800001367926598,0.0,0.0,0.06385000325739384,-0.029150000456720587,9.810000020027159,0.0,0.0,0.20200000703334808,0,71.40300011471845
+2024-04-07 10:32:21.030489,4.998373,500,-2.650865093379077,-16.060307653399338,0.0,-0.028800001367926598,0.0,0.0,0.06285000324249268,-0.02885000051930546,9.810500021934507,0.0,0.0,0.20200000703334808,0,71.40300011471845
+2024-04-07 10:32:21.038424,5.006308,501,-2.6508765303228476,-16.060330844759164,0.0,-0.0036000001709908247,0.0,0.0,0.06255000323057175,-0.02895000049844383,9.810200024604795,0.0,0.0,0.3179999887943268,0,71.40300011471845
+2024-04-07 10:32:21.046322,5.014206,502,-2.6508765303228476,-16.060330844759164,0.0,-0.0036000001709908247,0.0,0.0,0.0623500031232834,-0.029550000485032785,9.810600024223326,0.0,0.0,0.3179999887943268,0,71.40300011471845
+2024-04-07 10:32:21.054223,5.022107,503,-2.6508765303228476,-16.060330844759164,0.0,-0.0036000001709908247,0.0,0.0,0.06165000304579735,-0.030250000450760123,9.810200024604795,0.0,0.0,0.3179999887943268,0,71.40300011471845
+2024-04-07 10:32:21.069397,5.037281,504,-2.6508809624971335,-16.060405187376013,0.0,-0.03959999978542328,0.0,0.0,0.06185000300407409,-0.030950000416487447,9.810700026512144,0.0,0.0,0.2680000066757202,0,71.40300011471845
+2024-04-07 10:32:21.077791,5.045675,505,-2.6508809624971335,-16.060405187376013,0.0,-0.03959999978542328,0.0,0.0,0.061050003021955485,-0.0315500004030764,9.810700026512144,0.0,0.0,0.2680000066757202,0,71.40300011471845
+2024-04-07 10:32:21.084541,5.052425,506,-2.6508809624971335,-16.060405187376013,0.0,-0.03959999978542328,0.0,0.0,0.06045000299811362,-0.03185000034049153,9.811100026130674,0.0,0.0,0.2680000066757202,0,71.40300011471845
+2024-04-07 10:32:21.097063,5.064947,507,-2.6508809624971335,-16.060405187376013,0.0,-0.03959999978542328,0.0,0.0,0.05945000290870667,-0.03285000033676623,9.811300030708312,0.0,0.0,0.2680000066757202,0,71.40300011471845
+2024-04-07 10:32:21.104552,5.072436,508,-2.650883115026269,-16.06045243189089,0.0,-0.028800001367926598,0.0,0.0,0.05915000282227992,-0.033050000295042986,9.811300030708312,0.0,0.0,0.2619999945163727,0,71.40300011471845
+2024-04-07 10:32:21.115385,5.083269,509,-2.650886642211848,-16.060502315032412,0.0,-0.028800001367926598,0.0,0.0,0.05835000276565552,-0.03355000026524066,9.81140003299713,0.0,0.0,0.2619999945163727,0,71.40300011471845
+2024-04-07 10:32:21.126364,5.094248,510,-2.650886642211848,-16.060502315032412,0.0,-0.028800001367926598,0.0,0.0,0.05755000278353692,-0.03365000024437903,9.811100035667417,0.0,0.0,0.2619999945163727,0,71.40300011471845
+2024-04-07 10:32:21.134403,5.102287,511,-2.650886642211848,-16.060502315032412,0.0,-0.028800001367926598,0.0,0.0,0.05645000278949738,-0.03345000028610229,9.810900031089782,0.0,0.0,0.2619999945163727,0,71.40300011471845
+2024-04-07 10:32:21.154890,5.122774,512,-2.650895005406571,-16.06057750465872,0.0,-0.010800000093877316,0.0,0.0,0.05535000279545785,-0.03325000032782553,9.810400029182432,0.0,0.0,0.25999999046325684,0,71.40300011471845
+2024-04-07 10:32:21.154989,5.122873,513,-2.650898359941159,-16.060602247310676,0.0,-0.010800000093877316,0.0,0.0,0.054850002750754356,-0.03345000036060809,9.810100022315977,0.0,0.0,0.25999999046325684,0,71.40300011471845
+2024-04-07 10:32:21.164811,5.132695,514,-2.650898359941159,-16.060602247310676,0.0,-0.010800000093877316,0.0,0.0,0.054650002643466006,-0.0342500003427267,9.810100022315977,0.0,0.0,0.25999999046325684,0,71.40300011471845
+2024-04-07 10:32:21.178414,5.146298,515,-2.650898359941159,-16.060602247310676,0.0,-0.010800000093877316,0.0,0.0,0.05485000260174275,-0.035350000318139785,9.810400019645689,0.0,0.0,0.25999999046325684,0,71.40300011471845
+2024-04-07 10:32:21.189018,5.156902,516,-2.650898359941159,-16.060602247310676,0.0,-0.010800000093877316,0.0,0.0,0.05535000257194042,-0.03675000036135315,9.810700016975401,0.0,0.0,0.25999999046325684,0,71.40300011471845
+2024-04-07 10:32:21.197467,5.165351,517,-2.6508929424406107,-16.060730104046797,0.0,-0.028800001367926598,0.0,0.0,0.05595000259578228,-0.03745000038295983,9.810600014686583,0.0,0.0,0.2370000034570694,0,71.40300011471845
+2024-04-07 10:32:21.203925,5.171809,518,-2.6508929424406107,-16.060730104046797,0.0,-0.028800001367926598,0.0,0.0,0.056550002619624146,-0.03805000036954878,9.810600014686583,0.0,0.0,0.2370000034570694,0,71.40300011471845
+2024-04-07 10:32:21.223625,5.191509,519,-2.6508929424406107,-16.060730104046797,0.0,-0.028800001367926598,0.0,0.0,0.05695000253617763,-0.03825000040233134,9.810100012779234,0.0,0.0,0.2370000034570694,0,71.40300011471845
+2024-04-07 10:32:21.225092,5.192976,520,-2.650890128301918,-16.06076369350868,0.0,-0.028800001367926598,0.0,0.0,0.057750002518296234,-0.03855000041425227,9.810600005149839,0.0,0.0,0.2370000034570694,0,71.40300011471845
+2024-04-07 10:32:21.234130,5.202014,521,-2.6508768654829864,-16.060870424753098,0.0,0.0,0.0,0.0,0.058150002583861354,-0.03955000042915344,9.81100000476837,0.0,0.0,0.1940000057220459,0,71.40300011471845
+2024-04-07 10:32:21.246571,5.214455,522,-2.6508768654829864,-16.060870424753098,0.0,0.0,0.0,0.0,0.05875000260770322,-0.04005000039935111,9.810800000190733,0.0,0.0,0.1940000057220459,0,71.40300011471845
+2024-04-07 10:32:21.257350,5.225234,523,-2.6508768654829864,-16.060870424753098,0.0,0.0,0.0,0.0,0.0591500025242567,-0.04035000041127204,9.810599995613096,0.0,0.0,0.1940000057220459,0,71.40300011471845
+2024-04-07 10:32:21.269178,5.237062,524,-2.6508731516299164,-16.060904233760347,0.0,0.0,0.0,0.0,0.059850002452731144,-0.04025000043213367,9.810099993705748,0.0,0.0,0.1940000057220459,0,71.40300011471845
+2024-04-07 10:32:21.276854,5.244738,525,-2.6508451189558646,-16.0610291328997,0.0,-0.01799999959766865,0.0,0.0,0.059950002506375305,-0.04045000039041041,9.810999995231626,0.0,0.0,0.14900000393390656,0,71.40300011471845
+2024-04-07 10:32:21.289068,5.256952,526,-2.6508451189558646,-16.0610291328997,0.0,-0.01799999959766865,0.0,0.0,0.06055000253021717,-0.040950000360608085,9.810999995231626,0.0,0.0,0.14900000393390656,0,71.40300011471845
+2024-04-07 10:32:21.293830,5.261714,527,-2.6508451189558646,-16.0610291328997,0.0,-0.01799999959766865,0.0,0.0,0.06045000247657298,-0.041250000372529017,9.810899992942808,0.0,0.0,0.14900000393390656,0,71.40300011471845
+2024-04-07 10:32:21.304334,5.272218,528,-2.6508301208630107,-16.06115912365122,0.0,0.03959999978542328,0.0,0.0,0.06105000235140323,-0.04135000035166739,9.810899992942808,0.0,0.0,0.06499999761581421,0,71.40300011471845
+2024-04-07 10:32:21.313952,5.281836,529,-2.6508301208630107,-16.06115912365122,0.0,0.03959999978542328,0.0,0.0,0.061750002279877675,-0.04145000033080577,9.810599986076353,0.0,0.0,0.06499999761581421,0,71.40300011471845
+2024-04-07 10:32:21.328914,5.296798,530,-2.6508301208630107,-16.06115912365122,0.0,0.03959999978542328,0.0,0.0,0.06205000214278697,-0.04145000033080577,9.810599986076353,0.0,0.0,0.06499999761581421,0,71.40300011471845
+2024-04-07 10:32:21.337794,5.305678,531,-2.6508301208630107,-16.06115912365122,0.0,0.03959999978542328,0.0,0.0,0.06265000201761722,-0.04105000033974647,9.810499993324278,0.0,0.0,0.06499999761581421,0,71.40300011471845
+2024-04-07 10:32:21.344699,5.312583,532,-2.650830558682181,-16.061255536061488,0.0,0.0,0.0,0.0,0.06305000193417074,-0.04045000031590461,9.811699992179868,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.355343,5.323227,533,-2.650830558682181,-16.061255536061488,0.0,0.0,0.0,0.0,0.06345000185072422,-0.039950000345706935,9.810899983406065,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.365844,5.333728,534,-2.650830558682181,-16.061255536061488,0.0,0.0,0.0,0.0,0.06365000180900096,-0.040050000324845306,9.811399985313413,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.380845,5.348729,535,-2.650830558682181,-16.061255536061488,0.0,0.0,0.0,0.0,0.06365000180900096,-0.04085000034421682,9.810599986076353,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.384016,5.3519,536,-2.650859522960479,-16.061298726911733,0.0,0.07559999898076057,0.0,0.0,0.06325000189244748,-0.04155000030994414,9.811099987983702,0.0,0.0,0.12099999934434891,0,71.40300011471845
+2024-04-07 10:32:21.395306,5.36319,537,-2.650859522960479,-16.061298726911733,0.0,0.07559999898076057,0.0,0.0,0.06255000188946724,-0.04225000031292438,9.810099984169005,0.0,0.0,0.12099999934434891,0,71.40300011471845
+2024-04-07 10:32:21.404622,5.372506,538,-2.650859522960479,-16.061298726911733,0.0,0.07559999898076057,0.0,0.0,0.062350001782178865,-0.04255000032484531,9.810799981117247,0.0,0.0,0.12099999934434891,0,71.40300011471845
+2024-04-07 10:32:21.417489,5.385373,539,-2.650859522960479,-16.061298726911733,0.0,0.07559999898076057,0.0,0.0,0.061850001662969584,-0.04305000033229589,9.810799981117247,0.0,0.0,0.12099999934434891,0,71.40300011471845
+2024-04-07 10:32:21.427340,5.395224,540,-2.6509030377402927,-16.061308109952577,0.0,0.0,0.0,0.0,0.06115000158548356,-0.04315000031143426,9.810099984169005,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.437267,5.405151,541,-2.6509030377402927,-16.061308109952577,0.0,0.0,0.0,0.0,0.06085000157356263,-0.04365000031888484,9.810299979209898,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.444850,5.412734,542,-2.6509030377402927,-16.061308109952577,0.0,0.0,0.0,0.0,0.060050001516938206,-0.044150000326335426,9.80969997501373,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.455869,5.423753,543,-2.6509030377402927,-16.061308109952577,0.0,0.0,0.0,0.0,0.059750001505017275,-0.0446500002965331,9.809499979972838,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.464630,5.432514,544,-2.6509030377402927,-16.061308109952577,0.0,0.0,0.0,0.0,0.05915000148117541,-0.04485000032931566,9.809499979972838,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.475011,5.442895,545,-2.650962090405611,-16.061281772062,0.0,0.0359999991953373,0.0,0.0,0.05845000140368939,-0.0446500003710389,9.80939997768402,0.0,0.0,0.05999999865889549,0,71.40300011471845
+2024-04-07 10:32:21.484047,5.451931,546,-2.650962090405611,-16.061281772062,0.0,0.0359999991953373,0.0,0.0,0.057750001400709156,-0.04495000030845403,9.809099970817565,0.0,0.0,0.05999999865889549,0,71.40300011471845
+2024-04-07 10:32:21.494223,5.462107,547,-2.650962090405611,-16.061281772062,0.0,0.0359999991953373,0.0,0.0,0.05695000134408473,-0.04535000022500753,9.80879996395111,0.0,0.0,0.05999999865889549,0,71.40300011471845
+2024-04-07 10:32:21.505323,5.473207,548,-2.650962090405611,-16.061281772062,0.0,0.0359999991953373,0.0,0.0,0.05655000127851964,-0.0454500002786517,9.80879996395111,0.0,0.0,0.05999999865889549,0,71.40300011471845
+2024-04-07 10:32:21.516562,5.484446,549,-2.65103556121889,-16.06122245207447,0.0,0.0,0.0,0.0,0.05655000127851964,-0.045550000257790074,9.808899966239927,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.524711,5.492595,550,-2.65103556121889,-16.06122245207447,0.0,0.0,0.0,0.0,0.05625000126659871,-0.0454500002786517,9.809499960899352,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.535000,5.502884,551,-2.65103556121889,-16.06122245207447,0.0,0.0,0.0,0.0,0.05605000115931033,-0.04525000032037496,9.809499960899352,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.544292,5.512176,552,-2.6510511305366546,-16.061209580969198,0.0,0.0,0.0,0.0,0.05525000117719173,-0.04535000029951333,9.809399968147275,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.556995,5.524879,553,-2.6511047406742345,-16.061155923181197,0.0,0.0,0.0,0.0,0.05425000116229056,-0.0454500002786517,9.8092999753952,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.566373,5.534257,554,-2.6511047406742345,-16.061155923181197,0.0,0.0,0.0,0.0,0.05385000124573708,-0.0454500002786517,9.809499970436095,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.578164,5.546048,555,-2.6511047406742345,-16.061155923181197,0.0,0.0,0.0,0.0,0.053450001254677776,-0.04575000032782553,9.809099970817565,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.584121,5.552005,556,-2.65117501950032,-16.061074196811944,0.0,0.0,0.0,0.0,0.053250001296401034,-0.045850000306963914,9.808799973487853,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.594615,5.562499,557,-2.65117501950032,-16.061074196811944,0.0,0.0,0.0,0.0,0.0529500012844801,-0.045850000306963914,9.808299971580503,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.604389,5.572273,558,-2.65117501950032,-16.061074196811944,0.0,0.0,0.0,0.0,0.05285000137984752,-0.04565000034868716,9.808199969291685,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.627965,5.595849,559,-2.65117501950032,-16.061074196811944,0.0,0.0,0.0,0.0,0.05275000132620333,-0.04575000032782553,9.808199969291685,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.627988,5.595872,560,-2.65117501950032,-16.061074196811944,0.0,0.0,0.0,0.0,0.0529500012844801,-0.045850000306963914,9.808199969291685,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.635330,5.603214,561,-2.651242671895614,-16.060982140185125,0.0,0.0,0.0,0.0,0.05335000120103359,-0.046150000318884846,9.807799969673155,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.645285,5.613169,562,-2.651242671895614,-16.060982140185125,0.0,0.0,0.0,0.0,0.052950001135468494,-0.04645000033080576,9.80789996242523,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.658702,5.626586,563,-2.651242671895614,-16.060982140185125,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.672261,5.640145,564,-2.6513047035605686,-16.06088610920404,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.677849,5.645733,565,-2.6513047035605686,-16.06088610920404,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.686030,5.653914,566,-2.6513047035605686,-16.06088610920404,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.694397,5.662281,567,-2.6513047035605686,-16.06088610920404,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.704933,5.672817,568,-2.6513546358495557,-16.06079942929991,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.721075,5.688959,569,-2.6513546358495557,-16.06079942929991,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.724646,5.69253,570,-2.6513546358495557,-16.06079942929991,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.734783,5.702667,571,-2.6513546358495557,-16.06079942929991,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.745717,5.713601,572,-2.6513974654834365,-16.0607160678886,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.756237,5.724121,573,-2.6513974654834365,-16.0607160678886,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.764673,5.732557,574,-2.6513974654834365,-16.0607160678886,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.774726,5.74261,575,-2.6513974654834365,-16.0607160678886,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.785740,5.753624,576,-2.65143173771433,-16.060638583700655,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.794307,5.762191,577,-2.65143173771433,-16.060638583700655,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.804423,5.772307,578,-2.65143173771433,-16.060638583700655,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.814442,5.782326,579,-2.65143173771433,-16.060638583700655,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.833173,5.801057,580,-2.651457730571421,-16.060567022106934,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.837575,5.805459,581,-2.651457730571421,-16.060567022106934,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.845161,5.813045,582,-2.651457730571421,-16.060567022106934,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.854918,5.822802,583,-2.651457730571421,-16.060567022106934,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.864448,5.832332,584,-2.6514755247577684,-16.060502325122556,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.874560,5.842444,585,-2.6514755247577684,-16.060502325122556,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.885322,5.853206,586,-2.6514755247577684,-16.060502325122556,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.894958,5.862842,587,-2.6514755247577684,-16.060502325122556,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.903991,5.871875,588,-2.6514902213664158,-16.060437118881108,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.914662,5.882546,589,-2.6514902213664158,-16.060437118881108,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.924344,5.892228,590,-2.6514902213664158,-16.060437118881108,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.934664,5.902548,591,-2.6514902213664158,-16.060437118881108,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.944701,5.912585,592,-2.651509658380831,-16.060360439038543,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.955412,5.923296,593,-2.651509658380831,-16.060360439038543,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.966962,5.934846,594,-2.651509658380831,-16.060360439038543,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.974685,5.942569,595,-2.651509658380831,-16.060360439038543,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.990247,5.958131,596,-2.65152157111812,-16.060291150487245,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:21.994829,5.962713,597,-2.65152157111812,-16.060291150487245,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.006878,5.974762,598,-2.65152157111812,-16.060291150487245,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.022650,5.990534,599,-2.65152157111812,-16.060291150487245,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.026576,5.99446,600,-2.65152157111812,-16.060291150487245,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.037105,6.004989,601,-2.651529151094161,-16.06022486407708,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.044375,6.012259,602,-2.651529151094161,-16.06022486407708,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.054584,6.022468,603,-2.651529151094161,-16.06022486407708,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.065012,6.032896,604,-2.6515421759554982,-16.060148723858816,0.0,0.046800000965595244,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,-0.07800000160932541,0,71.40300011471845
+2024-04-07 10:32:22.074595,6.042479,605,-2.6515421759554982,-16.060148723858816,0.0,0.046800000965595244,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,-0.07800000160932541,0,71.40300011471845
+2024-04-07 10:32:22.084323,6.052207,606,-2.6515421759554982,-16.060148723858816,0.0,0.046800000965595244,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,-0.07800000160932541,0,71.40300011471845
+2024-04-07 10:32:22.094429,6.062313,607,-2.6515421759554982,-16.060148723858816,0.0,0.046800000965595244,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,-0.07800000160932541,0,71.40300011471845
+2024-04-07 10:32:22.104505,6.072389,608,-2.6515577308611102,-16.060067792101233,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.117815,6.085699,609,-2.6515577308611102,-16.060067792101233,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.127458,6.095342,610,-2.6515577308611102,-16.060067792101233,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.134272,6.102156,611,-2.6515577308611102,-16.060067792101233,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.146915,6.114799,612,-2.6515520169592386,-16.060014392232993,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.155262,6.123146,613,-2.6515520169592386,-16.060014392232993,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.164931,6.132815,614,-2.6515520169592386,-16.060014392232993,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.174782,6.142666,615,-2.6515520169592386,-16.060014392232993,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.190116,6.158,616,-2.6515442365091055,-16.059978952384082,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.194737,6.162621,617,-2.6515410291236803,-16.05996760866887,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.40300011471845
+2024-04-07 10:32:22.206870,6.174754,618,-2.6515410291236803,-16.05996760866887,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.222561,6.190445,619,-2.6515410291236803,-16.05996760866887,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.227772,6.195656,620,-2.6515315969775908,-16.059915412301486,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.235083,6.202967,621,-2.6515315969775908,-16.059915412301486,0.0,0.0,0.0,0.0,0.053050001189112655,-0.04655000030994415,9.807599965095518,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.245441,6.213325,622,-2.6515315969775908,-16.059915412301486,0.0,0.0,0.0,0.0,0.049350001513957964,-0.05655000075697898,9.806699944496152,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.255248,6.223132,623,-2.6515315969775908,-16.059915412301486,0.0,0.0,0.0,0.0,0.04905000165104867,-0.05625000074505805,9.80649994945526,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.268070,6.235954,624,-2.6515189543953905,-16.059887548125786,0.0,0.0,0.0,0.0,0.048550001680850996,-0.05625000074505805,9.80649994945526,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.275318,6.243202,625,-2.6515128150020133,-16.059880009876796,0.0,0.0,0.0,0.0,0.04865000158548355,-0.055850000828504553,9.805099955558775,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.286319,6.254203,626,-2.6515128150020133,-16.059880009876796,0.0,0.0,0.0,0.0,0.04855000153183936,-0.05495000079274176,9.8049999628067,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.296277,6.264161,627,-2.6515128150020133,-16.059880009876796,0.0,0.0,0.0,0.0,0.04905000150203706,-0.05455000080168246,9.804899960517881,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.304858,6.272742,628,-2.6515425322883686,-16.059755112256084,0.0,0.057600002735853195,0.0,0.0,0.04895000159740448,-0.05375000081956385,9.805299960136411,0.0,0.0,-0.09099999815225601,0,71.41100011509843
+2024-04-07 10:32:22.316870,6.284754,629,-2.6515425322883686,-16.059755112256084,0.0,0.057600002735853195,0.0,0.0,0.04875000163912774,-0.053050000891089424,9.805699959754943,0.0,0.0,-0.09099999815225601,0,71.41100011509843
+2024-04-07 10:32:22.327501,6.295385,630,-2.6515425322883686,-16.059755112256084,0.0,0.057600002735853195,0.0,0.0,0.048550001680850996,-0.05295000091195105,9.805999966621398,0.0,0.0,-0.09099999815225601,0,71.41100011509843
+2024-04-07 10:32:22.336038,6.303922,631,-2.6515425322883686,-16.059755112256084,0.0,0.057600002735853195,0.0,0.0,0.048050001710653295,-0.05285000085830688,9.806099959373473,0.0,0.0,-0.09099999815225601,0,71.41100011509843
+2024-04-07 10:32:22.346674,6.314558,632,-2.6515248005031413,-16.059677909607764,0.0,0.01799999959766865,0.0,0.0,0.04765000179409981,-0.05335000082850455,9.8049999628067,0.0,0.0,-0.03200000151991844,0,71.41100011509843
+2024-04-07 10:32:22.355933,6.323817,633,-2.6515248005031413,-16.059677909607764,0.0,0.01799999959766865,0.0,0.0,0.04745000183582307,-0.05355000086128711,9.805899964332578,0.0,0.0,-0.03200000151991844,0,71.41100011509843
+2024-04-07 10:32:22.365859,6.333743,634,-2.6515248005031413,-16.059677909607764,0.0,0.01799999959766865,0.0,0.0,0.04695000186562537,-0.053350000903010356,9.805499964714048,0.0,0.0,-0.03200000151991844,0,71.41100011509843
+2024-04-07 10:32:22.378105,6.345989,635,-2.6515248005031413,-16.059677909607764,0.0,0.01799999959766865,0.0,0.0,0.046750001907348626,-0.05285000089555977,9.806299963951108,0.0,0.0,-0.03200000151991844,0,71.41100011509843
+2024-04-07 10:32:22.390850,6.358734,636,-2.6514857775474,-16.059623107840352,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.395003,6.362887,637,-2.6514857775474,-16.059623107840352,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.406123,6.374007,638,-2.6514857775474,-16.059623107840352,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.414968,6.382852,639,-2.6514857775474,-16.059623107840352,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.429906,6.39779,640,-2.6514355002486667,-16.059578553348288,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.435466,6.40335,641,-2.6514355002486667,-16.059578553348288,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.446042,6.413926,642,-2.6514355002486667,-16.059578553348288,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.460850,6.428734,643,-2.6514355002486667,-16.059578553348288,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.468146,6.43603,644,-2.651424873969671,-16.059476612708593,0.0,0.07559999898076057,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,-0.12099999934434891,0,71.41100011509843
+2024-04-07 10:32:22.475075,6.442959,645,-2.651424873969671,-16.059476612708593,0.0,0.07559999898076057,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,-0.12099999934434891,0,71.41100011509843
+2024-04-07 10:32:22.486502,6.454386,646,-2.651424873969671,-16.059476612708593,0.0,0.07559999898076057,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,-0.12099999934434891,0,71.41100011509843
+2024-04-07 10:32:22.498345,6.466229,647,-2.651424873969671,-16.059476612708593,0.0,0.07559999898076057,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,-0.12099999934434891,0,71.41100011509843
+2024-04-07 10:32:22.506162,6.474046,648,-2.651386826977912,-16.05941617178655,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.522966,6.49085,649,-2.651386826977912,-16.05941617178655,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.528102,6.495986,650,-2.651386826977912,-16.05941617178655,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.535854,6.503738,651,-2.651386826977912,-16.05941617178655,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.545383,6.513267,652,-2.6513452795119976,-16.059361015283923,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.557563,6.525447,653,-2.6513452795119976,-16.059361015283923,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.566343,6.534227,654,-2.6513452795119976,-16.059361015283923,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.575295,6.543179,655,-2.6513452795119976,-16.059361015283923,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.586529,6.554413,656,-2.6512975712973206,-16.05931657122151,0.0,0.0,0.0,0.0,0.046450001820921905,-0.05235000088810919,9.80539996242523,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.596079,6.563963,657,-2.6512975712973206,-16.05931657122151,0.0,0.0,0.0,0.0,0.04825000196695328,-0.050250001028180113,9.807399960517882,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.605634,6.573518,658,-2.6512975712973206,-16.05931657122151,0.0,0.0,0.0,0.0,0.048750001937150955,-0.05055000096559524,9.807799960136412,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.617311,6.585195,659,-2.6512975712973206,-16.05931657122151,0.0,0.0,0.0,0.0,0.048950002044439306,-0.05075000092387198,9.808399964332578,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.626170,6.594054,660,-2.651249682165868,-16.059276996474743,0.0,-0.014400000683963299,0.0,0.0,0.04885000213980675,-0.05065000094473361,9.808399964332578,0.0,0.0,-0.027000000700354576,0,71.41100011509843
+2024-04-07 10:32:22.635118,6.603002,661,-2.651249682165868,-16.059276996474743,0.0,-0.014400000683963299,0.0,0.0,0.04875000223517417,-0.05085000090301035,9.80919996356964,0.0,0.0,-0.027000000700354576,0,71.41100011509843
+2024-04-07 10:32:22.644841,6.612725,662,-2.651249682165868,-16.059276996474743,0.0,-0.014400000683963299,0.0,0.0,0.049450002312660224,-0.05035000093281268,9.809799967765807,0.0,0.0,-0.027000000700354576,0,71.41100011509843
+2024-04-07 10:32:22.656144,6.624028,663,-2.651249682165868,-16.059276996474743,0.0,-0.014400000683963299,0.0,0.0,0.049550002366304385,-0.05005000099539755,9.810099965095517,0.0,0.0,-0.027000000700354576,0,71.41100011509843
+2024-04-07 10:32:22.666068,6.633952,664,-2.6511754662788243,-16.059280966440603,0.0,-0.07559999898076057,0.0,0.0,0.049750002473592764,-0.04975000098347662,9.811099968910215,0.0,0.0,-0.12300000339746475,0,71.41100011509843
+2024-04-07 10:32:22.674736,6.64262,665,-2.6511754662788243,-16.059280966440603,0.0,-0.07559999898076057,0.0,0.0,0.049950002431869506,-0.049450000971555705,9.810699969291685,0.0,0.0,-0.12300000339746475,0,71.41100011509843
+2024-04-07 10:32:22.685178,6.653062,666,-2.6511754662788243,-16.059280966440603,0.0,-0.07559999898076057,0.0,0.0,0.05045000240206718,-0.0490500009804964,9.811099968910215,0.0,0.0,-0.12300000339746475,0,71.41100011509843
+2024-04-07 10:32:22.695283,6.663167,667,-2.6511754662788243,-16.059280966440603,0.0,-0.07559999898076057,0.0,0.0,0.05055000245571137,-0.048550001010298716,9.810199967384337,0.0,0.0,-0.12300000339746475,0,71.41100011509843
+2024-04-07 10:32:22.704837,6.672721,668,-2.651085008656577,-16.059318411177284,0.0,-0.028800001367926598,0.0,0.0,0.05075000241398811,-0.04875000096857547,9.81089996433258,0.0,0.0,-0.10100000351667404,0,71.41100011509843
+2024-04-07 10:32:22.715486,6.68337,669,-2.651085008656577,-16.059318411177284,0.0,-0.028800001367926598,0.0,0.0,0.05095000252127646,-0.04885000094771384,9.81049996471405,0.0,0.0,-0.10100000351667404,0,71.41100011509843
+2024-04-07 10:32:22.725108,6.692992,670,-2.651085008656577,-16.059318411177284,0.0,-0.028800001367926598,0.0,0.0,0.05125000253319739,-0.0494500008970499,9.811099968910215,0.0,0.0,-0.10100000351667404,0,71.41100011509843
+2024-04-07 10:32:22.735060,6.702944,671,-2.651085008656577,-16.059318411177284,0.0,-0.028800001367926598,0.0,0.0,0.05175000250339509,-0.0494500008970499,9.810599967002867,0.0,0.0,-0.10100000351667404,0,71.41100011509843
+2024-04-07 10:32:22.745529,6.713413,672,-2.6510201325698683,-16.05933513119404,0.0,0.0,0.0,0.0,0.05205000236630439,-0.049350000917911516,9.81049996471405,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.758089,6.725973,673,-2.6510201325698683,-16.05933513119404,0.0,0.0,0.0,0.0,0.051750002354383456,-0.0494500008970499,9.810099965095517,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.765440,6.733324,674,-2.6510201325698683,-16.05933513119404,0.0,0.0,0.0,0.0,0.05215000227093697,-0.04915000088512897,9.811399966239927,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.775027,6.742911,675,-2.6510201325698683,-16.05933513119404,0.0,0.0,0.0,0.0,0.05225000217556952,-0.04845000095665454,9.811499968528747,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.785073,6.752957,676,-2.650988737217903,-16.059312882001134,0.0,0.046800000965595244,0.0,0.0,0.05285000219941138,-0.04795000098645687,9.811999970436094,0.0,0.0,-0.07800000160932541,0,71.41100011509843
+2024-04-07 10:32:22.795973,6.763857,677,-2.650988737217903,-16.059312882001134,0.0,0.046800000965595244,0.0,0.0,0.052950002104043964,-0.04785000100731848,9.811699973106382,0.0,0.0,-0.07800000160932541,0,71.41100011509843
+2024-04-07 10:32:22.806075,6.773959,678,-2.650988737217903,-16.059312882001134,0.0,0.046800000965595244,0.0,0.0,0.05335000202059745,-0.047650000974535936,9.811699973106382,0.0,0.0,-0.07800000160932541,0,71.41100011509843
+2024-04-07 10:32:22.814890,6.782774,679,-2.650988737217903,-16.059312882001134,0.0,0.046800000965595244,0.0,0.0,0.05335000202059745,-0.0469500008970499,9.812099972724912,0.0,0.0,-0.07800000160932541,0,71.41100011509843
+2024-04-07 10:32:22.827391,6.795275,680,-2.6509544242822147,-16.059308117728772,0.0,0.0,0.0,0.0,0.05375000193715096,-0.04685000091791151,9.812099972724912,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.837398,6.805282,681,-2.6509544242822147,-16.059308117728772,0.0,0.0,0.0,0.0,0.0539500018954277,-0.04665000095963477,9.811999979972837,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.845145,6.813029,682,-2.6509544242822147,-16.059308117728772,0.0,0.0,0.0,0.0,0.0539500018954277,-0.04625000096857547,9.81189997768402,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.855683,6.823567,683,-2.6509544242822147,-16.059308117728772,0.0,0.0,0.0,0.0,0.05365000188350677,-0.04595000103116034,9.812099982261655,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.865379,6.833263,684,-2.650939065947,-16.05929355067375,0.0,0.0,0.0,0.0,0.05345000192523003,-0.04555000104010104,9.811699982643125,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.875010,6.842894,685,-2.650939065947,-16.05929355067375,0.0,0.0,0.0,0.0,0.053250001966953286,-0.04545000106096267,9.812099982261655,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.885133,6.853017,686,-2.650939065947,-16.05929355067375,0.0,0.0,0.0,0.0,0.052750001922249795,-0.04595000106841325,9.81199998950958,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.895294,6.863178,687,-2.650939065947,-16.05929355067375,0.0,0.0,0.0,0.0,0.052450001910328864,-0.04625000108033418,9.812499981880187,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.907345,6.875229,688,-2.650939615765961,-16.059270961649805,0.0,0.057600002735853195,0.0,0.0,0.052050001844763744,-0.046450001038610925,9.81239998912811,0.0,0.0,0.09099999815225601,0,71.41100011509843
+2024-04-07 10:32:22.915063,6.882947,689,-2.650939615765961,-16.059270961649805,0.0,0.057600002735853195,0.0,0.0,0.05185000173747539,-0.046750001050531856,9.81239998912811,0.0,0.0,0.09099999815225601,0,71.41100011509843
+2024-04-07 10:32:22.927102,6.894986,690,-2.650939615765961,-16.059270961649805,0.0,0.057600002735853195,0.0,0.0,0.051750001683831204,-0.0469500010088086,9.812199984550475,0.0,0.0,0.09099999815225601,0,71.41100011509843
+2024-04-07 10:32:22.937349,6.905233,691,-2.650939615765961,-16.059270961649805,0.0,0.057600002735853195,0.0,0.0,0.05165000163018704,-0.0469500010088086,9.81239998912811,0.0,0.0,0.09099999815225601,0,71.41100011509843
+2024-04-07 10:32:22.947856,6.91574,692,-2.650959526975143,-16.059233395987395,0.0,0.0,0.0,0.0,0.05135000161826611,-0.04665000099688768,9.812599993705748,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.960493,6.928377,693,-2.650959526975143,-16.059233395987395,0.0,0.0,0.0,0.0,0.05145000167191027,-0.046550001017749296,9.812199994087218,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.970597,6.938481,694,-2.650959526975143,-16.059233395987395,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.980232,6.948116,695,-2.650959526975143,-16.059233395987395,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:22.989396,6.95728,696,-2.650973448225771,-16.05922210590696,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.000432,6.968316,697,-2.650973448225771,-16.05922210590696,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.021935,6.989819,698,-2.650973448225771,-16.05922210590696,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.025681,6.993565,699,-2.650973448225771,-16.05922210590696,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.034472,7.002356,700,-2.650973448225771,-16.05922210590696,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.039514,7.007398,701,-2.6509932689704505,-16.059219537239166,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.047366,7.01525,702,-2.6509932689704505,-16.059219537239166,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.067136,7.03502,703,-2.6509932689704505,-16.059219537239166,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.068971,7.036855,704,-2.6510273521339323,-16.05921409238012,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.077487,7.045371,705,-2.6510273521339323,-16.05921409238012,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.085479,7.053363,706,-2.651035601814721,-16.05921295615073,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.095369,7.063253,707,-2.6510398669369497,-16.05921655276457,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.107971,7.075855,708,-2.6510398669369497,-16.05921655276457,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.115537,7.083421,709,-2.6510398669369497,-16.05921655276457,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.128026,7.09591,710,-2.6510398669369497,-16.05921655276457,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.137232,7.105116,711,-2.6510533003007244,-16.059244737105693,0.0,-0.043200000375509265,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,-0.07000000029802322,0,71.41100011509843
+2024-04-07 10:32:23.147524,7.115408,712,-2.6510533003007244,-16.059244737105693,0.0,-0.043200000375509265,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,-0.07000000029802322,0,71.41100011509843
+2024-04-07 10:32:23.162296,7.13018,713,-2.6510533003007244,-16.059244737105693,0.0,-0.043200000375509265,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,-0.07000000029802322,0,71.41100011509843
+2024-04-07 10:32:23.167421,7.135305,714,-2.6510533003007244,-16.059244737105693,0.0,-0.043200000375509265,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,-0.07000000029802322,0,71.41100011509843
+2024-04-07 10:32:23.179106,7.14699,715,-2.651052472942042,-16.059302354507857,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.185169,7.153053,716,-2.651052472942042,-16.059302354507857,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.196271,7.164155,717,-2.651052472942042,-16.059302354507857,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.41100011509843
+2024-04-07 10:32:23.208995,7.176879,718,-2.651052472942042,-16.059302354507857,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.216203,7.184087,719,-2.6510631217978196,-16.059348334494864,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.225874,7.193758,720,-2.651067675308852,-16.059358193637873,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.237044,7.204928,721,-2.651067675308852,-16.059358193637873,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.245518,7.213402,722,-2.651067675308852,-16.059358193637873,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.257179,7.225063,723,-2.651067675308852,-16.059358193637873,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.269104,7.236988,724,-2.651067675308852,-16.059358193637873,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.275658,7.243542,725,-2.6510811936928267,-16.05938791313527,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.287272,7.255156,726,-2.6510811936928267,-16.05938791313527,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.300631,7.268515,727,-2.6510811936928267,-16.05938791313527,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.307027,7.274911,728,-2.6511045561721134,-16.05943806836113,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.315916,7.2838,729,-2.6511045561721134,-16.05943806836113,0.0,0.0,0.0,0.0,0.05155000172555446,-0.04665000099688768,9.812500000953673,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.333218,7.301102,730,-2.6511045561721134,-16.05943806836113,0.0,0.0,0.0,0.0,0.04475000239908694,-0.04705000083893536,9.820499983787535,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.336069,7.303953,731,-2.6511045561721134,-16.05943806836113,0.0,0.0,0.0,0.0,0.04465000249445439,-0.04755000088363885,9.820199986457823,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.346377,7.314261,732,-2.651138012717022,-16.05945636203301,0.0,0.0,0.0,0.0,0.0445500024408102,-0.047250000946223725,9.819799986839293,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.365330,7.333214,733,-2.6511297239295795,-16.059485924617928,0.0,-0.07559999898076057,0.0,0.0,0.0445500024408102,-0.047250000946223725,9.820199986457823,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:23.367470,7.335354,734,-2.6511297239295795,-16.059485924617928,0.0,-0.07559999898076057,0.0,0.0,0.04505000241100787,-0.047250000946223725,9.819199982643125,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:23.376172,7.344056,735,-2.6511297239295795,-16.059485924617928,0.0,-0.07559999898076057,0.0,0.0,0.0453500024229288,-0.046450000889599316,9.817899981498716,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:23.386519,7.354403,736,-2.6511297239295795,-16.059485924617928,0.0,-0.07559999898076057,0.0,0.0,0.046150002479553226,-0.04655000086873769,9.816799984931944,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:23.403747,7.371631,737,-2.6511090900571888,-16.059564405884842,0.0,0.0,0.0,0.0,0.0466500024497509,-0.04635000083595513,9.816099978446958,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.408365,7.376249,738,-2.6511090900571888,-16.059564405884842,0.0,0.0,0.0,0.0,0.047550002411007875,-0.04635000083595513,9.816199980735776,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.415925,7.383809,739,-2.6511090900571888,-16.059564405884842,0.0,0.0,0.0,0.0,0.04825000241398811,-0.04635000083595513,9.815799981117246,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.426616,7.3945,740,-2.6511090900571888,-16.059564405884842,0.0,0.0,0.0,0.0,0.04905000239610671,-0.046150000840425476,9.815799981117246,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.437163,7.405047,741,-2.651102006244251,-16.05965514497976,0.0,0.0,0.0,0.0,0.04925000250339509,-0.046050000861287105,9.814999972343443,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.446117,7.414001,742,-2.651102006244251,-16.05965514497976,0.0,0.0,0.0,0.0,0.050050002560019485,-0.046050000861287105,9.815099974632261,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.457369,7.425253,743,-2.651102006244251,-16.05965514497976,0.0,0.0,0.0,0.0,0.05065000258386135,-0.04645000085234641,9.814099980354307,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.467355,7.435239,744,-2.651102006244251,-16.05965514497976,0.0,0.0,0.0,0.0,0.05135000258684158,-0.04665000081062316,9.81349997615814,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.475882,7.443766,745,-2.6511057185689055,-16.05971226773854,0.0,0.0,0.0,0.0,0.051950002685189234,-0.047050000801682465,9.813399973869322,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.485748,7.453632,746,-2.6511068479009663,-16.05972669456269,0.0,0.0,0.0,0.0,0.052750002667307866,-0.047150000780820836,9.812499972343444,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.499112,7.466996,747,-2.6511068479009663,-16.05972669456269,0.0,0.0,0.0,0.0,0.05355000272393226,-0.047050000801682465,9.812099972724912,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.506214,7.474098,748,-2.6511068479009663,-16.05972669456269,0.0,0.0,0.0,0.0,0.054050002694129934,-0.047050000801682465,9.811699973106382,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.516804,7.484688,749,-2.6511068479009663,-16.05972669456269,0.0,0.0,0.0,0.0,0.054050002694129934,-0.047050000801682465,9.811799975395202,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.526233,7.494117,750,-2.6511089492950797,-16.059768350429547,0.0,0.0,0.0,0.0,0.054750002771615985,-0.046950000822544094,9.81189997768402,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.535718,7.503602,751,-2.6511089492950797,-16.059768350429547,0.0,0.0,0.0,0.0,0.05535000279545785,-0.046950000822544094,9.812599974632262,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.545398,7.513282,752,-2.6511089492950797,-16.059768350429547,0.0,0.0,0.0,0.0,0.056450002714991565,-0.04665000081062316,9.811199971199034,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.557159,7.525043,753,-2.6511089492950797,-16.059768350429547,0.0,0.0,0.0,0.0,0.056350002661347376,-0.04605000082403421,9.811799975395202,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.565690,7.533574,754,-2.6511448200735215,-16.05977582889513,0.0,0.0359999991953373,0.0,0.0,0.056550002619624146,-0.045950000844895825,9.812099972724912,0.0,0.0,-0.15600000321865082,0,71.42400011536665
+2024-04-07 10:32:23.575263,7.543147,755,-2.6511448200735215,-16.05977582889513,0.0,0.0359999991953373,0.0,0.0,0.05665000267326831,-0.04555000085383652,9.81149997806549,0.0,0.0,-0.15600000321865082,0,71.42400011536665
+2024-04-07 10:32:23.585694,7.553578,756,-2.6511448200735215,-16.05977582889513,0.0,0.0359999991953373,0.0,0.0,0.056350002661347376,-0.04575000081211328,9.812099982261655,0.0,0.0,-0.15600000321865082,0,71.42400011536665
+2024-04-07 10:32:23.597473,7.565357,757,-2.6511448200735215,-16.05977582889513,0.0,0.0359999991953373,0.0,0.0,0.056350002661347376,-0.04565000083297491,9.810999985694883,0.0,0.0,-0.15600000321865082,0,71.42400011536665
+2024-04-07 10:32:23.605672,7.573556,758,-2.651179191140352,-16.059781830699208,0.0,0.021600000187754632,0.0,0.0,0.05575000263750554,-0.04565000083297491,9.81069998836517,0.0,0.0,-0.03500000014901161,0,71.42400011536665
+2024-04-07 10:32:23.616403,7.584287,759,-2.651179191140352,-16.059781830699208,0.0,0.021600000187754632,0.0,0.0,0.05545000262558461,-0.045850000865757454,9.809599991798398,0.0,0.0,-0.03500000014901161,0,71.42400011536665
+2024-04-07 10:32:23.629644,7.597528,760,-2.651179191140352,-16.059781830699208,0.0,0.021600000187754632,0.0,0.0,0.05535000257194042,-0.04565000090748071,9.809299994468686,0.0,0.0,-0.03500000014901161,0,71.42400011536665
+2024-04-07 10:32:23.638695,7.606579,761,-2.6511894151514843,-16.059780437569746,0.0,0.007200000341981649,0.0,0.0,0.05535000257194042,-0.045250000990927214,9.809599991798398,0.0,0.0,-0.23000000417232513,0,71.42400011536665
+2024-04-07 10:32:23.646034,7.613918,762,-2.6512188568507624,-16.05977844651061,0.0,0.0,0.0,0.0,0.0549500025063753,-0.045450000949203956,9.808399992942809,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.656636,7.62452,763,-2.6512188568507624,-16.05977844651061,0.0,0.0,0.0,0.0,0.05505000241100788,-0.04565000090748071,9.809299994468686,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.665458,7.633342,764,-2.6512188568507624,-16.05977844651061,0.0,0.0,0.0,0.0,0.05465000234544276,-0.04565000090748071,9.807999993324279,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.675867,7.643751,765,-2.6512188568507624,-16.05977844651061,0.0,0.0,0.0,0.0,0.05465000234544276,-0.04575000096112489,9.80909998989105,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.687052,7.654936,766,-2.6512705819390257,-16.059772445815053,0.0,0.0,0.0,0.0,0.054350002482533466,-0.04575000096112489,9.808799983024596,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.697209,7.665093,767,-2.6512705819390257,-16.059772445815053,0.0,0.0,0.0,0.0,0.0546500024944544,-0.04545000087469815,9.80989998912811,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.706595,7.674479,768,-2.6512705819390257,-16.059772445815053,0.0,0.0,0.0,0.0,0.05455000258982182,-0.04475000094622372,9.809399996757506,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.718305,7.686189,769,-2.6513037185336787,-16.059751184967457,0.0,0.057600002735853195,0.0,0.0,0.0549500025063753,-0.04445000093430279,9.809899998664854,0.0,0.0,-0.09099999815225601,0,71.42400011536665
+2024-04-07 10:32:23.726975,7.694859,770,-2.651336715193027,-16.05972922738924,0.0,0.0,0.0,0.0,0.05515000246465207,-0.043950000889599314,9.808199997901914,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.735846,7.70373,771,-2.6513530238022205,-16.059718612917937,0.0,0.0,0.0,0.0,0.05505000256001949,-0.04365000087767838,9.808699999809264,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.745911,7.713795,772,-2.6513530238022205,-16.059718612917937,0.0,0.0,0.0,0.0,0.05495000265538694,-0.043450000844895836,9.808599997520444,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.756877,7.724761,773,-2.6513530238022205,-16.059718612917937,0.0,0.0,0.0,0.0,0.05525000266730784,-0.042950000800192345,9.809899998664854,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.767009,7.734893,774,-2.6513530238022205,-16.059718612917937,0.0,0.0,0.0,0.0,0.0550500027090311,-0.04255000073462724,9.808800002098081,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.776316,7.7442,775,-2.6514044485826336,-16.05968403583764,0.0,0.0,0.0,0.0,0.0550500027090311,-0.04275000069290398,9.809200001716611,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.786326,7.75421,776,-2.6514044485826336,-16.05968403583764,0.0,0.0,0.0,0.0,0.054450002685189236,-0.04295000072568654,9.808699999809264,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.797297,7.765181,777,-2.6514044485826336,-16.05968403583764,0.0,0.0,0.0,0.0,0.05405000276863575,-0.043550000712275494,9.808699999809264,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.808464,7.776348,778,-2.6514044485826336,-16.05968403583764,0.0,0.0,0.0,0.0,0.05335000284016134,-0.04405000068247317,9.808000002861021,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.815699,7.783583,779,-2.651464963267729,-16.059654303832186,0.0,0.0,0.0,0.0,0.05245000280439854,-0.04465000070631503,9.808300000190734,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.827374,7.795258,780,-2.651464963267729,-16.059654303832186,0.0,0.0,0.0,0.0,0.05165000282227994,-0.04505000069737433,9.808300000190734,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.835859,7.803743,781,-2.651464963267729,-16.059654303832186,0.0,0.0,0.0,0.0,0.05105000279843808,-0.04505000069737433,9.808399992942809,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.846053,7.813937,782,-2.651464963267729,-16.059654303832186,0.0,0.0,0.0,0.0,0.050350002720952025,-0.04535000070929526,9.808099995613096,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.856423,7.824307,783,-2.6515187272593095,-16.059637680661854,0.0,0.0,0.0,0.0,0.050550002828240403,-0.04565000064671039,9.807999993324279,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.866774,7.834658,784,-2.6515187272593095,-16.059637680661854,0.0,0.0,0.0,0.0,0.050550002828240403,-0.04585000060498713,9.80829999065399,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.875563,7.843447,785,-2.6515187272593095,-16.059637680661854,0.0,0.0,0.0,0.0,0.050650002881884565,-0.0459500005841255,9.807999993324279,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.886418,7.854302,786,-2.6515187272593095,-16.059637680661854,0.0,0.0,0.0,0.0,0.05145000293850899,-0.045650000534951676,9.807999993324279,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.896015,7.863899,787,-2.6515724642539005,-16.059619644063115,0.0,0.0,0.0,0.0,0.050950002968311314,-0.045350000523030745,9.807900000572202,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.908799,7.876683,788,-2.6515724642539005,-16.059619644063115,0.0,0.0,0.0,0.0,0.051250002980232245,-0.045250000543892374,9.807500000953672,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.917343,7.885227,789,-2.6515724642539005,-16.059619644063115,0.0,0.0,0.0,0.0,0.05135000303387641,-0.045050000511109814,9.807500000953672,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.929248,7.897132,790,-2.6515724642539005,-16.059619644063115,0.0,0.0,0.0,0.0,0.05135000303387641,-0.04495000053197144,9.807600003242491,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.937610,7.905494,791,-2.6516275712344264,-16.05959636414453,0.0,0.014400000683963299,0.0,0.0,0.051450003087520596,-0.045350000523030745,9.807399998664854,0.0,0.0,-0.027000000700354576,0,71.42400011536665
+2024-04-07 10:32:23.945726,7.91361,792,-2.6516275712344264,-16.05959636414453,0.0,0.014400000683963299,0.0,0.0,0.051250003129243854,-0.045350000523030745,9.807599993705749,0.0,0.0,-0.027000000700354576,0,71.42400011536665
+2024-04-07 10:32:23.957103,7.924987,793,-2.6516275712344264,-16.05959636414453,0.0,0.014400000683963299,0.0,0.0,0.0510500030219555,-0.0455500004813075,9.807299996376036,0.0,0.0,-0.027000000700354576,0,71.42400011536665
+2024-04-07 10:32:23.965900,7.933784,794,-2.6516275712344264,-16.05959636414453,0.0,0.014400000683963299,0.0,0.0,0.051150002926588056,-0.04585000049322843,9.807399989128111,0.0,0.0,-0.027000000700354576,0,71.42400011536665
+2024-04-07 10:32:23.976464,7.944348,795,-2.651680207967951,-16.05957386776644,0.0,0.0,0.0,0.0,0.0513500028848648,-0.046350000463426105,9.807699986457823,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.986973,7.954857,796,-2.651680207967951,-16.05957386776644,0.0,0.0,0.0,0.0,0.05165000289678573,-0.04655000049620865,9.807799988746641,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:23.996022,7.963906,797,-2.651680207967951,-16.05957386776644,0.0,0.0,0.0,0.0,0.05165000289678573,-0.046350000463426105,9.807599993705749,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.020771,7.988655,798,-2.6517213290523958,-16.059564339711738,0.0,0.0,0.0,0.0,0.05205000281333924,-0.046450000442564476,9.807799988746641,0.0,0.0,-0.20200000703334808,0,71.42400011536665
+2024-04-07 10:32:24.020785,7.988669,799,-2.6517213290523958,-16.059564339711738,0.0,0.0,0.0,0.0,0.05225000277161598,-0.04665000047534704,9.807699995994566,0.0,0.0,-0.20200000703334808,0,71.42400011536665
+2024-04-07 10:32:24.032874,8.000758,800,-2.6517213290523958,-16.059564339711738,0.0,0.0,0.0,0.0,0.05225000277161598,-0.04625000055879354,9.807699995994566,0.0,0.0,-0.20200000703334808,0,71.42400011536665
+2024-04-07 10:32:24.037173,8.005057,801,-2.6517213290523958,-16.059564339711738,0.0,0.0,0.0,0.0,0.05205000281333924,-0.04605000060051678,9.807399998664854,0.0,0.0,-0.20200000703334808,0,71.42400011536665
+2024-04-07 10:32:24.058374,8.026258,802,-2.6517213290523958,-16.059564339711738,0.0,0.0,0.0,0.0,0.05205000281333924,-0.04595000062137841,9.807899991035459,0.0,0.0,-0.20200000703334808,0,71.42400011536665
+2024-04-07 10:32:24.076279,8.044163,803,-2.6517476149926833,-16.05957246355212,0.0,0.0,0.0,0.0,0.05205000281333924,-0.04555000063031911,9.807799988746641,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.076300,8.044184,804,-2.6517476149926833,-16.05957246355212,0.0,0.0,0.0,0.0,0.05205000281333924,-0.04555000063031911,9.807799988746641,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.082302,8.050186,805,-2.6517476149926833,-16.05957246355212,0.0,0.0,0.0,0.0,0.05225000277161598,-0.045350000672042354,9.807499991416929,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.086173,8.054057,806,-2.6517476149926833,-16.05957246355212,0.0,0.0,0.0,0.0,0.05155000284314157,-0.045350000672042354,9.807999993324279,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.095628,8.063512,807,-2.6517514698199287,-16.05961197591265,0.0,-0.021600000187754632,0.0,0.0,0.05145000278949738,-0.04515000063925981,9.807899991035459,0.0,0.0,-0.03700000047683716,0,71.42400011536665
+2024-04-07 10:32:24.107770,8.075654,808,-2.6517514698199287,-16.05961197591265,0.0,-0.021600000187754632,0.0,0.0,0.05125000283122064,-0.04525000061839818,9.808199988365171,0.0,0.0,-0.03700000047683716,0,71.42400011536665
+2024-04-07 10:32:24.118165,8.086049,809,-2.6517514698199287,-16.05961197591265,0.0,-0.021600000187754632,0.0,0.0,0.05145000278949738,-0.04495000060647725,9.80869999027252,0.0,0.0,-0.03700000047683716,0,71.42400011536665
+2024-04-07 10:32:24.129731,8.097615,810,-2.6517514698199287,-16.05961197591265,0.0,-0.021600000187754632,0.0,0.0,0.05175000280141831,-0.044650000594556316,9.808799983024596,0.0,0.0,-0.03700000047683716,0,71.42400011536665
+2024-04-07 10:32:24.139997,8.107881,811,-2.6517665416629175,-16.0596347336837,0.0,0.06839999780058861,0.0,0.0,0.0522500028461218,-0.044250000603497014,9.809199982643126,0.0,0.0,-0.1080000028014183,0,71.42400011536665
+2024-04-07 10:32:24.147397,8.115281,812,-2.6517665416629175,-16.0596347336837,0.0,0.06839999780058861,0.0,0.0,0.052550002858042705,-0.04415000062435864,9.810299979209898,0.0,0.0,-0.1080000028014183,0,71.42400011536665
+2024-04-07 10:32:24.171283,8.139167,813,-2.6517665416629175,-16.0596347336837,0.0,0.06839999780058861,0.0,0.0,0.053050002902746196,-0.0439500006660819,9.811199980735777,0.0,0.0,-0.1080000028014183,0,71.42400011536665
+2024-04-07 10:32:24.171294,8.139178,814,-2.6517665416629175,-16.0596347336837,0.0,0.06839999780058861,0.0,0.0,0.05355000287294387,-0.043850000686943516,9.811799975395202,0.0,0.0,-0.1080000028014183,0,71.42400011536665
+2024-04-07 10:32:24.176131,8.144015,815,-2.651810040796262,-16.059610293174824,0.0,-0.07559999898076057,0.0,0.0,0.05405000284314154,-0.04345000077039002,9.812499972343444,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:24.190921,8.158805,816,-2.651810040796262,-16.059610293174824,0.0,-0.07559999898076057,0.0,0.0,0.05455000281333924,-0.042950000800192345,9.812199975013732,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:24.271322,8.239206,817,-2.651810040796262,-16.059610293174824,0.0,-0.07559999898076057,0.0,0.0,0.05525000274181366,-0.043050000779330716,9.812899981498717,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:24.271365,8.239249,818,-2.651810040796262,-16.059610293174824,0.0,-0.07559999898076057,0.0,0.0,0.05575000271201133,-0.042950000800192345,9.812999983787535,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:24.273283,8.241167,819,-2.651810040796262,-16.059610293174824,0.0,-0.07559999898076057,0.0,0.0,0.05605000272393226,-0.04245000075548887,9.81309997653961,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:24.273934,8.241818,820,-2.651810040796262,-16.059610293174824,0.0,-0.07559999898076057,0.0,0.0,0.056750002801418314,-0.04225000072270631,9.813799973487852,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:24.274019,8.241903,821,-2.651810040796262,-16.059610293174824,0.0,-0.07559999898076057,0.0,0.0,0.057050002813339246,-0.041750000752508634,9.812099982261655,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:24.274052,8.241936,822,-2.651810040796262,-16.059610293174824,0.0,-0.07559999898076057,0.0,0.0,0.05725000277161599,-0.041350000835955136,9.813399973869322,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:24.274091,8.241975,823,-2.651810040796262,-16.059610293174824,0.0,-0.07559999898076057,0.0,0.0,0.05735000282526015,-0.04105000089854001,9.812199975013732,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:24.274151,8.242035,824,-2.651810040796262,-16.059610293174824,0.0,-0.07559999898076057,0.0,0.0,0.05785000279545785,-0.04075000096112488,9.812399970054624,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:24.281621,8.249505,825,-2.6517682549466937,-16.059767901224035,0.0,0.0,0.0,0.0,0.05755000278353692,-0.04075000096112488,9.81139997577667,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.290114,8.257998,826,-2.6517682549466937,-16.059767901224035,0.0,0.0,0.0,0.0,0.05795000284910201,-0.04065000098198651,9.81139997577667,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.296091,8.263975,827,-2.6517475608761525,-16.059857986802808,0.0,0.0,0.0,0.0,0.05785000279545785,-0.04055000100284814,9.81059997653961,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.311316,8.2792,828,-2.6517475608761525,-16.059857986802808,0.0,0.0,0.0,0.0,0.05835000276565552,-0.040350001044571385,9.810299979209898,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.315988,8.283872,829,-2.6517475608761525,-16.059857986802808,0.0,0.0,0.0,0.0,0.05835000276565552,-0.04045000102370977,9.810699978828428,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.331388,8.299272,830,-2.6517420702570744,-16.05993153986551,0.0,0.0,0.0,0.0,0.058250002712011334,-0.04055000100284814,9.810399981498717,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.336639,8.304523,831,-2.6517420702570744,-16.05993153986551,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.355269,8.323153,832,-2.6517420702570744,-16.05993153986551,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.360296,8.32818,833,-2.6517420702570744,-16.05993153986551,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.365984,8.333868,834,-2.6517420702570744,-16.05993153986551,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.378010,8.345894,835,-2.6517450842979717,-16.059999783515405,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.386491,8.354375,836,-2.6517450842979717,-16.059999783515405,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.400128,8.368012,837,-2.6517450842979717,-16.059999783515405,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.408813,8.376697,838,-2.6517450842979717,-16.059999783515405,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.416133,8.384017,839,-2.6517556383257292,-16.060061183623084,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.428131,8.396015,840,-2.6517556383257292,-16.060061183623084,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.438049,8.405933,841,-2.6517556383257292,-16.060061183623084,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.452525,8.420409,842,-2.651773010577117,-16.060118227428326,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.461633,8.429517,843,-2.651773010577117,-16.060118227428326,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.470421,8.438305,844,-2.651773010577117,-16.060118227428326,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.476082,8.443966,845,-2.651773010577117,-16.060118227428326,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.489977,8.457861,846,-2.651794452242359,-16.060167530351283,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.499598,8.467482,847,-2.651794452242359,-16.060167530351283,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.510489,8.478373,848,-2.651794452242359,-16.060167530351283,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.517307,8.485191,849,-2.651794452242359,-16.060167530351283,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.527347,8.495231,850,-2.651794452242359,-16.060167530351283,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.538484,8.506368,851,-2.651819738169519,-16.060211808916307,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.547984,8.515868,852,-2.651819738169519,-16.060211808916307,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.556899,8.524783,853,-2.651819738169519,-16.060211808916307,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.566469,8.534353,854,-2.651819738169519,-16.060211808916307,0.0,0.0,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.578236,8.54612,855,-2.6518569869290025,-16.060236253758028,0.0,0.025200000777840615,0.0,0.0,0.058250002712011334,-0.040350001044571385,9.811199980735777,0.0,0.0,-0.03999999910593033,0,71.42400011536665
+2024-04-07 10:32:24.589067,8.556951,856,-2.6518569869290025,-16.060236253758028,0.0,0.025200000777840615,0.0,0.0,0.053950003162026416,-0.041650000996887676,9.824699994087217,0.0,0.0,-0.03999999910593033,0,71.42400011536665
+2024-04-07 10:32:24.598243,8.566127,857,-2.6518569869290025,-16.060236253758028,0.0,0.025200000777840615,0.0,0.0,0.05405000321567058,-0.04195000100880861,9.825999995231626,0.0,0.0,-0.03999999910593033,0,71.42400011536665
+2024-04-07 10:32:24.610451,8.578335,858,-2.6518615907458485,-16.060249091758852,0.0,0.0,0.0,0.0,0.05415000326931477,-0.04165000107139348,9.825999995231626,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.616669,8.584553,859,-2.651875422049161,-16.060285299590618,0.0,0.0,0.0,0.0,0.05455000318586825,-0.04125000108033418,9.827499991416929,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.629622,8.597506,860,-2.651875422049161,-16.060285299590618,0.0,0.0,0.0,0.0,0.05455000318586825,-0.041550001017749305,9.828099986076353,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.636950,8.604834,861,-2.651875422049161,-16.060285299590618,0.0,0.0,0.0,0.0,0.05435000322759151,-0.04175000097602605,9.827599993705748,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.652748,8.620632,862,-2.6518894512608866,-16.060281903833072,0.0,0.07559999898076057,0.0,0.0,0.0544500032812357,-0.04205000098794698,9.828799992561338,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:24.658254,8.626138,863,-2.6519290376557967,-16.060271206083293,0.0,0.07559999898076057,0.0,0.0,0.05415000326931477,-0.04195000100880861,9.82829999065399,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:24.669886,8.63777,864,-2.6519290376557967,-16.060271206083293,0.0,0.07559999898076057,0.0,0.0,0.0544500032812357,-0.04185000102967022,9.829199992179868,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:24.676691,8.644575,865,-2.6519290376557967,-16.060271206083293,0.0,0.07559999898076057,0.0,0.0,0.05455000333487989,-0.04215000096708535,9.82829999065399,0.0,0.0,-0.12099999934434891,0,71.42400011536665
+2024-04-07 10:32:24.691289,8.659173,866,-2.651951195935724,-16.060292316555326,0.0,-0.032399998605251314,0.0,0.0,0.0544500032812357,-0.0419500009343028,9.828099995613096,0.0,0.0,-0.05299999937415123,0,71.42400011536665
+2024-04-07 10:32:24.701456,8.66934,867,-2.651951195935724,-16.060292316555326,0.0,-0.032399998605251314,0.0,0.0,0.05405000321567058,-0.04235000099986791,9.827099991798399,0.0,0.0,-0.05299999937415123,0,71.42400011536665
+2024-04-07 10:32:24.711396,8.67928,868,-2.651951195935724,-16.060292316555326,0.0,-0.032399998605251314,0.0,0.0,0.05415000312030316,-0.04285000097006558,9.827299986839293,0.0,0.0,-0.05299999937415123,0,71.42400011536665
+2024-04-07 10:32:24.717258,8.685142,869,-2.651951195935724,-16.060292316555326,0.0,-0.032399998605251314,0.0,0.0,0.05375000320374965,-0.04295000102370976,9.82699998950958,0.0,0.0,-0.05299999937415123,0,71.42400011536665
+2024-04-07 10:32:24.727115,8.694999,870,-2.651951195935724,-16.060292316555326,0.0,-0.032399998605251314,0.0,0.0,0.053650003150105485,-0.04325000111013649,9.82819998836517,0.0,0.0,-0.05299999937415123,0,71.42400011536665
+2024-04-07 10:32:24.736277,8.704161,871,-2.6519813168654767,-16.06029424849147,0.0,0.0,0.0,0.0,0.053650003150105485,-0.04375000108033418,9.82829999065399,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.747346,8.71523,872,-2.6519813168654767,-16.06029424849147,0.0,0.0,0.0,0.0,0.053450003191828716,-0.04395000111311673,9.82789999103546,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.756865,8.724749,873,-2.6519813168654767,-16.06029424849147,0.0,0.0,0.0,0.0,0.053450003191828716,-0.04445000115782022,9.827099991798399,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.768545,8.736429,874,-2.6520203050336115,-16.060250939134704,0.0,0.0719999983906746,0.0,0.0,0.05335000328719616,-0.04465000126510857,9.82699998950958,0.0,0.0,-0.11800000071525574,0,71.42400011536665
+2024-04-07 10:32:24.776470,8.744354,875,-2.6520568462988123,-16.060209087702756,0.0,0.0719999983906746,0.0,0.0,0.05335000328719616,-0.045050001256167885,9.826899987220763,0.0,0.0,-0.11800000071525574,0,71.42400011536665
+2024-04-07 10:32:24.786611,8.754495,876,-2.6520568462988123,-16.060209087702756,0.0,0.0719999983906746,0.0,0.0,0.053250003233551974,-0.04555000122636556,9.82739998912811,0.0,0.0,-0.11800000071525574,0,71.42400011536665
+2024-04-07 10:32:24.797025,8.764909,877,-2.6520568462988123,-16.060209087702756,0.0,0.0719999983906746,0.0,0.0,0.053350003138184554,-0.045050001218914976,9.827599984169005,0.0,0.0,-0.11800000071525574,0,71.42400011536665
+2024-04-07 10:32:24.808240,8.776124,878,-2.6520746152076984,-16.060192139851964,0.0,0.0,0.0,0.0,0.053250003084540365,-0.04515000127255915,9.827999983787535,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.817085,8.784969,879,-2.6521000758086606,-16.06015965711323,0.0,0.0359999991953373,0.0,0.0,0.05415000312030316,-0.04505000129342078,9.82739998912811,0.0,0.0,-0.05999999865889549,0,71.42400011536665
+2024-04-07 10:32:24.827630,8.795514,880,-2.6521000758086606,-16.06015965711323,0.0,0.0359999991953373,0.0,0.0,0.05405000314116479,-0.044950001239776605,9.828099995613096,0.0,0.0,-0.05999999865889549,0,71.42400011536665
+2024-04-07 10:32:24.838037,8.805921,881,-2.6521000758086606,-16.06015965711323,0.0,0.0359999991953373,0.0,0.0,0.05475000321865081,-0.04525000117719172,9.827799998283384,0.0,0.0,-0.05999999865889549,0,71.42400011536665
+2024-04-07 10:32:24.848298,8.816182,882,-2.6521178362088036,-16.06013537659347,0.0,-0.032399998605251314,0.0,0.0,0.05495000317692755,-0.04525000117719172,9.828399992942808,0.0,0.0,-0.05299999937415123,0,71.42400011536665
+2024-04-07 10:32:24.856481,8.824365,883,-2.6521178362088036,-16.06013537659347,0.0,-0.032399998605251314,0.0,0.0,0.055450003147125254,-0.04525000117719172,9.827699995994566,0.0,0.0,-0.05299999937415123,0,71.42400011536665
+2024-04-07 10:32:24.867299,8.835183,884,-2.6521178362088036,-16.06013537659347,0.0,-0.032399998605251314,0.0,0.0,0.055450003147125254,-0.04515000119805335,9.828099995613096,0.0,0.0,-0.05299999937415123,0,71.42400011536665
+2024-04-07 10:32:24.876615,8.844499,885,-2.6521178362088036,-16.06013537659347,0.0,-0.032399998605251314,0.0,0.0,0.05595000311732293,-0.045050001218914976,9.826899996757506,0.0,0.0,-0.05299999937415123,0,71.42400011536665
+2024-04-07 10:32:24.886746,8.85463,886,-2.6521397359997674,-16.0600914072418,0.0,0.0,0.0,0.0,0.055450003147125254,-0.044950001239776605,9.827199994087218,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.897942,8.865826,887,-2.6521397359997674,-16.0600914072418,0.0,0.0,0.0,0.0,0.05615000322461128,-0.04515000119805335,9.826099987983701,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.907070,8.874954,888,-2.6521397359997674,-16.0600914072418,0.0,0.0,0.0,0.0,0.05585000321269035,-0.044850001260638234,9.826899987220763,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.916379,8.884263,889,-2.6521397359997674,-16.0600914072418,0.0,0.0,0.0,0.0,0.05635000318288802,-0.04465000130236148,9.825799990653989,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.926664,8.894548,890,-2.6521397359997674,-16.0600914072418,0.0,0.0,0.0,0.0,0.05655000314116479,-0.04465000130236148,9.825999985694883,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.936785,8.904669,891,-2.652154946107938,-16.060047648445256,0.0,0.0,0.0,0.0,0.056850003004074084,-0.04445000126957892,9.825999985694883,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.948163,8.916047,892,-2.652154946107938,-16.060047648445256,0.0,0.0,0.0,0.0,0.057050002962350854,-0.04435000129044055,9.825599986076353,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.956654,8.924538,893,-2.652154946107938,-16.060047648445256,0.0,0.0,0.0,0.0,0.057150003015995016,-0.04435000129044055,9.826499987602231,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.966965,8.934849,894,-2.652157410442685,-16.06003778456869,0.0,0.0,0.0,0.0,0.056850003004074084,-0.04445000130683183,9.82659998989105,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.976823,8.944707,895,-2.65215847619192,-16.0600148569386,0.0,0.0,0.0,0.0,0.05675000309944153,-0.04445000130683183,9.82659998989105,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.987586,8.95547,896,-2.65215847619192,-16.0600148569386,0.0,0.0,0.0,0.0,0.05655000299215318,-0.044150001294910896,9.825999985694883,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:24.997763,8.965647,897,-2.65215847619192,-16.0600148569386,0.0,0.0,0.0,0.0,0.05655000299215318,-0.044150001294910896,9.825899983406066,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:25.007642,8.975526,898,-2.652158289105455,-16.06000701059159,0.0,0.0,0.0,0.0,0.05605000302195548,-0.04425000127404927,9.825199986457823,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:25.017589,8.985473,899,-2.652153246530747,-16.05998901313061,0.0,0.0,0.0,0.0,0.05555000305175781,-0.04415000122040509,9.824699984550474,0.0,0.0,0.0,0,71.42400011536665
+2024-04-07 10:32:25.026665,8.994549,900,-2.652153246530747,-16.05998901313061,0.0,0.0,0.0,0.0,0.055750003159046185,-0.04445000115782022,9.824299984931944,0.0,0.0,0.0,0,71.42400011536665

+ 72 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-25_obstacledetection_9/DriverCtrl_pji.csv

@@ -0,0 +1,72 @@
+Time,simTime,simFrame,tarspeedX,tarspeedY,tarspeedZ,tardimX,tardimY,tardimZ
+2024-04-07 10:32:25.033368,0.002314,1,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:25.126898,0.095844,2,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:25.706630,0.675576,3,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:25.824957,0.793903,4,0.0,0.0,0.0,0.0,0.0,-0.1578947305679321
+2024-04-07 10:32:25.915294,0.88424,5,0.0,0.0,0.0,0.0,0.0,0.7894737124443053
+2024-04-07 10:32:26.019175,0.988121,6,0.0,0.0,0.0,0.0,0.0,0.7653157711029054
+2024-04-07 10:32:26.115956,1.084902,7,0.0,0.0,0.0,0.0,0.0,0.7894737124443053
+2024-04-07 10:32:26.215293,1.184239,8,0.0,0.0,0.0,0.0,0.0,0.7213158011436462
+2024-04-07 10:32:26.318381,1.287327,9,0.0,0.0,0.0,0.0,0.0,-0.061052624136209495
+2024-04-07 10:32:26.414044,1.38299,10,0.0,0.0,0.0,0.0,0.0,-0.12599998712539673
+2024-04-07 10:32:26.515685,1.484631,11,0.0,0.0,0.0,0.0,0.0,-0.1644736975431442
+2024-04-07 10:32:26.614679,1.583625,12,0.0,0.0,0.0,0.0,0.0,-0.09247370064258577
+2024-04-07 10:32:26.715945,1.684891,13,0.0,0.0,0.0,0.0,0.0,-0.1578947305679321
+2024-04-07 10:32:26.823699,1.792645,14,0.0,0.0,0.0,0.0,0.0,-0.10694736987352371
+2024-04-07 10:32:26.916538,1.885484,15,0.0,0.0,0.0,0.0,0.0,-0.1578947305679321
+2024-04-07 10:32:27.020815,1.989761,16,0.0,0.0,0.0,0.0,0.0,-0.1578947305679321
+2024-04-07 10:32:27.115724,2.08467,17,0.0,0.0,0.0,0.0,0.0,-0.16926316916942596
+2024-04-07 10:32:27.216084,2.18503,18,0.0,0.0,0.0,0.0,0.0,-0.09289472550153732
+2024-04-07 10:32:27.321485,2.290431,19,0.0,0.0,0.0,0.0,0.0,-0.08815789222717285
+2024-04-07 10:32:27.413242,2.382188,20,0.0,0.0,0.0,0.0,0.0,-0.036315806210041046
+2024-04-07 10:32:27.507422,2.476368,21,0.0,0.0,0.0,0.0,0.0,-0.1578947305679321
+2024-04-07 10:32:27.607141,2.576087,22,0.0,0.0,0.0,0.0,0.0,-0.06921053677797316
+2024-04-07 10:32:27.704786,2.673732,23,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:27.716783,2.685729,24,0.0,0.0,0.0,0.0,0.0,-0.11231578141450883
+2024-04-07 10:32:28.491128,3.460074,25,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:28.614977,3.583923,26,0.0,0.0,0.0,0.0,0.0,-0.06542105972766875
+2024-04-07 10:32:28.713392,3.682338,27,0.0,0.0,0.0,0.0,0.0,0.7196841835975648
+2024-04-07 10:32:28.794939,3.763885,28,0.0,0.0,0.0,0.0,0.0,0.6842105388641357
+2024-04-07 10:32:28.894097,3.863043,29,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:28.994892,3.963838,30,0.0,0.0,0.0,0.0,0.0,-0.0559999942779541
+2024-04-07 10:32:29.096496,4.065442,31,0.0,0.0,0.0,0.0,0.0,-0.04652632027864457
+2024-04-07 10:32:29.206369,4.175315,32,0.0,0.0,0.0,0.0,0.0,-0.11663158237934113
+2024-04-07 10:32:29.302934,4.27188,33,0.0,0.0,0.0,0.0,0.0,-0.06873685121536253
+2024-04-07 10:32:29.400423,4.369369,34,0.0,0.0,0.0,0.0,0.0,-0.12026315927505493
+2024-04-07 10:32:29.500653,4.469599,35,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:29.604072,4.573018,36,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:29.704583,4.673529,37,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:29.800567,4.769513,38,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:29.899801,4.868747,39,0.0,0.0,0.0,0.0,0.0,-0.1052105277776718
+2024-04-07 10:32:30.005342,4.974288,40,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:30.101482,5.070428,41,0.0,0.0,0.0,0.0,0.0,-0.08578947186470033
+2024-04-07 10:32:30.199256,5.168202,42,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:30.299531,5.268477,43,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:30.404508,5.373454,44,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:30.494972,5.463918,45,0.0,0.0,0.0,0.0,0.0,-0.11610526591539383
+2024-04-07 10:32:30.602946,5.571892,46,0.0,0.0,0.0,0.0,0.0,0.024736857041716576
+2024-04-07 10:32:30.700681,5.669627,47,0.0,0.0,0.0,0.0,0.0,-0.08957894891500473
+2024-04-07 10:32:30.802120,5.771066,48,0.0,0.0,0.0,0.0,0.0,-0.09668421000242233
+2024-04-07 10:32:30.900649,5.869595,49,0.0,0.0,0.0,0.0,0.0,-0.08578947186470033
+2024-04-07 10:32:31.006403,5.975349,50,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:31.609811,6.578757,51,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:31.726538,6.695484,52,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:31.822947,6.791893,53,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:31.919928,6.888874,54,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:32.014332,6.983278,55,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:32.129092,7.098038,56,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:32.220010,7.188956,57,0.0,0.0,0.0,0.0,0.0,0.6842105388641357
+2024-04-07 10:32:32.317557,7.286503,58,0.0,0.0,0.0,0.0,0.0,0.7374736666679381
+2024-04-07 10:32:32.431057,7.400003,59,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:32.527439,7.496385,60,0.0,0.0,0.0,0.0,0.0,-0.09073684364557268
+2024-04-07 10:32:32.620833,7.589779,61,0.0,0.0,0.0,0.0,0.0,-0.04147367551922798
+2024-04-07 10:32:32.714607,7.683553,62,0.0,0.0,0.0,0.0,0.0,-0.021842097863554958
+2024-04-07 10:32:32.810682,7.779628,63,0.0,0.0,0.0,0.0,0.0,0.011052627116441725
+2024-04-07 10:32:32.909850,7.878796,64,0.0,0.0,0.0,0.0,0.0,-0.08494737744331358
+2024-04-07 10:32:33.025478,7.994424,65,0.0,0.0,0.0,0.0,0.0,-0.008947365917265415
+2024-04-07 10:32:33.129704,8.09865,66,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:33.228813,8.197759,67,0.0,0.0,0.0,0.0,0.0,-0.1578947305679321
+2024-04-07 10:32:33.352591,8.321537,68,0.0,0.0,0.0,0.0,0.0,-0.1578947305679321
+2024-04-07 10:32:33.405997,8.374943,69,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:33.410612,8.379558,70,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:33.950244,8.91919,71,0.0,0.0,0.0,0.0,0.0,0.0

+ 899 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-25_obstacledetection_9/EgoState_pji.csv

@@ -0,0 +1,899 @@
+Time,simTime,simFrame,posX,posY,posZ,speedX,speedY,speedZ,accelX,accelY,accelZ,dimX,dimY,dimZ,obstacle,traveledDist
+2024-04-07 10:32:25.050080,0.019026,1,-2.652161847350425,-16.059954138377556,0.0,0.025200000777840615,0.0,0.0,0.05585000306367874,-0.04495000105351209,9.824999981880186,0.0,0.0,-0.03999999910593033,0,
+2024-04-07 10:32:25.059140,0.028086,2,-2.6521822434709383,-16.059898147883896,0.0,0.025200000777840615,0.0,0.0,0.05585000306367874,-0.04515000101178883,9.825499983787536,0.0,0.0,-0.03999999910593033,0,
+2024-04-07 10:32:25.066550,0.035496,3,-2.6521822434709383,-16.059898147883896,0.0,0.025200000777840615,0.0,0.0,0.05605000302195548,-0.045050000958144654,9.825199986457823,0.0,0.0,-0.03999999910593033,0,
+2024-04-07 10:32:25.076869,0.045815,4,-2.6521822434709383,-16.059898147883896,0.0,0.025200000777840615,0.0,0.0,0.05585000306367874,-0.045050000958144654,9.824899989128111,0.0,0.0,-0.03999999910593033,0,
+2024-04-07 10:32:25.088477,0.057423,5,-2.6522155864028076,-16.059793112084535,0.0,0.0,0.0,0.0,0.05615000307559967,-0.045150000937283025,9.824499989509581,0.0,0.0,0.0,0,
+2024-04-07 10:32:25.099158,0.068104,6,-2.6522155864028076,-16.059793112084535,0.0,0.0,0.0,0.0,0.05605000317096709,-0.04485000099986791,9.823799992561339,0.0,0.0,0.0,0,
+2024-04-07 10:32:25.108032,0.076978,7,-2.6522155864028076,-16.059793112084535,0.0,0.0,0.0,0.0,0.0564500030875206,-0.04485000099986791,9.822699986457822,0.0,0.0,0.0,0,
+2024-04-07 10:32:25.117057,0.086003,8,-2.6522155864028076,-16.059793112084535,0.0,0.0,0.0,0.0,0.05625000312924386,-0.04475000102072953,9.822899981498717,0.0,0.0,0.0,0,
+2024-04-07 10:32:25.130485,0.099431,9,-2.6522269136998973,-16.059717605444852,0.0,-0.046800000965595244,0.0,0.0,0.05645000323653221,-0.04475000102072953,9.822199984550474,0.0,0.0,-0.07800000160932541,0,
+2024-04-07 10:32:25.137002,0.105948,10,-2.6522269136998973,-16.059717605444852,0.0,-0.046800000965595244,0.0,0.0,0.0565500032901764,-0.045250000990927214,9.822199984550474,0.0,0.0,-0.07800000160932541,0,
+2024-04-07 10:32:25.147396,0.116342,11,-2.6522269136998973,-16.059717605444852,0.0,-0.046800000965595244,0.0,0.0,0.05645000323653221,-0.045450000949203956,9.822499981880187,0.0,0.0,-0.07800000160932541,0,
+2024-04-07 10:32:25.158374,0.12732,12,-2.6522269136998973,-16.059717605444852,0.0,-0.046800000965595244,0.0,0.0,0.0565500032901764,-0.04575000088661908,9.822399979591367,0.0,0.0,-0.07800000160932541,0,
+2024-04-07 10:32:25.171021,0.139967,13,-2.652255650680011,-16.05960927299048,0.0,0.0,0.0,0.0,0.05625000327825547,-0.045950000844895825,9.821599980354307,0.0,0.0,0.0,0,
+2024-04-07 10:32:25.178901,0.147847,14,-2.652255650680011,-16.05960927299048,0.0,0.0,0.0,0.0,0.056350003331899656,-0.04615000080317258,9.821299983024595,0.0,0.0,0.0,0,
+2024-04-07 10:32:25.188752,0.157698,15,-2.652255650680011,-16.05960927299048,0.0,0.0,0.0,0.0,0.05665000334382056,-0.04615000080317258,9.820899983406065,0.0,0.0,0.0,0,
+2024-04-07 10:32:25.196738,0.165684,16,-2.652255650680011,-16.05960927299048,0.0,0.0,0.0,0.0,0.0565500032901764,-0.045750000737607474,9.820299979209898,0.0,0.0,0.0,0,
+2024-04-07 10:32:25.206806,0.175752,17,-2.6522596447199,-16.059586287656355,0.0,0.0,0.0,0.0,0.05665000319480895,-0.045750000737607474,9.81899997806549,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.216814,0.18576,18,-2.652263327292778,-16.059529512079095,0.0,0.0,0.0,0.0,0.05675000324845314,-0.04605000082403421,9.818699980735778,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.226932,0.195878,19,-2.652263327292778,-16.059529512079095,0.0,0.0,0.0,0.0,0.05665000319480895,-0.046150000877678385,9.818099986076353,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.236813,0.205759,20,-2.652263327292778,-16.059529512079095,0.0,0.0,0.0,0.0,0.05655000314116479,-0.046150000877678385,9.819699984550475,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.250404,0.21935,21,-2.652269535360406,-16.05944725738081,0.0,0.0,0.0,0.0,0.05605000317096709,-0.04655000079423188,9.81869999027252,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.259444,0.22839,22,-2.652269535360406,-16.05944725738081,0.0,0.0,0.0,0.0,0.05605000317096709,-0.046650000773370254,9.818899985313413,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.268816,0.237762,23,-2.652269535360406,-16.05944725738081,0.0,0.0,0.0,0.0,0.055550003200769416,-0.046750000752508625,9.817799988746641,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.276893,0.245839,24,-2.652269535360406,-16.05944725738081,0.0,0.0,0.0,0.0,0.055750003308057794,-0.04655000079423188,9.817499991416929,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.289546,0.258492,25,-2.652277732565386,-16.05935729571322,0.0,0.0,0.0,0.0,0.05545000329613686,-0.04635000076144932,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.302586,0.271532,26,-2.652277732565386,-16.05935729571322,0.0,0.0,0.0,0.0,0.05585000321269035,-0.04635000076144932,9.817100001335142,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.307858,0.276804,27,-2.652277732565386,-16.05935729571322,0.0,0.0,0.0,0.0,0.05585000321269035,-0.045950000695884216,9.817599993705748,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.318892,0.287838,28,-2.652277732565386,-16.05935729571322,0.0,0.0,0.0,0.0,0.055950003266334536,-0.045950000695884216,9.816699992179869,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.327122,0.296068,29,-2.6522782482429275,-16.059277235230773,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.339328,0.308274,30,-2.6522782482429275,-16.059277235230773,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.346834,0.31578,31,-2.6522782482429275,-16.059277235230773,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.357786,0.326732,32,-2.6522782482429275,-16.059277235230773,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.368531,0.337477,33,-2.6522740468284076,-16.0592030486489,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.377652,0.346598,34,-2.6522740468284076,-16.0592030486489,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.387601,0.356547,35,-2.6522740468284076,-16.0592030486489,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.400814,0.36976,36,-2.6522740468284076,-16.0592030486489,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.409159,0.378105,37,-2.6522674820223764,-16.0591350372784,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.417784,0.38673,38,-2.6522674820223764,-16.0591350372784,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.430364,0.39931,39,-2.6522674820223764,-16.0591350372784,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.437750,0.406696,40,-2.6522674820223764,-16.0591350372784,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.451989,0.420935,41,-2.652265412602747,-16.059118860606965,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.459974,0.42892,42,-2.6522397386019825,-16.059102815965897,0.0,-0.06479999721050263,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.10599999874830246,0,71.43100011558272
+2024-04-07 10:32:25.470176,0.439122,43,-2.6522397386019825,-16.059102815965897,0.0,-0.06479999721050263,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.10599999874830246,0,71.43100011558272
+2024-04-07 10:32:25.477644,0.44659,44,-2.6522397386019825,-16.059102815965897,0.0,-0.06479999721050263,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.10599999874830246,0,71.43100011558272
+2024-04-07 10:32:25.494431,0.463377,45,-2.652204704365836,-16.059084413083916,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.499556,0.468502,46,-2.652204704365836,-16.059084413083916,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.508653,0.477599,47,-2.652204704365836,-16.059084413083916,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.525331,0.494277,48,-2.652204704365836,-16.059084413083916,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.530896,0.499842,49,-2.652179921299869,-16.05904815816635,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.536959,0.505905,50,-2.652179921299869,-16.05904815816635,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.548129,0.517075,51,-2.652179921299869,-16.05904815816635,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.559145,0.528091,52,-2.652179921299869,-16.05904815816635,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.568253,0.537199,53,-2.652154096709224,-16.059015333046677,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.577644,0.54659,54,-2.652154096709224,-16.059015333046677,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.590222,0.559168,55,-2.652154096709224,-16.059015333046677,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.600145,0.569091,56,-2.652154096709224,-16.059015333046677,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.612412,0.581358,57,-2.652147090979528,-16.059007235684298,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,3,71.43100011558272
+2024-04-07 10:32:25.619916,0.588862,58,-2.652127201829344,-16.05898549338553,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,3,71.43100011558272
+2024-04-07 10:32:25.627386,0.596332,59,-2.652127201829344,-16.05898549338553,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,3,71.43100011558272
+2024-04-07 10:32:25.637026,0.605972,60,-2.652127201829344,-16.05898549338553,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,3,71.43100011558272
+2024-04-07 10:32:25.647082,0.616028,61,-2.652098557022122,-16.058957721788484,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,3,71.43100011558272
+2024-04-07 10:32:25.657086,0.626032,62,-2.652098557022122,-16.058957721788484,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,3,71.43100011558272
+2024-04-07 10:32:25.668240,0.637186,63,-2.652098557022122,-16.058957721788484,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,3,71.43100011558272
+2024-04-07 10:32:25.677361,0.646307,64,-2.652098557022122,-16.058957721788484,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,3,71.43100011558272
+2024-04-07 10:32:25.687607,0.656553,65,-2.652076131307913,-16.05893832426431,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,3,71.43100011558272
+2024-04-07 10:32:25.699444,0.66839,66,-2.6520686848879063,-16.058932254661364,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,3,71.43100011558272
+2024-04-07 10:32:25.707534,0.67648,67,-2.6520686848879063,-16.058932254661364,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.717295,0.686241,68,-2.6520686848879063,-16.058932254661364,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.727639,0.696585,69,-2.6520377162038695,-16.058908901695478,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.737011,0.705957,70,-2.6520377162038695,-16.058908901695478,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.748977,0.717923,71,-2.6520377162038695,-16.058908901695478,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.757496,0.726442,72,-2.6520377162038695,-16.058908901695478,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.772458,0.741404,73,-2.652005457561639,-16.058887245833436,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.777523,0.746469,74,-2.652005457561639,-16.058887245833436,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.788409,0.757355,75,-2.652005457561639,-16.058887245833436,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.797742,0.766688,76,-2.652005457561639,-16.058887245833436,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.807926,0.776872,77,-2.65197320171666,-16.058867935892973,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.817537,0.786483,78,-2.65197320171666,-16.058867935892973,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.829410,0.798356,79,-2.65197320171666,-16.058867935892973,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.841091,0.810037,80,-2.65197320171666,-16.058867935892973,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.848114,0.81706,81,-2.6519452913910504,-16.05884255700747,0.0,0.032399998605251314,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.054999999701976776,0,71.43100011558272
+2024-04-07 10:32:25.857869,0.826815,82,-2.6519452913910504,-16.05884255700747,0.0,0.032399998605251314,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.054999999701976776,0,71.43100011558272
+2024-04-07 10:32:25.869925,0.838871,83,-2.6519452913910504,-16.05884255700747,0.0,0.032399998605251314,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.054999999701976776,0,71.43100011558272
+2024-04-07 10:32:25.879234,0.84818,84,-2.6519452913910504,-16.05884255700747,0.0,0.032399998605251314,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.054999999701976776,0,71.43100011558272
+2024-04-07 10:32:25.888099,0.857045,85,-2.6519371718985596,-16.05881844348249,0.0,0.032399998605251314,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.054999999701976776,0,71.43100011558272
+2024-04-07 10:32:25.897831,0.866777,86,-2.651926017126034,-16.058800262024437,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.907361,0.876307,87,-2.651926017126034,-16.058800262024437,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.918002,0.886948,88,-2.651926017126034,-16.058800262024437,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.927468,0.896414,89,-2.6518982291862847,-16.058776429114477,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.937155,0.906101,90,-2.6518982291862847,-16.058776429114477,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.947415,0.916361,91,-2.6518982291862847,-16.058776429114477,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.957745,0.926691,92,-2.6518982291862847,-16.058776429114477,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:25.968747,0.937693,93,-2.6518281693366323,-16.058821474985567,0.0,-0.0719999983906746,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.11299999803304672,0,71.43100011558272
+2024-04-07 10:32:25.979922,0.948868,94,-2.6518281693366323,-16.058821474985567,0.0,-0.0719999983906746,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.11299999803304672,0,71.43100011558272
+2024-04-07 10:32:25.990109,0.959055,95,-2.6518281693366323,-16.058821474985567,0.0,-0.0719999983906746,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.11299999803304672,0,71.43100011558272
+2024-04-07 10:32:25.998325,0.967271,96,-2.6518281693366323,-16.058821474985567,0.0,-0.0719999983906746,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.11299999803304672,0,71.43100011558272
+2024-04-07 10:32:26.013686,0.982632,97,-2.6517951285305474,-16.058808108280612,0.0,0.014400000683963299,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.027000000700354576,0,71.43100011558272
+2024-04-07 10:32:26.017873,0.986819,98,-2.6517951285305474,-16.058808108280612,0.0,0.014400000683963299,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.027000000700354576,0,71.43100011558272
+2024-04-07 10:32:26.027864,0.99681,99,-2.6517951285305474,-16.058808108280612,0.0,0.014400000683963299,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.027000000700354576,0,71.43100011558272
+2024-04-07 10:32:26.037448,1.006394,100,-2.6517951285305474,-16.058808108280612,0.0,0.014400000683963299,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.027000000700354576,0,71.43100011558272
+2024-04-07 10:32:26.048337,1.017283,101,-2.6517038194173392,-16.058897708860687,0.0,-0.0719999983906746,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.11800000071525574,0,71.43100011558272
+2024-04-07 10:32:26.058062,1.027008,102,-2.6517038194173392,-16.058897708860687,0.0,-0.0719999983906746,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.11800000071525574,0,71.43100011558272
+2024-04-07 10:32:26.069298,1.038244,103,-2.6517038194173392,-16.058897708860687,0.0,-0.0719999983906746,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.11800000071525574,0,71.43100011558272
+2024-04-07 10:32:26.077880,1.046826,104,-2.6517038194173392,-16.058897708860687,0.0,-0.0719999983906746,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,-0.11800000071525574,0,71.43100011558272
+2024-04-07 10:32:26.091393,1.060339,105,-2.651642034356083,-16.058938425552537,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.097358,1.066304,106,-2.651642034356083,-16.058938425552537,0.0,0.0,0.0,0.0,0.05645000323653221,-0.04625000063329934,9.817299996376036,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.108943,1.077889,107,-2.651642034356083,-16.058938425552537,0.0,0.0,0.0,0.0,0.06835000328719615,-0.03395000051707028,9.81759997463226,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.118443,1.087389,108,-2.651642034356083,-16.058938425552537,0.0,0.0,0.0,0.0,0.06955000333487987,-0.03255000058561562,9.81729997730255,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.128163,1.097109,109,-2.6515865035822013,-16.058974229529962,0.0,0.0,0.0,0.0,0.07015000320971013,-0.031250000633299344,9.817499981880186,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.141968,1.110914,110,-2.6515865035822013,-16.058974229529962,0.0,0.0,0.0,0.0,0.07085000313818454,-0.02965000066906212,9.816799984931944,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.149440,1.118386,111,-2.6515865035822013,-16.058974229529962,0.0,0.0,0.0,0.0,0.07185000322759152,-0.02755000058561563,9.815699988365171,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.157610,1.126556,112,-2.6515865035822013,-16.058974229529962,0.0,0.0,0.0,0.0,0.07295000307261945,-0.025150000564754,9.815599986076354,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.169223,1.138169,113,-2.6515529090632133,-16.059008378435205,0.0,0.007200000341981649,0.0,0.0,0.0739500030130148,-0.022450000606477255,9.81539999103546,0.0,0.0,0.17900000512599945,0,71.43100011558272
+2024-04-07 10:32:26.177254,1.1462,114,-2.6515529090632133,-16.059008378435205,0.0,0.007200000341981649,0.0,0.0,0.07495000310242175,-0.019350000731647,9.815099993705747,0.0,0.0,0.17900000512599945,0,71.43100011558272
+2024-04-07 10:32:26.188265,1.157211,115,-2.6515529090632133,-16.059008378435205,0.0,0.007200000341981649,0.0,0.0,0.07585000298917294,-0.016950000636279577,9.8145999917984,0.0,0.0,0.17900000512599945,0,71.43100011558272
+2024-04-07 10:32:26.197310,1.166256,116,-2.6515529090632133,-16.059008378435205,0.0,0.007200000341981649,0.0,0.0,0.07665000297129154,-0.014650000743567926,9.81499999141693,0.0,0.0,0.17900000512599945,0,71.43100011558272
+2024-04-07 10:32:26.210079,1.179025,117,-2.6515228261726485,-16.05909104849529,0.0,-0.043200000375509265,0.0,0.0,0.07775000296533108,-0.012650000788271415,9.816399985313414,0.0,0.0,0.23499999940395355,0,71.43100011558272
+2024-04-07 10:32:26.222360,1.191306,118,-2.6515228261726485,-16.05909104849529,0.0,-0.043200000375509265,0.0,0.0,0.0793500030785799,-0.010950000844895835,9.815999985694884,0.0,0.0,0.23499999940395355,0,71.43100011558272
+2024-04-07 10:32:26.230209,1.199155,119,-2.6515228261726485,-16.05909104849529,0.0,-0.043200000375509265,0.0,0.0,0.0810500032454729,-0.008750000856816764,9.815999985694884,0.0,0.0,0.23499999940395355,0,71.43100011558272
+2024-04-07 10:32:26.246151,1.215097,120,-2.6515228261726485,-16.05909104849529,0.0,-0.043200000375509265,0.0,0.0,0.08395000316202642,-0.007150000743567947,9.815699978828428,0.0,0.0,0.23499999940395355,0,71.43100011558272
+2024-04-07 10:32:26.247686,1.216632,121,-2.6515131078921237,-16.059216687108748,0.0,-0.043200000375509265,0.0,0.0,0.08575000308454037,-0.0043500007316470135,9.817099972724913,0.0,0.0,0.421999990940094,0,71.43100011558272
+2024-04-07 10:32:26.258029,1.226975,122,-2.6515131078921237,-16.059216687108748,0.0,-0.043200000375509265,0.0,0.0,0.08785000301897525,-0.002250000573694705,9.816699973106383,0.0,0.0,0.421999990940094,0,71.43100011558272
+2024-04-07 10:32:26.268351,1.237297,123,-2.6515131078921237,-16.059216687108748,0.0,-0.043200000375509265,0.0,0.0,0.08865000300109385,-0.0003500005230307468,9.81719997501373,0.0,0.0,0.421999990940094,0,71.43100011558272
+2024-04-07 10:32:26.278004,1.24695,124,-2.6515131078921237,-16.059216687108748,0.0,-0.043200000375509265,0.0,0.0,0.09025000296533109,0.0021499994769692554,9.818899966239927,0.0,0.0,0.421999990940094,0,71.43100011558272
+2024-04-07 10:32:26.289351,1.258297,125,-2.651509320487459,-16.05941851100032,0.0,-0.0719999983906746,0.0,0.0,0.09085000298917292,0.003549999482929722,9.819099961280822,0.0,0.0,0.6039999723434448,0,71.43100011558272
+2024-04-07 10:32:26.298375,1.267321,126,-2.651509320487459,-16.05941851100032,0.0,-0.0719999983906746,0.0,0.0,0.09115000300109385,0.004949999414384371,9.820799962043761,0.0,0.0,0.6039999723434448,0,71.43100011558272
+2024-04-07 10:32:26.313591,1.282537,127,-2.651509320487459,-16.05941851100032,0.0,-0.0719999983906746,0.0,0.0,0.09215000309050084,0.005949999354779717,9.821499968528746,0.0,0.0,0.6039999723434448,0,71.43100011558272
+2024-04-07 10:32:26.318456,1.287402,128,-2.651509320487459,-16.05941851100032,0.0,-0.0719999983906746,0.0,0.0,0.09255000300705432,0.007649999223649506,9.823399973869321,0.0,0.0,0.6039999723434448,0,71.43100011558272
+2024-04-07 10:32:26.329272,1.298218,129,-2.651540259095304,-16.059665257010067,0.0,-0.032399998605251314,0.0,0.0,0.09265000306069851,0.0085499992594123,9.823099967002866,0.0,0.0,0.7940000295639038,0,71.43100011558272
+2024-04-07 10:32:26.347030,1.315976,130,-2.651540259095304,-16.059665257010067,0.0,-0.032399998605251314,0.0,0.0,0.09215000309050084,0.0076499992609024015,9.823399964332578,0.0,0.0,0.7940000295639038,0,71.43100011558272
+2024-04-07 10:32:26.349399,1.318345,131,-2.651540259095304,-16.059665257010067,0.0,-0.032399998605251314,0.0,0.0,0.09175000302493572,0.007049999274313462,9.82289996242523,0.0,0.0,0.7940000295639038,0,71.43100011558272
+2024-04-07 10:32:26.358377,1.327323,132,-2.651540259095304,-16.059665257010067,0.0,-0.032399998605251314,0.0,0.0,0.09175000302493572,0.005249999314546588,9.824299965858458,0.0,0.0,0.7940000295639038,0,71.43100011558272
+2024-04-07 10:32:26.369468,1.338414,133,-2.6516322511434107,-16.0599184288782,0.0,-0.032399998605251314,0.0,0.0,0.08985000297427179,0.0029499993473291464,9.823999968528746,0.0,0.0,0.8740000128746033,0,71.43100011558272
+2024-04-07 10:32:26.378273,1.347219,134,-2.6516322511434107,-16.0599184288782,0.0,-0.032399998605251314,0.0,0.0,0.08815000299364328,0.0021499993093311853,9.823299971580504,0.0,0.0,0.8740000128746033,0,71.43100011558272
+2024-04-07 10:32:26.389055,1.358001,135,-2.6516322511434107,-16.0599184288782,0.0,-0.032399998605251314,0.0,0.0,0.0864500030502677,0.0008499993197620126,9.824299975395201,0.0,0.0,0.8740000128746033,0,71.43100011558272
+2024-04-07 10:32:26.398094,1.36704,136,-2.6516322511434107,-16.0599184288782,0.0,-0.032399998605251314,0.0,0.0,0.08385000299662351,-0.0018500006385147594,9.823899975776671,0.0,0.0,0.8740000128746033,0,71.43100011558272
+2024-04-07 10:32:26.411512,1.380458,137,-2.6517478902249696,-16.06010724423212,0.0,-0.01799999959766865,0.0,0.0,0.08175000293180346,-0.004950000662356596,9.825199967384336,0.0,0.0,0.8899999856948853,0,71.43100011558272
+2024-04-07 10:32:26.418335,1.387281,138,-2.6517785051768485,-16.06017151699781,0.0,-0.01799999959766865,0.0,0.0,0.07935000291094185,-0.010550000537186854,9.822399970054624,0.0,0.0,0.8899999856948853,0,71.43100011558272
+2024-04-07 10:32:26.428297,1.397243,139,-2.6517785051768485,-16.06017151699781,0.0,-0.01799999959766865,0.0,0.0,0.07645000284537673,-0.015050000492483367,9.823499966621396,0.0,0.0,0.8899999856948853,0,71.43100011558272
+2024-04-07 10:32:26.440522,1.409468,140,-2.6517785051768485,-16.06017151699781,0.0,-0.01799999959766865,0.0,0.0,0.07385000286623836,-0.0195500005222857,9.821299963951109,0.0,0.0,0.8899999856948853,0,71.43100011558272
+2024-04-07 10:32:26.449553,1.418499,141,-2.651959521331464,-16.060425714123525,0.0,-0.007200000341981649,0.0,0.0,0.07125000281259417,-0.023150000516325236,9.821699963569639,0.0,0.0,0.7910000085830688,0,71.43100011558272
+2024-04-07 10:32:26.457510,1.426456,142,-2.651959521331464,-16.060425714123525,0.0,-0.007200000341981649,0.0,0.0,0.06835000282153486,-0.02675000065937637,9.822099963188169,0.0,0.0,0.7910000085830688,0,71.43100011558272
+2024-04-07 10:32:26.468007,1.436953,143,-2.651959521331464,-16.060425714123525,0.0,-0.007200000341981649,0.0,0.0,0.06515000281855465,-0.030950000751763573,9.822199965476988,0.0,0.0,0.7910000085830688,0,71.43100011558272
+2024-04-07 10:32:26.478371,1.447317,144,-2.651959521331464,-16.060425714123525,0.0,-0.007200000341981649,0.0,0.0,0.06295000284910202,-0.03305000076070427,9.821499968528746,0.0,0.0,0.7910000085830688,0,71.43100011558272
+2024-04-07 10:32:26.489492,1.458438,145,-2.652165153535836,-16.060647800123377,0.0,0.0,0.0,0.0,0.06085000282153488,-0.03595000082626938,9.822599974632261,0.0,0.0,0.5249999761581421,0,71.43100011558272
+2024-04-07 10:32:26.497616,1.466562,146,-2.652165153535836,-16.060647800123377,0.0,0.0,0.0,0.0,0.05825000284239651,-0.03645000087097286,9.821799965858458,0.0,0.0,0.5249999761581421,0,71.43100011558272
+2024-04-07 10:32:26.508355,1.477301,147,-2.652165153535836,-16.060647800123377,0.0,0.0,0.0,0.0,0.05665000282227994,-0.03665000090375542,9.821099968910216,0.0,0.0,0.5249999761581421,0,71.43100011558272
+2024-04-07 10:32:26.519081,1.488027,148,-2.652165153535836,-16.060647800123377,0.0,0.0,0.0,0.0,0.054650002792477614,-0.03655000092461705,9.820599967002867,0.0,0.0,0.5249999761581421,0,71.43100011558272
+2024-04-07 10:32:26.528237,1.497183,149,-2.652374705039392,-16.06082754823946,0.0,0.021600000187754632,0.0,0.0,0.05305000279098748,-0.03695000091567635,9.820799971580504,0.0,0.0,0.25999999046325684,0,71.43100011558272
+2024-04-07 10:32:26.538875,1.507821,150,-2.652374705039392,-16.06082754823946,0.0,0.021600000187754632,0.0,0.0,0.05155000271275639,-0.038150000907480705,9.819699965476987,0.0,0.0,0.25999999046325684,0,71.43100011558272
+2024-04-07 10:32:26.547764,1.51671,151,-2.652374705039392,-16.06082754823946,0.0,0.021600000187754632,0.0,0.0,0.049950002674013366,-0.038150000907480705,9.820499964714049,0.0,0.0,0.25999999046325684,0,71.43100011558272
+2024-04-07 10:32:26.557691,1.526637,152,-2.652374705039392,-16.06082754823946,0.0,0.021600000187754632,0.0,0.0,0.0490500026382506,-0.038050000928342334,9.8199999628067,0.0,0.0,0.25999999046325684,0,71.43100011558272
+2024-04-07 10:32:26.569130,1.538076,153,-2.652627791007597,-16.06090361462269,0.0,0.0719999983906746,0.0,0.0,0.04875000262632967,-0.037350000999867905,9.819299965858457,0.0,0.0,0.11299999803304672,0,71.43100011558272
+2024-04-07 10:32:26.578120,1.547066,154,-2.652627791007597,-16.06090361462269,0.0,0.0719999983906746,0.0,0.0,0.04845000261440874,-0.03705000106245278,9.819399958610532,0.0,0.0,0.11299999803304672,0,71.43100011558272
+2024-04-07 10:32:26.588217,1.557163,155,-2.652627791007597,-16.06090361462269,0.0,0.0719999983906746,0.0,0.0,0.04915000254288315,-0.03745000109076499,9.820099955558774,0.0,0.0,0.11299999803304672,0,71.43100011558272
+2024-04-07 10:32:26.599099,1.568045,156,-2.652627791007597,-16.06090361462269,0.0,0.0719999983906746,0.0,0.0,0.049550002459436665,-0.03775000106543301,9.820899954795836,0.0,0.0,0.11299999803304672,0,71.43100011558272
+2024-04-07 10:32:26.610815,1.579761,157,-2.652826072114383,-16.060971261164536,0.0,0.0,0.0,0.0,0.04995000237599015,-0.038550001084804525,9.820799952507016,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.618026,1.586972,158,-2.652826072114383,-16.060971261164536,0.0,0.0,0.0,0.0,0.0501500024832785,-0.038850001096725456,9.820399952888486,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.628394,1.59734,159,-2.652826072114383,-16.060971261164536,0.0,0.0,0.0,0.0,0.04975000241771341,-0.03945000108331441,9.820099946022031,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.639861,1.608807,160,-2.652826072114383,-16.060971261164536,0.0,0.0,0.0,0.0,0.04965000236406922,-0.04025000108405946,9.819499951362609,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.647908,1.616854,161,-2.652867152397505,-16.06098884442985,0.0,0.0,0.0,0.0,0.049550002310425056,-0.041350001078099,9.819099951744077,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.659148,1.628094,162,-2.652999687622027,-16.061015388820675,0.0,0.032399998605251314,0.0,0.0,0.049150002319365726,-0.04255000105127692,9.818899947166441,0.0,0.0,-0.05299999937415123,0,71.43100011558272
+2024-04-07 10:32:26.668460,1.637406,163,-2.652999687622027,-16.061015388820675,0.0,0.032399998605251314,0.0,0.0,0.04885000230744482,-0.0432500010728836,9.81899994945526,0.0,0.0,-0.05299999937415123,0,71.43100011558272
+2024-04-07 10:32:26.678574,1.64752,164,-2.652999687622027,-16.061015388820675,0.0,0.032399998605251314,0.0,0.0,0.0480500022508204,-0.042850001081824296,9.8181999502182,0.0,0.0,-0.05299999937415123,0,71.43100011558272
+2024-04-07 10:32:26.688767,1.657713,165,-2.6531325694277776,-16.061055987376275,0.0,0.0,0.0,0.0,0.04825000220909714,-0.04185000099241733,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.697918,1.666864,166,-2.6531325694277776,-16.061055987376275,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.712332,1.681278,167,-2.6531325694277776,-16.061055987376275,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.718672,1.687618,168,-2.6531325694277776,-16.061055987376275,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.728648,1.697594,169,-2.653246242546961,-16.061093392790028,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.739529,1.708475,170,-2.653246242546961,-16.061093392790028,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.748982,1.717928,171,-2.653246242546961,-16.061093392790028,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.758656,1.727602,172,-2.653246242546961,-16.061093392790028,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.768130,1.737076,173,-2.6533557469373656,-16.061102108396586,0.0,0.053999998793005946,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.08799999952316284,0,71.43100011558272
+2024-04-07 10:32:26.778126,1.747072,174,-2.6533557469373656,-16.061102108396586,0.0,0.053999998793005946,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.08799999952316284,0,71.43100011558272
+2024-04-07 10:32:26.790068,1.759014,175,-2.6533557469373656,-16.061102108396586,0.0,0.053999998793005946,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.08799999952316284,0,71.43100011558272
+2024-04-07 10:32:26.801283,1.770229,176,-2.6533557469373656,-16.061102108396586,0.0,0.053999998793005946,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.08799999952316284,0,71.43100011558272
+2024-04-07 10:32:26.811832,1.780778,177,-2.6534477573677484,-16.06109771705528,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.823755,1.792701,178,-2.6534477573677484,-16.06109771705528,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.840562,1.809508,179,-2.6534477573677484,-16.06109771705528,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.854341,1.823287,180,-2.6534477573677484,-16.06109771705528,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.854553,1.823499,181,-2.6534477573677484,-16.06109771705528,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.858042,1.826988,182,-2.6535309258170545,-16.06109474961247,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.868417,1.837363,183,-2.6535309258170545,-16.06109474961247,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.878410,1.847356,184,-2.6535309258170545,-16.06109474961247,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.889618,1.858564,185,-2.6535630102642407,-16.061077710948616,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.898050,1.866996,186,-2.6535630102642407,-16.061077710948616,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.909282,1.878228,187,-2.6535630102642407,-16.061077710948616,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.918743,1.887689,188,-2.6535630102642407,-16.061077710948616,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.928066,1.897012,189,-2.6536009870210706,-16.0610540555954,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.941735,1.910681,190,-2.6536009870210706,-16.0610540555954,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.948498,1.917444,191,-2.6536009870210706,-16.0610540555954,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.958091,1.927037,192,-2.6536009870210706,-16.0610540555954,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.967978,1.936924,193,-2.6536176526862327,-16.061029235058353,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.980061,1.949007,194,-2.6536176526862327,-16.061029235058353,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.988427,1.957373,195,-2.6536176526862327,-16.061029235058353,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:26.997750,1.966696,196,-2.6536176526862327,-16.061029235058353,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.009154,1.9781,197,-2.6535953069436027,-16.061026314668702,0.0,-0.057600002735853195,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,-0.09099999815225601,0,71.43100011558272
+2024-04-07 10:32:27.020976,1.989922,198,-2.6535953069436027,-16.061026314668702,0.0,-0.057600002735853195,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,-0.09099999815225601,0,71.43100011558272
+2024-04-07 10:32:27.029066,1.998012,199,-2.6535953069436027,-16.061026314668702,0.0,-0.057600002735853195,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,-0.09099999815225601,0,71.43100011558272
+2024-04-07 10:32:27.040891,2.009837,200,-2.6535953069436027,-16.061026314668702,0.0,-0.057600002735853195,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,-0.09099999815225601,0,71.43100011558272
+2024-04-07 10:32:27.049376,2.018322,201,-2.653582529049044,-16.061030924238406,0.0,-0.057600002735853195,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,-0.09099999815225601,0,71.43100011558272
+2024-04-07 10:32:27.058543,2.027489,202,-2.6535622470341282,-16.06101940144824,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.068412,2.037358,203,-2.6535622470341282,-16.06101940144824,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.078710,2.047656,204,-2.6535622470341282,-16.06101940144824,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.092417,2.061363,205,-2.653539077673119,-16.060987087404342,0.0,0.0,0.0,0.0,0.04785000229254366,-0.041250000968575465,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.101149,2.070095,206,-2.653539077673119,-16.060987087404342,0.0,0.0,0.0,0.0,0.03575000153854491,-0.05395000105723738,9.815899973869321,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.109828,2.078774,207,-2.653539077673119,-16.060987087404342,0.0,0.0,0.0,0.0,0.03405000144615769,-0.055350001063197846,9.815899973869321,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.118658,2.087604,208,-2.653539077673119,-16.060987087404342,0.0,0.0,0.0,0.0,0.03215000132098794,-0.05665000101551412,9.815899973869321,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.128967,2.097913,209,-2.6535100672797616,-16.060942940581253,0.0,0.014400000683963299,0.0,0.0,0.030850001368671665,-0.058050000946968786,9.817099972724913,0.0,0.0,-0.027000000700354576,0,71.43100011558272
+2024-04-07 10:32:27.142634,2.11158,210,-2.6535100672797616,-16.060942940581253,0.0,0.014400000683963299,0.0,0.0,0.029450001362711198,-0.05945000095292925,9.817099972724913,0.0,0.0,-0.027000000700354576,0,71.43100011558272
+2024-04-07 10:32:27.149323,2.118269,211,-2.6535100672797616,-16.060942940581253,0.0,0.014400000683963299,0.0,0.0,0.02765000129118561,-0.061350001078099,9.81639997577667,0.0,0.0,-0.027000000700354576,0,71.43100011558272
+2024-04-07 10:32:27.161500,2.130446,212,-2.6535100672797616,-16.060942940581253,0.0,0.014400000683963299,0.0,0.0,0.02595000134781003,-0.063850001078099,9.8167999753952,0.0,0.0,-0.027000000700354576,0,71.43100011558272
+2024-04-07 10:32:27.168294,2.13724,213,-2.653447254104697,-16.06089348762079,0.0,0.01799999959766865,0.0,0.0,0.02425000140443445,-0.06665000101551413,9.816199971199033,0.0,0.0,-0.08500000089406967,0,71.43100011558272
+2024-04-07 10:32:27.182505,2.151451,214,-2.653447254104697,-16.06089348762079,0.0,0.01799999959766865,0.0,0.0,0.022350001279264675,-0.06985000086948275,9.816799965858458,0.0,0.0,-0.08500000089406967,0,71.43100011558272
+2024-04-07 10:32:27.189927,2.158873,215,-2.653447254104697,-16.06089348762079,0.0,0.01799999959766865,0.0,0.0,0.020550001356750724,-0.07275000093504785,9.816699973106383,0.0,0.0,-0.08500000089406967,0,71.43100011558272
+2024-04-07 10:32:27.199243,2.168189,216,-2.653447254104697,-16.06089348762079,0.0,0.01799999959766865,0.0,0.0,0.019050001446157705,-0.07555000087246298,9.816999970436095,0.0,0.0,-0.08500000089406967,0,71.43100011558272
+2024-04-07 10:32:27.209985,2.178931,217,-2.6533611563672777,-16.060815563740455,0.0,0.01799999959766865,0.0,0.0,0.017250001523643727,-0.07825000079348682,9.816299973487853,0.0,0.0,-0.08500000089406967,0,71.43100011558272
+2024-04-07 10:32:27.221504,2.19045,218,-2.6533611563672777,-16.060815563740455,0.0,0.01799999959766865,0.0,0.0,0.015050001386553047,-0.08055000072345136,9.8167999753952,0.0,0.0,-0.08500000089406967,0,71.43100011558272
+2024-04-07 10:32:27.228828,2.197774,219,-2.6533611563672777,-16.060815563740455,0.0,0.01799999959766865,0.0,0.0,0.01305000120773911,-0.08375000067055224,9.816499978065488,0.0,0.0,-0.08500000089406967,0,71.43100011558272
+2024-04-07 10:32:27.238923,2.207869,220,-2.6533611563672777,-16.060815563740455,0.0,0.01799999959766865,0.0,0.0,0.00965000132098795,-0.08635000079870223,9.815599986076354,0.0,0.0,-0.08500000089406967,0,71.43100011558272
+2024-04-07 10:32:27.251369,2.220315,221,-2.6531750668374157,-16.0607749199988,0.0,0.03959999978542328,0.0,0.0,0.008050001356750713,-0.08965000085532665,9.815099993705747,0.0,0.0,-0.06499999761581421,0,71.43100011558272
+2024-04-07 10:32:27.259992,2.228938,222,-2.6531750668374157,-16.0607749199988,0.0,0.03959999978542328,0.0,0.0,0.0057500014640390895,-0.09215000100433826,9.815299998283384,0.0,0.0,-0.06499999761581421,0,71.43100011558272
+2024-04-07 10:32:27.268381,2.237327,223,-2.6531750668374157,-16.0607749199988,0.0,0.03959999978542328,0.0,0.0,0.004950001481920485,-0.09435000099241733,9.815499993324279,0.0,0.0,-0.06499999761581421,0,71.43100011558272
+2024-04-07 10:32:27.278997,2.247943,224,-2.6531750668374157,-16.0607749199988,0.0,0.03959999978542328,0.0,0.0,0.0033500015176832626,-0.09745000094175338,9.813599997520445,0.0,0.0,-0.06499999761581421,0,71.43100011558272
+2024-04-07 10:32:27.290931,2.259877,225,-2.6529591041684246,-16.060686021968134,0.0,0.03959999978542328,0.0,0.0,0.0033500015176832626,-0.09935000091791152,9.813499995231627,0.0,0.0,-0.06499999761581421,0,71.43100011558272
+2024-04-07 10:32:27.299283,2.268229,226,-2.6529591041684246,-16.060686021968134,0.0,0.03959999978542328,0.0,0.0,0.0031500015594065206,-0.10095000080764294,9.81159998989105,0.0,0.0,-0.06499999761581421,0,71.43100011558272
+2024-04-07 10:32:27.312899,2.281845,227,-2.6529591041684246,-16.060686021968134,0.0,0.03959999978542328,0.0,0.0,0.002450001481920483,-0.10235000081360339,9.810999985694883,0.0,0.0,-0.06499999761581421,0,71.43100011558272
+2024-04-07 10:32:27.320211,2.289157,228,-2.6529591041684246,-16.060686021968134,0.0,0.03959999978542328,0.0,0.0,0.002250001523643727,-0.10375000074505805,9.808899985313413,0.0,0.0,-0.06499999761581421,0,71.43100011558272
+2024-04-07 10:32:27.331078,2.300024,229,-2.6526520878129074,-16.060612742311463,0.0,-0.014400000683963299,0.0,0.0,0.0021500014699995518,-0.10385000079870223,9.808899985313413,0.0,0.0,-0.21400000154972076,0,71.43100011558272
+2024-04-07 10:32:27.339435,2.308381,230,-2.6526520878129074,-16.060612742311463,0.0,-0.014400000683963299,0.0,0.0,0.003350001368671654,-0.10285000074654817,9.808299981117246,0.0,0.0,-0.21400000154972076,0,71.43100011558272
+2024-04-07 10:32:27.349499,2.318445,231,-2.6526520878129074,-16.060612742311463,0.0,-0.014400000683963299,0.0,0.0,0.0035500014759600185,-0.10195000074803828,9.808499985694883,0.0,0.0,-0.21400000154972076,0,71.43100011558272
+2024-04-07 10:32:27.360359,2.329305,232,-2.6526520878129074,-16.060612742311463,0.0,-0.014400000683963299,0.0,0.0,0.004150001499801881,-0.10015000078827141,9.806899987220762,0.0,0.0,-0.21400000154972076,0,71.43100011558272
+2024-04-07 10:32:27.368635,2.337581,233,-2.6522865024562368,-16.060524760844984,0.0,0.0,0.0,0.0,0.006750001478940254,-0.09785000082105397,9.807399989128111,0.0,0.0,-0.10300000011920929,0,71.43100011558272
+2024-04-07 10:32:27.379271,2.348217,234,-2.6522865024562368,-16.060524760844984,0.0,0.0,0.0,0.0,0.009150001462548962,-0.0962500008009374,9.807599993705749,0.0,0.0,-0.10300000011920929,0,71.43100011558272
+2024-04-07 10:32:27.388206,2.357152,235,-2.6522865024562368,-16.060524760844984,0.0,0.0,0.0,0.0,0.011650001388043174,-0.09445000084117054,9.806399994850157,0.0,0.0,-0.10300000011920929,0,71.43100011558272
+2024-04-07 10:32:27.398835,2.367781,236,-2.6522865024562368,-16.060524760844984,0.0,0.0,0.0,0.0,0.01455000130459666,-0.09145000087097285,9.806699992179869,0.0,0.0,-0.10300000011920929,0,71.43100011558272
+2024-04-07 10:32:27.408783,2.377729,237,-2.6518340919275643,-16.060479146725555,0.0,-0.014400000683963299,0.0,0.0,0.01685000132769346,-0.08785000087693333,9.805299998283385,0.0,0.0,-0.16899999976158142,0,71.43100011558272
+2024-04-07 10:32:27.420320,2.389266,238,-2.6518340919275643,-16.060479146725555,0.0,-0.014400000683963299,0.0,0.0,0.01955000136047602,-0.08235000098124146,9.807699995994566,0.0,0.0,-0.16899999976158142,0,71.43100011558272
+2024-04-07 10:32:27.429893,2.398839,239,-2.6518340919275643,-16.060479146725555,0.0,-0.014400000683963299,0.0,0.0,0.022450001426041116,-0.07805000105872749,9.806999999046324,0.0,0.0,-0.16899999976158142,0,71.43100011558272
+2024-04-07 10:32:27.441277,2.410223,240,-2.6518340919275643,-16.060479146725555,0.0,-0.014400000683963299,0.0,0.0,0.02515000145882368,-0.07355000102892517,9.808699999809264,0.0,0.0,-0.16899999976158142,0,71.43100011558272
+2024-04-07 10:32:27.452539,2.421485,241,-2.651355015120487,-16.060437404003864,0.0,-0.028800001367926598,0.0,0.0,0.027950001470744612,-0.06985000105574726,9.808499995231626,0.0,0.0,-0.14100000262260437,0,71.43100011558272
+2024-04-07 10:32:27.459306,2.428252,242,-2.651355015120487,-16.060437404003864,0.0,-0.028800001367926598,0.0,0.0,0.030950001515448106,-0.06645000094547866,9.807900000572202,0.0,0.0,-0.14100000262260437,0,71.43100011558272
+2024-04-07 10:32:27.472402,2.441348,243,-2.651355015120487,-16.060437404003864,0.0,-0.028800001367926598,0.0,0.0,0.03415000151842831,-0.06205000082030891,9.807399998664854,0.0,0.0,-0.14100000262260437,0,71.43100011558272
+2024-04-07 10:32:27.480413,2.449359,244,-2.651355015120487,-16.060437404003864,0.0,-0.028800001367926598,0.0,0.0,0.03645000154152511,-0.05995000081136821,9.808399992942809,0.0,0.0,-0.14100000262260437,0,71.43100011558272
+2024-04-07 10:32:27.490836,2.459782,245,-2.6508497611809516,-16.06042850156921,0.0,0.0,0.0,0.0,0.038550001569092274,-0.057350000757724034,9.807199994087217,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.499507,2.468453,246,-2.6507207726074804,-16.06042656990545,0.0,0.0,0.0,0.0,0.04135000150650739,-0.0566500007547438,9.808000002861021,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.508699,2.477645,247,-2.6507207726074804,-16.06042656990545,0.0,0.0,0.0,0.0,0.043350001443177466,-0.0562500007636845,9.80850000476837,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.518820,2.487766,248,-2.6507207726074804,-16.06042656990545,0.0,0.0,0.0,0.0,0.045350001472979795,-0.05615000078454613,9.809200011253354,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.534665,2.503611,249,-2.6507207726074804,-16.06042656990545,0.0,0.0,0.0,0.0,0.04675000151619316,-0.05555000083521007,9.808800011634824,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.541802,2.510748,250,-2.650364607416959,-16.060374484213547,0.0,0.06479999721050263,0.0,0.0,0.048050001487135896,-0.05415000088512896,9.809700013160704,0.0,0.0,-0.10599999874830246,0,71.43100011558272
+2024-04-07 10:32:27.549634,2.51858,251,-2.650364607416959,-16.060374484213547,0.0,0.06479999721050263,0.0,0.0,0.0492500014603138,-0.05455000087618826,9.808600016593932,0.0,0.0,-0.10599999874830246,0,71.43100011558272
+2024-04-07 10:32:27.558729,2.527675,252,-2.650364607416959,-16.060374484213547,0.0,0.06479999721050263,0.0,0.0,0.049850001484155665,-0.05475000083446502,9.807900010108947,0.0,0.0,-0.10599999874830246,0,71.43100011558272
+2024-04-07 10:32:27.571393,2.540339,253,-2.650364607416959,-16.060374484213547,0.0,0.06479999721050263,0.0,0.0,0.049950001537799826,-0.055850000791251644,9.808400002479551,0.0,0.0,-0.10599999874830246,0,71.43100011558272
+2024-04-07 10:32:27.578681,2.547627,254,-2.649969498646195,-16.060392839815215,0.0,-0.021600000187754632,0.0,0.0,0.049750001505017294,-0.0564500007405877,9.807400008201597,0.0,0.0,-0.03500000014901161,0,71.43100011558272
+2024-04-07 10:32:27.589263,2.558209,255,-2.649969498646195,-16.060392839815215,0.0,-0.021600000187754632,0.0,0.0,0.0488500014692545,-0.05625000074505805,9.806500006675718,0.0,0.0,-0.03500000014901161,0,71.43100011558272
+2024-04-07 10:32:27.601661,2.570607,256,-2.649969498646195,-16.060392839815215,0.0,-0.021600000187754632,0.0,0.0,0.047750001549720755,-0.0560500007495284,9.805400010108945,0.0,0.0,-0.03500000014901161,0,71.43100011558272
+2024-04-07 10:32:27.611450,2.580396,257,-2.649969498646195,-16.060392839815215,0.0,-0.021600000187754632,0.0,0.0,0.04685000158846378,-0.05545000076293945,9.803800011634825,0.0,0.0,-0.03500000014901161,0,71.43100011558272
+2024-04-07 10:32:27.622781,2.591727,258,-2.649678747952067,-16.060347579348385,0.0,0.053999998793005946,0.0,0.0,0.04625000149011613,-0.05535000078380106,9.805100012779233,0.0,0.0,-0.08500000089406967,0,71.43100011558272
+2024-04-07 10:32:27.631998,2.600944,259,-2.649678747952067,-16.060347579348385,0.0,0.053999998793005946,0.0,0.0,0.04615000143647194,-0.05535000078380106,9.804200011253355,0.0,0.0,-0.08500000089406967,0,71.43100011558272
+2024-04-07 10:32:27.642368,2.611314,260,-2.649678747952067,-16.060347579348385,0.0,0.053999998793005946,0.0,0.0,0.045950001478195196,-0.05505000079050659,9.80600000476837,0.0,0.0,-0.08500000089406967,0,71.43100011558272
+2024-04-07 10:32:27.652812,2.621758,261,-2.649678747952067,-16.060347579348385,0.0,0.053999998793005946,0.0,0.0,0.04605000153183936,-0.05395000079646706,9.806300011634825,0.0,0.0,-0.08500000089406967,0,71.43100011558272
+2024-04-07 10:32:27.662154,2.6311,262,-2.6494188860076173,-16.06031666258561,0.0,0.0,0.0,0.0,0.04625000156462192,-0.05285000080242752,9.807000008583067,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.672042,2.640988,263,-2.6494188860076173,-16.06031666258561,0.0,0.0,0.0,0.0,0.04645000152289869,-0.05225000075995921,9.806800013542173,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.681870,2.650816,264,-2.6494188860076173,-16.06031666258561,0.0,0.0,0.0,0.0,0.04695000156760215,-0.052850000783801074,9.808100014686582,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.690957,2.659903,265,-2.6494188860076173,-16.06031666258561,0.0,0.0,0.0,0.0,0.04675000160932541,-0.05355000086128711,9.808000012397764,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.698569,2.667515,266,-2.6492159915127123,-16.060267647982254,0.0,0.0,0.0,0.0,0.04695000156760215,-0.05415000088512896,9.808200016975402,0.0,0.0,-0.12600000202655792,0,71.43100011558272
+2024-04-07 10:32:27.708553,2.677499,267,-2.6491738738073076,-16.060276000756595,0.0,-0.07559999898076057,0.0,0.0,0.046150001510977756,-0.05475000090897082,9.808100024223325,0.0,0.0,-0.12099999934434891,0,71.43100011558272
+2024-04-07 10:32:27.721344,2.69029,268,-2.6491738738073076,-16.060276000756595,0.0,-0.07559999898076057,0.0,0.0,0.04645000152289869,-0.055350000932812685,9.807600022315977,0.0,0.0,-0.12099999934434891,0,71.43100011558272
+2024-04-07 10:32:27.735316,2.704262,269,-2.6491738738073076,-16.060276000756595,0.0,-0.07559999898076057,0.0,0.0,0.045750001594424244,-0.05595000088214873,9.80750002002716,0.0,0.0,-0.12099999934434891,0,71.43100011558272
+2024-04-07 10:32:27.739502,2.708448,270,-2.6491738738073076,-16.060276000756595,0.0,-0.07559999898076057,0.0,0.0,0.04535000167787076,-0.05655000090599059,9.807300024986265,0.0,0.0,-0.12099999934434891,0,71.43100011558272
+2024-04-07 10:32:27.751597,2.720543,271,-2.6490182477199062,-16.060291311549847,0.0,-0.07559999898076057,0.0,0.0,0.0447500016540289,-0.057150000929832454,9.807000027656553,0.0,0.0,-0.12099999934434891,0,71.43100011558272
+2024-04-07 10:32:27.759281,2.728227,272,-2.6490182477199062,-16.060291311549847,0.0,-0.07559999898076057,0.0,0.0,0.0447500016540289,-0.05745000094175337,9.806600028038023,0.0,0.0,-0.12099999934434891,0,71.43100011558272
+2024-04-07 10:32:27.769216,2.738162,273,-2.6490182477199062,-16.060291311549847,0.0,-0.07559999898076057,0.0,0.0,0.04515000171959399,-0.05765000090003013,9.806900025367735,0.0,0.0,-0.12099999934434891,0,71.43100011558272
+2024-04-07 10:32:27.792041,2.760987,274,-2.6488544245414762,-16.060313907642314,0.0,-0.0359999991953373,0.0,0.0,0.04615000180900097,-0.05785000100731849,9.80760003185272,0.0,0.0,-0.14100000262260437,0,71.43100011558272
+2024-04-07 10:32:27.792071,2.761017,275,-2.6488544245414762,-16.060313907642314,0.0,-0.0359999991953373,0.0,0.0,0.04685000181198121,-0.05745000101625919,9.807900038719175,0.0,0.0,-0.14100000262260437,0,71.43100011558272
+2024-04-07 10:32:27.799010,2.767956,276,-2.6488544245414762,-16.060313907642314,0.0,-0.0359999991953373,0.0,0.0,0.0472500018775463,-0.056450001001358024,9.807900038719175,0.0,0.0,-0.14100000262260437,0,71.43100011558272
+2024-04-07 10:32:27.809062,2.778008,277,-2.6488544245414762,-16.060313907642314,0.0,-0.0359999991953373,0.0,0.0,0.04755000188946723,-0.05525000093504785,9.808800040245055,0.0,0.0,-0.14100000262260437,0,71.43100011558272
+2024-04-07 10:32:27.821336,2.790282,278,-2.6488544245414762,-16.060313907642314,0.0,-0.0359999991953373,0.0,0.0,0.04755000188946723,-0.05435000097379088,9.8085000333786,0.0,0.0,-0.14100000262260437,0,71.43100011558272
+2024-04-07 10:32:27.866700,2.835646,279,-2.648726257371646,-16.06032748065867,0.0,-0.025200000777840615,0.0,0.0,0.04745000198483468,-0.05305000100284814,9.80930003261566,0.0,0.0,-0.03999999910593033,0,71.43100011558272
+2024-04-07 10:32:27.867049,2.835995,280,-2.648726257371646,-16.06032748065867,0.0,-0.025200000777840615,0.0,0.0,0.04765000194311142,-0.05195000097155569,9.808600035667418,0.0,0.0,-0.03999999910593033,0,71.43100011558272
+2024-04-07 10:32:27.885433,2.854379,281,-2.6486442822392764,-16.0603282884068,0.0,0.021600000187754632,0.0,0.0,0.04755000203847884,-0.05125000100582837,9.809300042152403,0.0,0.0,-0.20399999618530273,0,71.43100011558272
+2024-04-07 10:32:27.886463,2.855409,282,-2.6486442822392764,-16.0603282884068,0.0,0.021600000187754632,0.0,0.0,0.047150002121925355,-0.050450000986456855,9.808400040626523,0.0,0.0,-0.20399999618530273,0,71.43100011558272
+2024-04-07 10:32:27.897243,2.866189,283,-2.6486442822392764,-16.0603282884068,0.0,0.021600000187754632,0.0,0.0,0.047250002026557936,-0.049350000917911516,9.809500037193297,0.0,0.0,-0.20399999618530273,0,71.43100011558272
+2024-04-07 10:32:27.897438,2.866384,284,-2.6486442822392764,-16.0603282884068,0.0,0.021600000187754632,0.0,0.0,0.047250002026557936,-0.048550000917166464,9.809500037193297,0.0,0.0,-0.20399999618530273,0,71.43100011558272
+2024-04-07 10:32:27.897618,2.866564,285,-2.6486442822392764,-16.0603282884068,0.0,0.021600000187754632,0.0,0.0,0.047250002026557936,-0.04825000090524553,9.809600039482115,0.0,0.0,-0.20399999618530273,0,71.43100011558272
+2024-04-07 10:32:27.899570,2.868516,286,-2.6486442822392764,-16.0603282884068,0.0,0.021600000187754632,0.0,0.0,0.04765000209212303,-0.04855000084266066,9.809700041770933,0.0,0.0,-0.20399999618530273,0,71.43100011558272
+2024-04-07 10:32:27.909269,2.878215,287,-2.6486442822392764,-16.0603282884068,0.0,0.021600000187754632,0.0,0.0,0.04825000204145907,-0.04905000081285833,9.809700041770933,0.0,0.0,-0.20399999618530273,0,71.43100011558272
+2024-04-07 10:32:27.918722,2.887668,288,-2.6486442822392764,-16.0603282884068,0.0,0.021600000187754632,0.0,0.0,0.049150002077221866,-0.04985000079497694,9.809800044059752,0.0,0.0,-0.20399999618530273,0,71.43100011558272
+2024-04-07 10:32:27.929454,2.8984,289,-2.6485235919281465,-16.060305742130776,0.0,0.0,0.0,0.0,0.04965000219643115,-0.05035000083968043,9.809200049400328,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.939206,2.908152,290,-2.6485235919281465,-16.060305742130776,0.0,0.0,0.0,0.0,0.05005000218749045,-0.05035000083968043,9.80910004711151,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.954481,2.923427,291,-2.6485235919281465,-16.060305742130776,0.0,0.0,0.0,0.0,0.05015000209212303,-0.05035000083968043,9.808800049781798,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.960702,2.929648,292,-2.6485235919281465,-16.060305742130776,0.0,0.0,0.0,0.0,0.0498500020802021,-0.05035000083968043,9.80900004482269,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.973541,2.942487,293,-2.648543750797407,-16.06033668202666,0.0,0.0,0.0,0.0,0.0494500020891428,-0.05035000083968043,9.80910004711151,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.988286,2.957232,294,-2.64855207678407,-16.06034749600957,0.0,0.0,0.0,0.0,0.049550002142786986,-0.05035000083968043,9.80990004634857,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:27.990243,2.959189,295,-2.64855207678407,-16.06034749600957,0.0,0.0,0.0,0.0,0.049150002226233475,-0.0508500008098781,9.810600043296812,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.007275,2.976221,296,-2.64855207678407,-16.06034749600957,0.0,0.0,0.0,0.0,0.04895000226795673,-0.05095000078901647,9.810400038719175,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.012844,2.98179,297,-2.64855207678407,-16.06034749600957,0.0,0.0,0.0,0.0,0.0482500022649765,-0.05105000076815484,9.810700036048887,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.019684,2.98863,298,-2.6485933033734916,-16.06040681722427,0.0,0.0,0.0,0.0,0.04785000219941138,-0.0512500007264316,9.811300040245055,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.032971,3.001917,299,-2.6485933033734916,-16.06040681722427,0.0,0.0,0.0,0.0,0.046950002238154404,-0.0508500007353723,9.811100035667417,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.041056,3.010002,300,-2.6485933033734916,-16.06040681722427,0.0,0.0,0.0,0.0,0.04625000216066838,-0.05005000073462723,9.81050003147125,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.049591,3.018537,301,-2.6485933033734916,-16.06040681722427,0.0,0.0,0.0,0.0,0.045350002273917195,-0.04965000074356793,9.810700036048887,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.063418,3.032364,302,-2.6486410013275488,-16.060511871424936,0.0,-0.025200000777840615,0.0,0.0,0.04515000231564045,-0.04905000073835253,9.811600028038024,0.0,0.0,-0.03999999910593033,0,71.43100011558272
+2024-04-07 10:32:28.069611,3.038557,303,-2.6486410013275488,-16.060511871424936,0.0,-0.025200000777840615,0.0,0.0,0.04495000235736371,-0.048150000739842644,9.811200028419492,0.0,0.0,-0.03999999910593033,0,71.43100011558272
+2024-04-07 10:32:28.081624,3.05057,304,-2.6486410013275488,-16.060511871424936,0.0,-0.025200000777840615,0.0,0.0,0.04525000236928464,-0.047750000730156894,9.812400027275084,0.0,0.0,-0.03999999910593033,0,71.43100011558272
+2024-04-07 10:32:28.090621,3.059567,305,-2.6486410013275488,-16.060511871424936,0.0,-0.025200000777840615,0.0,0.0,0.045650002434849735,-0.047150000687688584,9.812300034523009,0.0,0.0,-0.03999999910593033,0,71.43100011558272
+2024-04-07 10:32:28.099731,3.068677,306,-2.6486410013275488,-16.060511871424936,0.0,-0.025200000777840615,0.0,0.0,0.045950002446770666,-0.0474500006996095,9.81220003223419,0.0,0.0,-0.03999999910593033,0,71.43100011558272
+2024-04-07 10:32:28.108596,3.077542,307,-2.648668418591442,-16.060595401913503,0.0,-0.014400000683963299,0.0,0.0,0.04655000239610671,-0.04785000072792171,9.81220003223419,0.0,0.0,-0.027000000700354576,0,71.43100011558272
+2024-04-07 10:32:28.120778,3.089724,308,-2.648668418591442,-16.060595401913503,0.0,-0.014400000683963299,0.0,0.0,0.04755000248551369,-0.04825000064447521,9.813200026512144,0.0,0.0,-0.027000000700354576,0,71.43100011558272
+2024-04-07 10:32:28.134125,3.103071,309,-2.648668418591442,-16.060595401913503,0.0,-0.014400000683963299,0.0,0.0,0.048050002455711366,-0.04845000067725777,9.812300024986266,0.0,0.0,-0.027000000700354576,0,71.43100011558272
+2024-04-07 10:32:28.140557,3.109503,310,-2.648668418591442,-16.060595401913503,0.0,-0.014400000683963299,0.0,0.0,0.04885000243782997,-0.048350000698119386,9.81280001735687,0.0,0.0,-0.027000000700354576,0,71.43100011558272
+2024-04-07 10:32:28.154591,3.123537,311,-2.6487207102165495,-16.06070021459113,0.0,0.025200000777840615,0.0,0.0,0.049650002419948575,-0.04805000068619847,9.8132000169754,0.0,0.0,-0.19900000095367432,0,71.43100011558272
+2024-04-07 10:32:28.160720,3.129666,312,-2.6487207102165495,-16.06070021459113,0.0,0.025200000777840615,0.0,0.0,0.05035000242292881,-0.04775000074878334,9.81280001735687,0.0,0.0,-0.19900000095367432,0,71.43100011558272
+2024-04-07 10:32:28.172252,3.141198,313,-2.6487207102165495,-16.06070021459113,0.0,0.025200000777840615,0.0,0.0,0.05075000241398811,-0.047550000790506586,9.813100024223326,0.0,0.0,-0.19900000095367432,0,71.43100011558272
+2024-04-07 10:32:28.189908,3.158854,314,-2.6487207102165495,-16.06070021459113,0.0,0.025200000777840615,0.0,0.0,0.051550002396106714,-0.047550000790506586,9.813500023841856,0.0,0.0,-0.19900000095367432,0,71.43100011558272
+2024-04-07 10:32:28.190401,3.159347,315,-2.648818008931673,-16.060842078632227,0.0,0.01799999959766865,0.0,0.0,0.051950002461671835,-0.04765000076964497,9.814200020790098,0.0,0.0,-0.13899999856948853,0,71.43100011558272
+2024-04-07 10:32:28.202946,3.171892,316,-2.648818008931673,-16.060842078632227,0.0,0.01799999959766865,0.0,0.0,0.05245000243186951,-0.04775000074878334,9.813800021171568,0.0,0.0,-0.13899999856948853,0,71.43100011558272
+2024-04-07 10:32:28.210701,3.179647,317,-2.648818008931673,-16.060842078632227,0.0,0.01799999959766865,0.0,0.0,0.05305000245571137,-0.04745000077411532,9.81410001850128,0.0,0.0,-0.13899999856948853,0,71.43100011558272
+2024-04-07 10:32:28.219218,3.188164,318,-2.648818008931673,-16.060842078632227,0.0,0.01799999959766865,0.0,0.0,0.05355000242590904,-0.04715000072494148,9.813900013923643,0.0,0.0,-0.13899999856948853,0,71.43100011558272
+2024-04-07 10:32:28.231756,3.200702,319,-2.648923086649953,-16.06093163925359,0.0,0.01799999959766865,0.0,0.0,0.053850002437829975,-0.04615000076591967,9.813600007057188,0.0,0.0,-0.03200000151991844,0,71.43100011558272
+2024-04-07 10:32:28.238893,3.207839,320,-2.648960593183318,-16.060941776175067,0.0,0.0719999983906746,0.0,0.0,0.05435000240802765,-0.04555000074207782,9.814099999427794,0.0,0.0,-0.11599999666213989,0,71.43100011558272
+2024-04-07 10:32:28.250425,3.219371,321,-2.649003793806001,-16.060945237697865,0.0,0.07559999898076057,0.0,0.0,0.05515000239014625,-0.04485000073909759,9.813399992942808,0.0,0.0,-0.12300000339746475,0,71.43100011558272
+2024-04-07 10:32:28.258686,3.227632,322,-2.649003793806001,-16.060945237697865,0.0,0.07559999898076057,0.0,0.0,0.05515000239014625,-0.04465000070631503,9.813999987602232,0.0,0.0,-0.12300000339746475,0,71.43100011558272
+2024-04-07 10:32:28.269948,3.238894,323,-2.649003793806001,-16.060945237697865,0.0,0.07559999898076057,0.0,0.0,0.055350002348422994,-0.04445000074803829,9.813899985313414,0.0,0.0,-0.12300000339746475,0,71.43100011558272
+2024-04-07 10:32:28.282505,3.251451,324,-2.649003793806001,-16.060945237697865,0.0,0.07559999898076057,0.0,0.0,0.055350002348422994,-0.044050000756978985,9.813799983024595,0.0,0.0,-0.12300000339746475,0,71.43100011558272
+2024-04-07 10:32:28.290559,3.259505,325,-2.649140403759483,-16.060951588284837,0.0,0.053999998793005946,0.0,0.0,0.055150002241134644,-0.0439500007778406,9.813799983024595,0.0,0.0,-0.15600000321865082,0,71.43100011558272
+2024-04-07 10:32:28.299307,3.268253,326,-2.649140403759483,-16.060951588284837,0.0,0.053999998793005946,0.0,0.0,0.05475000232458116,-0.0439500007778406,9.813899985313414,0.0,0.0,-0.15600000321865082,0,71.43100011558272
+2024-04-07 10:32:28.309534,3.27848,327,-2.649140403759483,-16.060951588284837,0.0,0.053999998793005946,0.0,0.0,0.05425000235438346,-0.04425000078976153,9.81329999065399,0.0,0.0,-0.15600000321865082,0,71.43100011558272
+2024-04-07 10:32:28.319179,3.288125,328,-2.649140403759483,-16.060951588284837,0.0,0.053999998793005946,0.0,0.0,0.054150002449750906,-0.04455000072717666,9.81329999065399,0.0,0.0,-0.15600000321865082,0,71.43100011558272
+2024-04-07 10:32:28.335083,3.304029,329,-2.649327402779871,-16.06096477605163,0.0,0.028800001367926598,0.0,0.0,0.053750002533197394,-0.04555000074207782,9.81369999027252,0.0,0.0,-0.04500000178813934,0,71.43100011558272
+2024-04-07 10:32:28.342749,3.311695,330,-2.649327402779871,-16.06096477605163,0.0,0.028800001367926598,0.0,0.0,0.05365000262856484,-0.04595000080764293,9.81369999027252,0.0,0.0,-0.04500000178813934,0,71.43100011558272
+2024-04-07 10:32:28.353838,3.322784,331,-2.649327402779871,-16.06096477605163,0.0,0.028800001367926598,0.0,0.0,0.05345000252127646,-0.0464500007778406,9.81369999027252,0.0,0.0,-0.04500000178813934,0,71.43100011558272
+2024-04-07 10:32:28.360509,3.329455,332,-2.649327402779871,-16.06096477605163,0.0,0.028800001367926598,0.0,0.0,0.05355000257492065,-0.0464500007778406,9.81369999027252,0.0,0.0,-0.04500000178813934,0,71.43100011558272
+2024-04-07 10:32:28.369538,3.338484,333,-2.6495175883288042,-16.06098363597251,0.0,0.0,0.0,0.0,0.05305000260472298,-0.04635000079870223,9.813399992942808,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.384015,3.352961,334,-2.6495175883288042,-16.06098363597251,0.0,0.0,0.0,0.0,0.05305000260472298,-0.046950000822544094,9.813099986076352,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.393351,3.362297,335,-2.6495175883288042,-16.06098363597251,0.0,0.0,0.0,0.0,0.0529500027000904,-0.04745000079274177,9.813599987983702,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.399953,3.368899,336,-2.6495175883288042,-16.06098363597251,0.0,0.0,0.0,0.0,0.052750002741813656,-0.04785000078380107,9.813999987602232,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.409642,3.378588,337,-2.649820857008999,-16.060927334784278,0.0,0.06839999780058861,0.0,0.0,0.05265000268816947,-0.048150000795722,9.814299984931944,0.0,0.0,-0.1080000028014183,0,71.43100011558272
+2024-04-07 10:32:28.419278,3.388224,338,-2.649820857008999,-16.060927334784278,0.0,0.06839999780058861,0.0,0.0,0.05185000270605086,-0.04825000077486037,9.814699984550474,0.0,0.0,-0.1080000028014183,0,71.43100011558272
+2024-04-07 10:32:28.431293,3.400239,339,-2.649820857008999,-16.060927334784278,0.0,0.06839999780058861,0.0,0.0,0.0517500026524067,-0.04795000076293944,9.813799983024595,0.0,0.0,-0.1080000028014183,0,71.43100011558272
+2024-04-07 10:32:28.439169,3.408115,340,-2.649820857008999,-16.060927334784278,0.0,0.06839999780058861,0.0,0.0,0.05115000262856484,-0.04785000078380107,9.814299984931944,0.0,0.0,-0.1080000028014183,0,71.43100011558272
+2024-04-07 10:32:28.451227,3.420173,341,-2.6500677338704537,-16.060871563667018,0.0,0.0,0.0,0.0,0.050650002658367166,-0.04765000075101851,9.813499985694884,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.460740,3.429686,342,-2.6501251163768087,-16.060862331925144,0.0,0.0,0.0,0.0,0.050450002700090396,-0.047150000780820836,9.814099980354307,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.470255,3.439201,343,-2.6501251163768087,-16.060862331925144,0.0,0.0,0.0,0.0,0.050050002634525304,-0.047150000780820836,9.813999987602232,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.480939,3.449885,344,-2.6501251163768087,-16.060862331925144,0.0,0.0,0.0,0.0,0.04965000256896018,-0.047050000801682465,9.81329999065399,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.491098,3.460044,345,-2.6501251163768087,-16.060862331925144,0.0,0.0,0.0,0.0,0.04925000250339509,-0.046850000768899905,9.81369999027252,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.499128,3.468074,346,-2.650285136151776,-16.06084633106757,0.0,-0.06839999780058861,0.0,0.0,0.048450002521276486,-0.046950000748038276,9.81369999027252,0.0,0.0,-0.1080000028014183,0,71.43100011558272
+2024-04-07 10:32:28.508838,3.477784,347,-2.650285136151776,-16.06084633106757,0.0,-0.06839999780058861,0.0,0.0,0.048150002658367164,-0.04705000072717666,9.814299984931944,0.0,0.0,-0.1080000028014183,0,71.43100011558272
+2024-04-07 10:32:28.519231,3.488177,348,-2.650285136151776,-16.06084633106757,0.0,-0.06839999780058861,0.0,0.0,0.04775000259280204,-0.04735000073909759,9.813999978065489,0.0,0.0,-0.1080000028014183,0,71.43100011558272
+2024-04-07 10:32:28.535908,3.504854,349,-2.650285136151776,-16.06084633106757,0.0,-0.06839999780058861,0.0,0.0,0.04735000252723695,-0.047750000655651076,9.814799977302549,0.0,0.0,-0.1080000028014183,0,71.43100011558272
+2024-04-07 10:32:28.540928,3.509874,350,-2.650478988934836,-16.06084402050751,0.0,-0.025200000777840615,0.0,0.0,0.0475500026345253,-0.04795000061392783,9.814599982261656,0.0,0.0,-0.03999999910593033,0,71.43100011558272
+2024-04-07 10:32:28.564938,3.533884,351,-2.650478988934836,-16.06084402050751,0.0,-0.025200000777840615,0.0,0.0,0.0475500026345253,-0.0472500006109476,9.815599986076354,0.0,0.0,-0.03999999910593033,0,71.43100011558272
+2024-04-07 10:32:28.565906,3.534852,352,-2.650478988934836,-16.06084402050751,0.0,-0.025200000777840615,0.0,0.0,0.047650002539157854,-0.04645000055432319,9.815999995231627,0.0,0.0,-0.03999999910593033,0,71.43100011558272
+2024-04-07 10:32:28.569800,3.538746,353,-2.650478988934836,-16.06084402050751,0.0,-0.025200000777840615,0.0,0.0,0.04825000241398811,-0.04505000058561562,9.816799994468687,0.0,0.0,-0.03999999910593033,0,71.43100011558272
+2024-04-07 10:32:28.607095,3.576041,354,-2.6507448977388797,-16.060796441767963,0.0,0.014400000683963299,0.0,0.0,0.04855000250041486,-0.04385000061243771,9.816999989509581,0.0,0.0,-0.027000000700354576,0,71.43100011558272
+2024-04-07 10:32:28.607124,3.57607,355,-2.6507448977388797,-16.060796441767963,0.0,0.014400000683963299,0.0,0.0,0.04925000257790088,-0.04295000057667493,9.817199994087217,0.0,0.0,-0.027000000700354576,0,71.43100011558272
+2024-04-07 10:32:28.607146,3.576092,356,-2.6507448977388797,-16.060796441767963,0.0,0.014400000683963299,0.0,0.0,0.050050002634525304,-0.04195000056177377,9.817299986839293,0.0,0.0,-0.027000000700354576,0,71.43100011558272
+2024-04-07 10:32:28.615010,3.583956,357,-2.6507448977388797,-16.060796441767963,0.0,0.014400000683963299,0.0,0.0,0.05075000263750554,-0.04125000048428773,9.818799983024595,0.0,0.0,-0.027000000700354576,0,71.43100011558272
+2024-04-07 10:32:28.633277,3.602223,358,-2.6509573341848234,-16.06075044782881,0.0,-0.043200000375509265,0.0,0.0,0.05145000264048577,-0.04055000040680169,9.817599984169005,0.0,0.0,-0.06800000369548798,0,71.43100011558272
+2024-04-07 10:32:28.633308,3.602254,359,-2.6509573341848234,-16.06075044782881,0.0,-0.043200000375509265,0.0,0.0,0.05205000266432763,-0.03985000044107437,9.81909998989105,0.0,0.0,-0.06800000369548798,0,71.43100011558272
+2024-04-07 10:32:28.642534,3.61148,360,-2.6510499093875812,-16.060746252652933,0.0,-0.043200000375509265,0.0,0.0,0.052450002729892725,-0.0392500004544854,9.817799998283384,0.0,0.0,-0.06800000369548798,0,71.43100011558272
+2024-04-07 10:32:28.655822,3.624768,361,-2.6510499093875812,-16.060746252652933,0.0,-0.043200000375509265,0.0,0.0,0.05315000265836717,-0.038850000388920294,9.817999993324278,0.0,0.0,-0.06800000369548798,0,71.43100011558272
+2024-04-07 10:32:28.665655,3.634601,362,-2.6510499093875812,-16.060746252652933,0.0,-0.043200000375509265,0.0,0.0,0.05335000261664391,-0.03865000043064355,9.817199994087217,0.0,0.0,-0.06800000369548798,0,71.43100011558272
+2024-04-07 10:32:28.670964,3.63991,363,-2.6510499093875812,-16.060746252652933,0.0,-0.043200000375509265,0.0,0.0,0.05335000261664391,-0.038150000460445865,9.817399989128111,0.0,0.0,-0.06800000369548798,0,71.43100011558272
+2024-04-07 10:32:28.695559,3.664505,364,-2.651245328618896,-16.060726134592286,0.0,0.0,0.0,0.0,0.05335000261664391,-0.03765000049024819,9.817099982261656,0.0,0.0,-0.07800000160932541,0,71.43100011558272
+2024-04-07 10:32:28.695575,3.664521,365,-2.651245328618896,-16.060726134592286,0.0,0.0,0.0,0.0,0.05335000261664391,-0.03785000044852495,9.817399979591368,0.0,0.0,-0.07800000160932541,0,71.43100011558272
+2024-04-07 10:32:28.713327,3.682273,366,-2.651245328618896,-16.060726134592286,0.0,0.0,0.0,0.0,0.05315000265836717,-0.038250000476837145,9.817399979591368,0.0,0.0,-0.07800000160932541,0,71.43100011558272
+2024-04-07 10:32:28.713513,3.682459,367,-2.651245328618896,-16.060726134592286,0.0,0.0,0.0,0.0,0.05355000264942647,-0.03875000048428773,9.817499972343443,0.0,0.0,-0.07800000160932541,0,71.43100011558272
+2024-04-07 10:32:28.726651,3.695597,368,-2.6514424675959063,-16.06070928102751,0.0,0.0,0.0,0.0,0.05325000263750554,-0.0388500005379319,9.817799969673155,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.733407,3.702353,369,-2.6514424675959063,-16.06070928102751,0.0,0.0,0.0,0.0,0.05335000254213809,-0.03895000051707029,9.817999974250792,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.757131,3.726077,370,-2.6514424675959063,-16.06070928102751,0.0,0.0,0.0,0.0,0.053950002416968346,-0.03865000057965516,9.818599968910215,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.757468,3.726414,371,-2.6514424675959063,-16.06070928102751,0.0,0.0,0.0,0.0,0.05445000238716602,-0.038450000472366797,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.759503,3.728449,372,-2.651635069428287,-16.06070044253309,0.0,0.0,0.0,0.0,0.05465000234544276,-0.038250000514090055,9.818999968528745,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.769319,3.738265,373,-2.651635069428287,-16.06070044253309,0.0,0.0,0.0,0.0,0.05495000220835208,-0.03815000060945749,9.818999968528745,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.783453,3.752399,374,-2.651635069428287,-16.06070044253309,0.0,0.0,0.0,0.0,0.05485000215470792,-0.03775000054389237,9.81869996166229,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.794683,3.763629,375,-2.651635069428287,-16.06070044253309,0.0,0.0,0.0,0.0,0.055350002124905595,-0.03745000053197145,9.818799954414366,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.799289,3.768235,376,-2.6518069256615058,-16.060721504914763,0.0,0.0,0.0,0.0,0.05555000208318234,-0.03745000053197145,9.818799954414366,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.810240,3.779186,377,-2.6518069256615058,-16.060721504914763,0.0,0.0,0.0,0.0,0.05585000209510327,-0.03745000053197145,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.825054,3.794,378,-2.6518069256615058,-16.060721504914763,0.0,0.0,0.0,0.0,0.05645000211894513,-0.03735000047832726,9.817999955177305,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.831627,3.800573,379,-2.6518069256615058,-16.060721504914763,0.0,0.0,0.0,0.0,0.057250002101063735,-0.03745000038295983,9.81689994907379,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.839779,3.808725,380,-2.6519686398648803,-16.060752966314446,0.0,0.0,0.0,0.0,0.05815000213682653,-0.037250000424683086,9.817499953269957,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.850386,3.819332,381,-2.6519686398648803,-16.060752966314446,0.0,0.0,0.0,0.0,0.059450002089142806,-0.03645000036805868,9.81739995098114,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.859762,3.828708,382,-2.6519686398648803,-16.060752966314446,0.0,0.0,0.0,0.0,0.061050002053380015,-0.03525000046938656,9.817899952888487,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.870028,3.838974,383,-2.6519686398648803,-16.060752966314446,0.0,0.0,0.0,0.0,0.06225000210106374,-0.03415000062435865,9.817499953269957,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.881542,3.850488,384,-2.6521437292591252,-16.060761995616932,0.0,0.0,0.0,0.0,0.06375000216066837,-0.03315000068396329,9.817299958229063,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.891313,3.860259,385,-2.6521437292591252,-16.060761995616932,0.0,0.0,0.0,0.0,0.06565000228583812,-0.031750000752508625,9.817599955558775,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.899177,3.868123,386,-2.6521437292591252,-16.060761995616932,0.0,0.0,0.0,0.0,0.0674500023573637,-0.03055000077933072,9.817799960136412,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.909613,3.878559,387,-2.6521437292591252,-16.060761995616932,0.0,0.0,0.0,0.0,0.06885000251233578,-0.02885000076144932,9.817299967765805,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:28.919751,3.888697,388,-2.6523151361373127,-16.060773023825014,0.0,0.0036000001709908247,0.0,0.0,0.07055000238120557,-0.026550000719726075,9.816899968147276,0.0,0.0,0.25,0,71.43100011558272
+2024-04-07 10:32:28.930293,3.899239,389,-2.6523151361373127,-16.060773023825014,0.0,0.0036000001709908247,0.0,0.0,0.07185000233352185,-0.024450000710785375,9.816899968147276,0.0,0.0,0.25,0,71.43100011558272
+2024-04-07 10:32:28.939522,3.908468,390,-2.6523151361373127,-16.060773023825014,0.0,0.0036000001709908247,0.0,0.0,0.0733500023931265,-0.023150000758469097,9.816399966239928,0.0,0.0,0.25,0,71.43100011558272
+2024-04-07 10:32:28.950366,3.919312,391,-2.6523151361373127,-16.060773023825014,0.0,0.0036000001709908247,0.0,0.0,0.0736500024050474,-0.023250000737607468,9.817299958229063,0.0,0.0,0.25,0,71.43100011558272
+2024-04-07 10:32:28.959444,3.92839,392,-2.652483456948031,-16.060807950216756,0.0,-0.028800001367926598,0.0,0.0,0.07395000241696834,-0.0239500007405877,9.816499958992003,0.0,0.0,0.19900000095367432,0,71.43100011558272
+2024-04-07 10:32:28.969653,3.938599,393,-2.652483456948031,-16.060807950216756,0.0,-0.028800001367926598,0.0,0.0,0.0733500024303794,-0.024450000710785375,9.816699954032897,0.0,0.0,0.19900000095367432,0,71.43100011558272
+2024-04-07 10:32:28.979638,3.948584,394,-2.652483456948031,-16.060807950216756,0.0,-0.028800001367926598,0.0,0.0,0.07225000239908697,-0.024850000739097572,9.815499955177305,0.0,0.0,0.19900000095367432,0,71.43100011558272
+2024-04-07 10:32:28.990729,3.959675,395,-2.652483456948031,-16.060807950216756,0.0,-0.028800001367926598,0.0,0.0,0.07135000232607125,-0.0247500007599592,9.815599957466123,0.0,0.0,0.19900000095367432,0,71.43100011558272
+2024-04-07 10:32:28.999540,3.968486,396,-2.65268101807129,-16.060822584582123,0.0,0.010800000093877316,0.0,0.0,0.07005000226199626,-0.02465000078082083,9.815699959754943,0.0,0.0,0.328000009059906,0,71.43100011558272
+2024-04-07 10:32:29.009487,3.978433,397,-2.65268101807129,-16.060822584582123,0.0,0.010800000093877316,0.0,0.0,0.06965000227093696,-0.02515000082552432,9.815099965095518,0.0,0.0,0.328000009059906,0,71.43100011558272
+2024-04-07 10:32:29.019924,3.98887,398,-2.65268101807129,-16.060822584582123,0.0,0.010800000093877316,0.0,0.0,0.06855000231415034,-0.02535000085830688,9.815199967384336,0.0,0.0,0.328000009059906,0,71.43100011558272
+2024-04-07 10:32:29.030168,3.999114,399,-2.65268101807129,-16.060822584582123,0.0,0.010800000093877316,0.0,0.0,0.06805000234395264,-0.025950000844895835,9.815899973869321,0.0,0.0,0.328000009059906,0,71.43100011558272
+2024-04-07 10:32:29.040338,4.009284,400,-2.652894505735004,-16.060833440092914,0.0,0.0,0.0,0.0,0.06775000240653753,-0.02735000083222984,9.816199971199033,0.0,0.0,0.34299999475479126,0,71.43100011558272
+2024-04-07 10:32:29.050582,4.019528,401,-2.652894505735004,-16.060833440092914,0.0,0.0,0.0,0.0,0.0670500023290515,-0.02735000083222984,9.816299973487853,0.0,0.0,0.34299999475479126,0,71.43100011558272
+2024-04-07 10:32:29.059967,4.028913,402,-2.652894505735004,-16.060833440092914,0.0,0.0,0.0,0.0,0.06665000226348639,-0.02725000085309147,9.815699978828428,0.0,0.0,0.34299999475479126,0,71.43100011558272
+2024-04-07 10:32:29.069643,4.038589,403,-2.652894505735004,-16.060833440092914,0.0,0.0,0.0,0.0,0.06595000226050615,-0.02765000084415077,9.816199971199033,0.0,0.0,0.34299999475479126,0,71.43100011558272
+2024-04-07 10:32:29.082288,4.051234,404,-2.6531138102728566,-16.06084150725777,0.0,0.0036000001709908247,0.0,0.0,0.06535000231117011,-0.02745000084862112,9.814899970054624,0.0,0.0,0.3179999887943268,0,71.43100011558272
+2024-04-07 10:32:29.090369,4.059315,405,-2.6531138102728566,-16.06084150725777,0.0,0.0036000001709908247,0.0,0.0,0.06435000222176313,-0.027550000902265295,9.815699969291686,0.0,0.0,0.3179999887943268,0,71.43100011558272
+2024-04-07 10:32:29.100219,4.069165,406,-2.6531138102728566,-16.06084150725777,0.0,0.0036000001709908247,0.0,0.0,0.06345000226050615,-0.027550000902265295,9.815699969291686,0.0,0.0,0.3179999887943268,0,71.43100011558272
+2024-04-07 10:32:29.109390,4.078336,407,-2.6531138102728566,-16.06084150725777,0.0,0.0036000001709908247,0.0,0.0,0.06295000229030848,-0.02825000090524553,9.816099968910216,0.0,0.0,0.3179999887943268,0,71.43100011558272
+2024-04-07 10:32:29.119481,4.088427,408,-2.6533199969420247,-16.060865666224252,0.0,-0.028800001367926598,0.0,0.0,0.062350002191960824,-0.02895000094547867,9.815099974632261,0.0,0.0,0.23000000417232513,0,71.43100011558272
+2024-04-07 10:32:29.130455,4.099401,409,-2.6533199969420247,-16.060865666224252,0.0,-0.028800001367926598,0.0,0.0,0.06185000222176312,-0.029550000932067624,9.815099974632261,0.0,0.0,0.23000000417232513,0,71.43100011558272
+2024-04-07 10:32:29.141529,4.110475,410,-2.6533199969420247,-16.060865666224252,0.0,-0.028800001367926598,0.0,0.0,0.06145000230520964,-0.03045000091195106,9.815199976921079,0.0,0.0,0.23000000417232513,0,71.43100011558272
+2024-04-07 10:32:29.150138,4.119084,411,-2.6533199969420247,-16.060865666224252,0.0,-0.028800001367926598,0.0,0.0,0.06105000223964452,-0.031850000917911514,9.815499974250791,0.0,0.0,0.23000000417232513,0,71.43100011558272
+2024-04-07 10:32:29.161075,4.130021,412,-2.6535209093821424,-16.060902928052837,0.0,0.0,0.0,0.0,0.060650002323091035,-0.033250000886619085,9.815899973869321,0.0,0.0,0.23199999332427979,0,71.43100011558272
+2024-04-07 10:32:29.169575,4.138521,413,-2.6535209093821424,-16.060902928052837,0.0,0.0,0.0,0.0,0.06045000236481429,-0.03455000085756181,9.816299973487853,0.0,0.0,0.23199999332427979,0,71.43100011558272
+2024-04-07 10:32:29.181275,4.150221,414,-2.6535209093821424,-16.060902928052837,0.0,0.0,0.0,0.0,0.06025000240653752,-0.035550000872462975,9.815799981117246,0.0,0.0,0.23199999332427979,0,71.43100011558272
+2024-04-07 10:32:29.192240,4.161186,415,-2.6535209093821424,-16.060902928052837,0.0,0.0,0.0,0.0,0.06025000240653752,-0.03605000087991356,9.815199976921079,0.0,0.0,0.23199999332427979,0,71.43100011558272
+2024-04-07 10:32:29.201468,4.170414,416,-2.6536929384126773,-16.06094314614986,0.0,0.0,0.0,0.0,0.05995000239461659,-0.03645000090822577,9.815199976921079,0.0,0.0,0.2070000022649765,0,71.43100011558272
+2024-04-07 10:32:29.209689,4.178635,417,-2.6536929384126773,-16.06094314614986,0.0,0.0,0.0,0.0,0.05945000242441892,-0.03645000090822577,9.814899979591369,0.0,0.0,0.2070000022649765,0,71.43100011558272
+2024-04-07 10:32:29.222664,4.19161,418,-2.6536929384126773,-16.06094314614986,0.0,0.0,0.0,0.0,0.05955000247806311,-0.036650000941008315,9.814999981880186,0.0,0.0,0.2070000022649765,0,71.43100011558272
+2024-04-07 10:32:29.229853,4.198799,419,-2.6536929384126773,-16.06094314614986,0.0,0.0,0.0,0.0,0.05945000257343053,-0.03765000090003012,9.816199980735776,0.0,0.0,0.2070000022649765,0,71.43100011558272
+2024-04-07 10:32:29.242544,4.21149,420,-2.653853748308966,-16.060979953884257,0.0,0.03959999978542328,0.0,0.0,0.059250002615153785,-0.038250000923871985,9.815499983787534,0.0,0.0,0.15399999916553497,0,71.43100011558272
+2024-04-07 10:32:29.250850,4.219796,421,-2.653853748308966,-16.060979953884257,0.0,0.03959999978542328,0.0,0.0,0.05825000267475844,-0.03895000092685222,9.815899983406066,0.0,0.0,0.15399999916553497,0,71.43100011558272
+2024-04-07 10:32:29.264020,4.232966,422,-2.653853748308966,-16.060979953884257,0.0,0.03959999978542328,0.0,0.0,0.05765000257641076,-0.03955000095069408,9.815099984169004,0.0,0.0,0.15399999916553497,0,71.43100011558272
+2024-04-07 10:32:29.270296,4.239242,423,-2.653853748308966,-16.060979953884257,0.0,0.03959999978542328,0.0,0.0,0.056850002594292154,-0.03995000094175338,9.814699984550474,0.0,0.0,0.15399999916553497,0,71.43100011558272
+2024-04-07 10:32:29.284033,4.252979,424,-2.6540305529204793,-16.060970100060118,0.0,0.0359999991953373,0.0,0.0,0.0562500024959445,-0.039850000962615,9.81539999103546,0.0,0.0,0.057999998331069946,0,71.43100011558272
+2024-04-07 10:32:29.290889,4.259835,425,-2.6540305529204793,-16.060970100060118,0.0,0.0359999991953373,0.0,0.0,0.055550002567470086,-0.039850000962615,9.815899992942809,0.0,0.0,0.057999998331069946,0,71.43100011558272
+2024-04-07 10:32:29.303223,4.272169,426,-2.6540305529204793,-16.060970100060118,0.0,0.0359999991953373,0.0,0.0,0.055150002501904966,-0.04005000099539756,9.816299992561339,0.0,0.0,0.057999998331069946,0,71.43100011558272
+2024-04-07 10:32:29.309749,4.278695,427,-2.6540305529204793,-16.060970100060118,0.0,0.0359999991953373,0.0,0.0,0.05455000240355731,-0.04055000098422169,9.816599989891051,0.0,0.0,0.057999998331069946,0,71.43100011558272
+2024-04-07 10:32:29.325361,4.294307,428,-2.6542025794403,-16.060937598057222,0.0,0.046800000965595244,0.0,0.0,0.05455000240355731,-0.04115000102669,9.817899991035459,0.0,0.0,0.16599999368190765,0,71.43100011558272
+2024-04-07 10:32:29.331586,4.300532,429,-2.6542025794403,-16.060937598057222,0.0,0.046800000965595244,0.0,0.0,0.05435000244528054,-0.04125000104308127,9.817799998283384,0.0,0.0,0.16599999368190765,0,71.43100011558272
+2024-04-07 10:32:29.341036,4.309982,430,-2.6542025794403,-16.060937598057222,0.0,0.046800000965595244,0.0,0.0,0.05385000247508287,-0.041450001001358025,9.818199997901914,0.0,0.0,0.16599999368190765,0,71.43100011558272
+2024-04-07 10:32:29.352622,4.321568,431,-2.6542025794403,-16.060937598057222,0.0,0.046800000965595244,0.0,0.0,0.05395000252872706,-0.041450001001358025,9.81869999027252,0.0,0.0,0.16599999368190765,0,71.43100011558272
+2024-04-07 10:32:29.365993,4.334939,432,-2.6543832581184454,-16.060881842806605,0.0,0.03959999978542328,0.0,0.0,0.0533500025048852,-0.04185000091791152,9.818499985694883,0.0,0.0,0.06499999761581421,0,71.43100011558272
+2024-04-07 10:32:29.381307,4.350253,433,-2.6544080446539655,-16.060863347002176,0.0,0.03959999978542328,0.0,0.0,0.053050002492964266,-0.042150000855326636,9.819199982643125,0.0,0.0,0.06499999761581421,0,71.43100011558272
+2024-04-07 10:32:29.381410,4.350356,434,-2.6544080446539655,-16.060863347002176,0.0,0.03959999978542328,0.0,0.0,0.05225000251084566,-0.042050000876188265,9.819199982643125,0.0,0.0,0.06499999761581421,0,71.43100011558272
+2024-04-07 10:32:29.392535,4.361481,435,-2.6544080446539655,-16.060863347002176,0.0,0.03959999978542328,0.0,0.0,0.05175000254064799,-0.042050000876188265,9.8192999753952,0.0,0.0,0.06499999761581421,0,71.43100011558272
+2024-04-07 10:32:29.400351,4.369297,436,-2.6544080446539655,-16.060863347002176,0.0,0.03959999978542328,0.0,0.0,0.051350002624094476,-0.04185000091791152,9.818799973487852,0.0,0.0,0.06499999761581421,0,71.43100011558272
+2024-04-07 10:32:29.409636,4.378582,437,-2.6545357685218613,-16.060809299398713,0.0,0.0,0.0,0.0,0.05055000264197587,-0.041950000897049894,9.81889997577667,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.425839,4.394785,438,-2.6545357685218613,-16.060809299398713,0.0,0.0,0.0,0.0,0.05045000258833171,-0.04205000095069407,9.81809997653961,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.429919,4.398865,439,-2.6545357685218613,-16.060809299398713,0.0,0.0,0.0,0.0,0.05015000257641078,-0.04245000094175337,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.443042,4.411988,440,-2.6545357685218613,-16.060809299398713,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.462831,4.431777,441,-2.65464546350405,-16.06076434024504,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.462971,4.431917,442,-2.65464546350405,-16.06076434024504,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.497989,4.466935,443,-2.6547452796613284,-16.06075540670808,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.498126,4.467072,444,-2.6547452796613284,-16.06075540670808,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.512106,4.481052,445,-2.6547080718339062,-16.060703346862713,0.0,0.06120000332593918,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.10100000351667404,0,71.43100011558272
+2024-04-07 10:32:29.512221,4.481167,446,-2.6547080718339062,-16.060703346862713,0.0,0.06120000332593918,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.10100000351667404,0,71.43100011558272
+2024-04-07 10:32:29.516313,4.485259,447,-2.6547080718339062,-16.060703346862713,0.0,0.06120000332593918,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.10100000351667404,0,71.43100011558272
+2024-04-07 10:32:29.523920,4.492866,448,-2.6547080718339062,-16.060703346862713,0.0,0.06120000332593918,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.10100000351667404,0,71.43100011558272
+2024-04-07 10:32:29.529776,4.498722,449,-2.6547080718339062,-16.060703346862713,0.0,0.06120000332593918,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.10100000351667404,0,71.43100011558272
+2024-04-07 10:32:29.539993,4.508939,450,-2.6547080718339062,-16.060703346862713,0.0,0.06120000332593918,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.10100000351667404,0,71.43100011558272
+2024-04-07 10:32:29.552341,4.521287,451,-2.654758299565922,-16.06066139795439,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.559756,4.528702,452,-2.654758299565922,-16.06066139795439,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.569895,4.538841,453,-2.654758299565922,-16.06066139795439,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.581741,4.550687,454,-2.654758299565922,-16.06066139795439,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.591406,4.560352,455,-2.6547554804323927,-16.060650329235237,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.600161,4.569107,456,-2.654756477925468,-16.060646998669707,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.610073,4.579019,457,-2.6547468825284977,-16.06064364765677,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.627493,4.596439,458,-2.6547468825284977,-16.06064364765677,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.630020,4.598966,459,-2.6547468825284977,-16.06064364765677,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.640623,4.609569,460,-2.6547468825284977,-16.06064364765677,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.650718,4.619664,461,-2.6547185869520993,-16.06063114964987,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43100011558272
+2024-04-07 10:32:29.662404,4.63135,462,-2.6547185869520993,-16.06063114964987,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:29.672110,4.641056,463,-2.6547185869520993,-16.06063114964987,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:29.681106,4.650052,464,-2.6547185869520993,-16.06063114964987,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:29.693271,4.662217,465,-2.654673441035855,-16.060619474323392,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:29.700478,4.669424,466,-2.6546604677692307,-16.060616713628626,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:29.710724,4.67967,467,-2.6546604677692307,-16.060616713628626,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:29.720638,4.689584,468,-2.6546604677692307,-16.060616713628626,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:29.730158,4.699104,469,-2.6546604677692307,-16.060616713628626,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:29.740110,4.709056,470,-2.6545807185209807,-16.06062532166912,0.0,-0.046800000965595244,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.07800000160932541,0,71.43500011577271
+2024-04-07 10:32:29.751924,4.72087,471,-2.6545807185209807,-16.06062532166912,0.0,-0.046800000965595244,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.07800000160932541,0,71.43500011577271
+2024-04-07 10:32:29.760440,4.729386,472,-2.6545807185209807,-16.06062532166912,0.0,-0.046800000965595244,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.07800000160932541,0,71.43500011577271
+2024-04-07 10:32:29.770500,4.739446,473,-2.6545807185209807,-16.06062532166912,0.0,-0.046800000965595244,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.07800000160932541,0,71.43500011577271
+2024-04-07 10:32:29.780556,4.749502,474,-2.654489841899773,-16.060633634213218,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:29.793468,4.762414,475,-2.654489841899773,-16.060633634213218,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:29.800557,4.769503,476,-2.654489841899773,-16.060633634213218,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:29.810422,4.779368,477,-2.654489841899773,-16.060633634213218,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:29.829043,4.797989,478,-2.6544009592356543,-16.06062696750454,0.0,0.057600002735853195,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.09099999815225601,0,71.43500011577271
+2024-04-07 10:32:29.830224,4.79917,479,-2.6544009592356543,-16.06062696750454,0.0,0.057600002735853195,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.09099999815225601,0,71.43500011577271
+2024-04-07 10:32:29.840438,4.809384,480,-2.6544009592356543,-16.06062696750454,0.0,0.057600002735853195,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.09099999815225601,0,71.43500011577271
+2024-04-07 10:32:29.851953,4.820899,481,-2.6544009592356543,-16.06062696750454,0.0,0.057600002735853195,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.09099999815225601,0,71.43500011577271
+2024-04-07 10:32:29.861952,4.830898,482,-2.654308876349511,-16.060612681118002,0.0,-0.010800000093877316,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.11100000143051147,0,71.43500011577271
+2024-04-07 10:32:29.874549,4.843495,483,-2.654308876349511,-16.060612681118002,0.0,-0.010800000093877316,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.11100000143051147,0,71.43500011577271
+2024-04-07 10:32:29.881669,4.850615,484,-2.654308876349511,-16.060612681118002,0.0,-0.010800000093877316,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.11100000143051147,0,71.43500011577271
+2024-04-07 10:32:29.893405,4.862351,485,-2.654308876349511,-16.060612681118002,0.0,-0.010800000093877316,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.11100000143051147,0,71.43500011577271
+2024-04-07 10:32:29.900534,4.86948,486,-2.654193117673694,-16.060618024862247,0.0,0.014400000683963299,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.027000000700354576,0,71.43500011577271
+2024-04-07 10:32:29.910045,4.878991,487,-2.654193117673694,-16.060618024862247,0.0,0.014400000683963299,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.027000000700354576,0,71.43500011577271
+2024-04-07 10:32:29.920336,4.889282,488,-2.654193117673694,-16.060618024862247,0.0,0.014400000683963299,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.027000000700354576,0,71.43500011577271
+2024-04-07 10:32:29.929964,4.89891,489,-2.654193117673694,-16.060618024862247,0.0,0.014400000683963299,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.027000000700354576,0,71.43500011577271
+2024-04-07 10:32:29.940292,4.909238,490,-2.6540713768947324,-16.060622258678183,0.0,-0.01799999959766865,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.17900000512599945,0,71.43500011577271
+2024-04-07 10:32:29.950605,4.919551,491,-2.6540713768947324,-16.060622258678183,0.0,-0.01799999959766865,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.17900000512599945,0,71.43500011577271
+2024-04-07 10:32:29.960519,4.929465,492,-2.6540713768947324,-16.060622258678183,0.0,-0.01799999959766865,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.17900000512599945,0,71.43500011577271
+2024-04-07 10:32:29.974040,4.942986,493,-2.6540713768947324,-16.060622258678183,0.0,-0.01799999959766865,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.17900000512599945,0,71.43500011577271
+2024-04-07 10:32:29.982258,4.951204,494,-2.65394485626799,-16.06062478878392,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:29.996413,4.965359,495,-2.65394485626799,-16.06062478878392,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.002974,4.97192,496,-2.65394485626799,-16.06062478878392,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.010606,4.979552,497,-2.65394485626799,-16.06062478878392,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.026397,4.995343,498,-2.6538101658051416,-16.060632245158086,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.034524,5.00347,499,-2.6538101658051416,-16.060632245158086,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.041042,5.009988,500,-2.6538101658051416,-16.060632245158086,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.051315,5.020261,501,-2.6538101658051416,-16.060632245158086,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.060357,5.029303,502,-2.6536722079289268,-16.06064064902769,0.0,0.043200000375509265,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.07000000029802322,0,71.43500011577271
+2024-04-07 10:32:30.072141,5.041087,503,-2.6536722079289268,-16.06064064902769,0.0,0.043200000375509265,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.07000000029802322,0,71.43500011577271
+2024-04-07 10:32:30.082023,5.050969,504,-2.6536722079289268,-16.06064064902769,0.0,0.043200000375509265,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.07000000029802322,0,71.43500011577271
+2024-04-07 10:32:30.090447,5.059393,505,-2.6536722079289268,-16.06064064902769,0.0,0.043200000375509265,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.07000000029802322,0,71.43500011577271
+2024-04-07 10:32:30.101344,5.07029,506,-2.6535330583259733,-16.06064828296517,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.111156,5.080102,507,-2.6535330583259733,-16.06064828296517,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.123429,5.092375,508,-2.6535330583259733,-16.06064828296517,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.130469,5.099415,509,-2.6535330583259733,-16.06064828296517,0.0,0.0,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.140938,5.109884,510,-2.6534062498249207,-16.0606396444825,0.0,0.053999998793005946,0.0,0.0,0.04985000256448985,-0.04285000093281269,9.818699971199035,0.0,0.0,-0.08500000089406967,0,71.43500011577271
+2024-04-07 10:32:30.153308,5.122254,511,-2.6534062498249207,-16.0606396444825,0.0,0.053999998793005946,0.0,0.0,0.03705000273883344,-0.06345000080764293,9.814999924659727,0.0,0.0,-0.08500000089406967,0,71.43500011577271
+2024-04-07 10:32:30.161031,5.129977,512,-2.6534062498249207,-16.0606396444825,0.0,0.053999998793005946,0.0,0.0,0.03725000269711018,-0.06235000077635049,9.813599930763242,0.0,0.0,-0.08500000089406967,0,71.43500011577271
+2024-04-07 10:32:30.175467,5.144413,513,-2.6534062498249207,-16.0606396444825,0.0,0.053999998793005946,0.0,0.0,0.03735000275075437,-0.06145000079646705,9.814299927711485,0.0,0.0,-0.08500000089406967,0,71.43500011577271
+2024-04-07 10:32:30.182330,5.151276,514,-2.653299273749139,-16.06059725003651,0.0,0.0,0.0,0.0,0.0371500027924776,-0.060650000814348445,9.813699923515317,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.196010,5.164956,515,-2.6532652470238953,-16.0605888935509,0.0,0.0,0.0,0.0,0.03705000273883344,-0.06005000082775949,9.815099926948546,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.203115,5.172061,516,-2.6532652470238953,-16.0605888935509,0.0,0.0,0.0,0.0,0.03705000273883344,-0.05975000085309147,9.814699927330015,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.210473,5.179419,517,-2.6532652470238953,-16.0605888935509,0.0,0.0,0.0,0.0,0.03715000264346599,-0.059650000799447295,9.815899926185606,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.223467,5.192413,518,-2.6532652470238953,-16.0605888935509,0.0,0.0,0.0,0.0,0.03705000258982183,-0.05925000080838798,9.815699931144712,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.233121,5.202067,519,-2.653096709863932,-16.060573523386214,0.0,-0.07559999898076057,0.0,0.0,0.03705000258982183,-0.05845000080764293,9.815399933815,0.0,0.0,-0.12099999934434891,0,71.43500011577271
+2024-04-07 10:32:30.242081,5.211027,520,-2.653096709863932,-16.060573523386214,0.0,-0.07559999898076057,0.0,0.0,0.03705000258982183,-0.05765000082552432,9.815599938392637,0.0,0.0,-0.12099999934434891,0,71.43500011577271
+2024-04-07 10:32:30.254547,5.223493,521,-2.653096709863932,-16.060573523386214,0.0,-0.07559999898076057,0.0,0.0,0.0375500025600195,-0.05665000081062316,9.815099946022032,0.0,0.0,-0.12099999934434891,0,71.43500011577271
+2024-04-07 10:32:30.261796,5.230742,522,-2.653096709863932,-16.060573523386214,0.0,-0.07559999898076057,0.0,0.0,0.038250002562999735,-0.055850000828504553,9.81599994754791,0.0,0.0,-0.12099999934434891,0,71.43500011577271
+2024-04-07 10:32:30.271959,5.240905,523,-2.65286406578762,-16.060610324810813,0.0,0.0,0.0,0.0,0.03885000258684157,-0.05535000085830688,9.81599994754791,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.283958,5.252904,524,-2.65286406578762,-16.060610324810813,0.0,0.0,0.0,0.0,0.03935000263154506,-0.05545000083744525,9.815699940681455,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.291493,5.260439,525,-2.65286406578762,-16.060610324810813,0.0,0.0,0.0,0.0,0.039850002601742734,-0.05555000081658362,9.814299937248228,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.300322,5.269268,526,-2.65286406578762,-16.060610324810813,0.0,0.0,0.0,0.0,0.039950002655386924,-0.05545000076293945,9.813999939918515,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.311007,5.279953,527,-2.652626555525939,-16.060644526528854,0.0,-0.0719999983906746,0.0,0.0,0.040350002646446226,-0.05455000078305601,9.813699942588805,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:30.322247,5.291193,528,-2.652626555525939,-16.060644526528854,0.0,-0.0719999983906746,0.0,0.0,0.040150002539157875,-0.05375000078231096,9.813099938392638,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:30.334409,5.303355,529,-2.652626555525939,-16.060644526528854,0.0,-0.0719999983906746,0.0,0.0,0.040150002539157875,-0.05335000075399875,9.812399931907652,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:30.340302,5.309248,530,-2.652626555525939,-16.060644526528854,0.0,-0.0719999983906746,0.0,0.0,0.040050002485513686,-0.05335000075399875,9.811899939537046,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:30.350801,5.319747,531,-2.6523172997842797,-16.06075731308869,0.0,-0.0719999983906746,0.0,0.0,0.039750002473592755,-0.05335000075399875,9.810999947547911,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:30.362795,5.331741,532,-2.6523172997842797,-16.06075731308869,0.0,-0.0719999983906746,0.0,0.0,0.0399500024318695,-0.05315000079572199,9.811799946784971,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:30.370965,5.339911,533,-2.6523172997842797,-16.06075731308869,0.0,-0.0719999983906746,0.0,0.0,0.0399500024318695,-0.05305000081658362,9.810799942970274,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:30.381315,5.350261,534,-2.6523172997842797,-16.06075731308869,0.0,-0.0719999983906746,0.0,0.0,0.04035000249743462,-0.053250000774860376,9.811199942588804,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:30.395423,5.364369,535,-2.6520364348350647,-16.060839112205286,0.0,0.0,0.0,0.0,0.04035000249743462,-0.05345000073313712,9.810299950599669,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.403024,5.37197,536,-2.6520364348350647,-16.060839112205286,0.0,0.0,0.0,0.0,0.0404500024020672,-0.053750000670552245,9.810199957847594,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.412085,5.381031,537,-2.6520364348350647,-16.060839112205286,0.0,0.0,0.0,0.0,0.0407500024139881,-0.05355000071227549,9.809499960899352,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.421134,5.39008,538,-2.6520364348350647,-16.060839112205286,0.0,0.0,0.0,0.0,0.04105000242590903,-0.05355000071227549,9.810099965095517,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.433149,5.402095,539,-2.6517217211592454,-16.06096528206594,0.0,-0.0719999983906746,0.0,0.0,0.04115000247955322,-0.05335000067949294,9.809499970436095,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:30.440494,5.40944,540,-2.6517217211592454,-16.06096528206594,0.0,-0.0719999983906746,0.0,0.0,0.041950002461671826,-0.05295000068843364,9.809099970817565,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:30.451504,5.42045,541,-2.6517217211592454,-16.06096528206594,0.0,-0.0719999983906746,0.0,0.0,0.041650002449750895,-0.05295000068843364,9.80919996356964,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:30.466831,5.435777,542,-2.6517217211592454,-16.06096528206594,0.0,-0.0719999983906746,0.0,0.0,0.0412500023841858,-0.05295000068843364,9.808299971580503,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:30.474369,5.443315,543,-2.6514566900316856,-16.061037811514318,0.0,-0.007200000341981649,0.0,0.0,0.04115000233054161,-0.05315000072121619,9.80799997425079,0.0,0.0,-0.1340000033378601,0,71.43500011577271
+2024-04-07 10:32:30.484820,5.453766,544,-2.6514566900316856,-16.061037811514318,0.0,-0.007200000341981649,0.0,0.0,0.04095000237226487,-0.05365000072866677,9.806899977684019,0.0,0.0,-0.1340000033378601,0,71.43500011577271
+2024-04-07 10:32:30.494528,5.463474,545,-2.6514566900316856,-16.061037811514318,0.0,-0.007200000341981649,0.0,0.0,0.04055000245571136,-0.054150000698864456,9.80719997501373,0.0,0.0,-0.1340000033378601,0,71.43500011577271
+2024-04-07 10:32:30.500979,5.469925,546,-2.6514566900316856,-16.061037811514318,0.0,-0.007200000341981649,0.0,0.0,0.0404500024020672,-0.054150000698864456,9.806099978446959,0.0,0.0,-0.1340000033378601,0,71.43500011577271
+2024-04-07 10:32:30.512276,5.481222,547,-2.6512060846717374,-16.061106522831825,0.0,-0.014400000683963299,0.0,0.0,0.0404500024020672,-0.05425000067800283,9.806099978446959,0.0,0.0,-0.02500000037252903,0,71.43500011577271
+2024-04-07 10:32:30.521985,5.490931,548,-2.6512060846717374,-16.061106522831825,0.0,-0.014400000683963299,0.0,0.0,0.04095000237226487,-0.05405000071972607,9.80559997653961,0.0,0.0,-0.02500000037252903,0,71.43500011577271
+2024-04-07 10:32:30.530522,5.499468,549,-2.6512060846717374,-16.061106522831825,0.0,-0.014400000683963299,0.0,0.0,0.04155000239610673,-0.053950000666081896,9.805799971580504,0.0,0.0,-0.02500000037252903,0,71.43500011577271
+2024-04-07 10:32:30.540879,5.509825,550,-2.6512060846717374,-16.061106522831825,0.0,-0.014400000683963299,0.0,0.0,0.04215000241994857,-0.053950000666081896,9.805799971580504,0.0,0.0,-0.02500000037252903,0,71.43500011577271
+2024-04-07 10:32:30.551386,5.520332,551,-2.650934783616374,-16.061209577948137,0.0,-0.025200000777840615,0.0,0.0,0.04225000232458115,-0.054150000698864456,9.805899973869321,0.0,0.0,-0.12300000339746475,0,71.43500011577271
+2024-04-07 10:32:30.563854,5.5328,552,-2.650934783616374,-16.061209577948137,0.0,-0.025200000777840615,0.0,0.0,0.04255000233650208,-0.05445000063627957,9.8067999753952,0.0,0.0,-0.12300000339746475,0,71.43500011577271
+2024-04-07 10:32:30.573530,5.542476,553,-2.650934783616374,-16.061209577948137,0.0,-0.025200000777840615,0.0,0.0,0.04265000224113463,-0.054650000594556325,9.806899977684019,0.0,0.0,-0.12300000339746475,0,71.43500011577271
+2024-04-07 10:32:30.581841,5.550787,554,-2.650934783616374,-16.061209577948137,0.0,-0.025200000777840615,0.0,0.0,0.04255000218749047,-0.054750000573694696,9.80719997501373,0.0,0.0,-0.12300000339746475,0,71.43500011577271
+2024-04-07 10:32:30.592588,5.561534,555,-2.6506889540599796,-16.061287287274958,0.0,-0.032399998605251314,0.0,0.0,0.04195000231266022,-0.054950000606477256,9.80799997425079,0.0,0.0,-0.05299999937415123,0,71.43500011577271
+2024-04-07 10:32:30.601529,5.570475,556,-2.6506277055175107,-16.06130907347734,0.0,-0.032399998605251314,0.0,0.0,0.04215000227093696,-0.054550000615417954,9.80769997692108,0.0,0.0,-0.05299999937415123,0,71.43500011577271
+2024-04-07 10:32:30.611693,5.580639,557,-2.6506277055175107,-16.06130907347734,0.0,-0.032399998605251314,0.0,0.0,0.041750002354383475,-0.05465000066906213,9.80769997692108,0.0,0.0,-0.05299999937415123,0,71.43500011577271
+2024-04-07 10:32:30.621295,5.590241,558,-2.6506277055175107,-16.06130907347734,0.0,-0.032399998605251314,0.0,0.0,0.041750002354383475,-0.05465000066906213,9.80769997692108,0.0,0.0,-0.05299999937415123,0,71.43500011577271
+2024-04-07 10:32:30.630812,5.599758,559,-2.6506277055175107,-16.06130907347734,0.0,-0.032399998605251314,0.0,0.0,0.04155000239610673,-0.054950000718235956,9.806999970436094,0.0,0.0,-0.05299999937415123,0,71.43500011577271
+2024-04-07 10:32:30.641322,5.610268,560,-2.6504222447694548,-16.061360299281947,0.0,0.0,0.0,0.0,0.041650002449750895,-0.054850000739097585,9.806999970436094,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.650563,5.619509,561,-2.6504222447694548,-16.061360299281947,0.0,0.0,0.0,0.0,0.04235000237822534,-0.05415000066161155,9.8067999753952,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.661675,5.630621,562,-2.6504222447694548,-16.061360299281947,0.0,0.0,0.0,0.0,0.04295000240206717,-0.05375000059604644,9.807099972724913,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.670639,5.639585,563,-2.6504222447694548,-16.061360299281947,0.0,0.0,0.0,0.0,0.043950002342462546,-0.053550000637769685,9.806599970817564,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.682576,5.651522,564,-2.650253725678684,-16.061374439526972,0.0,0.046800000965595244,0.0,0.0,0.04465000227093696,-0.05325000055134295,9.807099972724913,0.0,0.0,-0.07800000160932541,0,71.43500011577271
+2024-04-07 10:32:30.691409,5.660355,565,-2.650253725678684,-16.061374439526972,0.0,0.046800000965595244,0.0,0.0,0.044850002229213703,-0.05315000057220458,9.806699973106383,0.0,0.0,-0.07800000160932541,0,71.43500011577271
+2024-04-07 10:32:30.701704,5.67065,566,-2.650253725678684,-16.061374439526972,0.0,0.046800000965595244,0.0,0.0,0.045350002199411404,-0.052950000613927836,9.807499972343443,0.0,0.0,-0.07800000160932541,0,71.43500011577271
+2024-04-07 10:32:30.711812,5.680758,567,-2.650253725678684,-16.061374439526972,0.0,0.046800000965595244,0.0,0.0,0.04575000211596489,-0.0522500005364418,9.807099972724913,0.0,0.0,-0.07800000160932541,0,71.43500011577271
+2024-04-07 10:32:30.721058,5.690004,568,-2.6501217997181423,-16.061355241553724,0.0,0.03959999978542328,0.0,0.0,0.0461500020325184,-0.051650000512599936,9.806799965858458,0.0,0.0,-0.06499999761581421,0,71.43500011577271
+2024-04-07 10:32:30.730982,5.699928,569,-2.6501217997181423,-16.061355241553724,0.0,0.03959999978542328,0.0,0.0,0.04625000208616256,-0.05145000055432318,9.80669996356964,0.0,0.0,-0.06499999761581421,0,71.43500011577271
+2024-04-07 10:32:30.740897,5.709843,570,-2.6501217997181423,-16.061355241553724,0.0,0.03959999978542328,0.0,0.0,0.046850002110004424,-0.05115000054240226,9.807299967765806,0.0,0.0,-0.06499999761581421,0,71.43500011577271
+2024-04-07 10:32:30.752285,5.721231,571,-2.6501217997181423,-16.061355241553724,0.0,0.03959999978542328,0.0,0.0,0.047350002229213706,-0.05125000059604644,9.806699973106383,0.0,0.0,-0.06499999761581421,0,71.43500011577271
+2024-04-07 10:32:30.764452,5.733398,572,-2.649965095631846,-16.061381720575866,0.0,-0.057600002735853195,0.0,0.0,0.047550002187490475,-0.05105000063776968,9.807099972724913,0.0,0.0,-0.09300000220537186,0,71.43500011577271
+2024-04-07 10:32:30.770925,5.739871,573,-2.649965095631846,-16.061381720575866,0.0,-0.057600002735853195,0.0,0.0,0.04785000219941138,-0.05115000061690807,9.805899964332578,0.0,0.0,-0.09300000220537186,0,71.43500011577271
+2024-04-07 10:32:30.782826,5.751772,574,-2.649965095631846,-16.061381720575866,0.0,-0.057600002735853195,0.0,0.0,0.04815000221133231,-0.05105000056326388,9.806299963951108,0.0,0.0,-0.09300000220537186,0,71.43500011577271
+2024-04-07 10:32:30.791817,5.760763,575,-2.649965095631846,-16.061381720575866,0.0,-0.057600002735853195,0.0,0.0,0.04815000221133231,-0.05085000053048133,9.805699959754943,0.0,0.0,-0.09300000220537186,0,71.43500011577271
+2024-04-07 10:32:30.802270,5.771216,576,-2.649832725989183,-16.06139742978482,0.0,0.0,0.0,0.0,0.0482500022649765,-0.05085000053048133,9.80669996356964,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.813963,5.782909,577,-2.649832725989183,-16.06139742978482,0.0,0.0,0.0,0.0,0.047750002294778826,-0.05095000058412551,9.805999966621398,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.828053,5.796999,578,-2.649832725989183,-16.06139742978482,0.0,0.0,0.0,0.0,0.048150002360343946,-0.050850000604987136,9.80659996128082,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.832644,5.80159,579,-2.649832725989183,-16.06139742978482,0.0,0.0,0.0,0.0,0.04725000232458115,-0.05105000063776968,9.806299963951108,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.840930,5.809876,580,-2.649736848631932,-16.06138948484723,0.0,0.0,0.0,0.0,0.047150002270936964,-0.05105000063776968,9.806399966239928,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.853446,5.822392,581,-2.649736848631932,-16.06138948484723,0.0,0.0,0.0,0.0,0.0465500022470951,-0.05095000065863131,9.806799965858458,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.862848,5.831794,582,-2.649736848631932,-16.06138948484723,0.0,0.0,0.0,0.0,0.04625000223517417,-0.0510500007122755,9.806899968147276,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.872322,5.841268,583,-2.649736848631932,-16.06138948484723,0.0,0.0,0.0,0.0,0.0457500022649765,-0.05085000067949294,9.807699967384336,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:30.881378,5.850324,584,-2.6496854885008534,-16.061350980050484,0.0,0.043200000375509265,0.0,0.0,0.04585000216960908,-0.05085000067949294,9.807299967765806,0.0,0.0,-0.07000000029802322,0,71.43500011577271
+2024-04-07 10:32:30.892390,5.861336,585,-2.6496854885008534,-16.061350980050484,0.0,0.043200000375509265,0.0,0.0,0.045050002112984655,-0.05085000067949294,9.80669996356964,0.0,0.0,-0.07000000029802322,0,71.43500011577271
+2024-04-07 10:32:30.901810,5.870756,586,-2.6496854885008534,-16.061350980050484,0.0,0.043200000375509265,0.0,0.0,0.0449500022083521,-0.05115000069141387,9.806499968528746,0.0,0.0,-0.07000000029802322,0,71.43500011577271
+2024-04-07 10:32:30.916032,5.884978,587,-2.6496854885008534,-16.061350980050484,0.0,0.043200000375509265,0.0,0.0,0.04455000214278698,-0.05125000067055224,9.806199971199034,0.0,0.0,-0.07000000029802322,0,71.43500011577271
+2024-04-07 10:32:30.922590,5.891536,588,-2.649647544560575,-16.061310851316097,0.0,0.021600000187754632,0.0,0.0,0.04445000208914279,-0.051650000698864454,9.80639997577667,0.0,0.0,-0.03500000014901161,0,71.43500011577271
+2024-04-07 10:32:30.930876,5.899822,589,-2.649647544560575,-16.061310851316097,0.0,0.021600000187754632,0.0,0.0,0.04435000203549863,-0.051850000731647,9.80479997730255,0.0,0.0,-0.03500000014901161,0,71.43500011577271
+2024-04-07 10:32:30.941033,5.909979,590,-2.649647544560575,-16.061310851316097,0.0,0.021600000187754632,0.0,0.0,0.0440500020235777,-0.052050000689923756,9.805399981498716,0.0,0.0,-0.03500000014901161,0,71.43500011577271
+2024-04-07 10:32:30.950697,5.919643,591,-2.649647544560575,-16.061310851316097,0.0,0.021600000187754632,0.0,0.0,0.0436500020325184,-0.05225000068545341,9.80479997730255,0.0,0.0,-0.03500000014901161,0,71.43500011577271
+2024-04-07 10:32:30.964717,5.933663,592,-2.649597417723127,-16.061298890355665,0.0,-0.06839999780058861,0.0,0.0,0.04335000202059747,-0.05245000068098306,9.80439997768402,0.0,0.0,-0.1080000028014183,0,71.43500011577271
+2024-04-07 10:32:30.970726,5.939672,593,-2.649597417723127,-16.061298890355665,0.0,-0.06839999780058861,0.0,0.0,0.0436500020325184,-0.05275000069290399,9.804099980354307,0.0,0.0,-0.1080000028014183,0,71.43500011577271
+2024-04-07 10:32:30.981299,5.950245,594,-2.649597417723127,-16.061298890355665,0.0,-0.06839999780058861,0.0,0.0,0.04405000209808349,-0.05245000071823595,9.803799983024595,0.0,0.0,-0.1080000028014183,0,71.43500011577271
+2024-04-07 10:32:30.994243,5.963189,595,-2.649597417723127,-16.061298890355665,0.0,-0.06839999780058861,0.0,0.0,0.04465000212192535,-0.05255000069737434,9.803899985313414,0.0,0.0,-0.1080000028014183,0,71.43500011577271
+2024-04-07 10:32:31.006236,5.975182,596,-2.6495303887105255,-16.06131056992758,0.0,0.06479999721050263,0.0,0.0,0.04555000208318233,-0.05245000064373015,9.803999987602232,0.0,0.0,-0.10300000011920929,0,71.43500011577271
+2024-04-07 10:32:31.018283,5.987229,597,-2.6495303887105255,-16.06131056992758,0.0,0.06479999721050263,0.0,0.0,0.04595000207424163,-0.051750000678002825,9.804599982261657,0.0,0.0,-0.10300000011920929,0,71.43500011577271
+2024-04-07 10:32:31.026238,5.995184,598,-2.6495303887105255,-16.06131056992758,0.0,0.06479999721050263,0.0,0.0,0.04605000212788582,-0.05155000071972607,9.803899985313414,0.0,0.0,-0.10300000011920929,0,71.43500011577271
+2024-04-07 10:32:31.030818,5.999764,599,-2.6495303887105255,-16.06131056992758,0.0,0.06479999721050263,0.0,0.0,0.04675000213086605,-0.05115000072866677,9.804899989128112,0.0,0.0,-0.10300000011920929,0,71.43500011577271
+2024-04-07 10:32:31.045695,6.014641,600,-2.649499841258901,-16.061306427955046,0.0,-0.06839999780058861,0.0,0.0,0.047150002121925355,-0.050750000737607465,9.80419999217987,0.0,0.0,-0.11100000143051147,0,71.43500011577271
+2024-04-07 10:32:31.051391,6.020337,601,-2.649499841258901,-16.061306427955046,0.0,-0.06839999780058861,0.0,0.0,0.04785000219941138,-0.05055000070482492,9.803499995231627,0.0,0.0,-0.11100000143051147,0,71.43500011577271
+2024-04-07 10:32:31.066464,6.03541,602,-2.649499841258901,-16.061306427955046,0.0,-0.06839999780058861,0.0,0.0,0.04825000219047071,-0.050350000597536554,9.804099999427793,0.0,0.0,-0.11100000143051147,0,71.43500011577271
+2024-04-07 10:32:31.074853,6.043799,603,-2.649499841258901,-16.061306427955046,0.0,-0.06839999780058861,0.0,0.0,0.049150002077221866,-0.04955000061541795,9.80260000324249,0.0,0.0,-0.11100000143051147,0,71.43500011577271
+2024-04-07 10:32:31.092780,6.061726,604,-2.6494338066683207,-16.061355776789696,0.0,-0.053999998793005946,0.0,0.0,0.04975000195205212,-0.04915000062435865,9.804000006675718,0.0,0.0,-0.08500000089406967,0,71.43500011577271
+2024-04-07 10:32:31.092988,6.061934,605,-2.6494338066683207,-16.061355776789696,0.0,-0.053999998793005946,0.0,0.0,0.050950001925230026,-0.04875000055879354,9.803300009727476,0.0,0.0,-0.08500000089406967,0,71.43500011577271
+2024-04-07 10:32:31.102218,6.071164,606,-2.6494338066683207,-16.061355776789696,0.0,-0.053999998793005946,0.0,0.0,0.05165000185370444,-0.048150000460445874,9.803100014686583,0.0,0.0,-0.08500000089406967,0,71.43500011577271
+2024-04-07 10:32:31.112293,6.081239,607,-2.6494338066683207,-16.061355776789696,0.0,-0.053999998793005946,0.0,0.0,0.05215000182390214,-0.04795000035315751,9.804300023078916,0.0,0.0,-0.08500000089406967,0,71.43500011577271
+2024-04-07 10:32:31.124897,6.093843,608,-2.6493760902958976,-16.06141464772435,0.0,-0.0719999983906746,0.0,0.0,0.052850001901388166,-0.047250000350177276,9.803700018882749,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:31.133443,6.102389,609,-2.6493611456500696,-16.061432528073954,0.0,-0.0719999983906746,0.0,0.0,0.05345000177621842,-0.04665000025182961,9.804800015449523,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:31.140985,6.109931,610,-2.6493611456500696,-16.061432528073954,0.0,-0.0719999983906746,0.0,0.0,0.05395000174641609,-0.04665000025182961,9.803900013923643,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:31.151324,6.12027,611,-2.6493611456500696,-16.061432528073954,0.0,-0.0719999983906746,0.0,0.0,0.05465000182390212,-0.04655000027269124,9.805200015068053,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:31.168450,6.137396,612,-2.6493487720304603,-16.061449867981274,0.0,-0.0719999983906746,0.0,0.0,0.054550001770257955,-0.0463500003144145,9.8057000169754,0.0,0.0,-0.11599999666213989,0,71.43500011577271
+2024-04-07 10:32:31.171812,6.140758,613,-2.649337543211311,-16.061468417874757,0.0,0.0,0.0,0.0,0.05485000178217889,-0.046050000302493566,9.805500012397765,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.182096,6.151042,614,-2.649337543211311,-16.061468417874757,0.0,0.0,0.0,0.0,0.05495000168681144,-0.04555000033229588,9.805800009727475,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.191967,6.160913,615,-2.649337543211311,-16.061468417874757,0.0,0.0,0.0,0.0,0.05495000168681144,-0.04525000032037496,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.203560,6.172506,616,-2.649337543211311,-16.061468417874757,0.0,0.0,0.0,0.0,0.05515000179409982,-0.04495000030845403,9.805100012779233,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.216779,6.185725,617,-2.649345244113398,-16.06148158497489,0.0,0.0,0.0,0.0,0.05505000188946724,-0.045150000341236576,9.80450001811981,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.221567,6.190513,618,-2.649345244113398,-16.06148158497489,0.0,0.0,0.0,0.0,0.054850001931190495,-0.04535000029951333,9.805200015068053,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.231626,6.200572,619,-2.649345244113398,-16.06148158497489,0.0,0.0,0.0,0.0,0.054750001877546306,-0.045550000257790074,9.804300013542173,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.241080,6.210026,620,-2.649345244113398,-16.06148158497489,0.0,0.0,0.0,0.0,0.05465000182390212,-0.045550000257790074,9.804500008583068,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.254168,6.223114,621,-2.6493749497867496,-16.06150342229322,0.0,0.0,0.0,0.0,0.05405000180006028,-0.045950000248849376,9.804500008583068,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.264850,6.233796,622,-2.6493749497867496,-16.06150342229322,0.0,0.0,0.0,0.0,0.05375000178813935,-0.045850000269711005,9.804000006675718,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.274061,6.243007,623,-2.6493749497867496,-16.06150342229322,0.0,0.0,0.0,0.0,0.05345000177621842,-0.04615000020712613,9.804400006294248,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.290308,6.259254,624,-2.6494196021788823,-16.06151623349448,0.0,0.0,0.0,0.0,0.05345000177621842,-0.046650000214576715,9.804200011253355,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.293698,6.262644,625,-2.6494196021788823,-16.06151623349448,0.0,0.0,0.0,0.0,0.05305000185966491,-0.046550000235438344,9.80490001773834,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.301219,6.270165,626,-2.6494327324123548,-16.061518933562432,0.0,0.0,0.0,0.0,0.05315000176429749,-0.04635000027716159,9.804400015830991,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.314235,6.283181,627,-2.6494327324123548,-16.061518933562432,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.325012,6.293958,628,-2.6494327324123548,-16.061518933562432,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.335706,6.304652,629,-2.6494327324123548,-16.061518933562432,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.342587,6.311533,630,-2.6494748971394397,-16.06152598007732,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.368708,6.337654,631,-2.6494748971394397,-16.06152598007732,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.374892,6.343838,632,-2.6494748971394397,-16.06152598007732,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.375996,6.344942,633,-2.6495432326057347,-16.06153229183438,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.390028,6.358974,634,-2.6495432326057347,-16.06153229183438,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.392562,6.361508,635,-2.6495432326057347,-16.06153229183438,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.404777,6.373723,636,-2.6495432326057347,-16.06153229183438,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.417057,6.386003,637,-2.6496014937846337,-16.06153503099617,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.425884,6.39483,638,-2.6496208769431346,-16.0615357306185,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.432499,6.401445,639,-2.6496208769431346,-16.0615357306185,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.445378,6.414324,640,-2.6496208769431346,-16.0615357306185,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.471527,6.440473,641,-2.6496208769431346,-16.0615357306185,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.475292,6.444238,642,-2.6496208769431346,-16.0615357306185,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.479771,6.448717,643,-2.6497248008383947,-16.06153635423977,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.503823,6.472769,644,-2.6497248008383947,-16.06153635423977,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.503998,6.472944,645,-2.6497248008383947,-16.06153635423977,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.504011,6.472957,646,-2.6497248008383947,-16.06153635423977,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.518003,6.486949,647,-2.6498125675700335,-16.061534093580484,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,3,71.43500011577271
+2024-04-07 10:32:31.522586,6.491532,648,-2.6498125675700335,-16.061534093580484,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,3,71.43500011577271
+2024-04-07 10:32:31.531291,6.500237,649,-2.6498360201177062,-16.061533030302684,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,3,71.43500011577271
+2024-04-07 10:32:31.541148,6.510094,650,-2.6498360201177062,-16.061533030302684,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,3,71.43500011577271
+2024-04-07 10:32:31.551524,6.52047,651,-2.6498360201177062,-16.061533030302684,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,3,71.43500011577271
+2024-04-07 10:32:31.562384,6.53133,652,-2.6498360201177062,-16.061533030302684,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,3,71.43500011577271
+2024-04-07 10:32:31.571998,6.540944,653,-2.649974329481188,-16.06152419170153,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,3,71.43500011577271
+2024-04-07 10:32:31.583899,6.552845,654,-2.649974329481188,-16.06152419170153,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,3,71.43500011577271
+2024-04-07 10:32:31.591759,6.560705,655,-2.649974329481188,-16.06152419170153,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,3,71.43500011577271
+2024-04-07 10:32:31.601057,6.570003,656,-2.649974329481188,-16.06152419170153,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,3,71.43500011577271
+2024-04-07 10:32:31.612232,6.581178,657,-2.650068843535116,-16.06151550199156,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.622598,6.591544,658,-2.650092150161716,-16.061513023285496,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.631506,6.600452,659,-2.650115779858782,-16.061510391168497,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.641258,6.610204,660,-2.650115779858782,-16.061510391168497,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.651286,6.620232,661,-2.650115779858782,-16.061510391168497,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.661674,6.63062,662,-2.650115779858782,-16.061510391168497,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.671366,6.640312,663,-2.650209114966036,-16.061498840287868,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.681122,6.650068,664,-2.650209114966036,-16.061498840287868,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.692687,6.661633,665,-2.650209114966036,-16.061498840287868,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.701897,6.670843,666,-2.650209114966036,-16.061498840287868,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.713075,6.682021,667,-2.6503012400224617,-16.0614855323506,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.725897,6.694843,668,-2.6503012400224617,-16.0614855323506,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.731946,6.700892,669,-2.6503012400224617,-16.0614855323506,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.741687,6.710633,670,-2.6503012400224617,-16.0614855323506,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.751767,6.720713,671,-2.6503909201105413,-16.06147056883831,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.762807,6.731753,672,-2.6503909201105413,-16.06147056883831,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.772534,6.74148,673,-2.6503909201105413,-16.06147056883831,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.782525,6.751471,674,-2.6503909201105413,-16.06147056883831,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.793372,6.762318,675,-2.650477707742342,-16.061454172987627,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.802094,6.77104,676,-2.650498886395952,-16.061449882111546,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.813946,6.782892,677,-2.650498886395952,-16.061449882111546,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.822924,6.79187,678,-2.650498886395952,-16.061449882111546,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.831835,6.800781,679,-2.650498886395952,-16.061449882111546,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.843112,6.812058,680,-2.650581249355656,-16.06143196293077,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.852309,6.821255,681,-2.650581249355656,-16.06143196293077,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.861855,6.830801,682,-2.650581249355656,-16.06143196293077,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.872074,6.84102,683,-2.650581249355656,-16.06143196293077,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.881789,6.850735,684,-2.650659386575946,-16.0614131131114,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.892063,6.861009,685,-2.650659386575946,-16.0614131131114,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.901481,6.870427,686,-2.650659386575946,-16.0614131131114,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.911966,6.880912,687,-2.650659386575946,-16.0614131131114,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.923102,6.892048,688,-2.6507331167092403,-16.061393150622088,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.931579,6.900525,689,-2.6507331167092403,-16.061393150622088,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.941592,6.910538,690,-2.6507331167092403,-16.061393150622088,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.951442,6.920388,691,-2.6507331167092403,-16.061393150622088,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.961467,6.930413,692,-2.6507935646529126,-16.061384233892383,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.972723,6.941669,693,-2.6507935646529126,-16.061384233892383,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.981835,6.950781,694,-2.6507935646529126,-16.061384233892383,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:31.991848,6.960794,695,-2.6507935646529126,-16.061384233892383,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:32.002138,6.971084,696,-2.6508439168737814,-16.061382016565588,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:32.012545,6.981491,697,-2.6508439168737814,-16.061382016565588,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:32.022061,6.991007,698,-2.6508439168737814,-16.061382016565588,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:32.031545,7.000491,699,-2.6508439168737814,-16.061382016565588,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:32.043478,7.012424,700,-2.6508764362427653,-16.061396988256767,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:32.051805,7.020751,701,-2.6508764362427653,-16.061396988256767,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:32.061748,7.030694,702,-2.6508764362427653,-16.061396988256767,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:32.073061,7.042007,703,-2.6508764362427653,-16.061396988256767,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:32.082428,7.051374,704,-2.650889414507458,-16.061431480735642,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:32.093323,7.062269,705,-2.650889414507458,-16.061431480735642,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:32.102602,7.071548,706,-2.650889414507458,-16.061431480735642,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:32.113993,7.082939,707,-2.650889414507458,-16.061431480735642,0.0,0.0,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:32.129731,7.098677,708,-2.6509264405757573,-16.061436584135386,0.0,0.032399998605251314,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,-0.054999999701976776,0,71.43500011577271
+2024-04-07 10:32:32.132563,7.101509,709,-2.6509264405757573,-16.061436584135386,0.0,0.032399998605251314,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,-0.054999999701976776,0,71.43500011577271
+2024-04-07 10:32:32.143416,7.112362,710,-2.6509264405757573,-16.061436584135386,0.0,0.032399998605251314,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,-0.054999999701976776,0,71.43500011577271
+2024-04-07 10:32:32.152452,7.121398,711,-2.6509264405757573,-16.061436584135386,0.0,0.032399998605251314,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,-0.054999999701976776,0,71.43500011577271
+2024-04-07 10:32:32.162258,7.131204,712,-2.6509264405757573,-16.061436584135386,0.0,0.032399998605251314,0.0,0.0,0.05325000181794168,-0.04645000025629996,9.804700013160703,0.0,0.0,-0.054999999701976776,0,71.43500011577271
+2024-04-07 10:32:32.173388,7.142334,713,-2.65095993730349,-16.06142669744097,0.0,0.0,0.0,0.0,0.04625000283122063,-0.050950000472366794,9.815399952888487,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:32.181838,7.150784,714,-2.65095993730349,-16.06142669744097,0.0,0.0,0.0,0.0,0.046350002884864794,-0.05135000038892029,9.815999957084655,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:32.197322,7.166268,715,-2.65095993730349,-16.06142669744097,0.0,0.0,0.0,0.0,0.046650002896785725,-0.05135000038892029,9.816599951744077,0.0,0.0,0.0,0,71.43500011577271
+2024-04-07 10:32:32.211063,7.180009,716,-2.6509673053678853,-16.061438638156236,0.0,-0.03959999978542328,0.0,0.0,0.046550002843141564,-0.05135000038892029,9.816899958610533,0.0,0.0,-0.06499999761581421,0,71.45000011543743
+2024-04-07 10:32:32.211858,7.180804,717,-2.6509673053678853,-16.061438638156236,0.0,-0.03959999978542328,0.0,0.0,0.046750002801418306,-0.051150000356137745,9.8156999502182,0.0,0.0,-0.06499999761581421,0,71.45000011543743
+2024-04-07 10:32:32.224067,7.193013,718,-2.6509673053678853,-16.061438638156236,0.0,-0.03959999978542328,0.0,0.0,0.046750002801418306,-0.05095000039786099,9.815299950599668,0.0,0.0,-0.06499999761581421,0,71.45000011543743
+2024-04-07 10:32:32.232023,7.200969,719,-2.6509673053678853,-16.061438638156236,0.0,-0.03959999978542328,0.0,0.0,0.046750002801418306,-0.05075000043958425,9.81479994869232,0.0,0.0,-0.06499999761581421,0,71.45000011543743
+2024-04-07 10:32:32.242040,7.210986,720,-2.6509673053678853,-16.061438638156236,0.0,-0.03959999978542328,0.0,0.0,0.046950002908706656,-0.050650000460445876,9.815399952888487,0.0,0.0,-0.06499999761581421,0,71.45000011543743
+2024-04-07 10:32:32.257247,7.226193,721,-2.650950610535202,-16.06146632792359,0.0,0.0,0.0,0.0,0.04755000293254852,-0.05075000043958425,9.815499945640562,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.261933,7.230879,722,-2.650950610535202,-16.06146632792359,0.0,0.0,0.0,0.0,0.04785000294446945,-0.05085000041872262,9.81609994983673,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.271962,7.240908,723,-2.650950610535202,-16.06146632792359,0.0,0.0,0.0,0.0,0.04875000298023224,-0.05045000050216912,9.81649994945526,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.288614,7.25756,724,-2.6509446753806714,-16.06147321794047,0.0,0.0,0.0,0.0,0.04945000290870666,-0.04965000048279761,9.817099944114684,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.297388,7.266334,725,-2.650942151649963,-16.06146943282607,0.0,0.0359999991953373,0.0,0.0,0.05035000279545784,-0.048950000479817374,9.818099938392637,0.0,0.0,-0.16599999368190765,0,71.45000011543743
+2024-04-07 10:32:32.302324,7.27127,726,-2.650942151649963,-16.06146943282607,0.0,0.0359999991953373,0.0,0.0,0.05115000277757645,-0.04815000049769877,9.818299942970274,0.0,0.0,-0.16599999368190765,0,71.45000011543743
+2024-04-07 10:32:32.315012,7.283958,727,-2.650942151649963,-16.06146943282607,0.0,0.0359999991953373,0.0,0.0,0.05175000280141831,-0.04755000047385692,9.817999945640562,0.0,0.0,-0.16599999368190765,0,71.45000011543743
+2024-04-07 10:32:32.323919,7.292865,728,-2.650942151649963,-16.06146943282607,0.0,0.0359999991953373,0.0,0.0,0.052550002783536914,-0.046350000500679,9.817899943351744,0.0,0.0,-0.16599999368190765,0,71.45000011543743
+2024-04-07 10:32:32.333437,7.302383,729,-2.650931886259575,-16.061463980843634,0.0,0.0,0.0,0.0,0.0538500028848648,-0.0451500006020069,9.817499943733214,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.341711,7.310657,730,-2.650931886259575,-16.061463980843634,0.0,0.0,0.0,0.0,0.05425000280141831,-0.04425000056624412,9.81769994831085,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.352099,7.321045,731,-2.650931886259575,-16.061463980843634,0.0,0.0,0.0,0.0,0.05525000274181366,-0.04335000060498713,9.81769994831085,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.364688,7.333634,732,-2.650931886259575,-16.061463980843634,0.0,0.0,0.0,0.0,0.056350002735853194,-0.04235000066459178,9.81739995098114,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.373231,7.342177,733,-2.6509246354862968,-16.061452040746293,0.0,0.0,0.0,0.0,0.05785000279545785,-0.04145000062882899,9.817199946403502,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.381840,7.350786,734,-2.6509242219981592,-16.061449346257408,0.0,0.0,0.0,0.0,0.058950002789497385,-0.04005000062286852,9.816799946784972,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.396783,7.365729,735,-2.6509242219981592,-16.061449346257408,0.0,0.0,0.0,0.0,0.06035000294446946,-0.03835000060498714,9.816799946784972,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.404375,7.373321,736,-2.6509242219981592,-16.061449346257408,0.0,0.0,0.0,0.0,0.06155000284314155,-0.0368500006198883,9.81649994945526,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.414484,7.38343,737,-2.6509242219981592,-16.061449346257408,0.0,0.0,0.0,0.0,0.0630500029027462,-0.03535000070929527,9.81649994945526,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.425716,7.394662,738,-2.650922762500715,-16.061445326285707,0.0,0.0,0.0,0.0,0.06455000281333922,-0.03385000057518481,9.815499955177305,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.432866,7.401812,739,-2.650922762500715,-16.061445326285707,0.0,0.0,0.0,0.0,0.06565000295639037,-0.0322500006854534,9.815699959754943,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.445678,7.414624,740,-2.650922762500715,-16.061445326285707,0.0,0.0,0.0,0.0,0.06705000281333923,-0.030550000742077824,9.815099955558775,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.454226,7.423172,741,-2.650922762500715,-16.061445326285707,0.0,0.0,0.0,0.0,0.06895000278949737,-0.028850000575184817,9.81539996242523,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.466376,7.435322,742,-2.650943921832741,-16.06143230743039,0.0,0.028800001367926598,0.0,0.0,0.07065000295639037,-0.026850000545382488,9.815599957466123,0.0,0.0,0.19699999690055847,0,71.45000011543743
+2024-04-07 10:32:32.473369,7.442315,743,-2.650943921832741,-16.06143230743039,0.0,0.028800001367926598,0.0,0.0,0.07195000290870668,-0.02455000050365924,9.815599957466123,0.0,0.0,0.19699999690055847,0,71.45000011543743
+2024-04-07 10:32:32.484099,7.453045,744,-2.650943921832741,-16.06143230743039,0.0,0.028800001367926598,0.0,0.0,0.07275000289082528,-0.023650000467896448,9.815399952888487,0.0,0.0,0.19699999690055847,0,71.45000011543743
+2024-04-07 10:32:32.496346,7.465292,745,-2.650943921832741,-16.06143230743039,0.0,0.028800001367926598,0.0,0.0,0.07295000284910202,-0.024750000480562445,9.815099955558775,0.0,0.0,0.19699999690055847,0,71.45000011543743
+2024-04-07 10:32:32.509877,7.478823,746,-2.650996387565596,-16.06141349433505,0.0,-0.010800000093877316,0.0,0.0,0.07255000285804272,-0.025450000502169112,9.815199957847593,0.0,0.0,0.27300000190734863,0,71.45000011543743
+2024-04-07 10:32:32.516385,7.485331,747,-2.650996387565596,-16.06141349433505,0.0,-0.010800000093877316,0.0,0.0,0.07165000289678575,-0.02585000049322843,9.81489996051788,0.0,0.0,0.27300000190734863,0,71.45000011543743
+2024-04-07 10:32:32.524306,7.493252,748,-2.650996387565596,-16.06141349433505,0.0,-0.010800000093877316,0.0,0.0,0.07145000293850898,-0.026050000526010975,9.815499955177305,0.0,0.0,0.27300000190734863,0,71.45000011543743
+2024-04-07 10:32:32.531749,7.500695,749,-2.650996387565596,-16.06141349433505,0.0,-0.010800000093877316,0.0,0.0,0.07005000287666918,-0.026050000526010975,9.815199957847593,0.0,0.0,0.27300000190734863,0,71.45000011543743
+2024-04-07 10:32:32.541915,7.510861,750,-2.6510823954072356,-16.06139428424835,0.0,0.0036000001709908247,0.0,0.0,0.06955000290647148,-0.026450000554323186,9.81449996089935,0.0,0.0,0.37400001287460327,0,71.45000011543743
+2024-04-07 10:32:32.552238,7.521184,751,-2.6510823954072356,-16.06139428424835,0.0,0.0036000001709908247,0.0,0.0,0.06785000283271075,-0.026550000570714466,9.81409996128082,0.0,0.0,0.37400001287460327,0,71.45000011543743
+2024-04-07 10:32:32.565681,7.534627,752,-2.6510823954072356,-16.06139428424835,0.0,0.0036000001709908247,0.0,0.0,0.06625000275671483,-0.027450000606477246,9.813999958992003,0.0,0.0,0.37400001287460327,0,71.45000011543743
+2024-04-07 10:32:32.572344,7.54129,753,-2.6510823954072356,-16.06139428424835,0.0,0.0036000001709908247,0.0,0.0,0.06495000278577209,-0.028650000598281614,9.813499966621396,0.0,0.0,0.37400001287460327,0,71.45000011543743
+2024-04-07 10:32:32.582486,7.551432,754,-2.651205309429748,-16.061365320750404,0.0,0.0,0.0,0.0,0.06295000271871687,-0.029550000596791498,9.813199969291686,0.0,0.0,0.35100001096725464,0,71.45000011543743
+2024-04-07 10:32:32.592898,7.561844,755,-2.651205309429748,-16.061365320750404,0.0,0.0,0.0,0.0,0.06145000264048575,-0.030450000595301382,9.813099967002866,0.0,0.0,0.35100001096725464,0,71.45000011543743
+2024-04-07 10:32:32.604455,7.573401,756,-2.651205309429748,-16.061365320750404,0.0,0.0,0.0,0.0,0.06005000261589885,-0.03155000057071447,9.813399964332579,0.0,0.0,0.35100001096725464,0,71.45000011543743
+2024-04-07 10:32:32.614647,7.583593,757,-2.651205309429748,-16.061365320750404,0.0,0.0,0.0,0.0,0.05855000263080001,-0.032150000557303424,9.813399964332579,0.0,0.0,0.35100001096725464,0,71.45000011543743
+2024-04-07 10:32:32.623710,7.592656,758,-2.6513522907020457,-16.061333473514672,0.0,0.0,0.0,0.0,0.05715000266209244,-0.0332500005327165,9.81369996166229,0.0,0.0,0.3479999899864197,0,71.45000011543743
+2024-04-07 10:32:32.632402,7.601348,759,-2.6513522907020457,-16.061333473514672,0.0,0.0,0.0,0.0,0.05635000260546805,-0.03365000056102871,9.813399954795836,0.0,0.0,0.3479999899864197,0,71.45000011543743
+2024-04-07 10:32:32.642712,7.611658,760,-2.6513522907020457,-16.061333473514672,0.0,0.0,0.0,0.0,0.05525000261142851,-0.033950000610202535,9.812899952888486,0.0,0.0,0.3479999899864197,0,71.45000011543743
+2024-04-07 10:32:32.657473,7.626419,761,-2.6515018509263375,-16.061311641626443,0.0,-0.007200000341981649,0.0,0.0,0.05455000260844828,-0.0347500006109476,9.812499953269956,0.0,0.0,0.2750000059604645,0,71.45000011543743
+2024-04-07 10:32:32.663519,7.632465,762,-2.6515018509263375,-16.061311641626443,0.0,-0.007200000341981649,0.0,0.0,0.053650002647191275,-0.03585000060498714,9.812299958229064,0.0,0.0,0.2750000059604645,0,71.45000011543743
+2024-04-07 10:32:32.672906,7.641852,763,-2.6515018509263375,-16.061311641626443,0.0,-0.007200000341981649,0.0,0.0,0.05285000266507267,-0.03715000059455632,9.811999960899351,0.0,0.0,0.2750000059604645,0,71.45000011543743
+2024-04-07 10:32:32.682692,7.651638,764,-2.6515018509263375,-16.061311641626443,0.0,-0.007200000341981649,0.0,0.0,0.05215000266209244,-0.03855000060051679,9.811599961280821,0.0,0.0,0.2750000059604645,0,71.45000011543743
+2024-04-07 10:32:32.692442,7.661388,765,-2.6515018509263375,-16.061311641626443,0.0,-0.007200000341981649,0.0,0.0,0.05195000255480409,-0.03965000063180922,9.811399966239927,0.0,0.0,0.2750000059604645,0,71.45000011543743
+2024-04-07 10:32:32.705031,7.673977,766,-2.6516545366650006,-16.061288177657357,0.0,0.014400000683963299,0.0,0.0,0.051650002542883156,-0.040650000646710385,9.81129996395111,0.0,0.0,0.23499999940395355,0,71.45000011543743
+2024-04-07 10:32:32.712793,7.681739,767,-2.6516545366650006,-16.061288177657357,0.0,0.014400000683963299,0.0,0.0,0.051350002530962224,-0.04135000064969062,9.810999966621397,0.0,0.0,0.23499999940395355,0,71.45000011543743
+2024-04-07 10:32:32.723579,7.692525,768,-2.6516545366650006,-16.061288177657357,0.0,0.014400000683963299,0.0,0.0,0.0515500026382506,-0.0418500006571412,9.811399966239927,0.0,0.0,0.23499999940395355,0,71.45000011543743
+2024-04-07 10:32:32.735211,7.704157,769,-2.6516545366650006,-16.061288177657357,0.0,0.014400000683963299,0.0,0.0,0.051650002691894764,-0.04205000068992375,9.810899973869322,0.0,0.0,0.23499999940395355,0,71.45000011543743
+2024-04-07 10:32:32.743478,7.712424,770,-2.6517967028129235,-16.06126942549994,0.0,-0.043200000375509265,0.0,0.0,0.0515500026382506,-0.04225000072270631,9.810799981117247,0.0,0.0,0.18700000643730164,0,71.45000011543743
+2024-04-07 10:32:32.756916,7.725862,771,-2.6517967028129235,-16.06126942549994,0.0,-0.043200000375509265,0.0,0.0,0.051850002650171506,-0.04245000075548887,9.81069998836517,0.0,0.0,0.18700000643730164,0,71.45000011543743
+2024-04-07 10:32:32.766215,7.735161,772,-2.6517967028129235,-16.06126942549994,0.0,-0.043200000375509265,0.0,0.0,0.051750002596527345,-0.042950000800192345,9.810899992942808,0.0,0.0,0.18700000643730164,0,71.45000011543743
+2024-04-07 10:32:32.772569,7.741515,773,-2.6517967028129235,-16.06126942549994,0.0,-0.043200000375509265,0.0,0.0,0.05225000256672502,-0.04365000080317258,9.81199998950958,0.0,0.0,0.18700000643730164,0,71.45000011543743
+2024-04-07 10:32:32.782141,7.751087,774,-2.6518906939236846,-16.06129019290198,0.0,-0.07559999898076057,0.0,0.0,0.05255000257864595,-0.04385000083595514,9.81199998950958,0.0,0.0,0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:32.793282,7.762228,775,-2.6518906939236846,-16.06129019290198,0.0,-0.07559999898076057,0.0,0.0,0.0527500026859343,-0.043950000889599314,9.81249999141693,0.0,0.0,0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:32.809705,7.778651,776,-2.6518906939236846,-16.06129019290198,0.0,-0.07559999898076057,0.0,0.0,0.05295000279322268,-0.04355000082403421,9.812699986457822,0.0,0.0,0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:32.833544,7.80249,777,-2.6518906939236846,-16.06129019290198,0.0,-0.07559999898076057,0.0,0.0,0.05315000275149942,-0.04315000090748071,9.812799988746642,0.0,0.0,0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:32.833571,7.802517,778,-2.6518906939236846,-16.06129019290198,0.0,-0.07559999898076057,0.0,0.0,0.05305000269785523,-0.04255000095814465,9.813199988365172,0.0,0.0,0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:32.833766,7.802712,779,-2.651980706591138,-16.06130167171706,0.0,0.0,0.0,0.0,0.05325000265613197,-0.04245000097900628,9.813399992942808,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.842948,7.811894,780,-2.651980706591138,-16.06130167171706,0.0,0.0,0.0,0.0,0.05325000265613197,-0.042550001032650456,9.813499985694884,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.863087,7.832033,781,-2.651980706591138,-16.06130167171706,0.0,0.0,0.0,0.0,0.05285000273957849,-0.04175000105053185,9.813099986076352,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.872209,7.841155,782,-2.652087980748737,-16.061280296176704,0.0,0.0,0.0,0.0,0.05305000284686684,-0.041450001113116725,9.812899981498717,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.873071,7.842017,783,-2.652087980748737,-16.061280296176704,0.0,0.0,0.0,0.0,0.05295000294223429,-0.041450001113116725,9.812999983787535,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.883085,7.852031,784,-2.652087980748737,-16.061280296176704,0.0,0.0,0.0,0.0,0.05305000299587845,-0.041450001113116725,9.813099986076352,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:32.904135,7.873081,785,-2.6522278061545035,-16.061208355816287,0.0,0.07919999957084656,0.0,0.0,0.05295000294223429,-0.04205000106245278,9.813799983024595,0.0,0.0,0.12600000202655792,0,71.45000011543743
+2024-04-07 10:32:32.905573,7.874519,786,-2.6522278061545035,-16.061208355816287,0.0,0.07919999957084656,0.0,0.0,0.05295000294223429,-0.04225000109523534,9.813999987602232,0.0,0.0,0.12600000202655792,0,71.45000011543743
+2024-04-07 10:32:32.913516,7.882462,787,-2.6522278061545035,-16.061208355816287,0.0,0.07919999957084656,0.0,0.0,0.05275000283494591,-0.04225000109523534,9.813499995231627,0.0,0.0,0.12600000202655792,0,71.45000011543743
+2024-04-07 10:32:32.924616,7.893562,788,-2.6522278061545035,-16.061208355816287,0.0,0.07919999957084656,0.0,0.0,0.05325000295415522,-0.04215000111609696,9.813999997138975,0.0,0.0,0.12600000202655792,0,71.45000011543743
+2024-04-07 10:32:32.935583,7.904529,789,-2.6523138092739798,-16.061150643446837,0.0,0.07919999957084656,0.0,0.0,0.05295000294223429,-0.04185000110417604,9.812799998283385,0.0,0.0,0.12600000202655792,0,71.45000011543743
+2024-04-07 10:32:32.944053,7.912999,790,-2.652390123702741,-16.061103307303046,0.0,-0.0036000001709908247,0.0,0.0,0.05295000294223429,-0.041550001166760914,9.812799998283385,0.0,0.0,0.08299999684095383,0,71.45000011543743
+2024-04-07 10:32:32.955254,7.9242,791,-2.652390123702741,-16.061103307303046,0.0,-0.0036000001709908247,0.0,0.0,0.052550002876669166,-0.041850001178681845,9.812199994087218,0.0,0.0,0.08299999684095383,0,71.45000011543743
+2024-04-07 10:32:32.963388,7.932334,792,-2.652390123702741,-16.061103307303046,0.0,-0.0036000001709908247,0.0,0.0,0.052350002769380816,-0.0424500011652708,9.813199988365172,0.0,0.0,0.08299999684095383,0,71.45000011543743
+2024-04-07 10:32:32.974324,7.94327,793,-2.652416830462899,-16.06108642976873,0.0,-0.0036000001709908247,0.0,0.0,0.052350002769380816,-0.04275000117719173,9.813999987602232,0.0,0.0,0.08299999684095383,0,71.45000011543743
+2024-04-07 10:32:32.985154,7.9541,794,-2.652506550030294,-16.061034676223333,0.0,-0.0036000001709908247,0.0,0.0,0.05135000282898544,-0.04265000112354754,9.814899989128111,0.0,0.0,0.08299999684095383,0,71.45000011543743
+2024-04-07 10:32:32.997105,7.966051,795,-2.652506550030294,-16.061034676223333,0.0,-0.0036000001709908247,0.0,0.0,0.05135000282898544,-0.04265000112354754,9.815199986457824,0.0,0.0,0.08299999684095383,0,71.45000011543743
+2024-04-07 10:32:33.005059,7.974005,796,-2.652506550030294,-16.061034676223333,0.0,-0.0036000001709908247,0.0,0.0,0.05085000278428198,-0.04235000111162661,9.815299988746641,0.0,0.0,0.08299999684095383,0,71.45000011543743
+2024-04-07 10:32:33.016092,7.985038,797,-2.6526462090103795,-16.0609352599383,0.0,0.043200000375509265,0.0,0.0,0.05115000272169709,-0.04225000113248824,9.815299988746641,0.0,0.0,0.0729999989271164,0,71.45000011543743
+2024-04-07 10:32:33.027157,7.996103,798,-2.6526462090103795,-16.0609352599383,0.0,0.043200000375509265,0.0,0.0,0.05075000280514361,-0.04225000113248824,9.81579999065399,0.0,0.0,0.0729999989271164,0,71.45000011543743
+2024-04-07 10:32:33.033815,8.002761,799,-2.6526462090103795,-16.0609352599383,0.0,0.043200000375509265,0.0,0.0,0.05055000284686684,-0.04195000112056731,9.815099984169004,0.0,0.0,0.0729999989271164,0,71.45000011543743
+2024-04-07 10:32:33.043888,8.012834,800,-2.6526462090103795,-16.0609352599383,0.0,0.043200000375509265,0.0,0.0,0.050350002888590095,-0.04235000114887952,9.814899989128111,0.0,0.0,0.0729999989271164,0,71.45000011543743
+2024-04-07 10:32:33.060255,8.029201,801,-2.6528135248924616,-16.060799659363887,0.0,0.0,0.0,0.0,0.050350002888590095,-0.04275000113993882,9.814699994087217,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.065470,8.034416,802,-2.6528135248924616,-16.060799659363887,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04285000111907719,9.814399996757505,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.086308,8.055254,803,-2.6528135248924616,-16.060799659363887,0.0,0.0,0.0,0.0,0.050250002909451724,-0.04315000113099812,9.814600001335142,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.086324,8.05527,804,-2.6528135248924616,-16.060799659363887,0.0,0.0,0.0,0.0,0.050250002909451724,-0.04315000113099812,9.815400000572202,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.092691,8.061637,805,-2.6528135248924616,-16.060799659363887,0.0,0.0,0.0,0.0,0.050150002855807535,-0.043450001142919054,9.815500002861022,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.108287,8.077233,806,-2.652951849911709,-16.060684048722955,0.0,0.0,0.0,0.0,0.049850002843886604,-0.04335000116378068,9.815800000190732,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.129325,8.098271,807,-2.652951849911709,-16.060684048722955,0.0,0.0,0.0,0.0,0.049850002843886604,-0.04315000113099812,9.81470000362396,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.129657,8.098603,808,-2.652951849911709,-16.060684048722955,0.0,0.0,0.0,0.0,0.049850002843886604,-0.04315000113099812,9.815900002479552,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.135880,8.104826,809,-2.652951849911709,-16.060684048722955,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04325000111013649,9.81430000400543,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.144796,8.113742,810,-2.65307969403151,-16.060573114481368,0.0,0.0,0.0,0.0,0.050050002802163374,-0.043550001122057425,9.814500008583067,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.171000,8.139946,811,-2.65307969403151,-16.060573114481368,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.171021,8.139967,812,-2.65307969403151,-16.060573114481368,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.177238,8.146184,813,-2.65307969403151,-16.060573114481368,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.184893,8.153839,814,-2.6531889225204717,-16.060473601496064,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.196463,8.165409,815,-2.6531889225204717,-16.060473601496064,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.228419,8.197365,816,-2.6531889225204717,-16.060473601496064,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.228430,8.197376,817,-2.6531889225204717,-16.060473601496064,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.228825,8.197771,818,-2.6532779213365423,-16.060386316193686,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.235291,8.204237,819,-2.6532779213365423,-16.060386316193686,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.245318,8.214264,820,-2.6532779213365423,-16.060386316193686,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.284782,8.253728,821,-2.653356060122096,-16.060307614997015,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.284816,8.253762,822,-2.653356060122096,-16.060307614997015,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.284833,8.253779,823,-2.653356060122096,-16.060307614997015,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.333223,8.302169,824,-2.653356060122096,-16.060307614997015,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.335437,8.304383,825,-2.653356060122096,-16.060307614997015,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.335475,8.304421,826,-2.653356060122096,-16.060307614997015,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.335518,8.304464,827,-2.653356060122096,-16.060307614997015,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.335554,8.3045,828,-2.6533991925224005,-16.06027963427731,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.352676,8.321622,829,-2.653469820892452,-16.060177691061362,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.352685,8.321631,830,-2.653469820892452,-16.060177691061362,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.352694,8.32164,831,-2.653469820892452,-16.060177691061362,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.364464,8.33341,832,-2.653469820892452,-16.060177691061362,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.373006,8.341952,833,-2.653469820892452,-16.060177691061362,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.383266,8.352212,834,-2.6535064354632176,-16.06012559013744,0.0,0.0,0.0,0.0,0.050050002802163374,-0.04375000108033418,9.813800011634825,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.394576,8.363522,835,-2.6535064354632176,-16.06012559013744,0.0,0.0,0.0,0.0,0.030650002453476183,-0.05845000091940164,9.813200036048887,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.402820,8.371766,836,-2.6535064354632176,-16.06012559013744,0.0,0.0,0.0,0.0,0.028850002530962232,-0.060150000937283024,9.813400040626524,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.413714,8.38266,837,-2.6535219931582383,-16.06009025323353,0.0,0.0,0.0,0.0,0.027050002459436645,-0.06175000082701444,9.81410004711151,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.427888,8.396834,838,-2.6535219931582383,-16.06009025323353,0.0,0.0,0.0,0.0,0.025050002504140134,-0.06355000089854002,9.814700041770934,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.432879,8.401825,839,-2.6535219931582383,-16.06009025323353,0.0,0.0,0.0,0.0,0.023450002390891317,-0.06545000080019235,9.814700041770934,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.443702,8.412648,840,-2.6535219931582383,-16.06009025323353,0.0,0.0,0.0,0.0,0.02165000246837734,-0.06765000071376562,9.815300045967101,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.452955,8.421901,841,-2.6535219931582383,-16.06009025323353,0.0,0.0,0.0,0.0,0.0197500024922192,-0.06975000079721211,9.815300045967101,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.463031,8.431977,842,-2.6534959390938293,-16.06006685371646,0.0,0.0,0.0,0.0,0.01825000243261457,-0.07155000086873768,9.814700051307677,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.472844,8.44179,843,-2.6534959390938293,-16.06006685371646,0.0,0.0,0.0,0.0,0.016950002480298293,-0.07385000091046094,9.815000058174132,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.482554,8.4515,844,-2.6534959390938293,-16.06006685371646,0.0,0.0,0.0,0.0,0.016650002468377362,-0.07475000094622372,9.81510006046295,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.493283,8.462229,845,-2.6534959390938293,-16.06006685371646,0.0,0.0,0.0,0.0,0.016950002480298293,-0.07355000095441937,9.81550006008148,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.510403,8.479349,846,-2.653389015076685,-16.060082983569096,0.0,0.0036000001709908247,0.0,0.0,0.01805000239983201,-0.07325000096112488,9.816300059318541,0.0,0.0,-0.17100000381469727,0,71.45000011543743
+2024-04-07 10:32:33.512883,8.481829,847,-2.653389015076685,-16.060082983569096,0.0,0.0036000001709908247,0.0,0.0,0.01975000234320759,-0.07325000096112488,9.816800061225889,0.0,0.0,-0.17100000381469727,0,71.45000011543743
+2024-04-07 10:32:33.524349,8.493295,848,-2.653389015076685,-16.060082983569096,0.0,0.0036000001709908247,0.0,0.0,0.020250002313405263,-0.07335000094026325,9.816200066566465,0.0,0.0,-0.17100000381469727,0,71.45000011543743
+2024-04-07 10:32:33.533207,8.502153,849,-2.653389015076685,-16.060082983569096,0.0,0.0036000001709908247,0.0,0.0,0.0220500022917986,-0.07345000091940164,9.816100064277647,0.0,0.0,-0.17100000381469727,0,71.45000011543743
+2024-04-07 10:32:33.544120,8.513066,850,-2.6532280429971116,-16.060107343452515,0.0,0.043200000375509265,0.0,0.0,0.02265000231564046,-0.07305000089108943,9.816400061607359,0.0,0.0,-0.0729999989271164,0,71.45000011543743
+2024-04-07 10:32:33.558467,8.527413,851,-2.6532280429971116,-16.060107343452515,0.0,0.043200000375509265,0.0,0.0,0.024350002389401187,-0.0727500008419156,9.816200066566465,0.0,0.0,-0.0729999989271164,0,71.45000011543743
+2024-04-07 10:32:33.565693,8.534639,852,-2.6532280429971116,-16.060107343452515,0.0,0.043200000375509265,0.0,0.0,0.02615000242367388,-0.07185000080615281,9.815500069618222,0.0,0.0,-0.0729999989271164,0,71.45000011543743
+2024-04-07 10:32:33.572896,8.541842,853,-2.6530211724170853,-16.060135733027035,0.0,0.0,0.0,0.0,0.02765000250190497,-0.07055000083521007,9.81510006046295,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.583152,8.552098,854,-2.6530211724170853,-16.060135733027035,0.0,0.0,0.0,0.0,0.029550002515316004,-0.06975000081583857,9.814400053977964,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.593448,8.562394,855,-2.6530211724170853,-16.060135733027035,0.0,0.0,0.0,0.0,0.030650002527982,-0.06895000079646706,9.814500056266782,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.609836,8.578782,856,-2.6530211724170853,-16.060135733027035,0.0,0.0,0.0,0.0,0.03185000259429216,-0.06825000081211327,9.814600058555602,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.613399,8.582345,857,-2.6528743758829796,-16.060124923807287,0.0,0.046800000965595244,0.0,0.0,0.032750002555549135,-0.06745000079274177,9.814900055885314,0.0,0.0,-0.07800000160932541,0,71.45000011543743
+2024-04-07 10:32:33.628570,8.597516,858,-2.6528284596309017,-16.060115227275194,0.0,0.046800000965595244,0.0,0.0,0.03365000255405903,-0.06675000080838799,9.815600052833556,0.0,0.0,-0.07800000160932541,0,71.45000011543743
+2024-04-07 10:32:33.635551,8.604497,859,-2.6528284596309017,-16.060115227275194,0.0,0.046800000965595244,0.0,0.0,0.03425000250339508,-0.0666500007919967,9.816100054740904,0.0,0.0,-0.07800000160932541,0,71.45000011543743
+2024-04-07 10:32:33.647996,8.616942,860,-2.6528284596309017,-16.060115227275194,0.0,0.046800000965595244,0.0,0.0,0.03475000247359275,-0.06625000076368451,9.815800057411192,0.0,0.0,-0.07800000160932541,0,71.45000011543743
+2024-04-07 10:32:33.653300,8.622246,861,-2.6527282300515425,-16.060101042382712,0.0,0.0,0.0,0.0,0.03515000246465205,-0.06535000078380107,9.816300059318541,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.663107,8.632053,862,-2.652620363729743,-16.060092421648793,0.0,0.0,0.0,0.0,0.035950002521276475,-0.0643500007688999,9.816500054359434,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.673479,8.642425,863,-2.652620363729743,-16.060092421648793,0.0,0.0,0.0,0.0,0.03675000250339508,-0.06315000075846909,9.816600056648253,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.683583,8.652529,864,-2.652620363729743,-16.060092421648793,0.0,0.0,0.0,0.0,0.037350002452731124,-0.06165000077337025,9.816600056648253,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.693724,8.66267,865,-2.652409070563518,-16.060064173335036,0.0,0.0,0.0,0.0,0.03745000250637531,-0.06055000074207782,9.816400052070616,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.709724,8.67867,866,-2.652409070563518,-16.060064173335036,0.0,0.0,0.0,0.0,0.037750002518296244,-0.05945000074803829,9.815900050163266,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.715662,8.684608,867,-2.652409070563518,-16.060064173335036,0.0,0.0,0.0,0.0,0.037950002625584595,-0.059150000736117356,9.816200047492979,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.727844,8.69679,868,-2.652409070563518,-16.060064173335036,0.0,0.0,0.0,0.0,0.0375500025600195,-0.058950000740587705,9.815500050544737,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.736359,8.705305,869,-2.652160427745738,-16.060080825119734,0.0,-0.07559999898076057,0.0,0.0,0.03745000250637531,-0.05835000071674584,9.816100045204161,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:33.743397,8.712343,870,-2.652160427745738,-16.060080825119734,0.0,-0.07559999898076057,0.0,0.0,0.037350002452731124,-0.05815000068396328,9.816000042915343,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:33.756320,8.725266,871,-2.652160427745738,-16.060080825119734,0.0,-0.07559999898076057,0.0,0.0,0.03685000248253345,-0.05775000069290398,9.815800038337706,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:33.767729,8.736675,872,-2.652160427745738,-16.060080825119734,0.0,-0.07559999898076057,0.0,0.0,0.03685000248253345,-0.0572500006482005,9.816300040245054,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:33.773260,8.742206,873,-2.652092242009315,-16.060088426154714,0.0,-0.07559999898076057,0.0,0.0,0.036450002565979966,-0.05655000064522027,9.815600043296811,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:33.783463,8.752409,874,-2.651940313610742,-16.060083892243707,0.0,0.014400000683963299,0.0,0.0,0.036050002500414846,-0.05595000069588421,9.815000039100646,0.0,0.0,-0.027000000700354576,0,71.45000011543743
+2024-04-07 10:32:33.794146,8.763092,875,-2.651940313610742,-16.060083892243707,0.0,0.014400000683963299,0.0,0.0,0.036050002500414846,-0.055650000683963294,9.814800044059751,0.0,0.0,-0.027000000700354576,0,71.45000011543743
+2024-04-07 10:32:33.825665,8.794611,876,-2.651940313610742,-16.060083892243707,0.0,0.014400000683963299,0.0,0.0,0.03615000240504743,-0.05575000073760747,9.81450004673004,0.0,0.0,-0.027000000700354576,0,71.45000011543743
+2024-04-07 10:32:33.825682,8.794628,877,-2.651940313610742,-16.060083892243707,0.0,0.014400000683963299,0.0,0.0,0.03595000244677066,-0.05595000069588421,9.81370004749298,0.0,0.0,-0.027000000700354576,0,71.45000011543743
+2024-04-07 10:32:33.825941,8.794887,878,-2.6516523962219183,-16.060128556524454,0.0,-0.032399998605251314,0.0,0.0,0.03635000251233578,-0.05665000062435864,9.813100052833555,0.0,0.0,-0.05299999937415123,0,71.45000011543743
+2024-04-07 10:32:33.833552,8.802498,879,-2.6515975995739383,-16.060138158075038,0.0,0.0,0.0,0.0,0.0362500026077032,-0.05695000056177377,9.813500052452085,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.851774,8.82072,880,-2.651545568870814,-16.060148345736714,0.0,0.0,0.0,0.0,0.0362500026077032,-0.056550000570714465,9.81300006008148,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.858611,8.827557,881,-2.651545568870814,-16.060148345736714,0.0,0.0,0.0,0.0,0.03635000251233578,-0.05715000052005051,9.81300006008148,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.867797,8.836743,882,-2.651545568870814,-16.060148345736714,0.0,0.0,0.0,0.0,0.03635000251233578,-0.05715000052005051,9.812900057792662,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.874733,8.843679,883,-2.651545568870814,-16.060148345736714,0.0,0.0,0.0,0.0,0.03635000251233578,-0.05695000056177377,9.812500058174132,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.883445,8.852391,884,-2.6513888746406544,-16.060179471535587,0.0,-0.021600000187754632,0.0,0.0,0.03625000245869159,-0.05715000052005051,9.812000056266783,0.0,0.0,-0.16599999368190765,0,71.45000011543743
+2024-04-07 10:32:33.897880,8.866826,885,-2.6513888746406544,-16.060179471535587,0.0,-0.021600000187754632,0.0,0.0,0.036050002500414846,-0.05725000053644179,9.811400052070615,0.0,0.0,-0.16599999368190765,0,71.45000011543743
+2024-04-07 10:32:33.903892,8.872838,886,-2.6513888746406544,-16.060179471535587,0.0,-0.021600000187754632,0.0,0.0,0.03595000244677066,-0.057150000482797614,9.81120004749298,0.0,0.0,-0.16599999368190765,0,71.45000011543743
+2024-04-07 10:32:33.913049,8.881995,887,-2.6513888746406544,-16.060179471535587,0.0,-0.021600000187754632,0.0,0.0,0.036050002500414846,-0.057450000494718545,9.811400042533872,0.0,0.0,-0.16599999368190765,0,71.45000011543743
+2024-04-07 10:32:33.926916,8.895862,888,-2.651145692616675,-16.060235706915915,0.0,0.0,0.0,0.0,0.035850002393126496,-0.05765000045299529,9.811700039863585,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.933135,8.902081,889,-2.651145692616675,-16.060235706915915,0.0,0.0,0.0,0.0,0.03565000228583812,-0.05805000044405459,9.812500039100644,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.943439,8.912385,890,-2.651145692616675,-16.060235706915915,0.0,0.0,0.0,0.0,0.035550002381205564,-0.058250000402331345,9.812500039100644,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.953321,8.922267,891,-2.651145692616675,-16.060235706915915,0.0,0.0,0.0,0.0,0.035650002434849726,-0.058050000369548785,9.812000037193297,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:33.963845,8.932791,892,-2.6509431338344034,-16.06030803360752,0.0,-0.06120000332593918,0.0,0.0,0.035750002488493915,-0.05765000034123659,9.811200037956237,0.0,0.0,-0.09799999743700027,0,71.45000011543743
+2024-04-07 10:32:33.973351,8.942297,893,-2.6508910034915947,-16.06033222748768,0.0,-0.06120000332593918,0.0,0.0,0.036050002500414846,-0.057150000296533096,9.810000039100645,0.0,0.0,-0.09799999743700027,0,71.45000011543743
+2024-04-07 10:32:33.983115,8.952061,894,-2.650840249082,-16.060356452679592,0.0,-0.06120000332593918,0.0,0.0,0.03655000247061252,-0.057150000296533096,9.809400034904478,0.0,0.0,-0.09799999743700027,0,71.45000011543743
+2024-04-07 10:32:33.994940,8.963886,895,-2.650840249082,-16.060356452679592,0.0,-0.06120000332593918,0.0,0.0,0.03685000248253345,-0.05705000024288892,9.809500037193297,0.0,0.0,-0.09799999743700027,0,71.45000011543743
+2024-04-07 10:32:34.005244,8.97419,896,-2.650840249082,-16.060356452679592,0.0,-0.06120000332593918,0.0,0.0,0.037450002431869495,-0.05655000019818543,9.808200036048888,0.0,0.0,-0.09799999743700027,0,71.45000011543743
+2024-04-07 10:32:34.013207,8.982153,897,-2.650840249082,-16.060356452679592,0.0,-0.06120000332593918,0.0,0.0,0.037850002497434615,-0.05635000023990869,9.808700037956235,0.0,0.0,-0.09799999743700027,0,71.45000011543743
+2024-04-07 10:32:34.023259,8.992205,898,-2.6507147833429725,-16.060397825585863,0.0,0.05040000155568123,0.0,0.0,0.03885000243782996,-0.055850000269711014,9.808200036048888,0.0,0.0,-0.07999999821186066,0,71.45000011543743

+ 79 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-31_obstacledetection_9/DriverCtrl_pji.csv

@@ -0,0 +1,79 @@
+Time,simTime,simFrame,tarspeedX,tarspeedY,tarspeedZ,tardimX,tardimY,tardimZ
+2024-04-07 10:32:34.054489,0.020895,1,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:34.157806,0.124212,2,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:34.259279,0.225685,3,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:34.356404,0.32281,4,0.0,0.0,0.0,0.0,0.0,0.03578947111964226
+2024-04-07 10:32:34.459060,0.425466,5,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:34.551812,0.518218,6,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:34.657755,0.624161,7,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:34.754989,0.721395,8,0.0,0.0,0.0,0.0,0.0,0.03842104598879814
+2024-04-07 10:32:34.857867,0.824273,9,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:34.959018,0.925424,10,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:35.052165,1.018571,11,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:35.149585,1.115991,12,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:35.257691,1.224097,13,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:35.357950,1.324356,14,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:35.460000,1.426406,15,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:35.557641,1.524047,16,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:35.659929,1.626335,17,0.0,0.0,0.0,0.0,0.0,-0.0801052451133728
+2024-04-07 10:32:35.751850,1.718256,18,0.0,0.0,0.0,0.0,0.0,-0.08342105150222778
+2024-04-07 10:32:35.850918,1.817324,19,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:36.440512,2.406918,20,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:36.548284,2.51469,21,0.0,0.0,0.0,0.0,0.0,0.6842105388641357
+2024-04-07 10:32:36.645638,2.612044,22,0.0,0.0,0.0,0.0,0.0,0.6842105388641357
+2024-04-07 10:32:36.758768,2.725174,23,0.0,0.0,0.0,0.0,0.0,0.6842105388641357
+2024-04-07 10:32:36.861888,2.828294,24,0.0,0.0,0.0,0.0,0.0,0.7208421230316163
+2024-04-07 10:32:36.947247,2.913653,25,0.0,0.0,0.0,0.0,0.0,0.6505262851715089
+2024-04-07 10:32:37.047364,3.01377,26,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:37.460310,3.426716,27,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:37.561607,3.528013,28,0.0,0.0,0.0,0.0,0.0,-0.03578947111964226
+2024-04-07 10:32:37.661890,3.628296,29,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:37.768427,3.734833,30,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:37.867800,3.834206,31,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:37.964957,3.931363,32,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:38.064978,4.031384,33,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:38.163975,4.130381,34,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:38.263899,4.230305,35,0.0,0.0,0.0,0.0,0.0,0.028947358950972557
+2024-04-07 10:32:38.362464,4.32887,36,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:38.463526,4.429932,37,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:38.563164,4.52957,38,0.0,0.0,0.0,0.0,0.0,0.021052630618214607
+2024-04-07 10:32:38.665504,4.63191,39,0.0,0.0,0.0,0.0,0.0,0.014210519380867481
+2024-04-07 10:32:38.767483,4.733889,40,0.0,0.0,0.0,0.0,0.0,0.02736843191087246
+2024-04-07 10:32:38.871554,4.83796,41,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:38.969648,4.936054,42,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:39.065276,5.031682,43,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:39.177695,5.144101,44,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:39.269660,5.236066,45,0.0,0.0,0.0,0.0,0.0,0.01052632462233305
+2024-04-07 10:32:39.359729,5.326135,46,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:39.465976,5.432382,47,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:39.574367,5.540773,48,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:39.667250,5.633656,49,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:39.766811,5.733217,50,0.0,0.0,0.0,0.0,0.0,0.004736831411719322
+2024-04-07 10:32:39.869348,5.835754,51,0.0,0.0,0.0,0.0,0.0,0.024736857041716576
+2024-04-07 10:32:39.968826,5.935232,52,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:40.063862,6.030268,53,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:40.167515,6.133921,54,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:40.271811,6.238217,55,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:40.356782,6.323188,56,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:40.464057,6.430463,57,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:40.966641,6.933047,58,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:41.082321,7.048727,59,0.0,0.0,0.0,0.0,0.0,-0.1578947305679321
+2024-04-07 10:32:41.182297,7.148703,60,0.0,0.0,0.0,0.0,0.0,-0.1578947305679321
+2024-04-07 10:32:41.328119,7.294525,61,0.0,0.0,0.0,0.0,0.0,-0.1578947305679321
+2024-04-07 10:32:41.375727,7.342133,62,0.0,0.0,0.0,0.0,0.0,-0.20673684775829318
+2024-04-07 10:32:41.476872,7.443278,63,0.0,0.0,0.0,0.0,0.0,-0.1768421083688736
+2024-04-07 10:32:41.571813,7.538219,64,0.0,0.0,0.0,0.0,0.0,-0.11468420177698137
+2024-04-07 10:32:41.674246,7.640652,65,0.0,0.0,0.0,0.0,0.0,-0.14452631771564484
+2024-04-07 10:32:41.776472,7.742878,66,0.0,0.0,0.0,0.0,0.0,-0.013684203848242761
+2024-04-07 10:32:41.876712,7.843118,67,0.0,0.0,0.0,0.0,0.0,-0.016315780580043793
+2024-04-07 10:32:41.973299,7.939705,68,0.0,0.0,0.0,0.0,0.0,0.014210519380867481
+2024-04-07 10:32:42.073352,8.039758,69,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:42.168066,8.134472,70,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:42.276932,8.243338,71,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:42.374907,8.341313,72,0.0,0.0,0.0,0.0,0.0,-0.011052627116441725
+2024-04-07 10:32:42.475867,8.442273,73,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:42.574910,8.541316,74,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:42.675303,8.641709,75,0.0,0.0,0.0,0.0,0.0,-0.10994736105203629
+2024-04-07 10:32:42.775775,8.742181,76,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:42.873416,8.839822,77,0.0,0.0,0.0,0.0,0.0,-0.08578947186470033
+2024-04-07 10:32:42.967743,8.934149,78,0.0,0.0,0.0,0.0,0.0,-0.05263157933950424

+ 897 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-31_obstacledetection_9/EgoState_pji.csv

@@ -0,0 +1,897 @@
+Time,simTime,simFrame,posX,posY,posZ,speedX,speedY,speedZ,accelX,accelY,accelZ,dimX,dimY,dimZ,obstacle,traveledDist
+2024-04-07 10:32:34.063567,0.029973,1,-2.6505773794101413,-16.0604423857303,0.0,0.0,0.0,0.0,0.04035000249743462,-0.054350000396370876,9.808700028419493,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.074141,0.040547,2,-2.6505773794101413,-16.0604423857303,0.0,0.0,0.0,0.0,0.04095000237226487,-0.0538500004261732,9.808500023841857,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.082978,0.049384,3,-2.6505773794101413,-16.0604423857303,0.0,0.0,0.0,0.0,0.04155000239610673,-0.053350000455975516,9.808100024223325,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.093546,0.059952,4,-2.6505773794101413,-16.0604423857303,0.0,0.0,0.0,0.0,0.041950002461671826,-0.05285000048577784,9.807400027275083,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.103115,0.069521,5,-2.6503676361036246,-16.06056832340966,0.0,-0.06839999780058861,0.0,0.0,0.0424500024318695,-0.05285000048577784,9.80670003032684,0.0,0.0,-0.1080000028014183,0,
+2024-04-07 10:32:34.113631,0.080037,6,-2.6503676361036246,-16.06056832340966,0.0,-0.06839999780058861,0.0,0.0,0.04295000240206717,-0.05245000049471854,9.80720003223419,0.0,0.0,-0.1080000028014183,0,
+2024-04-07 10:32:34.124929,0.091335,7,-2.6503676361036246,-16.06056832340966,0.0,-0.06839999780058861,0.0,0.0,0.043250002264976495,-0.05235000051558017,9.806100026130675,0.0,0.0,-0.1080000028014183,0,
+2024-04-07 10:32:34.132758,0.099164,8,-2.6503676361036246,-16.06056832340966,0.0,-0.06839999780058861,0.0,0.0,0.043350002318620684,-0.052550000548362716,9.806500025749205,0.0,0.0,-0.1080000028014183,0,
+2024-04-07 10:32:34.145508,0.111914,9,-2.650199788467667,-16.060699510824705,0.0,-0.0359999991953373,0.0,0.0,0.0440500022470951,-0.05245000049471854,9.806600028038023,0.0,0.0,-0.05999999865889549,0,
+2024-04-07 10:32:34.153215,0.119621,10,-2.6501592350631396,-16.060732799673513,0.0,-0.0359999991953373,0.0,0.0,0.04435000225901603,-0.0522500005364418,9.807000027656553,0.0,0.0,-0.05999999865889549,0,
+2024-04-07 10:32:34.163360,0.129766,11,-2.6501219790891546,-16.0607653777905,0.0,-0.0359999991953373,0.0,0.0,0.044850002229213703,-0.05215000052005052,9.80680003261566,0.0,0.0,-0.05999999865889549,0,
+2024-04-07 10:32:34.173661,0.140067,12,-2.6501219790891546,-16.0607653777905,0.0,-0.0359999991953373,0.0,0.0,0.045150002241134635,-0.05185000050812959,9.80680003261566,0.0,0.0,-0.05999999865889549,0,
+2024-04-07 10:32:34.183051,0.149457,13,-2.6501219790891546,-16.0607653777905,0.0,-0.0359999991953373,0.0,0.0,0.045250002294778824,-0.05155000057071446,9.806600028038023,0.0,0.0,-0.05999999865889549,0,
+2024-04-07 10:32:34.195636,0.162042,14,-2.6500279465490837,-16.060853063721318,0.0,0.0,0.0,0.0,0.045450002253055566,-0.051750000528991216,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.206439,0.172845,15,-2.6500279465490837,-16.060853063721318,0.0,0.0,0.0,0.0,0.045550002306699755,-0.051750000528991216,9.806800023078917,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.216672,0.183078,16,-2.6500279465490837,-16.060853063721318,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05185000050812959,9.806700020790098,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.225583,0.191989,17,-2.6500279465490837,-16.060853063721318,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.237785,0.204191,18,-2.6499470109281287,-16.060936742936313,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.248918,0.215324,19,-2.649915637758767,-16.06096547214292,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.253765,0.220171,20,-2.649915637758767,-16.06096547214292,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.264028,0.230434,21,-2.649915637758767,-16.06096547214292,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.277701,0.244107,22,-2.649915637758767,-16.06096547214292,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.283288,0.249694,23,-2.649846250166568,-16.06106498155653,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.296078,0.262484,24,-2.649846250166568,-16.06106498155653,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.303579,0.269985,25,-2.649846250166568,-16.06106498155653,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.314027,0.280433,26,-2.649846250166568,-16.06106498155653,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.324071,0.290477,27,-2.6497951044643555,-16.06115682107412,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.333605,0.300011,28,-2.6497951044643555,-16.06115682107412,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.343718,0.310124,29,-2.6497951044643555,-16.06115682107412,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.353052,0.319458,30,-2.6497951044643555,-16.06115682107412,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.363901,0.330307,31,-2.649770924218025,-16.06122961595862,0.0,0.01799999959766865,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,-0.03200000151991844,0,
+2024-04-07 10:32:34.373553,0.339959,32,-2.649770924218025,-16.06122961595862,0.0,0.01799999959766865,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,-0.03200000151991844,0,
+2024-04-07 10:32:34.383562,0.349968,33,-2.649770924218025,-16.06122961595862,0.0,0.01799999959766865,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,-0.03200000151991844,0,
+2024-04-07 10:32:34.407218,0.373624,34,-2.6497592689090093,-16.06130070783133,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.407335,0.373741,35,-2.6497592689090093,-16.06130070783133,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.413598,0.380004,36,-2.6497592689090093,-16.06130070783133,0.0,0.0,0.0,0.0,0.045950002372264875,-0.05195000048726796,9.806400023460386,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.428307,0.394713,37,-2.6497592689090093,-16.06130070783133,0.0,0.0,0.0,0.0,0.04905000269412996,-0.052850000597536556,9.804700022697446,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.435396,0.401802,38,-2.6497592689090093,-16.06130070783133,0.0,0.0,0.0,0.0,0.04955000266432763,-0.05235000062733888,9.804300023078916,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.452142,0.418548,39,-2.6497755308481,-16.061346682225025,0.0,0.03959999978542328,0.0,0.0,0.04985000267624856,-0.051750000678002825,9.803800021171568,0.0,0.0,-0.06499999761581421,0,
+2024-04-07 10:32:34.454352,0.420758,40,-2.6497755308481,-16.061346682225025,0.0,0.03959999978542328,0.0,0.0,0.050250002741813654,-0.05115000065416096,9.803600016593931,0.0,0.0,-0.06499999761581421,0,
+2024-04-07 10:32:34.464468,0.430874,41,-2.6497755308481,-16.061346682225025,0.0,0.03959999978542328,0.0,0.0,0.050350002646446235,-0.05105000060051679,9.803900013923643,0.0,0.0,-0.06499999761581421,0,
+2024-04-07 10:32:34.475321,0.441727,42,-2.6498285652574434,-16.061358986158375,0.0,0.0,0.0,0.0,0.05055000260472298,-0.05085000064224003,9.803700009346006,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.483919,0.450325,43,-2.6498285652574434,-16.061358986158375,0.0,0.0,0.0,0.0,0.050350002646446235,-0.050550000630319114,9.803700009346006,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.495884,0.46229,44,-2.6498285652574434,-16.061358986158375,0.0,0.0,0.0,0.0,0.05045000255107879,-0.050750000588595856,9.803700009346006,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.503565,0.469971,45,-2.6498285652574434,-16.061358986158375,0.0,0.0,0.0,0.0,0.049950002580881114,-0.050350000560283645,9.802400008201598,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.512928,0.479334,46,-2.6498285652574434,-16.061358986158375,0.0,0.0,0.0,0.0,0.04955000266432763,-0.050250000581145274,9.802500010490416,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.523784,0.49019,47,-2.6498923442968,-16.06136240106755,0.0,0.0,0.0,0.0,0.04965000271797179,-0.04985000059008597,9.80260000324249,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.533874,0.50028,48,-2.6498923442968,-16.06136240106755,0.0,0.0,0.0,0.0,0.04965000271797179,-0.04985000059008597,9.80260000324249,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.544697,0.511103,49,-2.6498923442968,-16.06136240106755,0.0,0.0,0.0,0.0,0.04965000271797179,-0.04985000059008597,9.80260000324249,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.557648,0.524054,50,-2.649911095727957,-16.061361820874794,0.0,0.0,0.0,0.0,0.04965000271797179,-0.04985000059008597,9.80260000324249,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.564931,0.531337,51,-2.649965343590677,-16.061361062394898,0.0,0.0,0.0,0.0,0.04965000271797179,-0.04985000059008597,9.80260000324249,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.574745,0.541151,52,-2.649965343590677,-16.061361062394898,0.0,0.0,0.0,0.0,0.04965000271797179,-0.04985000059008597,9.80260000324249,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.583639,0.550045,53,-2.649965343590677,-16.061361062394898,0.0,0.0,0.0,0.0,0.04965000271797179,-0.04985000059008597,9.80260000324249,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.601061,0.567467,54,-2.6500094946855524,-16.061357457801716,0.0,0.0,0.0,0.0,0.04965000271797179,-0.04985000059008597,9.80260000324249,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.603455,0.569861,55,-2.6500538478810682,-16.061353893571685,0.0,0.0,0.0,0.0,0.04965000271797179,-0.04985000059008597,9.80260000324249,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.620798,0.587204,56,-2.6500538478810682,-16.061353893571685,0.0,0.0,0.0,0.0,0.04965000271797179,-0.04985000059008597,9.80260000324249,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.634110,0.600516,57,-2.650076285824359,-16.06135207561794,0.0,0.0,0.0,0.0,0.04895000256597995,-0.05005000062286853,9.804800024986266,0.0,0.0,0.0,0,
+2024-04-07 10:32:34.644815,0.611221,58,-2.65017687416473,-16.061309753595513,0.0,0.06839999780058861,0.0,0.0,0.04875000260770321,-0.04965000063180923,9.805000029563901,0.0,0.0,-0.1080000028014183,0,
+2024-04-07 10:32:34.657594,0.624,59,-2.6502172988694626,-16.06128894203071,0.0,0.06839999780058861,0.0,0.0,0.04875000260770321,-0.04965000063180923,9.805300026893613,0.0,0.0,-0.1080000028014183,0,71.45000011543743
+2024-04-07 10:32:34.657604,0.62401,60,-2.6502172988694626,-16.06128894203071,0.0,0.06839999780058861,0.0,0.0,0.04895000256597995,-0.0497500006109476,9.805400029182433,0.0,0.0,-0.1080000028014183,0,71.45000011543743
+2024-04-07 10:32:34.663793,0.630199,61,-2.6502172988694626,-16.06128894203071,0.0,0.06839999780058861,0.0,0.0,0.04865000247955323,-0.04995000064373015,9.80590003108978,0.0,0.0,-0.1080000028014183,0,71.45000011543743
+2024-04-07 10:32:34.673591,0.639997,62,-2.6502172988694626,-16.06128894203071,0.0,0.06839999780058861,0.0,0.0,0.04865000247955323,-0.04995000064373015,9.806000023841856,0.0,0.0,-0.1080000028014183,0,71.45000011543743
+2024-04-07 10:32:34.686120,0.652526,63,-2.650381644636306,-16.0612004144794,0.0,0.05040000155568123,0.0,0.0,0.048150002509355555,-0.05025000065565108,9.806200028419493,0.0,0.0,-0.08299999684095383,0,71.45000011543743
+2024-04-07 10:32:34.700768,0.667174,64,-2.650381644636306,-16.0612004144794,0.0,0.05040000155568123,0.0,0.0,0.04855000257492065,-0.05075000070035457,9.806500035285948,0.0,0.0,-0.08299999684095383,0,71.45000011543743
+2024-04-07 10:32:34.704027,0.670433,65,-2.650381644636306,-16.0612004144794,0.0,0.05040000155568123,0.0,0.0,0.047850002571940414,-0.05095000065863131,9.807000037193296,0.0,0.0,-0.08299999684095383,0,71.45000011543743
+2024-04-07 10:32:34.716306,0.682712,66,-2.650381644636306,-16.0612004144794,0.0,0.05040000155568123,0.0,0.0,0.047950002476572995,-0.05115000065416096,9.807200041770933,0.0,0.0,-0.08299999684095383,0,71.45000011543743
+2024-04-07 10:32:34.724006,0.690412,67,-2.6504873439864496,-16.06118062663412,0.0,-0.07559999898076057,0.0,0.0,0.048050002530217184,-0.05115000065416096,9.807300044059751,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:34.733690,0.700096,68,-2.6504873439864496,-16.06118062663412,0.0,-0.07559999898076057,0.0,0.0,0.048050002530217184,-0.051850000657141196,9.808000041007993,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:34.746459,0.712865,69,-2.6504873439864496,-16.06118062663412,0.0,-0.07559999898076057,0.0,0.0,0.048150002583861345,-0.052050000689923756,9.808600035667418,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:34.754557,0.720963,70,-2.6504873439864496,-16.06118062663412,0.0,-0.07559999898076057,0.0,0.0,0.04835000254213809,-0.0522500006482005,9.809400034904478,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:34.763522,0.729928,71,-2.650590433570442,-16.0611625198389,0.0,-0.014400000683963299,0.0,0.0,0.048250002488493926,-0.05215000066906213,9.80890003299713,0.0,0.0,-0.027000000700354576,0,71.45000011543743
+2024-04-07 10:32:34.775316,0.741722,72,-2.650590433570442,-16.0611625198389,0.0,-0.014400000683963299,0.0,0.0,0.04815000243484974,-0.05235000062733888,9.808600026130675,0.0,0.0,-0.027000000700354576,0,71.45000011543743
+2024-04-07 10:32:34.783858,0.750264,73,-2.650590433570442,-16.0611625198389,0.0,-0.014400000683963299,0.0,0.0,0.04815000243484974,-0.05235000062733888,9.80880003070831,0.0,0.0,-0.027000000700354576,0,71.45000011543743
+2024-04-07 10:32:34.794291,0.760697,74,-2.650590433570442,-16.0611625198389,0.0,-0.014400000683963299,0.0,0.0,0.04835000239312648,-0.052450000606477254,9.807800026893615,0.0,0.0,-0.027000000700354576,0,71.45000011543743
+2024-04-07 10:32:34.803946,0.770352,75,-2.650656765649488,-16.06118779173943,0.0,0.0,0.0,0.0,0.04805000238120555,-0.052750000618398185,9.807500029563903,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:34.814981,0.781387,76,-2.650656765649488,-16.06118779173943,0.0,0.0,0.0,0.0,0.04835000224411487,-0.052450000606477254,9.807200022697447,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:34.824881,0.791287,77,-2.650656765649488,-16.06118779173943,0.0,0.0,0.0,0.0,0.04815000228583813,-0.052050000689923756,9.80740001773834,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:34.833509,0.799915,78,-2.650656765649488,-16.06118779173943,0.0,0.0,0.0,0.0,0.04845000214874745,-0.05175000075250863,9.807200013160704,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:34.843943,0.810349,79,-2.6507182662976816,-16.06121598252904,0.0,-0.057600002735853195,0.0,0.0,0.048850002065300935,-0.05165000077337026,9.807800007820127,0.0,0.0,-0.09099999815225601,0,71.45000011543743
+2024-04-07 10:32:34.853927,0.820333,80,-2.6507182662976816,-16.06121598252904,0.0,-0.057600002735853195,0.0,0.0,0.049150002077221866,-0.05135000083595513,9.808300009727477,0.0,0.0,-0.09099999815225601,0,71.45000011543743
+2024-04-07 10:32:34.864258,0.830664,81,-2.6507182662976816,-16.06121598252904,0.0,-0.057600002735853195,0.0,0.0,0.04925000198185445,-0.05115000072866677,9.809000016212462,0.0,0.0,-0.09099999815225601,0,71.45000011543743
+2024-04-07 10:32:34.873521,0.839927,82,-2.6507182662976816,-16.06121598252904,0.0,-0.057600002735853195,0.0,0.0,0.04955000184476377,-0.051050000749528396,9.810000020027159,0.0,0.0,-0.09099999815225601,0,71.45000011543743
+2024-04-07 10:32:34.883576,0.849982,83,-2.6507585603145865,-16.061265702399048,0.0,0.0,0.0,0.0,0.04965000189840793,-0.050850000791251654,9.810000020027159,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:34.894517,0.860923,84,-2.6507585603145865,-16.061265702399048,0.0,0.0,0.0,0.0,0.050450001880526535,-0.0502500008046627,9.810100022315977,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:34.904001,0.870407,85,-2.6507585603145865,-16.061265702399048,0.0,0.0,0.0,0.0,0.05095000185072421,-0.049950000867247574,9.809600020408629,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:34.914460,0.880866,86,-2.6507585603145865,-16.061265702399048,0.0,0.0,0.0,0.0,0.0510500019043684,-0.049950000867247574,9.80950001811981,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:34.926555,0.892961,87,-2.6508233645062287,-16.061283033095688,0.0,0.0,0.0,0.0,0.05125000201165675,-0.05035000089555977,9.808400021553037,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:34.933673,0.900079,88,-2.6508233645062287,-16.061283033095688,0.0,0.0,0.0,0.0,0.05175000213086606,-0.05055000092834233,9.808200026512145,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:34.944087,0.910493,89,-2.6508233645062287,-16.061283033095688,0.0,0.0,0.0,0.0,0.05155000202357768,-0.0506500009074807,9.808300028800963,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:34.954072,0.920478,90,-2.6508233645062287,-16.061283033095688,0.0,0.0,0.0,0.0,0.05155000202357768,-0.05075000096112489,9.80890003299713,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:34.963996,0.930402,91,-2.6508934428494477,-16.061292335093984,0.0,0.0,0.0,0.0,0.05155000202357768,-0.05085000101476907,9.809100037574765,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:34.974145,0.940551,92,-2.6508934428494477,-16.061292335093984,0.0,0.0,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:34.984481,0.950887,93,-2.6508934428494477,-16.061292335093984,0.0,0.0,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:34.994551,0.960957,94,-2.6508934428494477,-16.061292335093984,0.0,0.0,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.004096,0.970502,95,-2.6509657126441937,-16.06129773623226,0.0,0.0,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.014169,0.980575,96,-2.6509657126441937,-16.06129773623226,0.0,0.0,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.027312,0.993718,97,-2.6509657126441937,-16.06129773623226,0.0,0.0,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.034093,1.000499,98,-2.6509657126441937,-16.06129773623226,0.0,0.0,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.047261,1.013667,99,-2.6510353654171874,-16.061304295171375,0.0,0.0,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.054461,1.020867,100,-2.6510353654171874,-16.061304295171375,0.0,0.0,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.064512,1.030918,101,-2.6510353654171874,-16.061304295171375,0.0,0.0,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.074921,1.041327,102,-2.6510353654171874,-16.061304295171375,0.0,0.0,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.084070,1.050476,103,-2.651100847089284,-16.061313336527906,0.0,0.0359999991953373,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,-0.05999999865889549,0,71.45000011543743
+2024-04-07 10:32:35.094528,1.060934,104,-2.651100847089284,-16.061313336527906,0.0,0.0359999991953373,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,-0.05999999865889549,0,71.45000011543743
+2024-04-07 10:32:35.104096,1.070502,105,-2.651100847089284,-16.061313336527906,0.0,0.0359999991953373,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,-0.05999999865889549,0,71.45000011543743
+2024-04-07 10:32:35.114372,1.080778,106,-2.651100847089284,-16.061313336527906,0.0,0.0359999991953373,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,-0.05999999865889549,0,71.45000011543743
+2024-04-07 10:32:35.125361,1.091767,107,-2.6511801373033124,-16.061300841108874,0.0,0.0,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.134376,1.100782,108,-2.6511801373033124,-16.061300841108874,0.0,0.0,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.143764,1.11017,109,-2.6511801373033124,-16.061300841108874,0.0,0.0,0.0,0.0,0.05135000206530094,-0.050750001035630696,9.809600029945372,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.154817,1.121223,110,-2.6511801373033124,-16.061300841108874,0.0,0.0,0.0,0.0,0.04555000185966493,-0.05535000067204236,9.814200030326841,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.164052,1.130458,111,-2.651228055986057,-16.061321636879633,0.0,-0.043200000375509265,0.0,0.0,0.04555000185966493,-0.05535000067204236,9.813800030708311,0.0,0.0,-0.07000000029802322,0,71.45000011543743
+2024-04-07 10:32:35.173752,1.140158,112,-2.651228055986057,-16.061321636879633,0.0,-0.043200000375509265,0.0,0.0,0.04555000185966493,-0.055450000651180734,9.813600035667418,0.0,0.0,-0.07000000029802322,0,71.45000011543743
+2024-04-07 10:32:35.183858,1.150264,113,-2.651228055986057,-16.061321636879633,0.0,-0.043200000375509265,0.0,0.0,0.04555000185966493,-0.055550000630319105,9.814200039863584,0.0,0.0,-0.07000000029802322,0,71.45000011543743
+2024-04-07 10:32:35.193897,1.160303,114,-2.651228055986057,-16.061321636879633,0.0,-0.043200000375509265,0.0,0.0,0.045250001847744,-0.055450000651180734,9.814300042152404,0.0,0.0,-0.07000000029802322,0,71.45000011543743
+2024-04-07 10:32:35.204389,1.170795,115,-2.651222278828976,-16.06139682775485,0.0,0.0,0.0,0.0,0.045250001847744,-0.055450000651180734,9.814600049018859,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.213634,1.18004,116,-2.651222278828976,-16.06139682775485,0.0,0.0,0.0,0.0,0.04515000179409981,-0.055450000651180734,9.815100050926207,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.225023,1.191429,117,-2.651222278828976,-16.06139682775485,0.0,0.0,0.0,0.0,0.04535000175237655,-0.05525000069290399,9.816400052070616,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.234129,1.200535,118,-2.651222278828976,-16.06139682775485,0.0,0.0,0.0,0.0,0.04525000169873239,-0.055050000734627236,9.816200057029722,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.253283,1.219689,119,-2.651209105558295,-16.061465804109776,0.0,0.0,0.0,0.0,0.04525000169873239,-0.054750000722706305,9.816800051689146,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.258626,1.225032,120,-2.651209105558295,-16.061465804109776,0.0,0.0,0.0,0.0,0.04505000159144401,-0.05455000076442956,9.816400052070616,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.264402,1.230808,121,-2.651209105558295,-16.061465804109776,0.0,0.0,0.0,0.0,0.04565000168979169,-0.05435000080615281,9.816200057029722,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.275627,1.242033,122,-2.651209105558295,-16.061465804109776,0.0,0.0,0.0,0.0,0.04535000167787076,-0.05415000077337026,9.816100054740904,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.284163,1.250569,123,-2.6511884199062,-16.06152941832822,0.0,0.0,0.0,0.0,0.04575000174343585,-0.053950000815093505,9.81510006046295,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.299528,1.265934,124,-2.6511884199062,-16.06152941832822,0.0,0.0,0.0,0.0,0.0456500018388033,-0.0535500008240342,9.815400057792662,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.304619,1.271025,125,-2.6511884199062,-16.06152941832822,0.0,0.0,0.0,0.0,0.04595000185072423,-0.05325000081211327,9.814900055885314,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.315007,1.281413,126,-2.6511884199062,-16.06152941832822,0.0,0.0,0.0,0.0,0.04625000186264516,-0.05305000081658362,9.814900055885314,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.325941,1.292347,127,-2.651212007264481,-16.061526217200804,0.0,0.07559999898076057,0.0,0.0,0.046550001874566066,-0.05265000082552432,9.815000048637389,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:35.334244,1.30065,128,-2.651212007264481,-16.061526217200804,0.0,0.07559999898076057,0.0,0.0,0.04705000191926956,-0.05235000081360339,9.81490004634857,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:35.344218,1.310624,129,-2.651212007264481,-16.061526217200804,0.0,0.07559999898076057,0.0,0.0,0.04695000186562537,-0.051950000822544085,9.814800044059751,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:35.355073,1.321479,130,-2.651212007264481,-16.061526217200804,0.0,0.07559999898076057,0.0,0.0,0.04695000186562537,-0.052050000801682456,9.814300042152404,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:35.364340,1.330746,131,-2.6511952537913546,-16.061562951393935,0.0,0.0,0.0,0.0,0.04695000186562537,-0.052050000801682456,9.814500037193296,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.373987,1.340393,132,-2.6511952537913546,-16.061562951393935,0.0,0.0,0.0,0.0,0.04705000177025795,-0.051950000822544085,9.814100037574766,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.384264,1.35067,133,-2.6511952537913546,-16.061562951393935,0.0,0.0,0.0,0.0,0.04715000167489053,-0.051950000822544085,9.814600039482114,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.394460,1.360866,134,-2.6511952537913546,-16.061562951393935,0.0,0.0,0.0,0.0,0.0468500016629696,-0.05135000083595513,9.814500037193296,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.404171,1.370577,135,-2.651129647978854,-16.061655647991916,0.0,-0.06839999780058861,0.0,0.0,0.0468500016629696,-0.051250000782310956,9.814500037193296,0.0,0.0,-0.1080000028014183,0,71.45000011543743
+2024-04-07 10:32:35.414334,1.38074,136,-2.651129647978854,-16.061655647991916,0.0,-0.06839999780058861,0.0,0.0,0.0468500016629696,-0.05115000072866677,9.815100041389464,0.0,0.0,-0.1080000028014183,0,71.45000011543743
+2024-04-07 10:32:35.424415,1.390821,137,-2.651129647978854,-16.061655647991916,0.0,-0.06839999780058861,0.0,0.0,0.04665000170469283,-0.051050000749528396,9.815000039100646,0.0,0.0,-0.1080000028014183,0,71.45000011543743
+2024-04-07 10:32:35.435393,1.401799,138,-2.651129647978854,-16.061655647991916,0.0,-0.06839999780058861,0.0,0.0,0.046550001800060276,-0.05115000072866677,9.815700036048888,0.0,0.0,-0.1080000028014183,0,71.45000011543743
+2024-04-07 10:32:35.444382,1.410788,139,-2.6510966566376135,-16.061706083781498,0.0,0.0,0.0,0.0,0.046650001853704465,-0.051450000666081894,9.815600033760068,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.456099,1.422505,140,-2.6510966566376135,-16.061706083781498,0.0,0.0,0.0,0.0,0.046350001841783534,-0.051850000731647,9.81630003070831,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.464232,1.430638,141,-2.6510966566376135,-16.061706083781498,0.0,0.0,0.0,0.0,0.04595000192523002,-0.05195000078529119,9.816100026130675,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.474077,1.440483,142,-2.6510966566376135,-16.061706083781498,0.0,0.0,0.0,0.0,0.04565000191330909,-0.0522500007227063,9.816200028419493,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.484774,1.45118,143,-2.6510503663725147,-16.061771172769856,0.0,0.0,0.0,0.0,0.04535000190138816,-0.052650000713765605,9.815800028800963,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.495620,1.462026,144,-2.6510503663725147,-16.061771172769856,0.0,0.0,0.0,0.0,0.045050002038478865,-0.05215000074356793,9.815700026512145,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.504588,1.470994,145,-2.6510503663725147,-16.061771172769856,0.0,0.0,0.0,0.0,0.044950002133846284,-0.051850000806152804,9.815600024223325,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.514449,1.480855,146,-2.6510503663725147,-16.061771172769856,0.0,0.0,0.0,0.0,0.045150002092123026,-0.051850000806152804,9.81530001735687,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.526093,1.492499,147,-2.650957349309809,-16.06188939081052,0.0,-0.07559999898076057,0.0,0.0,0.044850002080202095,-0.05195000078529119,9.815100022315978,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:35.534672,1.501078,148,-2.650957349309809,-16.06188939081052,0.0,-0.07559999898076057,0.0,0.0,0.045150002092123026,-0.05165000084787606,9.814800015449523,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:35.546075,1.512481,149,-2.650957349309809,-16.06188939081052,0.0,-0.07559999898076057,0.0,0.0,0.045050002038478865,-0.051750000827014433,9.8157000169754,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:35.554308,1.520714,150,-2.650957349309809,-16.06188939081052,0.0,-0.07559999898076057,0.0,0.0,0.044850002080202095,-0.051950000859796994,9.816100016593932,0.0,0.0,-0.12099999934434891,0,71.45000011543743
+2024-04-07 10:32:35.564286,1.530692,151,-2.650916303955868,-16.061939255504143,0.0,0.0,0.0,0.0,0.044550002068281164,-0.052050000838935365,9.816800023078917,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.574141,1.540547,152,-2.650916303955868,-16.061939255504143,0.0,0.0,0.0,0.0,0.044850002080202095,-0.05165000084787606,9.816800023078917,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.586481,1.552887,153,-2.650916303955868,-16.061939255504143,0.0,0.0,0.0,0.0,0.0452500020712614,-0.0514500008150935,9.817300024986265,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.595652,1.562058,154,-2.650916303955868,-16.061939255504143,0.0,0.0,0.0,0.0,0.045450002178549775,-0.05155000086873769,9.817200022697447,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.604483,1.570889,155,-2.6508945465070903,-16.06196442155735,0.0,0.0,0.0,0.0,0.045450002178549775,-0.05165000084787606,9.81740001773834,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.614358,1.580764,156,-2.650873694722884,-16.061987614862716,0.0,0.0,0.0,0.0,0.0452500020712614,-0.05155000086873769,9.816700011253355,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.624802,1.591208,157,-2.650873694722884,-16.061987614862716,0.0,0.0,0.0,0.0,0.044850002005696304,-0.05145000088959931,9.817000008583067,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.635301,1.601707,158,-2.650873694722884,-16.061987614862716,0.0,0.0,0.0,0.0,0.044750001952052115,-0.05165000084787606,9.815900002479552,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.644104,1.61051,159,-2.6508377551451354,-16.06202623110631,0.0,0.0359999991953373,0.0,0.0,0.045050001963973046,-0.05185000088065862,9.815900002479552,0.0,0.0,-0.057999998331069946,0,71.45000011543743
+2024-04-07 10:32:35.660257,1.626663,160,-2.6508377551451354,-16.06202623110631,0.0,0.0359999991953373,0.0,0.0,0.044750001952052115,-0.051950000859796994,9.81560000514984,0.0,0.0,-0.057999998331069946,0,71.45000011543743
+2024-04-07 10:32:35.664635,1.631041,161,-2.6508377551451354,-16.06202623110631,0.0,0.0359999991953373,0.0,0.0,0.045050002038478865,-0.05165000084787606,9.81560000514984,0.0,0.0,-0.057999998331069946,0,71.45000011543743
+2024-04-07 10:32:35.674693,1.641099,162,-2.6508377551451354,-16.06202623110631,0.0,0.0359999991953373,0.0,0.0,0.044650002047419535,-0.05185000088065862,9.81560000514984,0.0,0.0,-0.057999998331069946,0,71.45000011543743
+2024-04-07 10:32:35.686071,1.652477,163,-2.6507717641745625,-16.062100950702373,0.0,-0.01799999959766865,0.0,0.0,0.045150002017617236,-0.05145000088959931,9.816099997520444,0.0,0.0,-0.21199999749660492,0,71.45000011543743
+2024-04-07 10:32:35.694516,1.660922,164,-2.6507717641745625,-16.062100950702373,0.0,-0.01799999959766865,0.0,0.0,0.044750001952052115,-0.051050000898540004,9.815899992942809,0.0,0.0,-0.21199999749660492,0,71.45000011543743
+2024-04-07 10:32:35.705336,1.671742,165,-2.6507717641745625,-16.062100950702373,0.0,-0.01799999959766865,0.0,0.0,0.04525000199675561,-0.051050000898540004,9.81499999141693,0.0,0.0,-0.21199999749660492,0,71.45000011543743
+2024-04-07 10:32:35.714726,1.681132,166,-2.6507717641745625,-16.062100950702373,0.0,-0.01799999959766865,0.0,0.0,0.04535000205039977,-0.05035000093281268,9.815099993705747,0.0,0.0,-0.21199999749660492,0,71.45000011543743
+2024-04-07 10:32:35.726702,1.693108,167,-2.6507029172870666,-16.06217705521189,0.0,0.0,0.0,0.0,0.04525000199675561,-0.05035000093281268,9.81539999103546,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.735093,1.701499,168,-2.6507029172870666,-16.06217705521189,0.0,0.0,0.0,0.0,0.045150002092123026,-0.04975000098347662,9.815099993705747,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.744646,1.711052,169,-2.6507029172870666,-16.06217705521189,0.0,0.0,0.0,0.0,0.045050002038478865,-0.049450000971555705,9.814099999427794,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.755095,1.721501,170,-2.6507029172870666,-16.06217705521189,0.0,0.0,0.0,0.0,0.045050002038478865,-0.049450000971555705,9.813800002098082,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.765472,1.731878,171,-2.6506286160265913,-16.062260143186315,0.0,-0.03959999978542328,0.0,0.0,0.045150002092123026,-0.04935000099241732,9.813699999809263,0.0,0.0,-0.06499999761581421,0,71.45000011543743
+2024-04-07 10:32:35.776290,1.742696,172,-2.6506286160265913,-16.062260143186315,0.0,-0.03959999978542328,0.0,0.0,0.045250002145767215,-0.04935000099241732,9.81350000476837,0.0,0.0,-0.06499999761581421,0,71.45000011543743
+2024-04-07 10:32:35.789168,1.755574,173,-2.6506286160265913,-16.062260143186315,0.0,-0.03959999978542328,0.0,0.0,0.045450002253055566,-0.04965000092983245,9.81470000362396,0.0,0.0,-0.06499999761581421,0,71.45000011543743
+2024-04-07 10:32:35.794387,1.760793,174,-2.6506286160265913,-16.062260143186315,0.0,-0.03959999978542328,0.0,0.0,0.045150002241134635,-0.04965000092983245,9.815400000572202,0.0,0.0,-0.06499999761581421,0,71.45000011543743
+2024-04-07 10:32:35.805119,1.771525,175,-2.6505619103636797,-16.062337758683345,0.0,0.0,0.0,0.0,0.04505000233650208,-0.04975000090897082,9.816199999809264,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.814505,1.780911,176,-2.6505619103636797,-16.062337758683345,0.0,0.0,0.0,0.0,0.04455000236630441,-0.04995000094175338,9.816999999046324,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.826340,1.792746,177,-2.6505619103636797,-16.062337758683345,0.0,0.0,0.0,0.0,0.04465000227093696,-0.05015000090003012,9.81680000400543,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.840636,1.807042,178,-2.6505619103636797,-16.062337758683345,0.0,0.0,0.0,0.0,0.04445000231266022,-0.05055000081658362,9.815700007438657,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.850668,1.817074,179,-2.6504740576826373,-16.062446451062595,0.0,-0.046800000965595244,0.0,0.0,0.04435000240802764,-0.050950000733137116,9.815100012779235,0.0,0.0,-0.07800000160932541,0,71.45000011543743
+2024-04-07 10:32:35.854841,1.821247,180,-2.6504740576826373,-16.062446451062595,0.0,-0.046800000965595244,0.0,0.0,0.04435000240802764,-0.05125000067055224,9.815300007820127,0.0,0.0,-0.07800000160932541,0,71.45000011543743
+2024-04-07 10:32:35.864846,1.831252,181,-2.6504740576826373,-16.062446451062595,0.0,-0.046800000965595244,0.0,0.0,0.04445000246167183,-0.05155000075697898,9.81480000591278,0.0,0.0,-0.07800000160932541,0,71.45000011543743
+2024-04-07 10:32:35.874702,1.841108,182,-2.6504740576826373,-16.062446451062595,0.0,-0.046800000965595244,0.0,0.0,0.044250002503395086,-0.05155000075697898,9.8139000043869,0.0,0.0,-0.07800000160932541,0,71.45000011543743
+2024-04-07 10:32:35.889066,1.855472,183,-2.6504194480607324,-16.062513259513118,0.0,0.06120000332593918,0.0,0.0,0.0441500024497509,-0.05185000076889991,9.813800002098082,0.0,0.0,-0.10100000351667404,0,71.45000011543743
+2024-04-07 10:32:35.894806,1.861212,184,-2.6504194480607324,-16.062513259513118,0.0,0.06120000332593918,0.0,0.0,0.043850002437829966,-0.05225000075995921,9.813800002098082,0.0,0.0,-0.10100000351667404,0,71.45000011543743
+2024-04-07 10:32:35.905842,1.872248,185,-2.6504194480607324,-16.062513259513118,0.0,0.06120000332593918,0.0,0.0,0.043850002437829966,-0.05215000078082084,9.813800002098082,0.0,0.0,-0.10100000351667404,0,71.45000011543743
+2024-04-07 10:32:35.914470,1.880876,186,-2.6504194480607324,-16.062513259513118,0.0,0.06120000332593918,0.0,0.0,0.043950002342462546,-0.05175000078976154,9.81480000591278,0.0,0.0,-0.10100000351667404,0,71.45000011543743
+2024-04-07 10:32:35.927992,1.894398,187,-2.6503638169915824,-16.062578836593506,0.0,0.0,0.0,0.0,0.04415000230073929,-0.0510500008240342,9.813600007057188,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.937654,1.90406,188,-2.6503638169915824,-16.062578836593506,0.0,0.0,0.0,0.0,0.04455000221729277,-0.05055000085383653,9.814500008583067,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.945125,1.911531,189,-2.6503638169915824,-16.062578836593506,0.0,0.0,0.0,0.0,0.045450002253055566,-0.050150000862777225,9.812100010871886,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.954695,1.921101,190,-2.6503638169915824,-16.062578836593506,0.0,0.0,0.0,0.0,0.04605000227689743,-0.04945000078529119,9.813300009727476,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:35.964748,1.931154,191,-2.650276006939124,-16.06268571845891,0.0,0.007200000341981649,0.0,0.0,0.047050002217292775,-0.048950000815093514,9.812400008201598,0.0,0.0,-0.1340000033378601,0,71.45000011543743
+2024-04-07 10:32:35.975377,1.941783,192,-2.650276006939124,-16.06268571845891,0.0,0.007200000341981649,0.0,0.0,0.04785000219941138,-0.04845000077039002,9.813500014305113,0.0,0.0,-0.1340000033378601,0,71.45000011543743
+2024-04-07 10:32:35.986748,1.953154,193,-2.650276006939124,-16.06268571845891,0.0,0.007200000341981649,0.0,0.0,0.04835000216960908,-0.04815000075846909,9.813400012016295,0.0,0.0,-0.1340000033378601,0,71.45000011543743
+2024-04-07 10:32:35.996561,1.962967,194,-2.650276006939124,-16.06268571845891,0.0,0.007200000341981649,0.0,0.0,0.048950002193450914,-0.04775000076740979,9.814400006294248,0.0,0.0,-0.1340000033378601,0,71.45000011543743
+2024-04-07 10:32:36.005149,1.971555,195,-2.6502072582245493,-16.062770746437423,0.0,0.0,0.0,0.0,0.049750002175569547,-0.04755000080913305,9.814099999427794,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.015258,1.981664,196,-2.6502072582245493,-16.062770746437423,0.0,0.0,0.0,0.0,0.05025000229477883,-0.04715000089257955,9.814699994087217,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.025263,1.991669,197,-2.6502072582245493,-16.062770746437423,0.0,0.0,0.0,0.0,0.05085000231862069,-0.04715000089257955,9.813899994850157,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.039966,2.006372,198,-2.6502072582245493,-16.062770746437423,0.0,0.0,0.0,0.0,0.05125000238418578,-0.047050000913441165,9.814399996757505,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.045033,2.011439,199,-2.6501422299898714,-16.062857206815934,0.0,-0.028800001367926598,0.0,0.0,0.051650002449750904,-0.04655000094324349,9.813800002098082,0.0,0.0,-0.04800000041723251,0,71.45000011543743
+2024-04-07 10:32:36.054863,2.021269,200,-2.6501422299898714,-16.062857206815934,0.0,-0.028800001367926598,0.0,0.0,0.05125000238418578,-0.04635000098496675,9.812900000572203,0.0,0.0,-0.04800000041723251,0,71.45000011543743
+2024-04-07 10:32:36.065125,2.031531,201,-2.6501422299898714,-16.062857206815934,0.0,-0.028800001367926598,0.0,0.0,0.051550002396106714,-0.04635000098496675,9.812500000953673,0.0,0.0,-0.04800000041723251,0,71.45000011543743
+2024-04-07 10:32:36.074742,2.041148,202,-2.6501422299898714,-16.062857206815934,0.0,-0.028800001367926598,0.0,0.0,0.051550002396106714,-0.046150001026689993,9.812900000572203,0.0,0.0,-0.04800000041723251,0,71.45000011543743
+2024-04-07 10:32:36.085336,2.051742,203,-2.6500888502483213,-16.06293677139197,0.0,0.0,0.0,0.0,0.05225000239908695,-0.04595000106841325,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.094543,2.060949,204,-2.6500888502483213,-16.06293677139197,0.0,0.0,0.0,0.0,0.05215000234544276,-0.04555000107735395,9.812300005912778,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.106396,2.072802,205,-2.6500888502483213,-16.06293677139197,0.0,0.0,0.0,0.0,0.05195000238716602,-0.04525000113993882,9.81220000362396,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.116325,2.082731,206,-2.6500888502483213,-16.06293677139197,0.0,0.0,0.0,0.0,0.051750002428889275,-0.04535000111907719,9.811900006294248,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.127873,2.094279,207,-2.650073504368818,-16.062973884543457,0.0,0.0,0.0,0.0,0.0512500024586916,-0.04515000108629465,9.812400008201598,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.136771,2.103177,208,-2.650073504368818,-16.062973884543457,0.0,0.0,0.0,0.0,0.0512500024586916,-0.04465000111609696,9.811900015830991,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.144939,2.111345,209,-2.650073504368818,-16.062973884543457,0.0,0.0,0.0,0.0,0.0512500024586916,-0.04425000112503766,9.812900010108946,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.155336,2.121742,210,-2.650073504368818,-16.062973884543457,0.0,0.0,0.0,0.0,0.05115000240504741,-0.04415000114589929,9.812300005912778,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.165352,2.131758,211,-2.6500797316541567,-16.062989736266967,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.176584,2.14299,212,-2.6500797316541567,-16.062989736266967,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.187931,2.154337,213,-2.6500797316541567,-16.062989736266967,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.195508,2.161914,214,-2.6500797316541567,-16.062989736266967,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.205601,2.172007,215,-2.6500959370395196,-16.063000697657845,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.217085,2.183491,216,-2.6500959370395196,-16.063000697657845,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.224761,2.191167,217,-2.6500959370395196,-16.063000697657845,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.236137,2.202543,218,-2.6500959370395196,-16.063000697657845,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.246745,2.213151,219,-2.6500959370395196,-16.063000697657845,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.254623,2.221029,220,-2.6501202865022444,-16.063009382767675,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.265121,2.231527,221,-2.6501202865022444,-16.063009382767675,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.274809,2.241215,222,-2.6501202865022444,-16.063009382767675,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.289557,2.255963,223,-2.6501512423620985,-16.06301523821604,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.295957,2.262363,224,-2.6501512423620985,-16.06301523821604,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.304891,2.271297,225,-2.6501512423620985,-16.06301523821604,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.314641,2.281047,226,-2.6501512423620985,-16.06301523821604,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.325366,2.291772,227,-2.6501873880004063,-16.063018177930022,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.337994,2.3044,228,-2.6501873880004063,-16.063018177930022,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,3,71.45000011543743
+2024-04-07 10:32:36.347743,2.314149,229,-2.6501873880004063,-16.063018177930022,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,3,71.45000011543743
+2024-04-07 10:32:36.355670,2.322076,230,-2.6501873880004063,-16.063018177930022,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,3,71.45000011543743
+2024-04-07 10:32:36.365574,2.33198,231,-2.650227367295364,-16.063018453323835,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,3,71.45000011543743
+2024-04-07 10:32:36.374723,2.341129,232,-2.650227367295364,-16.063018453323835,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,3,71.45000011543743
+2024-04-07 10:32:36.385397,2.351803,233,-2.650227367295364,-16.063018453323835,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,3,71.45000011543743
+2024-04-07 10:32:36.394615,2.361021,234,-2.650227367295364,-16.063018453323835,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,3,71.45000011543743
+2024-04-07 10:32:36.404538,2.370944,235,-2.6502700354616198,-16.063013615406646,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,3,71.45000011543743
+2024-04-07 10:32:36.416126,2.382532,236,-2.6502700354616198,-16.063013615406646,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,3,71.45000011543743
+2024-04-07 10:32:36.425080,2.391486,237,-2.6502700354616198,-16.063013615406646,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,3,71.45000011543743
+2024-04-07 10:32:36.440538,2.406944,238,-2.6502700354616198,-16.063013615406646,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.446980,2.413386,239,-2.6503142146061283,-16.063006573523094,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.458760,2.425166,240,-2.6503142146061283,-16.063006573523094,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.465561,2.431967,241,-2.6503142146061283,-16.063006573523094,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.474535,2.440941,242,-2.6503142146061283,-16.063006573523094,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.485070,2.451476,243,-2.6503590054792703,-16.062996216873767,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.495089,2.461495,244,-2.6503590054792703,-16.062996216873767,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.506906,2.473312,245,-2.6503590054792703,-16.062996216873767,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.515287,2.481693,246,-2.6503590054792703,-16.062996216873767,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.527159,2.493565,247,-2.6504035824879675,-16.062982458248324,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.536541,2.502947,248,-2.6504035824879675,-16.062982458248324,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.545387,2.511793,249,-2.6504035824879675,-16.062982458248324,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.555173,2.521579,250,-2.6504035824879675,-16.062982458248324,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.565056,2.531462,251,-2.650447246786355,-16.062965518634797,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.575237,2.541643,252,-2.650447246786355,-16.062965518634797,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.586092,2.552498,253,-2.650447246786355,-16.062965518634797,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.595497,2.561903,254,-2.650447246786355,-16.062965518634797,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.609099,2.575505,255,-2.650447246786355,-16.062965518634797,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.616661,2.583067,256,-2.650489285051956,-16.06294537757929,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.624908,2.591314,257,-2.650489285051956,-16.06294537757929,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.639596,2.606002,258,-2.650489285051956,-16.06294537757929,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.647772,2.614178,259,-2.650529294612167,-16.062922500011208,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.661559,2.627965,260,-2.650529294612167,-16.062922500011208,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.665585,2.631991,261,-2.650529294612167,-16.062922500011208,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.675658,2.642064,262,-2.650529294612167,-16.062922500011208,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.688881,2.655287,263,-2.6505668526516075,-16.062896930041223,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.700654,2.66706,264,-2.6505668526516075,-16.062896930041223,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.705742,2.672148,265,-2.6505668526516075,-16.062896930041223,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.720835,2.687241,266,-2.6505668526516075,-16.062896930041223,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.728718,2.695124,267,-2.650601487024236,-16.062868563230502,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.748294,2.7147,268,-2.650601487024236,-16.062868563230502,0.0,0.0,0.0,0.0,0.050450002476573,-0.043850001133978356,9.81270000553131,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.748622,2.715028,269,-2.650601487024236,-16.062868563230502,0.0,0.0,0.0,0.0,0.06715000286698342,-0.03265000075101851,9.813400002479552,0.0,0.0,0.0,0,71.45000011543743
+2024-04-07 10:32:36.767175,2.733581,270,-2.6506273579251096,-16.062847977327955,0.0,-0.0036000001709908247,0.0,0.0,0.06895000293850898,-0.03135000079870223,9.812900000572203,0.0,0.0,0.0729999989271164,0,71.45000011543743
+2024-04-07 10:32:36.768118,2.734524,271,-2.6506273579251096,-16.062847977327955,0.0,-0.0036000001709908247,0.0,0.0,0.07035000294446944,-0.0297500006854534,9.81350000476837,0.0,0.0,0.0729999989271164,0,71.45000011543743
+2024-04-07 10:32:36.776555,2.742961,272,-2.6506273579251096,-16.062847977327955,0.0,-0.0036000001709908247,0.0,0.0,0.07225000306963922,-0.027750000804662694,9.813400002479552,0.0,0.0,0.0729999989271164,0,71.45000011543743
+2024-04-07 10:32:36.788854,2.75526,273,-2.6506273579251096,-16.062847977327955,0.0,-0.0036000001709908247,0.0,0.0,0.07405000314116478,-0.02575000070035456,9.813300000190733,0.0,0.0,0.0729999989271164,0,71.45000011543743
+2024-04-07 10:32:36.800769,2.767175,274,-2.6506273579251096,-16.062847977327955,0.0,-0.0036000001709908247,0.0,0.0,0.0760500031709671,-0.023850000798702226,9.812900000572203,0.0,0.0,0.0729999989271164,0,71.45000011543743
+2024-04-07 10:32:36.808324,2.77473,275,-2.65064297673054,-16.062839296274547,0.0,-0.0036000001709908247,0.0,0.0,0.07795000314712525,-0.021650000885128973,9.813099995613097,0.0,0.0,0.0729999989271164,0,71.45000011543743
+2024-04-07 10:32:36.819963,2.786369,276,-2.650669266209265,-16.06282475087133,0.0,-0.014400000683963299,0.0,0.0,0.08005000323057174,-0.019450000822544083,9.81300000286102,0.0,0.0,0.23199999332427979,0,71.45000011543743
+2024-04-07 10:32:36.851428,2.817834,277,-2.650669266209265,-16.06282475087133,0.0,-0.014400000683963299,0.0,0.0,0.08175000339746474,-0.01705000087618827,9.813300000190733,0.0,0.0,0.23199999332427979,0,71.45000011543743
+2024-04-07 10:32:36.851992,2.818398,278,-2.650669266209265,-16.06282475087133,0.0,-0.014400000683963299,0.0,0.0,0.08355000346899033,-0.014450000971555688,9.814399996757505,0.0,0.0,0.23199999332427979,0,71.45000011543743
+2024-04-07 10:32:36.852069,2.818475,279,-2.650669266209265,-16.06282475087133,0.0,-0.014400000683963299,0.0,0.0,0.0849500034749508,-0.011550001055002201,9.815299988746641,0.0,0.0,0.23199999332427979,0,71.45000011543743
+2024-04-07 10:32:36.858820,2.825226,280,-2.650669266209265,-16.06282475087133,0.0,-0.014400000683963299,0.0,0.0,0.08625000342726707,-0.009050001129508017,9.814899989128111,0.0,0.0,0.23199999332427979,0,71.45000011543743
+2024-04-07 10:32:36.868237,2.834643,281,-2.6507811403352557,-16.062767572284912,0.0,0.007200000341981649,0.0,0.0,0.08705000340938568,-0.007550000995397571,9.8145999917984,0.0,0.0,0.3709999918937683,0,71.45000011543743
+2024-04-07 10:32:36.878997,2.845403,282,-2.6507811403352557,-16.062767572284912,0.0,0.007200000341981649,0.0,0.0,0.08785000354051589,-0.0069500008970498905,9.815199986457824,0.0,0.0,0.3709999918937683,0,71.45000011543743
+2024-04-07 10:32:36.886776,2.853182,283,-2.6507811403352557,-16.062767572284912,0.0,0.007200000341981649,0.0,0.0,0.08815000355243682,-0.00515000097453594,9.815099993705747,0.0,0.0,0.3709999918937683,0,71.45000011543743
+2024-04-07 10:32:36.900288,2.866694,284,-2.6509302455664145,-16.062711867686026,0.0,0.014400000683963299,0.0,0.0,0.08805000349879266,-0.003450000956654542,9.81419999217987,0.0,0.0,0.5429999828338623,0,71.45000011543743
+2024-04-07 10:32:36.905143,2.871549,285,-2.6509763695886157,-16.062697893471857,0.0,0.014400000683963299,0.0,0.0,0.0882500034570694,-0.0021500010043382645,9.8145999917984,0.0,0.0,0.5429999828338623,0,71.45000011543743
+2024-04-07 10:32:36.914937,2.881343,286,-2.6510256374867254,-16.062683688884103,0.0,0.014400000683963299,0.0,0.0,0.08845000341534615,-0.0008500010520219592,9.813999987602232,0.0,0.0,0.5429999828338623,0,71.45000011543743
+2024-04-07 10:32:36.925226,2.891632,287,-2.6510256374867254,-16.062683688884103,0.0,0.014400000683963299,0.0,0.0,0.08845000341534615,0.00044999897480010875,9.815199986457824,0.0,0.0,0.5429999828338623,0,71.45000011543743
+2024-04-07 10:32:36.936001,2.902407,288,-2.6510256374867254,-16.062683688884103,0.0,0.014400000683963299,0.0,0.0,0.0882500034570694,0.0008499990403652291,9.815599986076354,0.0,0.0,0.5429999828338623,0,71.45000011543743
+2024-04-07 10:32:36.945664,2.91207,289,-2.6510256374867254,-16.062683688884103,0.0,0.014400000683963299,0.0,0.0,0.08775000348687173,0.0008499990403652291,9.817999983787535,0.0,0.0,0.5429999828338623,0,71.45000011543743
+2024-04-07 10:32:36.955742,2.922148,290,-2.6511799528516593,-16.062661276026233,0.0,-0.010800000093877316,0.0,0.0,0.08735000342130661,0.0006499989330768785,9.817699986457823,0.0,0.0,0.671999990940094,0,71.45000011543743
+2024-04-07 10:32:36.965434,2.93184,291,-2.6511799528516593,-16.062661276026233,0.0,-0.010800000093877316,0.0,0.0,0.086550003439188,-0.00015000101178883063,9.81829999065399,0.0,0.0,0.671999990940094,0,71.45000011543743
+2024-04-07 10:32:36.975169,2.941575,292,-2.6511799528516593,-16.062661276026233,0.0,-0.010800000093877316,0.0,0.0,0.0857500034570694,-0.000550001077353951,9.817399989128111,0.0,0.0,0.671999990940094,0,71.45000011543743
+2024-04-07 10:32:36.986694,2.9531,293,-2.6511799528516593,-16.062661276026233,0.0,-0.010800000093877316,0.0,0.0,0.08525000348687173,-0.0020500010810792224,9.816699992179869,0.0,0.0,0.671999990940094,0,71.45000011543743
+2024-04-07 10:32:36.995071,2.961477,294,-2.6514930909342587,-16.06263913006225,0.0,0.0,0.0,0.0,0.08415000349283219,-0.0028500010631978545,9.816299992561339,0.0,0.0,0.7860000133514404,0,71.45000011543743
+2024-04-07 10:32:37.005499,2.971905,295,-2.6514930909342587,-16.06263913006225,0.0,0.0,0.0,0.0,0.0832500034570694,-0.004050001036375761,9.816399994850157,0.0,0.0,0.7860000133514404,0,71.45000011543743
+2024-04-07 10:32:37.015365,2.981771,296,-2.6514930909342587,-16.06263913006225,0.0,0.0,0.0,0.0,0.08165000338107348,-0.0053500009886920386,9.815299998283384,0.0,0.0,0.7860000133514404,0,71.45000011543743
+2024-04-07 10:32:37.025924,2.99233,297,-2.6514930909342587,-16.06263913006225,0.0,0.0,0.0,0.0,0.08015000335872174,-0.007250001039355997,9.815999995231627,0.0,0.0,0.7860000133514404,0,71.45000011543743
+2024-04-07 10:32:37.038060,3.004466,298,-2.6517957676812918,-16.06262294158033,0.0,0.0,0.0,0.0,0.07845000328496099,-0.00865000100806354,9.816099997520444,0.0,0.0,0.7710000276565552,0,71.45000011543743
+2024-04-07 10:32:37.047286,3.013692,299,-2.6519126361197203,-16.06261798975404,0.0,0.0,0.0,0.0,0.07735000321641564,-0.010450000967830414,9.817399989128111,0.0,0.0,0.7710000276565552,0,71.45000011543743
+2024-04-07 10:32:37.057758,3.024164,300,-2.6519126361197203,-16.06261798975404,0.0,0.0,0.0,0.0,0.07765000322833657,-0.012750000935047856,9.818899994850156,0.0,0.0,0.7710000276565552,0,71.45000011543743
+2024-04-07 10:32:37.065465,3.031871,301,-2.6519126361197203,-16.06261798975404,0.0,0.0,0.0,0.0,0.07685000324621796,-0.01435000093653796,9.81869999027252,0.0,0.0,0.7710000276565552,0,71.45000011543743
+2024-04-07 10:32:37.075873,3.042279,302,-2.6519126361197203,-16.06261798975404,0.0,0.0,0.0,0.0,0.07635000327602029,-0.01655000092461703,9.817899991035459,0.0,0.0,0.7710000276565552,0,71.45000011543743
+2024-04-07 10:32:37.087851,3.054257,303,-2.652215576509311,-16.062595892747826,0.0,0.0036000001709908247,0.0,0.0,0.07595000335946678,-0.01805000090971587,9.819699984550475,0.0,0.0,0.7379999756813049,0,71.45000011543743
+2024-04-07 10:32:37.097841,3.064247,304,-2.652215576509311,-16.062595892747826,0.0,0.0036000001709908247,0.0,0.0,0.07375000340864063,-0.019950000885874036,9.817999983787535,0.0,0.0,0.7379999756813049,0,71.45000011543743
+2024-04-07 10:32:37.105813,3.072219,305,-2.652215576509311,-16.062595892747826,0.0,0.0036000001709908247,0.0,0.0,0.07235000340268016,-0.022150000873953107,9.817499981880186,0.0,0.0,0.7379999756813049,0,71.45000011543743
+2024-04-07 10:32:37.117813,3.084219,306,-2.652215576509311,-16.062595892747826,0.0,0.0036000001709908247,0.0,0.0,0.07015000334009527,-0.02445000091567634,9.819499979972838,0.0,0.0,0.7379999756813049,0,71.45000011543743
+2024-04-07 10:32:37.126705,3.093111,307,-2.6525898392726206,-16.06253885893236,0.0,0.014400000683963299,0.0,0.0,0.06685000335797667,-0.0275500008650124,9.816999979972838,0.0,0.0,0.6439999938011169,0,71.45000011543743
+2024-04-07 10:32:37.136832,3.103238,308,-2.6525898392726206,-16.06253885893236,0.0,0.014400000683963299,0.0,0.0,0.06445000341162085,-0.030950000826269378,9.817499972343443,0.0,0.0,0.6439999938011169,0,71.45000011543743
+2024-04-07 10:32:37.146939,3.113345,309,-2.6525898392726206,-16.06253885893236,0.0,0.014400000683963299,0.0,0.0,0.06105000337585806,-0.03315000081434845,9.817999974250792,0.0,0.0,0.6439999938011169,0,71.45000011543743
+2024-04-07 10:32:37.160944,3.12735,310,-2.6530033436742433,-16.0624293224187,0.0,0.043200000375509265,0.0,0.0,0.05805000340566038,-0.03605000080540775,9.817899971961973,0.0,0.0,0.4819999933242798,0,71.45000011543743
+2024-04-07 10:32:37.167775,3.134181,311,-2.6530033436742433,-16.0624293224187,0.0,0.043200000375509265,0.0,0.0,0.05505000343546271,-0.03775000082328915,9.816299963951108,0.0,0.0,0.4819999933242798,0,71.45000011543743
+2024-04-07 10:32:37.175471,3.141877,312,-2.6530033436742433,-16.0624293224187,0.0,0.043200000375509265,0.0,0.0,0.05185000335797668,-0.039350000862032164,9.816099959373473,0.0,0.0,0.4819999933242798,0,71.45000011543743
+2024-04-07 10:32:37.185896,3.152302,313,-2.6530033436742433,-16.0624293224187,0.0,0.043200000375509265,0.0,0.0,0.04865000328049063,-0.04105000087991356,9.815899954795835,0.0,0.0,0.4819999933242798,0,71.45000011543743
+2024-04-07 10:32:37.198241,3.164647,314,-2.6530033436742433,-16.0624293224187,0.0,0.043200000375509265,0.0,0.0,0.04525000324472786,-0.042250000871717916,9.815799952507017,0.0,0.0,0.4819999933242798,0,71.45000011543743
+2024-04-07 10:32:37.206026,3.172432,315,-2.65339727912541,-16.062294362355757,0.0,0.014400000683963299,0.0,0.0,0.0412500031851232,-0.04295000087469815,9.81519994831085,0.0,0.0,0.2549999952316284,0,71.45800011581741
+2024-04-07 10:32:37.217126,3.183532,316,-2.65339727912541,-16.062294362355757,0.0,0.014400000683963299,0.0,0.0,0.03745000323280692,-0.042450000904500476,9.816299954414365,0.0,0.0,0.2549999952316284,0,71.45800011581741
+2024-04-07 10:32:37.227473,3.193879,317,-2.65339727912541,-16.062294362355757,0.0,0.014400000683963299,0.0,0.0,0.033950003143399965,-0.04135000091046094,9.816299954414365,0.0,0.0,0.2549999952316284,0,71.45800011581741
+2024-04-07 10:32:37.235901,3.202307,318,-2.65339727912541,-16.062294362355757,0.0,0.014400000683963299,0.0,0.0,0.031150003205984822,-0.040550000928342336,9.815299950599668,0.0,0.0,0.2549999952316284,0,71.45800011581741
+2024-04-07 10:32:37.246667,3.213073,319,-2.6537846529292572,-16.062114252432643,0.0,0.025200000777840615,0.0,0.0,0.028850003182888023,-0.04025000099092721,9.81559994792938,0.0,0.0,0.041999999433755875,0,71.45800011581741
+2024-04-07 10:32:37.255784,3.22219,320,-2.6537846529292572,-16.062114252432643,0.0,0.025200000777840615,0.0,0.0,0.027550003211945284,-0.04035000097006558,9.81689994907379,0.0,0.0,0.041999999433755875,0,71.45800011581741
+2024-04-07 10:32:37.265579,3.231985,321,-2.6537846529292572,-16.062114252432643,0.0,0.025200000777840615,0.0,0.0,0.02645000325515867,-0.04005000103265047,9.817199946403502,0.0,0.0,0.041999999433755875,0,71.45800011581741
+2024-04-07 10:32:37.275891,3.242297,322,-2.6537846529292572,-16.062114252432643,0.0,0.025200000777840615,0.0,0.0,0.026850003171712156,-0.03995000105351208,9.817799941062926,0.0,0.0,0.041999999433755875,0,71.45800011581741
+2024-04-07 10:32:37.289511,3.255917,323,-2.65408812998003,-16.06195189941833,0.0,0.0,0.0,0.0,0.026950003076344736,-0.03985000107437371,9.817799941062926,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.303500,3.269906,324,-2.65408812998003,-16.06195189941833,0.0,0.0,0.0,0.0,0.0275500031001866,-0.04015000108629464,9.818099938392637,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.306962,3.273368,325,-2.65408812998003,-16.06195189941833,0.0,0.0,0.0,0.0,0.028250003028661014,-0.040450001060962665,9.817799941062926,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.315898,3.282304,326,-2.65408812998003,-16.06195189941833,0.0,0.0,0.0,0.0,0.02895000295713543,-0.0419500010460615,9.817299939155577,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.339232,3.305638,327,-2.6542922037097947,-16.061831710724373,0.0,-0.0359999991953373,0.0,0.0,0.029950002897530803,-0.043150001075118766,9.817299939155577,0.0,0.0,-0.057999998331069946,0,71.45800011581741
+2024-04-07 10:32:37.339493,3.305899,328,-2.6542922037097947,-16.061831710724373,0.0,-0.0359999991953373,0.0,0.0,0.03095000283792615,-0.044450001046061505,9.817799931526181,0.0,0.0,-0.057999998331069946,0,71.45800011581741
+2024-04-07 10:32:37.347065,3.313471,329,-2.6542922037097947,-16.061831710724373,0.0,-0.0359999991953373,0.0,0.0,0.031950002778321496,-0.04545000106096267,9.817999936103819,0.0,0.0,-0.057999998331069946,0,71.45800011581741
+2024-04-07 10:32:37.358837,3.325243,330,-2.6542922037097947,-16.061831710724373,0.0,-0.0359999991953373,0.0,0.0,0.03295000271871687,-0.04575000103563069,9.817999936103819,0.0,0.0,-0.057999998331069946,0,71.45800011581741
+2024-04-07 10:32:37.365523,3.331929,331,-2.654386539165726,-16.061777379295165,0.0,-0.0359999991953373,0.0,0.0,0.03415000276640057,-0.04545000102370976,9.817599936485289,0.0,0.0,-0.05999999865889549,0,71.45800011581741
+2024-04-07 10:32:37.376606,3.343012,332,-2.654386539165726,-16.061777379295165,0.0,-0.0359999991953373,0.0,0.0,0.03575000287964941,-0.04475000102072953,9.81669993495941,0.0,0.0,-0.05999999865889549,0,71.45800011581741
+2024-04-07 10:32:37.385303,3.351709,333,-2.654386539165726,-16.061777379295165,0.0,-0.0359999991953373,0.0,0.0,0.03725000293925404,-0.04395000096410512,9.81709993457794,0.0,0.0,-0.05999999865889549,0,71.45800011581741
+2024-04-07 10:32:37.397451,3.363857,334,-2.654386539165726,-16.061777379295165,0.0,-0.0359999991953373,0.0,0.0,0.03905000301077963,-0.042750001065433016,9.816799937248229,0.0,0.0,-0.05999999865889549,0,71.45800011581741
+2024-04-07 10:32:37.405615,3.372021,335,-2.6544347845478677,-16.061745361371948,0.0,0.0,0.0,0.0,0.040650002975016836,-0.04165000107139348,9.816899939537047,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.415600,3.382006,336,-2.6544347845478677,-16.061745361371948,0.0,0.0,0.0,0.0,0.042350002992898234,-0.040850001089274876,9.816599942207334,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.428325,3.394731,337,-2.6544347845478677,-16.061745361371948,0.0,0.0,0.0,0.0,0.04365000294521451,-0.040650001056492316,9.816799946784972,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.435566,3.401972,338,-2.6544347845478677,-16.061745361371948,0.0,0.0,0.0,0.0,0.044550002980977305,-0.03995000112801789,9.816699944496152,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.448434,3.41484,339,-2.654439986253798,-16.06172972738128,0.0,0.0,0.0,0.0,0.04545000301674007,-0.039650001190602774,9.81729994869232,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.460550,3.426956,340,-2.654439986253798,-16.06172972738128,0.0,0.0,0.0,0.0,0.04595000298693777,-0.03885000120848417,9.817599946022032,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.466342,3.432748,341,-2.654439986253798,-16.06172972738128,0.0,0.0,0.0,0.0,0.04585000308230519,-0.03825000125914811,9.818099947929381,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.475759,3.442165,342,-2.654439986253798,-16.06172972738128,0.0,0.0,0.0,0.0,0.04555000307038426,-0.03785000126808881,9.817999945640562,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.485601,3.452007,343,-2.654399285048748,-16.061728468900714,0.0,0.0,0.0,0.0,0.04505000302568077,-0.03845000125467776,9.817499953269957,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.495970,3.462376,344,-2.654399285048748,-16.061728468900714,0.0,0.0,0.0,0.0,0.044950003121048215,-0.0395500012487173,9.817499953269957,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.505687,3.472093,345,-2.654399285048748,-16.061728468900714,0.0,0.0,0.0,0.0,0.04405000315979124,-0.04055000128224491,9.817599946022032,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.515476,3.481882,346,-2.654399285048748,-16.061728468900714,0.0,0.0,0.0,0.0,0.04345000321045517,-0.041350001264363515,9.817499943733214,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.532158,3.498564,347,-2.6543426365681064,-16.061717468056326,0.0,0.01799999959766865,0.0,0.0,0.04245000312104821,-0.0420500012487173,9.817499943733214,0.0,0.0,0.03200000151991844,0,71.45800011581741
+2024-04-07 10:32:37.542492,3.508898,348,-2.6543426365681064,-16.061717468056326,0.0,0.01799999959766865,0.0,0.0,0.04165000313892961,-0.042950001247227185,9.816999951362607,0.0,0.0,0.03200000151991844,0,71.45800011581741
+2024-04-07 10:32:37.547856,3.514262,349,-2.6543426365681064,-16.061717468056326,0.0,0.01799999959766865,0.0,0.0,0.04075000306591392,-0.04355000123381614,9.816299954414365,0.0,0.0,0.03200000151991844,0,71.45800011581741
+2024-04-07 10:32:37.560817,3.527223,350,-2.6543426365681064,-16.061717468056326,0.0,0.01799999959766865,0.0,0.0,0.039950003083795316,-0.04415000122040509,9.816199952125547,0.0,0.0,0.03200000151991844,0,71.45800011581741
+2024-04-07 10:32:37.565991,3.532397,351,-2.6542694030152227,-16.0617020855586,0.0,0.0,0.0,0.0,0.03885000301524996,-0.04425000119954346,9.815799952507017,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.579725,3.546131,352,-2.6542694030152227,-16.0617020855586,0.0,0.0,0.0,0.0,0.03815000301226973,-0.04405000124126672,9.81649994945526,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.585806,3.552212,353,-2.6542694030152227,-16.0617020855586,0.0,0.0,0.0,0.0,0.037650003042072056,-0.04365000125020742,9.816999951362607,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.598311,3.564717,354,-2.6542694030152227,-16.0617020855586,0.0,0.0,0.0,0.0,0.037250002976506935,-0.04295000132173299,9.81739995098114,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.607692,3.574098,355,-2.654186152456757,-16.061683568390364,0.0,0.0,0.0,0.0,0.03655000297352673,-0.04275000136345623,9.817199946403502,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.617714,3.58412,356,-2.654186152456757,-16.061683568390364,0.0,0.0,0.0,0.0,0.03605000300332903,-0.04285000141710042,9.817099953651427,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.630667,3.597073,357,-2.654186152456757,-16.061683568390364,0.0,0.0,0.0,0.0,0.035350003000348795,-0.04275000136345623,9.817099953651427,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.637134,3.60354,358,-2.654186152456757,-16.061683568390364,0.0,0.0,0.0,0.0,0.0349500029347837,-0.04295000139623879,9.817199955940245,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.648406,3.614812,359,-2.654091021371805,-16.061669058148063,0.0,0.0,0.0,0.0,0.034850002881139513,-0.04295000139623879,9.816799956321715,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.659770,3.626176,360,-2.654091021371805,-16.061669058148063,0.0,0.0,0.0,0.0,0.03445000296458603,-0.04285000134259462,9.816199952125547,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.667583,3.633989,361,-2.654091021371805,-16.061669058148063,0.0,0.0,0.0,0.0,0.0341500029526651,-0.04255000133067369,9.816299944877622,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.684301,3.650707,362,-2.654091021371805,-16.061669058148063,0.0,0.0,0.0,0.0,0.033650002982467425,-0.04265000138431786,9.815899945259092,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.688218,3.654624,363,-2.6539596312195823,-16.06167694225396,0.0,0.0,0.0,0.0,0.03325000306591391,-0.04345000144094227,9.816199942588804,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.697126,3.663532,364,-2.653921373215808,-16.06168176469914,0.0,0.0,0.0,0.0,0.03275000294670463,-0.04435000140219926,9.815399943351744,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.706845,3.673251,365,-2.653921373215808,-16.06168176469914,0.0,0.0,0.0,0.0,0.03215000292286277,-0.04605000145733355,9.815899945259092,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.718409,3.684815,366,-2.653921373215808,-16.06168176469914,0.0,0.0,0.0,0.0,0.031150002833455814,-0.0479500014707446,9.815899945259092,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.734291,3.700697,367,-2.6537976197565967,-16.061698235247867,0.0,0.0,0.0,0.0,0.030650002863258113,-0.04955000143498181,9.815499945640562,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.740141,3.706547,368,-2.6537976197565967,-16.061698235247867,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.749916,3.716322,369,-2.6537976197565967,-16.061698235247867,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.756945,3.723351,370,-2.6537976197565967,-16.061698235247867,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.765997,3.732403,371,-2.6537976197565967,-16.061698235247867,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.776276,3.742682,372,-2.6536115197866774,-16.061722239838957,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.785630,3.752036,373,-2.6536115197866774,-16.061722239838957,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.795700,3.762106,374,-2.6536115197866774,-16.061722239838957,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.805594,3.772,375,-2.6536115197866774,-16.061722239838957,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.816603,3.783009,376,-2.6534068104914597,-16.06174691572167,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.827894,3.7943,377,-2.6534068104914597,-16.06174691572167,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.836438,3.802844,378,-2.6534068104914597,-16.06174691572167,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.846762,3.813168,379,-2.6534068104914597,-16.06174691572167,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.857050,3.823456,380,-2.6531894395137785,-16.061771362920126,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.867615,3.834021,381,-2.6531894395137785,-16.061771362920126,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.880436,3.846842,382,-2.6531894395137785,-16.061771362920126,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.886288,3.852694,383,-2.6531894395137785,-16.061771362920126,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.896073,3.862479,384,-2.6529626977973906,-16.061794559511274,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.906226,3.872632,385,-2.6529626977973906,-16.061794559511274,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.916694,3.8831,386,-2.6529626977973906,-16.061794559511274,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.926245,3.892651,387,-2.6529626977973906,-16.061794559511274,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:37.936023,3.902429,388,-2.652718787830509,-16.061826234829013,0.0,-0.025200000777840615,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,-0.03999999910593033,0,71.45800011581741
+2024-04-07 10:32:37.946371,3.912777,389,-2.652718787830509,-16.061826234829013,0.0,-0.025200000777840615,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,-0.03999999910593033,0,71.45800011581741
+2024-04-07 10:32:37.960915,3.927321,390,-2.652718787830509,-16.061826234829013,0.0,-0.025200000777840615,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,-0.03999999910593033,0,71.45800011581741
+2024-04-07 10:32:37.966232,3.932638,391,-2.652718787830509,-16.061826234829013,0.0,-0.025200000777840615,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,-0.03999999910593033,0,71.45800011581741
+2024-04-07 10:32:37.977090,3.943496,392,-2.6524375096464565,-16.061884204692117,0.0,-0.06120000332593918,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,-0.10100000351667404,0,71.45800011581741
+2024-04-07 10:32:37.985993,3.952399,393,-2.6524375096464565,-16.061884204692117,0.0,-0.06120000332593918,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,-0.10100000351667404,0,71.45800011581741
+2024-04-07 10:32:37.996317,3.962723,394,-2.6524375096464565,-16.061884204692117,0.0,-0.06120000332593918,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,-0.10100000351667404,0,71.45800011581741
+2024-04-07 10:32:38.007089,3.973495,395,-2.6524375096464565,-16.061884204692117,0.0,-0.06120000332593918,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,-0.10100000351667404,0,71.45800011581741
+2024-04-07 10:32:38.016102,3.982508,396,-2.652123456023099,-16.061972647303985,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.029073,3.995479,397,-2.652123456023099,-16.061972647303985,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.041697,4.008103,398,-2.652123456023099,-16.061972647303985,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.046741,4.013147,399,-2.652123456023099,-16.061972647303985,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.056457,4.022863,400,-2.6518230329057695,-16.06204892277747,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.066798,4.033204,401,-2.6518230329057695,-16.06204892277747,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.076839,4.043245,402,-2.6518230329057695,-16.06204892277747,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.086075,4.052481,403,-2.6518230329057695,-16.06204892277747,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.096413,4.062819,404,-2.6514998515095507,-16.062147303418314,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.105843,4.072249,405,-2.6514998515095507,-16.062147303418314,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.116017,4.082423,406,-2.6514998515095507,-16.062147303418314,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.129463,4.095869,407,-2.6514998515095507,-16.062147303418314,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.136056,4.102462,408,-2.651172584522732,-16.06225240082399,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.146122,4.112528,409,-2.651172584522732,-16.06225240082399,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.158015,4.124421,410,-2.651172584522732,-16.06225240082399,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.165859,4.132265,411,-2.651172584522732,-16.06225240082399,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.176359,4.142765,412,-2.6508441493090142,-16.06236261380792,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.185949,4.152355,413,-2.6508441493090142,-16.06236261380792,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.198244,4.16465,414,-2.6508441493090142,-16.06236261380792,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45800011581741
+2024-04-07 10:32:38.206783,4.173189,415,-2.6508441493090142,-16.06236261380792,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.216246,4.182652,416,-2.6505295889335074,-16.06246439681794,0.0,0.0,0.0,0.0,0.02965000277385116,-0.05175000146031379,9.815699940681455,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.229290,4.195696,417,-2.6505295889335074,-16.06246439681794,0.0,0.0,0.0,0.0,0.047250002250075335,-0.055950001217424855,9.81419999217987,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.236523,4.202929,418,-2.6505295889335074,-16.06246439681794,0.0,0.0,0.0,0.0,0.0499500022828579,-0.05705000121146439,9.815199995994567,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.246644,4.21305,419,-2.6504634379204797,-16.06248342253286,0.0,0.028800001367926598,0.0,0.0,0.052050002347677954,-0.05755000118166208,9.814699994087217,0.0,0.0,-0.04500000178813934,0,71.45900011586491
+2024-04-07 10:32:38.258050,4.224456,420,-2.6502625533078743,-16.062536093341272,0.0,0.028800001367926598,0.0,0.0,0.05335000231862069,-0.05735000122338532,9.8145999917984,0.0,0.0,-0.04500000178813934,0,71.45900011586491
+2024-04-07 10:32:38.266407,4.232813,421,-2.6502625533078743,-16.062536093341272,0.0,0.028800001367926598,0.0,0.0,0.054850002340972426,-0.05755000118166208,9.813999997138975,0.0,0.0,-0.04500000178813934,0,71.45900011586491
+2024-04-07 10:32:38.276516,4.242922,422,-2.6502625533078743,-16.062536093341272,0.0,0.028800001367926598,0.0,0.0,0.05435000237077475,-0.05775000113993882,9.81430000400543,0.0,0.0,-0.04500000178813934,0,71.45900011586491
+2024-04-07 10:32:38.286100,4.252506,423,-2.6502625533078743,-16.062536093341272,0.0,0.028800001367926598,0.0,0.0,0.05425000246614217,-0.057950001098215576,9.814500008583067,0.0,0.0,-0.04500000178813934,0,71.45900011586491
+2024-04-07 10:32:38.296661,4.263067,424,-2.6500723572511733,-16.062537499312086,0.0,0.06120000332593918,0.0,0.0,0.05355000253766776,-0.057750001065433015,9.813900013923643,0.0,0.0,-0.09799999743700027,0,71.45900011586491
+2024-04-07 10:32:38.305929,4.272335,425,-2.6500723572511733,-16.062537499312086,0.0,0.06120000332593918,0.0,0.0,0.05275000255554915,-0.056950001120567306,9.813600007057188,0.0,0.0,-0.09799999743700027,0,71.45900011586491
+2024-04-07 10:32:38.316266,4.282672,426,-2.6500723572511733,-16.062537499312086,0.0,0.06120000332593918,0.0,0.0,0.0521500026807189,-0.05525000117719173,9.812800007820128,0.0,0.0,-0.09799999743700027,0,71.45900011586491
+2024-04-07 10:32:38.326827,4.293233,427,-2.6500723572511733,-16.062537499312086,0.0,0.06120000332593918,0.0,0.0,0.051250002644956105,-0.0534500011242926,9.81300000286102,0.0,0.0,-0.09799999743700027,0,71.45900011586491
+2024-04-07 10:32:38.338308,4.304714,428,-2.649862433790906,-16.06255414460072,0.0,0.0,0.0,0.0,0.05025000270456076,-0.05205000117421149,9.812400008201598,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.346879,4.313285,429,-2.649862433790906,-16.06255414460072,0.0,0.0,0.0,0.0,0.04905000280588864,-0.05125000119209289,9.813400002479552,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.359934,4.32634,430,-2.649862433790906,-16.06255414460072,0.0,0.0,0.0,0.0,0.048150002919137486,-0.051050001196563236,9.81270000553131,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.367150,4.333556,431,-2.649862433790906,-16.06255414460072,0.0,0.0,0.0,0.0,0.04735000278800727,-0.0516500012204051,9.81270000553131,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.378116,4.344522,432,-2.649654811995752,-16.06256926048415,0.0,-0.032399998605251314,0.0,0.0,0.0462500026449561,-0.052150001265108575,9.813200007438658,0.0,0.0,-0.05299999937415123,0,71.45900011586491
+2024-04-07 10:32:38.385922,4.352328,433,-2.649654811995752,-16.06256926048415,0.0,-0.032399998605251314,0.0,0.0,0.04515000250190496,-0.05245000127702951,9.812500010490416,0.0,0.0,-0.05299999937415123,0,71.45900011586491
+2024-04-07 10:32:38.395925,4.362331,434,-2.649654811995752,-16.06256926048415,0.0,-0.032399998605251314,0.0,0.0,0.04405000235885381,-0.05345000121742485,9.812500010490416,0.0,0.0,-0.05299999937415123,0,71.45900011586491
+2024-04-07 10:32:38.406516,4.372922,435,-2.649654811995752,-16.06256926048415,0.0,-0.032399998605251314,0.0,0.0,0.04285000231117009,-0.05445000123232602,9.81310000514984,0.0,0.0,-0.05299999937415123,0,71.45900011586491
+2024-04-07 10:32:38.416607,4.383013,436,-2.649486246179208,-16.062573655425595,0.0,0.0,0.0,0.0,0.04135000225156546,-0.05535000119358301,9.81300000286102,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.426801,4.393207,437,-2.649486246179208,-16.062573655425595,0.0,0.0,0.0,0.0,0.040250002257525924,-0.05605000119656324,9.812399998664855,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.438376,4.404782,438,-2.649486246179208,-16.062573655425595,0.0,0.0,0.0,0.0,0.0390500022098422,-0.056850001178681844,9.812399998664855,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.446609,4.413015,439,-2.649486246179208,-16.062573655425595,0.0,0.0,0.0,0.0,0.038350002281367784,-0.05715000111609696,9.811199999809263,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.460041,4.426447,440,-2.6493497155473293,-16.062555736654808,0.0,0.0,0.0,0.0,0.03745000232011081,-0.05805000107735395,9.810800000190733,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.466598,4.433004,441,-2.6493497155473293,-16.062555736654808,0.0,0.0,0.0,0.0,0.03785000223666429,-0.05865000102668999,9.810500002861021,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.480237,4.446643,442,-2.6493497155473293,-16.062555736654808,0.0,0.0,0.0,0.0,0.037750002183020104,-0.05915000099688768,9.810800000190733,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.486179,4.452585,443,-2.6493497155473293,-16.062555736654808,0.0,0.0,0.0,0.0,0.03845000218600034,-0.05885000102221964,9.811399994850158,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.496335,4.462741,444,-2.6492221377381022,-16.06252979583193,0.0,0.0,0.0,0.0,0.03825000207871199,-0.05785000100731849,9.811499997138975,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.506338,4.472744,445,-2.6492221377381022,-16.06252979583193,0.0,0.0,0.0,0.0,0.03955000210553408,-0.05665000101551412,9.812399998664855,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.516920,4.483326,446,-2.6492221377381022,-16.06252979583193,0.0,0.0,0.0,0.0,0.03955000210553408,-0.05595000101253389,9.812900000572203,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.534446,4.500852,447,-2.6492221377381022,-16.06252979583193,0.0,0.0,0.0,0.0,0.040450002141296876,-0.05535000100731849,9.813600007057188,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.539003,4.505409,448,-2.6490835196503975,-16.062535064275213,0.0,-0.0359999991953373,0.0,0.0,0.04075000215321778,-0.054650000967085346,9.813699999809263,0.0,0.0,-0.05999999865889549,0,71.45900011586491
+2024-04-07 10:32:38.546783,4.513189,449,-2.6490835196503975,-16.062535064275213,0.0,-0.0359999991953373,0.0,0.0,0.04205000214278698,-0.054650000967085346,9.814699994087217,0.0,0.0,-0.05999999865889549,0,71.45900011586491
+2024-04-07 10:32:38.561246,4.527652,450,-2.6490835196503975,-16.062535064275213,0.0,-0.0359999991953373,0.0,0.0,0.04225000210106372,-0.054450000971555695,9.814399996757505,0.0,0.0,-0.05999999865889549,0,71.45900011586491
+2024-04-07 10:32:38.568362,4.534768,451,-2.64900737816397,-16.06251544204611,0.0,0.0,0.0,0.0,0.04355000212788582,-0.054450000971555695,9.81419999217987,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.580094,4.5465,452,-2.6489805884146125,-16.062506899408394,0.0,0.0,0.0,0.0,0.04395000211894512,-0.05475000090897082,9.81409998989105,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.587007,4.553413,453,-2.6489805884146125,-16.062506899408394,0.0,0.0,0.0,0.0,0.04455000214278698,-0.05495000086724758,9.81369999027252,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.598441,4.564847,454,-2.6489805884146125,-16.062506899408394,0.0,0.0,0.0,0.0,0.04465000219643117,-0.05565000079572199,9.813899985313414,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.608015,4.574421,455,-2.6489805884146125,-16.062506899408394,0.0,0.0,0.0,0.0,0.045350002199411404,-0.05585000075399875,9.81409998989105,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.616907,4.583313,456,-2.6488848214455145,-16.06248952014554,0.0,-0.057600002735853195,0.0,0.0,0.045550002157688146,-0.05625000074505805,9.814199982643126,0.0,0.0,-0.09099999815225601,0,71.45900011586491
+2024-04-07 10:32:38.632929,4.599335,457,-2.6488848214455145,-16.06248952014554,0.0,-0.057600002735853195,0.0,0.0,0.04625000216066838,-0.05705000080168246,9.814899979591369,0.0,0.0,-0.09099999815225601,0,71.45900011586491
+2024-04-07 10:32:38.636480,4.602886,458,-2.6488848214455145,-16.06248952014554,0.0,-0.057600002735853195,0.0,0.0,0.0461500022560358,-0.05715000078082083,9.815399971961973,0.0,0.0,-0.09099999815225601,0,71.45900011586491
+2024-04-07 10:32:38.646838,4.613244,459,-2.6488848214455145,-16.06248952014554,0.0,-0.057600002735853195,0.0,0.0,0.04595000229775906,-0.05795000076293945,9.815799971580503,0.0,0.0,-0.09099999815225601,0,71.45900011586491
+2024-04-07 10:32:38.658901,4.625307,460,-2.6488713609733106,-16.062413366300255,0.0,0.043200000375509265,0.0,0.0,0.04595000229775906,-0.058350000828504556,9.816699973106383,0.0,0.0,-0.0729999989271164,0,71.45900011586491
+2024-04-07 10:32:38.666772,4.633178,461,-2.6488713609733106,-16.062413366300255,0.0,0.043200000375509265,0.0,0.0,0.045750002339482315,-0.0585500008612871,9.815899973869321,0.0,0.0,-0.0729999989271164,0,71.45900011586491
+2024-04-07 10:32:38.677628,4.644034,462,-2.6488713609733106,-16.062413366300255,0.0,0.043200000375509265,0.0,0.0,0.045350002273917195,-0.05875000081956386,9.816199971199033,0.0,0.0,-0.0729999989271164,0,71.45900011586491
+2024-04-07 10:32:38.687306,4.653712,463,-2.6488926773963724,-16.06230999940341,0.0,0.028800001367926598,0.0,0.0,0.04515000231564045,-0.05825000077486037,9.81599997615814,0.0,0.0,-0.04800000041723251,0,71.45900011586491
+2024-04-07 10:32:38.696942,4.663348,464,-2.6488926773963724,-16.06230999940341,0.0,0.028800001367926598,0.0,0.0,0.04425000227987766,-0.05775000073015689,9.816499978065488,0.0,0.0,-0.04800000041723251,0,71.45900011586491
+2024-04-07 10:32:38.706483,4.672889,465,-2.6488926773963724,-16.06230999940341,0.0,0.028800001367926598,0.0,0.0,0.043750002309679986,-0.05735000070184468,9.816199980735776,0.0,0.0,-0.04800000041723251,0,71.45900011586491
+2024-04-07 10:32:38.716563,4.682969,466,-2.6488926773963724,-16.06230999940341,0.0,0.028800001367926598,0.0,0.0,0.04295000232756138,-0.05695000067353248,9.816299983024596,0.0,0.0,-0.04800000041723251,0,71.45900011586491
+2024-04-07 10:32:38.726924,4.69333,467,-2.648900411876514,-16.062284452558362,0.0,0.028800001367926598,0.0,0.0,0.04235000230371952,-0.057050000727176656,9.816299983024596,0.0,0.0,-0.04800000041723251,0,71.45900011586491
+2024-04-07 10:32:38.736817,4.703223,468,-2.6489110362886428,-16.06221990901349,0.0,-0.028800001367926598,0.0,0.0,0.041950002387166035,-0.056650000698864444,9.816599989891051,0.0,0.0,-0.04800000041723251,0,71.45900011586491
+2024-04-07 10:32:38.746842,4.713248,469,-2.6489110362886428,-16.06221990901349,0.0,-0.028800001367926598,0.0,0.0,0.041450002416968335,-0.0564500006660819,9.817199994087217,0.0,0.0,-0.04800000041723251,0,71.45900011586491
+2024-04-07 10:32:38.762464,4.72887,470,-2.6489110362886428,-16.06221990901349,0.0,-0.028800001367926598,0.0,0.0,0.0411500024050474,-0.05615000065416097,9.817599993705748,0.0,0.0,-0.04800000041723251,0,71.45900011586491
+2024-04-07 10:32:38.768138,4.734544,471,-2.648931216307496,-16.062139180055567,0.0,0.0,0.0,0.0,0.041650002375245104,-0.05625000063329934,9.818199997901914,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.777128,4.743534,472,-2.648931216307496,-16.062139180055567,0.0,0.0,0.0,0.0,0.041950002387166035,-0.055850000642240036,9.818199997901914,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.786558,4.752964,473,-2.648931216307496,-16.062139180055567,0.0,0.0,0.0,0.0,0.04275000236928464,-0.05505000062286852,9.818099995613096,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.796652,4.763058,474,-2.648931216307496,-16.062139180055567,0.0,0.0,0.0,0.0,0.043150002285838124,-0.05435000061988829,9.817999993324278,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.806583,4.772989,475,-2.648931216307496,-16.062139180055567,0.0,0.0,0.0,0.0,0.043950002342462546,-0.05425000064074992,9.818099995613096,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.816759,4.783165,476,-2.648962052291625,-16.062062030021593,0.0,0.0,0.0,0.0,0.04485000230371952,-0.05415000066161155,9.818300000190733,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.827326,4.793732,477,-2.648962052291625,-16.062062030021593,0.0,0.0,0.0,0.0,0.046050002351403246,-0.05435000061988829,9.818300000190733,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.839827,4.806233,478,-2.648962052291625,-16.062062030021593,0.0,0.0,0.0,0.0,0.04705000229179859,-0.05455000065267085,9.818699999809263,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.847294,4.8137,479,-2.6489888212607315,-16.062003289199442,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.864321,4.830727,480,-2.6489888212607315,-16.062003289199442,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.870831,4.837237,481,-2.6489888212607315,-16.062003289199442,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.878294,4.8447,482,-2.6489888212607315,-16.062003289199442,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.887357,4.853763,483,-2.6489888212607315,-16.062003289199442,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.896656,4.863062,484,-2.6490289013626565,-16.06194827782073,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.906937,4.873343,485,-2.6490289013626565,-16.06194827782073,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.916961,4.883367,486,-2.6490289013626565,-16.06194827782073,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.928826,4.895232,487,-2.6490289013626565,-16.06194827782073,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.937032,4.903438,488,-2.649090321786317,-16.061890139191274,0.0,0.03959999978542328,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,-0.06499999761581421,0,71.45900011586491
+2024-04-07 10:32:38.947358,4.913764,489,-2.649090321786317,-16.061890139191274,0.0,0.03959999978542328,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,-0.06499999761581421,0,71.45900011586491
+2024-04-07 10:32:38.958112,4.924518,490,-2.649090321786317,-16.061890139191274,0.0,0.03959999978542328,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,-0.06499999761581421,0,71.45900011586491
+2024-04-07 10:32:38.968735,4.935141,491,-2.6491797114125606,-16.061817244325407,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.977514,4.94392,492,-2.6491797114125606,-16.061817244325407,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.986855,4.953261,493,-2.6491797114125606,-16.061817244325407,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:38.996834,4.96324,494,-2.6491797114125606,-16.061817244325407,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.007374,4.97378,495,-2.64926041250807,-16.06176320744871,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.018964,4.98537,496,-2.64926041250807,-16.06176320744871,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.028145,4.994551,497,-2.64926041250807,-16.06176320744871,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.037464,5.00387,498,-2.64926041250807,-16.06176320744871,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.048911,5.015317,499,-2.6493470984739744,-16.06171346834032,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.060284,5.02669,500,-2.6493470984739744,-16.06171346834032,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.067384,5.03379,501,-2.6493470984739744,-16.06171346834032,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.082331,5.048737,502,-2.6493470984739744,-16.06171346834032,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.088103,5.054509,503,-2.649452270721619,-16.06165617529773,0.0,0.028800001367926598,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,-0.04500000178813934,0,71.45900011586491
+2024-04-07 10:32:39.097316,5.063722,504,-2.649452270721619,-16.06165617529773,0.0,0.028800001367926598,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,-0.04500000178813934,0,71.45900011586491
+2024-04-07 10:32:39.106484,5.07289,505,-2.649452270721619,-16.06165617529773,0.0,0.028800001367926598,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,-0.04500000178813934,0,71.45900011586491
+2024-04-07 10:32:39.120513,5.086919,506,-2.649452270721619,-16.06165617529773,0.0,0.028800001367926598,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,-0.04500000178813934,0,71.45900011586491
+2024-04-07 10:32:39.127322,5.093728,507,-2.649558103087526,-16.061602232786054,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.136839,5.103245,508,-2.649558103087526,-16.061602232786054,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.147881,5.114287,509,-2.649558103087526,-16.061602232786054,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.157612,5.124018,510,-2.649558103087526,-16.061602232786054,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.169564,5.13597,511,-2.6496736117931388,-16.061551364660485,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.179656,5.146062,512,-2.6496736117931388,-16.061551364660485,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.186888,5.153294,513,-2.6496736117931388,-16.061551364660485,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.198638,5.165044,514,-2.6496736117931388,-16.061551364660485,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.207895,5.174301,515,-2.649765671965955,-16.06150940511414,0.0,0.0,0.0,0.0,0.047350002303719524,-0.05445000067353248,9.818499995231626,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.218999,5.185405,516,-2.6497961330056943,-16.061495873278087,0.0,0.0,0.0,0.0,0.046150002554059016,-0.05375000044703483,9.817799988746641,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.227985,5.194391,517,-2.6497961330056943,-16.061495873278087,0.0,0.0,0.0,0.0,0.046350002512335786,-0.0534500004351139,9.817599984169005,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.237649,5.204055,518,-2.6497961330056943,-16.061495873278087,0.0,0.0,0.0,0.0,0.04675000242888927,-0.05285000041127204,9.817399979591368,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.248075,5.214481,519,-2.6498792288543864,-16.061477784645824,0.0,-0.05040000155568123,0.0,0.0,0.04665000237524508,-0.05275000035762786,9.817799979209898,0.0,0.0,-0.07999999821186066,0,71.45900011586491
+2024-04-07 10:32:39.257269,5.223675,520,-2.6498792288543864,-16.061477784645824,0.0,-0.05040000155568123,0.0,0.0,0.04675000242888927,-0.052950000315904605,9.81599997615814,0.0,0.0,-0.07999999821186066,0,71.45900011586491
+2024-04-07 10:32:39.275972,5.242378,521,-2.6498792288543864,-16.061477784645824,0.0,-0.05040000155568123,0.0,0.0,0.04655000247061253,-0.05315000027418136,9.816699973106383,0.0,0.0,-0.07999999821186066,0,71.45900011586491
+2024-04-07 10:32:39.282466,5.248872,522,-2.6498792288543864,-16.061477784645824,0.0,-0.05040000155568123,0.0,0.0,0.04665000252425672,-0.05335000030696391,9.815199967384336,0.0,0.0,-0.07999999821186066,0,71.45900011586491
+2024-04-07 10:32:39.287494,5.2539,523,-2.649950682517701,-16.06144790889001,0.0,0.0719999983906746,0.0,0.0,0.04655000247061253,-0.05335000030696391,9.815499964714048,0.0,0.0,-0.11299999803304672,0,71.45900011586491
+2024-04-07 10:32:39.297080,5.263486,524,-2.650025157558581,-16.06140783035042,0.0,0.0719999983906746,0.0,0.0,0.04635000236332418,-0.05345000028610228,9.815899964332578,0.0,0.0,-0.11299999803304672,0,71.45900011586491
+2024-04-07 10:32:39.307495,5.273901,525,-2.650025157558581,-16.06140783035042,0.0,0.0719999983906746,0.0,0.0,0.04655000232160092,-0.053850000202655776,9.816899968147276,0.0,0.0,-0.11299999803304672,0,71.45900011586491
+2024-04-07 10:32:39.317999,5.284405,526,-2.650025157558581,-16.06140783035042,0.0,0.0719999983906746,0.0,0.0,0.0461500022560358,-0.05435000017285346,9.817599965095518,0.0,0.0,-0.11299999803304672,0,71.45900011586491
+2024-04-07 10:32:39.330351,5.296757,527,-2.650025157558581,-16.06140783035042,0.0,0.0719999983906746,0.0,0.0,0.04625000230967999,-0.054550000280141814,9.816899968147276,0.0,0.0,-0.11299999803304672,0,71.45900011586491
+2024-04-07 10:32:39.338395,5.304801,528,-2.6501209101610352,-16.061396762935406,0.0,0.0,0.0,0.0,0.04645000241696834,-0.05475000023841857,9.816899968147276,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.347219,5.313625,529,-2.6501209101610352,-16.061396762935406,0.0,0.0,0.0,0.0,0.04645000241696834,-0.05415000021457671,9.81559997653961,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.357632,5.324038,530,-2.6501209101610352,-16.061396762935406,0.0,0.0,0.0,0.0,0.04665000237524508,-0.0533500001579523,9.816199971199033,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.377335,5.343741,531,-2.6502169168576084,-16.061380250640838,0.0,-0.06839999780058861,0.0,0.0,0.04665000237524508,-0.05305000014603137,9.81599997615814,0.0,0.0,-0.1080000028014183,0,71.45900011586491
+2024-04-07 10:32:39.384949,5.351355,532,-2.6502169168576084,-16.061380250640838,0.0,-0.06839999780058861,0.0,0.0,0.04685000233352185,-0.053350000083446494,9.816299983024596,0.0,0.0,-0.1080000028014183,0,71.45900011586491
+2024-04-07 10:32:39.387024,5.35343,533,-2.6502169168576084,-16.061380250640838,0.0,-0.06839999780058861,0.0,0.0,0.04685000233352185,-0.05365000016987323,9.815399981498716,0.0,0.0,-0.1080000028014183,0,71.45900011586491
+2024-04-07 10:32:39.398612,5.365018,534,-2.6502169168576084,-16.061380250640838,0.0,-0.06839999780058861,0.0,0.0,0.04665000237524508,-0.0537500001490116,9.815799981117246,0.0,0.0,-0.1080000028014183,0,71.45900011586491
+2024-04-07 10:32:39.407610,5.374016,535,-2.6503174965638685,-16.06136270644239,0.0,0.053999998793005946,0.0,0.0,0.04645000241696834,-0.05365000016987323,9.815599986076354,0.0,0.0,-0.08500000089406967,0,71.45900011586491
+2024-04-07 10:32:39.418870,5.385276,536,-2.6503174965638685,-16.06136270644239,0.0,0.053999998793005946,0.0,0.0,0.04645000241696834,-0.05365000016987323,9.816299983024596,0.0,0.0,-0.08500000089406967,0,71.45900011586491
+2024-04-07 10:32:39.426824,5.39323,537,-2.6503174965638685,-16.06136270644239,0.0,0.053999998793005946,0.0,0.0,0.04635000236332418,-0.05315000019967556,9.816999989509581,0.0,0.0,-0.08500000089406967,0,71.45900011586491
+2024-04-07 10:32:39.437048,5.403454,538,-2.6503174965638685,-16.06136270644239,0.0,0.053999998793005946,0.0,0.0,0.04645000226795673,-0.05305000014603137,9.816999989509581,0.0,0.0,-0.08500000089406967,0,71.45900011586491
+2024-04-07 10:32:39.449104,5.41551,539,-2.6504103635860257,-16.061355342396677,0.0,0.0,0.0,0.0,0.04635000221431254,-0.05325000017881393,9.817399989128111,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.459248,5.425654,540,-2.6504103635860257,-16.061355342396677,0.0,0.0,0.0,0.0,0.0465500022470951,-0.0533500001579523,9.817499991416929,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.473156,5.439562,541,-2.6504103635860257,-16.061355342396677,0.0,0.0,0.0,0.0,0.04595000222325324,-0.05345000013709067,9.817899991035459,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.482481,5.448887,542,-2.6504103635860257,-16.061355342396677,0.0,0.0,0.0,0.0,0.04595000222325324,-0.0533500001579523,9.817299996376036,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.487426,5.453832,543,-2.6504373871620435,-16.061368113088335,0.0,-0.0719999983906746,0.0,0.0,0.045550002157688146,-0.05345000013709067,9.817100001335142,0.0,0.0,-0.11599999666213989,0,71.45900011586491
+2024-04-07 10:32:39.497904,5.46431,544,-2.650445504658097,-16.061403039800595,0.0,-0.0719999983906746,0.0,0.0,0.04615000218153001,-0.0533500001579523,9.816099997520444,0.0,0.0,-0.11599999666213989,0,71.45900011586491
+2024-04-07 10:32:39.507048,5.473454,545,-2.650445504658097,-16.061403039800595,0.0,-0.0719999983906746,0.0,0.0,0.045250002145767215,-0.05355000011622904,9.815400000572202,0.0,0.0,-0.11599999666213989,0,71.45900011586491
+2024-04-07 10:32:39.518354,5.48476,546,-2.650445504658097,-16.061403039800595,0.0,-0.0719999983906746,0.0,0.0,0.04575000219047071,-0.0537500000745058,9.814899998664854,0.0,0.0,-0.11599999666213989,0,71.45900011586491
+2024-04-07 10:32:39.527693,5.494099,547,-2.65049477538519,-16.06144250555492,0.0,0.0,0.0,0.0,0.04575000219047071,-0.05305000007152556,9.814899998664854,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.538284,5.50469,548,-2.65049477538519,-16.06144250555492,0.0,0.0,0.0,0.0,0.04625000216066838,-0.052650000154972065,9.815299998283384,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.547034,5.51344,549,-2.65049477538519,-16.06144250555492,0.0,0.0,0.0,0.0,0.04585000224411487,-0.052450000159442414,9.815400000572202,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.557636,5.524042,550,-2.65049477538519,-16.06144250555492,0.0,0.0,0.0,0.0,0.0461500022560358,-0.05215000014752148,9.815800000190732,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.574095,5.540501,551,-2.6505751210286133,-16.061455771205164,0.0,0.032399998605251314,0.0,0.0,0.04555000223219394,-0.052450000159442414,9.815900002479552,0.0,0.0,-0.05299999937415123,0,71.45900011586491
+2024-04-07 10:32:39.576949,5.543355,552,-2.6505751210286133,-16.061455771205164,0.0,0.032399998605251314,0.0,0.0,0.04575000219047071,-0.052850000187754625,9.815400010108945,0.0,0.0,-0.05299999937415123,0,71.45900011586491
+2024-04-07 10:32:39.587580,5.553986,553,-2.6505751210286133,-16.061455771205164,0.0,0.032399998605251314,0.0,0.0,0.045350002124905586,-0.05315000019967556,9.815200015068053,0.0,0.0,-0.05299999937415123,0,71.45900011586491
+2024-04-07 10:32:39.597539,5.563945,554,-2.6505751210286133,-16.061455771205164,0.0,0.032399998605251314,0.0,0.0,0.045150002017617236,-0.05375000024214385,9.81450001811981,0.0,0.0,-0.05299999937415123,0,71.45900011586491
+2024-04-07 10:32:39.608212,5.574618,555,-2.6506510527612486,-16.0614745614653,0.0,0.0,0.0,0.0,0.044850002005696304,-0.05395000020042061,9.81410001850128,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.624520,5.590926,556,-2.6506510527612486,-16.0614745614653,0.0,0.0,0.0,0.0,0.044950002059340466,-0.05395000020042061,9.81410001850128,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.631863,5.598269,557,-2.6506510527612486,-16.0614745614653,0.0,0.0,0.0,0.0,0.04485000215470791,-0.05375000016763805,9.813300019264219,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.641966,5.608372,558,-2.6506510527612486,-16.0614745614653,0.0,0.0,0.0,0.0,0.045050002112984655,-0.05365000018849968,9.813100024223326,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.648379,5.614785,559,-2.650722305174221,-16.061497058124665,0.0,0.0,0.0,0.0,0.045350002124905586,-0.05385000018402933,9.813100024223326,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.659594,5.626,560,-2.650722305174221,-16.061497058124665,0.0,0.0,0.0,0.0,0.045450002178549775,-0.05385000018402933,9.813300019264219,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.671742,5.638148,561,-2.650722305174221,-16.061497058124665,0.0,0.0,0.0,0.0,0.04565000213682652,-0.0539500001631677,9.81410001850128,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.679832,5.646238,562,-2.650722305174221,-16.061497058124665,0.0,0.0,0.0,0.0,0.04575000219047071,-0.05375000020489096,9.81410001850128,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.689432,5.655838,563,-2.650760889098233,-16.061505477792128,0.0,0.0,0.0,0.0,0.04615000210702419,-0.05395000031217932,9.814300013542173,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.697792,5.664198,564,-2.650787745144393,-16.06152476244336,0.0,0.0,0.0,0.0,0.04635000221431254,-0.0544500003568828,9.814000006675718,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.707640,5.674046,565,-2.650787745144393,-16.06152476244336,0.0,0.0,0.0,0.0,0.04655000217258931,-0.05435000037774443,9.815000000953672,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.717653,5.684059,566,-2.650787745144393,-16.06152476244336,0.0,0.0,0.0,0.0,0.04675000213086605,-0.05415000041946767,9.81510000324249,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.729250,5.695656,567,-2.650893932004766,-16.061514141176573,0.0,0.057600002735853195,0.0,0.0,0.047050002142786984,-0.053950000386685126,9.815699997901914,0.0,0.0,-0.09099999815225601,0,71.45900011586491
+2024-04-07 10:32:39.739657,5.706063,568,-2.650893932004766,-16.061514141176573,0.0,0.057600002735853195,0.0,0.0,0.046950002089142795,-0.053550000395625824,9.815099993705747,0.0,0.0,-0.09099999815225601,0,71.45900011586491
+2024-04-07 10:32:39.748960,5.715366,569,-2.650893932004766,-16.061514141176573,0.0,0.057600002735853195,0.0,0.0,0.04715000219643117,-0.05335000043734907,9.81369999027252,0.0,0.0,-0.09099999815225601,0,71.45900011586491
+2024-04-07 10:32:39.759412,5.725818,570,-2.650893932004766,-16.061514141176573,0.0,0.057600002735853195,0.0,0.0,0.04755000211298466,-0.05335000043734907,9.813099986076352,0.0,0.0,-0.09099999815225601,0,71.45900011586491
+2024-04-07 10:32:39.771516,5.737922,571,-2.650951770048346,-16.06154737461645,0.0,-0.032399998605251314,0.0,0.0,0.047250002250075335,-0.05335000043734907,9.812699986457822,0.0,0.0,-0.18700000643730164,0,71.45900011586491
+2024-04-07 10:32:39.777926,5.744332,572,-2.650951770048346,-16.06154737461645,0.0,-0.032399998605251314,0.0,0.0,0.04705000229179859,-0.053550000395625824,9.813699980735777,0.0,0.0,-0.18700000643730164,0,71.45900011586491
+2024-04-07 10:32:39.787874,5.75428,573,-2.650951770048346,-16.06154737461645,0.0,-0.032399998605251314,0.0,0.0,0.04675000227987766,-0.05415000041946767,9.814399987220762,0.0,0.0,-0.18700000643730164,0,71.45900011586491
+2024-04-07 10:32:39.797863,5.764269,574,-2.650951770048346,-16.06154737461645,0.0,-0.032399998605251314,0.0,0.0,0.04685000233352185,-0.054750000443309535,9.814699984550474,0.0,0.0,-0.18700000643730164,0,71.45900011586491
+2024-04-07 10:32:39.809316,5.775722,575,-2.6509568446181504,-16.06162880155234,0.0,-0.0719999983906746,0.0,0.0,0.04655000232160092,-0.054450000431388604,9.814599982261656,0.0,0.0,-0.11599999666213989,0,71.45900011586491
+2024-04-07 10:32:39.819950,5.786356,576,-2.6509568446181504,-16.06162880155234,0.0,-0.0719999983906746,0.0,0.0,0.04655000232160092,-0.0540500004403293,9.813699980735777,0.0,0.0,-0.11599999666213989,0,71.45900011586491
+2024-04-07 10:32:39.829805,5.796211,577,-2.6509568446181504,-16.06162880155234,0.0,-0.0719999983906746,0.0,0.0,0.04635000236332418,-0.05355000047013163,9.813299981117247,0.0,0.0,-0.11599999666213989,0,71.45900011586491
+2024-04-07 10:32:39.838384,5.80479,578,-2.6509568446181504,-16.06162880155234,0.0,-0.0719999983906746,0.0,0.0,0.04615000240504741,-0.0532500004582107,9.813599978446959,0.0,0.0,-0.11599999666213989,0,71.45900011586491
+2024-04-07 10:32:39.847266,5.813672,579,-2.650947751838345,-16.0617205928504,0.0,-0.032399998605251314,0.0,0.0,0.04635000236332418,-0.05335000043734907,9.813799983024595,0.0,0.0,-0.05299999937415123,0,71.45900011586491
+2024-04-07 10:32:39.860591,5.826997,580,-2.650947751838345,-16.0617205928504,0.0,-0.032399998605251314,0.0,0.0,0.04635000236332418,-0.05335000043734907,9.814499979972837,0.0,0.0,-0.05299999937415123,0,71.45900011586491
+2024-04-07 10:32:39.869407,5.835813,581,-2.650947751838345,-16.0617205928504,0.0,-0.032399998605251314,0.0,0.0,0.04635000236332418,-0.053650000374764195,9.814799986839292,0.0,0.0,-0.05299999937415123,0,71.45900011586491
+2024-04-07 10:32:39.877712,5.844118,582,-2.650947751838345,-16.0617205928504,0.0,-0.032399998605251314,0.0,0.0,0.04635000236332418,-0.05385000033304094,9.815099993705747,0.0,0.0,-0.05299999937415123,0,71.45900011586491
+2024-04-07 10:32:39.888107,5.854513,583,-2.6509522156808156,-16.061736783864866,0.0,-0.032399998605251314,0.0,0.0,0.046050002351403246,-0.05395000031217932,9.815099993705747,0.0,0.0,-0.05299999937415123,0,71.45900011586491
+2024-04-07 10:32:39.898576,5.864982,584,-2.650967267334806,-16.061784414581627,0.0,0.0,0.0,0.0,0.04585000239312648,-0.053650000374764195,9.815599995613097,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.907647,5.874053,585,-2.650967267334806,-16.061784414581627,0.0,0.0,0.0,0.0,0.04595000229775906,-0.053350000362843264,9.816199999809264,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.917659,5.884065,586,-2.650967267334806,-16.061784414581627,0.0,0.0,0.0,0.0,0.046050002351403246,-0.05285000039264559,9.8164000043869,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.927841,5.894247,587,-2.65098739285535,-16.06184739578496,0.0,0.0,0.0,0.0,0.04595000229775906,-0.05205000033602117,9.816500006675719,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.937526,5.903932,588,-2.65098739285535,-16.06184739578496,0.0,0.0,0.0,0.0,0.046050002351403246,-0.051550000365823495,9.817100001335142,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.947855,5.914261,589,-2.65098739285535,-16.06184739578496,0.0,0.0,0.0,0.0,0.04625000230967999,-0.05125000042840837,9.816999999046324,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.957714,5.92412,590,-2.65098739285535,-16.06184739578496,0.0,0.0,0.0,0.0,0.04645000226795673,-0.05125000042840837,9.816899996757506,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.968976,5.935382,591,-2.6510041686067245,-16.06191362166977,0.0,0.0,0.0,0.0,0.04655000232160092,-0.05115000044927,9.816999989509581,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.980579,5.946985,592,-2.6510041686067245,-16.06191362166977,0.0,0.0,0.0,0.0,0.04695000238716601,-0.05135000048205256,9.816899987220763,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.987786,5.954192,593,-2.6510041686067245,-16.06191362166977,0.0,0.0,0.0,0.0,0.0470500024408102,-0.0511500005237758,9.816799984931944,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:39.997619,5.964025,594,-2.6510041686067245,-16.06191362166977,0.0,0.0,0.0,0.0,0.0470500024408102,-0.05105000054463743,9.816599989891051,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.007821,5.974227,595,-2.6510193362135483,-16.06198360363492,0.0,0.0,0.0,0.0,0.04735000245273113,-0.05065000055357813,9.816999989509581,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.020257,5.986663,596,-2.6510193362135483,-16.06198360363492,0.0,0.0,0.0,0.0,0.04745000250637532,-0.050250000562518826,9.816799984931944,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.027135,5.993541,597,-2.6510193362135483,-16.06198360363492,0.0,0.0,0.0,0.0,0.047950002551078785,-0.05015000050887465,9.817199984550474,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.037373,6.003779,598,-2.6510193362135483,-16.06198360363492,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.048359,6.014765,599,-2.651034144408886,-16.062056241316753,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.057334,6.02374,600,-2.651034144408886,-16.062056241316753,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.069586,6.035992,601,-2.651034144408886,-16.062056241316753,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.077358,6.043764,602,-2.651034144408886,-16.062056241316753,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.088403,6.054809,603,-2.651050192256018,-16.062131005104707,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.097544,6.06395,604,-2.651050192256018,-16.062131005104707,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.107161,6.073567,605,-2.651050192256018,-16.062131005104707,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.117942,6.084348,606,-2.651050192256018,-16.062131005104707,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.127856,6.094262,607,-2.65106834939078,-16.062206867075304,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.138104,6.10451,608,-2.65106834939078,-16.062206867075304,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.147466,6.113872,609,-2.65106834939078,-16.062206867075304,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.157926,6.124332,610,-2.65106834939078,-16.062206867075304,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.168043,6.134449,611,-2.6510719350777774,-16.062225798785875,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.177842,6.144248,612,-2.6510945746439885,-16.062273580733105,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.188105,6.154511,613,-2.6510945746439885,-16.062273580733105,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.198288,6.164694,614,-2.6510945746439885,-16.062273580733105,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.208411,6.174817,615,-2.6511646925438446,-16.062298470997934,0.0,0.07559999898076057,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,-0.12099999934434891,0,71.45900011586491
+2024-04-07 10:32:40.218575,6.184981,616,-2.6511646925438446,-16.062298470997934,0.0,0.07559999898076057,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,-0.12099999934434891,0,71.45900011586491
+2024-04-07 10:32:40.227929,6.194335,617,-2.6511646925438446,-16.062298470997934,0.0,0.07559999898076057,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,-0.12099999934434891,0,71.45900011586491
+2024-04-07 10:32:40.237831,6.204237,618,-2.6511646925438446,-16.062298470997934,0.0,0.07559999898076057,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,-0.12099999934434891,0,71.45900011586491
+2024-04-07 10:32:40.247956,6.214362,619,-2.6512136339673815,-16.06233887448424,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.262344,6.22875,620,-2.6512136339673815,-16.06233887448424,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.267998,6.234404,621,-2.6512136339673815,-16.06233887448424,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.280659,6.247065,622,-2.6512136339673815,-16.06233887448424,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.288291,6.254697,623,-2.6512288073524886,-16.06240887072596,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.299616,6.266022,624,-2.6512288073524886,-16.06240887072596,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.308080,6.274486,625,-2.6512288073524886,-16.06240887072596,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.319043,6.285449,626,-2.6512288073524886,-16.06240887072596,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.327902,6.294308,627,-2.651223839887185,-16.062494629977337,0.0,0.0,0.0,0.0,0.047850002497434624,-0.05025000048801302,9.816999979972838,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.340131,6.306537,628,-2.651223839887185,-16.062494629977337,0.0,0.0,0.0,0.0,0.04695000275969505,-0.05105000069364904,9.82169999217987,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.347864,6.31427,629,-2.651223839887185,-16.062494629977337,0.0,0.0,0.0,0.0,0.046850002706050886,-0.05135000070556997,9.82199998950958,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.359240,6.325646,630,-2.651223839887185,-16.062494629977337,0.0,0.0,0.0,0.0,0.046650002747774116,-0.051550000812858335,9.82289999103546,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.367890,6.334296,631,-2.651228515077832,-16.062565451837802,0.0,0.01799999959766865,0.0,0.0,0.046350002735853185,-0.051550000812858335,9.823399983406064,0.0,0.0,-0.21199999749660492,0,71.45900011586491
+2024-04-07 10:32:40.377771,6.344177,632,-2.651228515077832,-16.062565451837802,0.0,0.01799999959766865,0.0,0.0,0.04565000280737877,-0.05165000086650251,9.823899975776671,0.0,0.0,-0.21199999749660492,0,71.45900011586491
+2024-04-07 10:32:40.392723,6.359129,633,-2.651228515077832,-16.062565451837802,0.0,0.01799999959766865,0.0,0.0,0.04525000289082526,-0.051850000824779266,9.82519997692108,0.0,0.0,-0.21199999749660492,0,71.45900011586491
+2024-04-07 10:32:40.400278,6.366684,634,-2.651228515077832,-16.062565451837802,0.0,0.01799999959766865,0.0,0.0,0.044950002878904355,-0.051850000824779266,9.82599997615814,0.0,0.0,-0.21199999749660492,0,71.45900011586491
+2024-04-07 10:32:40.421702,6.388108,635,-2.6511972722676584,-16.062663407602223,0.0,-0.06479999721050263,0.0,0.0,0.044750002920627585,-0.051850000824779266,9.825899973869323,0.0,0.0,-0.10300000011920929,0,71.45900011586491
+2024-04-07 10:32:40.421784,6.38819,636,-2.6511972722676584,-16.062663407602223,0.0,-0.06479999721050263,0.0,0.0,0.044750002920627585,-0.051450000833719964,9.825799971580503,0.0,0.0,-0.10300000011920929,0,71.45900011586491
+2024-04-07 10:32:40.429079,6.395485,637,-2.6511972722676584,-16.062663407602223,0.0,-0.06479999721050263,0.0,0.0,0.044450002908706654,-0.051650000791996706,9.825499964714048,0.0,0.0,-0.10300000011920929,0,71.45900011586491
+2024-04-07 10:32:40.437952,6.404358,638,-2.6511972722676584,-16.062663407602223,0.0,-0.06479999721050263,0.0,0.0,0.04455000296235084,-0.051550000812858335,9.824899970054625,0.0,0.0,-0.10300000011920929,0,71.45900011586491
+2024-04-07 10:32:40.448032,6.414438,639,-2.65110872349081,-16.062804430074564,0.0,-0.0719999983906746,0.0,0.0,0.04465000301599503,-0.051250000800937404,9.825299969673155,0.0,0.0,-0.11599999666213989,0,71.45900011586491
+2024-04-07 10:32:40.458260,6.424666,640,-2.65110872349081,-16.062804430074564,0.0,-0.0719999983906746,0.0,0.0,0.045150002986192705,-0.05105000084266066,9.825499964714048,0.0,0.0,-0.11599999666213989,0,71.45900011586491
+2024-04-07 10:32:40.470471,6.436877,641,-2.65110872349081,-16.062804430074564,0.0,-0.0719999983906746,0.0,0.0,0.04545000299811364,-0.05115000089630484,9.82579996204376,0.0,0.0,-0.11599999666213989,0,71.45900011586491
+2024-04-07 10:32:40.478496,6.444902,642,-2.65110872349081,-16.062804430074564,0.0,-0.0719999983906746,0.0,0.0,0.04585000306367873,-0.05115000089630484,9.826299954414365,0.0,0.0,-0.11599999666213989,0,71.45900011586491
+2024-04-07 10:32:40.489107,6.455513,643,-2.6510062985586034,-16.062955415472416,0.0,0.0,0.0,0.0,0.04595000311732292,-0.050850000884383906,9.826799946784972,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.498988,6.465394,644,-2.6510062985586034,-16.062955415472416,0.0,0.0,0.0,0.0,0.045750003159046176,-0.05095000086352228,9.827399950981139,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.508521,6.474927,645,-2.6510062985586034,-16.062955415472416,0.0,0.0,0.0,0.0,0.04655000314116478,-0.050750000905245535,9.827399950981139,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.518801,6.485207,646,-2.6510062985586034,-16.062955415472416,0.0,0.0,0.0,0.0,0.04685000315308571,-0.05025000093504786,9.827199955940245,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.534440,6.500846,647,-2.650916074178196,-16.063089910142754,0.0,-0.025200000777840615,0.0,0.0,0.04685000315308571,-0.05015000088140367,9.826199952125547,0.0,0.0,-0.03999999910593033,0,71.45900011586491
+2024-04-07 10:32:40.538549,6.504955,648,-2.650916074178196,-16.063089910142754,0.0,-0.025200000777840615,0.0,0.0,0.0469500032067299,-0.05015000088140367,9.825699959754942,0.0,0.0,-0.03999999910593033,0,71.45900011586491
+2024-04-07 10:32:40.550454,6.51686,649,-2.650916074178196,-16.063089910142754,0.0,-0.025200000777840615,0.0,0.0,0.047350003123283385,-0.04975000089034437,9.825299960136412,0.0,0.0,-0.03999999910593033,0,71.45900011586491
+2024-04-07 10:32:40.558164,6.52457,650,-2.650916074178196,-16.063089910142754,0.0,-0.025200000777840615,0.0,0.0,0.04795000314712525,-0.04945000087842344,9.82489996051788,0.0,0.0,-0.03999999910593033,0,71.45900011586491
+2024-04-07 10:32:40.568481,6.534887,651,-2.6508188426915527,-16.063225480582584,0.0,0.0,0.0,0.0,0.04875000312924385,-0.04885000085458159,9.825299960136412,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.577863,6.544269,652,-2.6508188426915527,-16.063225480582584,0.0,0.0,0.0,0.0,0.04885000318288804,-0.04835000084713101,9.824999953269957,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.587727,6.554133,653,-2.6508188426915527,-16.063225480582584,0.0,0.0,0.0,0.0,0.049550003260374065,-0.04775000089779495,9.825099946022032,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.597631,6.564037,654,-2.6508188426915527,-16.063225480582584,0.0,0.0,0.0,0.0,0.05005000337958335,-0.04685000091791151,9.8256999502182,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.615436,6.581842,655,-2.650734922807185,-16.06334786448369,0.0,0.0,0.0,0.0,0.05035000339150428,-0.04665000095963477,9.825899945259092,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.618751,6.585157,656,-2.650734922807185,-16.06334786448369,0.0,0.0,0.0,0.0,0.05045000344514847,-0.0465500009804964,9.82609994983673,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.629024,6.59543,657,-2.650734922807185,-16.06334786448369,0.0,0.0,0.0,0.0,0.050250003337860116,-0.046250001043081274,9.82609994983673,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.637917,6.604323,658,-2.650734922807185,-16.06334786448369,0.0,0.0,0.0,0.0,0.05045000329613686,-0.046350001022219645,9.825999947547912,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.649121,6.615527,659,-2.650675570776208,-16.06344526263077,0.0,0.0,0.0,0.0,0.049850003272294996,-0.04575000103563069,9.82519994831085,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.662178,6.628584,660,-2.650675570776208,-16.06344526263077,0.0,0.0,0.0,0.0,0.049950003176927577,-0.04595000099390745,9.824699955940245,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.667933,6.634339,661,-2.650675570776208,-16.06344526263077,0.0,0.0,0.0,0.0,0.049650003165006645,-0.04635000098496675,9.82489996051788,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.693222,6.659628,662,-2.650675570776208,-16.06344526263077,0.0,0.0,0.0,0.0,0.04905000314116478,-0.04675000090152025,9.824799958229063,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.702771,6.669177,663,-2.650636199859378,-16.063527349243415,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.702983,6.669389,664,-2.650636199859378,-16.063527349243415,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.720878,6.687284,665,-2.650636199859378,-16.063527349243415,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.721734,6.68814,666,-2.650636199859378,-16.063527349243415,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.729685,6.696091,667,-2.6506050149363674,-16.063605021641372,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.737918,6.704324,668,-2.6506050149363674,-16.063605021641372,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.751129,6.717535,669,-2.6506050149363674,-16.063605021641372,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.763687,6.730093,670,-2.6506050149363674,-16.063605021641372,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.767931,6.734337,671,-2.6505738384267716,-16.063678727541436,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.780399,6.746805,672,-2.6505738384267716,-16.063678727541436,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.793027,6.759433,673,-2.6505738384267716,-16.063678727541436,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.798509,6.764915,674,-2.6505738384267716,-16.063678727541436,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.816269,6.782675,675,-2.6505442959022147,-16.06375104698733,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.818146,6.784552,676,-2.6505442959022147,-16.06375104698733,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.830154,6.79656,677,-2.6505442959022147,-16.06375104698733,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.838608,6.805014,678,-2.6505442959022147,-16.06375104698733,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.848613,6.815019,679,-2.650511362091623,-16.063825805907996,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.870917,6.837323,680,-2.650511362091623,-16.063825805907996,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.870971,6.837377,681,-2.650511362091623,-16.063825805907996,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.878509,6.844915,682,-2.650511362091623,-16.063825805907996,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,3,71.45900011586491
+2024-04-07 10:32:40.890781,6.857187,683,-2.650511362091623,-16.063825805907996,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,3,71.45900011586491
+2024-04-07 10:32:40.897554,6.86396,684,-2.6504751034807703,-16.06390179612022,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,3,71.45900011586491
+2024-04-07 10:32:40.908732,6.875138,685,-2.6504751034807703,-16.06390179612022,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,3,71.45900011586491
+2024-04-07 10:32:40.919381,6.885787,686,-2.6504751034807703,-16.06390179612022,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,3,71.45900011586491
+2024-04-07 10:32:40.928037,6.894443,687,-2.650443465822504,-16.06396886322816,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,3,71.45900011586491
+2024-04-07 10:32:40.938006,6.904412,688,-2.650443465822504,-16.06396886322816,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,3,71.45900011586491
+2024-04-07 10:32:40.948135,6.914541,689,-2.650443465822504,-16.06396886322816,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,3,71.45900011586491
+2024-04-07 10:32:40.961938,6.928344,690,-2.650443465822504,-16.06396886322816,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,3,71.45900011586491
+2024-04-07 10:32:40.968632,6.935038,691,-2.6504162837620617,-16.064028161718024,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.978560,6.944966,692,-2.6504162837620617,-16.064028161718024,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:40.988349,6.954755,693,-2.6504162837620617,-16.064028161718024,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.003254,6.96966,694,-2.6504162837620617,-16.064028161718024,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.020977,6.987383,695,-2.650392616379164,-16.064079188793194,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.021853,6.988259,696,-2.650392616379164,-16.064079188793194,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.028086,6.994492,697,-2.650392616379164,-16.064079188793194,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.038168,7.004574,698,-2.650392616379164,-16.064079188793194,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.048357,7.014763,699,-2.6503712448420162,-16.064120986086838,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.064402,7.030808,700,-2.6503712448420162,-16.064120986086838,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.068262,7.034668,701,-2.6503712448420162,-16.064120986086838,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.078912,7.045318,702,-2.6503712448420162,-16.064120986086838,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.088410,7.054816,703,-2.650352620073378,-16.064155438137814,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.100668,7.067074,704,-2.650352620073378,-16.064155438137814,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.110689,7.077095,705,-2.650352620073378,-16.064155438137814,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.118647,7.085053,706,-2.650352620073378,-16.064155438137814,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.128330,7.094736,707,-2.650336116581539,-16.06418236925016,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.140449,7.106855,708,-2.650336116581539,-16.06418236925016,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.148358,7.114764,709,-2.650336116581539,-16.06418236925016,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.159433,7.125839,710,-2.650336116581539,-16.06418236925016,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.169233,7.135639,711,-2.6503212959792486,-16.064202040102106,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.183064,7.14947,712,-2.6503212959792486,-16.064202040102106,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.190135,7.156541,713,-2.6503212959792486,-16.064202040102106,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.199017,7.165423,714,-2.6503212959792486,-16.064202040102106,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.215003,7.181409,715,-2.6503072289921787,-16.064213786533255,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.221885,7.188291,716,-2.6503072289921787,-16.064213786533255,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.228750,7.195156,717,-2.6503072289921787,-16.064213786533255,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.239512,7.205918,718,-2.6503072289921787,-16.064213786533255,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.250946,7.217352,719,-2.650294879613851,-16.064219890793975,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.263618,7.230024,720,-2.650294879613851,-16.064219890793975,0.0,0.0,0.0,0.0,0.04855000317096711,-0.04705000083893536,9.8249999628067,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.327767,7.294173,721,-2.650294879613851,-16.064219890793975,0.0,0.0,0.0,0.0,0.044750002771615977,-0.050650000330060715,9.817399989128111,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.327797,7.294203,722,-2.650294879613851,-16.064219890793975,0.0,0.0,0.0,0.0,0.04405000269412995,-0.05125000031664967,9.816799994468687,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.327823,7.294229,723,-2.650294879613851,-16.064219890793975,0.0,0.0,0.0,0.0,0.04345000267028809,-0.05175000028684734,9.816399994850157,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.327840,7.294246,724,-2.650294879613851,-16.064219890793975,0.0,0.0,0.0,0.0,0.0433500026166439,-0.052350000310689204,9.81539999103546,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:41.341477,7.307883,725,-2.6502345384217256,-16.064246731038967,0.0,0.0719999983906746,0.0,0.0,0.04265000253915788,-0.05285000028088688,9.816399985313414,0.0,0.0,-0.11599999666213989,0,71.45900011586491
+2024-04-07 10:32:41.359442,7.325848,726,-2.6502526413728877,-16.0642120927205,0.0,0.0719999983906746,0.0,0.0,0.04255000248551369,-0.05305000023916363,9.815199986457824,0.0,0.0,-0.11800000071525574,0,71.45900011586491
+2024-04-07 10:32:41.360462,7.326868,727,-2.6502526413728877,-16.0642120927205,0.0,0.0719999983906746,0.0,0.0,0.0424500024318695,-0.05335000025108455,9.816099987983701,0.0,0.0,-0.11800000071525574,0,71.45900011586491
+2024-04-07 10:32:41.374763,7.341169,728,-2.6502526413728877,-16.0642120927205,0.0,0.0719999983906746,0.0,0.0,0.04255000233650208,-0.05385000025853513,9.814799986839292,0.0,0.0,-0.11800000071525574,0,71.45900011586491
+2024-04-07 10:32:41.374831,7.341237,729,-2.6502526413728877,-16.0642120927205,0.0,0.0719999983906746,0.0,0.0,0.04235000237822534,-0.054350000265985715,9.814599982261656,0.0,0.0,-0.11800000071525574,0,71.45900011586491
+2024-04-07 10:32:41.374920,7.341326,730,-2.6502526413728877,-16.0642120927205,0.0,0.0719999983906746,0.0,0.0,0.04215000241994857,-0.05475000018253921,9.813499985694884,0.0,0.0,-0.11800000071525574,0,71.45900011586491
+2024-04-07 10:32:41.381824,7.34823,731,-2.6502526413728877,-16.0642120927205,0.0,0.0719999983906746,0.0,0.0,0.041950002461671826,-0.055150000173598515,9.81369999027252,0.0,0.0,-0.11800000071525574,0,71.45900011586491
+2024-04-07 10:32:41.396008,7.362414,732,-2.6502413211315616,-16.064158936210116,0.0,-0.0036000001709908247,0.0,0.0,0.04255000248551369,-0.05505000011995434,9.812999993324278,0.0,0.0,-0.15600000321865082,0,71.45900011586491
+2024-04-07 10:32:41.396082,7.362488,733,-2.6502413211315616,-16.064158936210116,0.0,-0.0036000001709908247,0.0,0.0,0.04295000240206717,-0.055250000152736886,9.81289999103546,0.0,0.0,-0.15600000321865082,0,71.45900011586491
+2024-04-07 10:32:41.399337,7.365743,734,-2.6502413211315616,-16.064158936210116,0.0,-0.0036000001709908247,0.0,0.0,0.04295000240206717,-0.055450000185519446,9.8120999917984,0.0,0.0,-0.15600000321865082,0,71.45900011586491
+2024-04-07 10:32:41.408985,7.375391,735,-2.6502413211315616,-16.064158936210116,0.0,-0.0036000001709908247,0.0,0.0,0.04305000230669975,-0.055350000206381075,9.811499997138975,0.0,0.0,-0.15600000321865082,0,71.45900011586491
+2024-04-07 10:32:41.421682,7.388088,736,-2.6502413211315616,-16.064158936210116,0.0,-0.0036000001709908247,0.0,0.0,0.04295000240206717,-0.05585000017657875,9.811300002098081,0.0,0.0,-0.15600000321865082,0,71.45900011586491
+2024-04-07 10:32:41.429261,7.395667,737,-2.6502413211315616,-16.064158936210116,0.0,-0.0036000001709908247,0.0,0.0,0.04315000250935555,-0.05585000017657875,9.811200009346006,0.0,0.0,-0.15600000321865082,0,71.45900011586491
+2024-04-07 10:32:41.439444,7.40585,738,-2.650234110339837,-16.064075765414152,0.0,0.032399998605251314,0.0,0.0,0.04335000246763229,-0.05585000017657875,9.811900006294248,0.0,0.0,-0.1509999930858612,0,71.45900011586491
+2024-04-07 10:32:41.448994,7.4154,739,-2.650234110339837,-16.064075765414152,0.0,0.032399998605251314,0.0,0.0,0.0432500024139881,-0.05595000015571712,9.81180000400543,0.0,0.0,-0.1509999930858612,0,71.45900011586491
+2024-04-07 10:32:41.460388,7.426794,740,-2.650234110339837,-16.064075765414152,0.0,0.032399998605251314,0.0,0.0,0.0432500024139881,-0.05655000014230607,9.8114000043869,0.0,0.0,-0.1509999930858612,0,71.45900011586491
+2024-04-07 10:32:41.468778,7.435184,741,-2.650234110339837,-16.064075765414152,0.0,0.032399998605251314,0.0,0.0,0.04345000252127648,-0.0564500000886619,9.810600005149839,0.0,0.0,-0.1509999930858612,0,71.45900011586491
+2024-04-07 10:32:41.480435,7.446841,742,-2.650198752827492,-16.06402411327488,0.0,0.028800001367926598,0.0,0.0,0.043650002479553224,-0.05635000003501772,9.810300007820128,0.0,0.0,-0.04500000178813934,0,71.45900011586491
+2024-04-07 10:32:41.490299,7.456705,743,-2.6501942737087822,-16.064004550623526,0.0,0.0359999991953373,0.0,0.0,0.043950002491474155,-0.05655000006780027,9.809900008201597,0.0,0.0,-0.13899999856948853,0,71.45900011586491
+2024-04-07 10:32:41.498820,7.465226,744,-2.650182569343199,-16.0639918687709,0.0,-0.010800000093877316,0.0,0.0,0.043850002437829966,-0.05665000004693865,9.810000000953673,0.0,0.0,-0.1770000010728836,0,71.45900011586491
+2024-04-07 10:32:41.508438,7.474844,745,-2.650182569343199,-16.0639918687709,0.0,-0.010800000093877316,0.0,0.0,0.043650002479553224,-0.0564500000886619,9.809700003623961,0.0,0.0,-0.1770000010728836,0,71.45900011586491
+2024-04-07 10:32:41.519393,7.485799,746,-2.650182569343199,-16.0639918687709,0.0,-0.010800000093877316,0.0,0.0,0.04335000246763229,-0.05675000010058283,9.809700003623961,0.0,0.0,-0.1770000010728836,0,71.45900011586491
+2024-04-07 10:32:41.529414,7.49582,747,-2.650182569343199,-16.0639918687709,0.0,-0.010800000093877316,0.0,0.0,0.04335000246763229,-0.057150000166147935,9.810100003242491,0.0,0.0,-0.1770000010728836,0,71.45900011586491
+2024-04-07 10:32:41.542128,7.508534,748,-2.6501256130191555,-16.06394525967368,0.0,-0.014400000683963299,0.0,0.0,0.0432500024139881,-0.05755000008270143,9.810000000953673,0.0,0.0,-0.12800000607967377,0,71.45900011586491
+2024-04-07 10:32:41.548775,7.515181,749,-2.6501256130191555,-16.06394525967368,0.0,-0.014400000683963299,0.0,0.0,0.04305000245571136,-0.057650000061839804,9.810100003242491,0.0,0.0,-0.12800000607967377,0,71.45900011586491
+2024-04-07 10:32:41.561052,7.527458,750,-2.6501256130191555,-16.06394525967368,0.0,-0.014400000683963299,0.0,0.0,0.0424500024318695,-0.05775000011548399,9.810299998283384,0.0,0.0,-0.12800000607967377,0,71.45900011586491
+2024-04-07 10:32:41.568783,7.535189,751,-2.6501256130191555,-16.06394525967368,0.0,-0.014400000683963299,0.0,0.0,0.04215000241994857,-0.05795000014826654,9.810299998283384,0.0,0.0,-0.12800000607967377,0,71.45900011586491
+2024-04-07 10:32:41.579238,7.545644,752,-2.650063829103844,-16.063893233149344,0.0,0.0036000001709908247,0.0,0.0,0.041950002461671826,-0.05785000016912817,9.810699997901915,0.0,0.0,-0.23499999940395355,0,71.45900011586491
+2024-04-07 10:32:41.593691,7.560097,753,-2.650063829103844,-16.063893233149344,0.0,0.0036000001709908247,0.0,0.0,0.041650002449750895,-0.05795000014826654,9.810699997901915,0.0,0.0,-0.23499999940395355,0,71.45900011586491
+2024-04-07 10:32:41.599910,7.566316,754,-2.650063829103844,-16.063893233149344,0.0,0.0036000001709908247,0.0,0.0,0.0412500023841858,-0.058050000127404924,9.810599995613096,0.0,0.0,-0.23499999940395355,0,71.45900011586491
+2024-04-07 10:32:41.608852,7.575258,755,-2.650063829103844,-16.063893233149344,0.0,0.0036000001709908247,0.0,0.0,0.0407500024139881,-0.058050000127404924,9.810699997901915,0.0,0.0,-0.23499999940395355,0,71.45900011586491
+2024-04-07 10:32:41.619731,7.586137,756,-2.6500299140701795,-16.063800722164356,0.0,0.028800001367926598,0.0,0.0,0.04035000234842301,-0.058050000127404924,9.810699997901915,0.0,0.0,-0.1940000057220459,0,71.45900011586491
+2024-04-07 10:32:41.628882,7.595288,757,-2.6500299140701795,-16.063800722164356,0.0,0.028800001367926598,0.0,0.0,0.04035000234842301,-0.058150000106543295,9.811300002098081,0.0,0.0,-0.1940000057220459,0,71.45900011586491
+2024-04-07 10:32:41.639313,7.605719,758,-2.6500299140701795,-16.063800722164356,0.0,0.028800001367926598,0.0,0.0,0.04015000239014627,-0.058250000085681666,9.810800000190733,0.0,0.0,-0.1940000057220459,0,71.45900011586491
+2024-04-07 10:32:41.648696,7.615102,759,-2.6500299140701795,-16.063800722164356,0.0,0.028800001367926598,0.0,0.0,0.04055000245571136,-0.05835000006482004,9.811099997520445,0.0,0.0,-0.1940000057220459,0,71.45900011586491
+2024-04-07 10:32:41.660446,7.626852,760,-2.6500020529157675,-16.06369266454256,0.0,0.028800001367926598,0.0,0.0,0.04055000245571136,-0.058050000127404924,9.810699997901915,0.0,0.0,-0.1940000057220459,0,71.45900011586491
+2024-04-07 10:32:41.668671,7.635077,761,-2.6500020529157675,-16.06369266454256,0.0,0.028800001367926598,0.0,0.0,0.04055000245571136,-0.05735000012442469,9.810499993324278,0.0,0.0,-0.1940000057220459,0,71.45900011586491
+2024-04-07 10:32:41.678932,7.645338,762,-2.6500020529157675,-16.06369266454256,0.0,0.028800001367926598,0.0,0.0,0.04085000246763229,-0.05695000020787119,9.810400000572203,0.0,0.0,-0.1940000057220459,0,71.45900011586491
+2024-04-07 10:32:41.688734,7.65514,763,-2.6500020529157675,-16.06369266454256,0.0,0.028800001367926598,0.0,0.0,0.04105000242590903,-0.05655000021681189,9.810199995994566,0.0,0.0,-0.1940000057220459,0,71.45900011586491
+2024-04-07 10:32:41.698817,7.665223,764,-2.649999340855935,-16.063549572473537,0.0,-0.021600000187754632,0.0,0.0,0.04125000253319741,-0.05625000020489096,9.810199995994566,0.0,0.0,-0.16599999368190765,0,71.45900011586491
+2024-04-07 10:32:41.708749,7.675155,765,-2.6500032655838703,-16.063508924288488,0.0,0.021600000187754632,0.0,0.0,0.04125000253319741,-0.05585000028833746,9.809700003623961,0.0,0.0,-0.13099999725818634,0,71.45900011586491
+2024-04-07 10:32:41.718902,7.685308,766,-2.6500032655838703,-16.063508924288488,0.0,0.021600000187754632,0.0,0.0,0.041750002503395084,-0.05595000026747583,9.809899998664854,0.0,0.0,-0.13099999725818634,0,71.45900011586491
+2024-04-07 10:32:41.729659,7.696065,767,-2.6500032655838703,-16.063508924288488,0.0,0.021600000187754632,0.0,0.0,0.042150002568960176,-0.05605000032112001,9.808899994850156,0.0,0.0,-0.13099999725818634,0,71.45900011586491
+2024-04-07 10:32:41.739680,7.706086,768,-2.6500032655838703,-16.063508924288488,0.0,0.021600000187754632,0.0,0.0,0.042650002688169486,-0.05625000035390257,9.80869999027252,0.0,0.0,-0.13099999725818634,0,71.45900011586491
+2024-04-07 10:32:41.748823,7.715229,769,-2.650011138081143,-16.06339230522262,0.0,0.021600000187754632,0.0,0.0,0.04325000256299971,-0.056550000291317695,9.807899991035459,0.0,0.0,-0.13099999725818634,0,71.45900011586491
+2024-04-07 10:32:41.759563,7.725969,770,-2.650011138081143,-16.06339230522262,0.0,0.021600000187754632,0.0,0.0,0.04355000257492064,-0.056550000291317695,9.807899991035459,0.0,0.0,-0.13099999725818634,0,71.45900011586491
+2024-04-07 10:32:41.771306,7.737712,771,-2.650011138081143,-16.06339230522262,0.0,0.021600000187754632,0.0,0.0,0.043650002479553224,-0.05625000035390257,9.807999993324279,0.0,0.0,-0.13099999725818634,0,71.45900011586491
+2024-04-07 10:32:41.778800,7.745206,772,-2.650011138081143,-16.06339230522262,0.0,0.021600000187754632,0.0,0.0,0.044250002503395086,-0.0565500003658235,9.807499991416929,0.0,0.0,-0.13099999725818634,0,71.45900011586491
+2024-04-07 10:32:41.809942,7.776348,773,-2.650015347029347,-16.063248623751374,0.0,0.010800000093877316,0.0,0.0,0.04465000241994857,-0.05635000033304094,9.807699995994566,0.0,0.0,-0.12600000202655792,0,71.45900011586491
+2024-04-07 10:32:41.810080,7.776486,774,-2.650015347029347,-16.063248623751374,0.0,0.010800000093877316,0.0,0.0,0.04505000248551369,-0.05635000033304094,9.806999989509581,0.0,0.0,-0.12600000202655792,0,71.45900011586491
+2024-04-07 10:32:41.810113,7.776519,775,-2.650015347029347,-16.063248623751374,0.0,0.010800000093877316,0.0,0.0,0.04515000253915788,-0.0561500003747642,9.806999989509581,0.0,0.0,-0.12600000202655792,0,71.45900011586491
+2024-04-07 10:32:41.840237,7.806643,776,-2.650015347029347,-16.063248623751374,0.0,0.010800000093877316,0.0,0.0,0.045750002562999714,-0.05545000029727816,9.805999985694884,0.0,0.0,-0.12600000202655792,0,71.45900011586491
+2024-04-07 10:32:41.841616,7.808022,777,-2.650015347029347,-16.063248623751374,0.0,0.010800000093877316,0.0,0.0,0.045850002467632295,-0.05495000025257467,9.805699978828429,0.0,0.0,-0.12600000202655792,0,71.45900011586491
+2024-04-07 10:32:41.841639,7.808045,778,-2.6500210491520066,-16.063208577043504,0.0,0.053999998793005946,0.0,0.0,0.04625000238418578,-0.054750000294297926,9.80479997730255,0.0,0.0,-0.15399999916553497,0,71.45900011586491
+2024-04-07 10:32:41.849168,7.815574,779,-2.6500345308853013,-16.063092583538726,0.0,0.053999998793005946,0.0,0.0,0.04645000234246255,-0.05495000032708047,9.80479997730255,0.0,0.0,-0.15399999916553497,0,71.45900011586491
+2024-04-07 10:32:41.859352,7.825758,780,-2.6500345308853013,-16.063092583538726,0.0,0.053999998793005946,0.0,0.0,0.04685000225901603,-0.05475000036880373,9.804499979972837,0.0,0.0,-0.15399999916553497,0,71.45900011586491
+2024-04-07 10:32:41.868919,7.835325,781,-2.6500257833578105,-16.062971525930575,0.0,0.025200000777840615,0.0,0.0,0.047150002270936964,-0.05495000040158629,9.804199973106382,0.0,0.0,-0.13099999725818634,0,71.45900011586491
+2024-04-07 10:32:41.879374,7.84578,782,-2.6500257833578105,-16.062971525930575,0.0,0.025200000777840615,0.0,0.0,0.04765000224113464,-0.054550000410526975,9.804099980354307,0.0,0.0,-0.13099999725818634,0,71.45900011586491
+2024-04-07 10:32:41.914963,7.881369,783,-2.6500257833578105,-16.062971525930575,0.0,0.025200000777840615,0.0,0.0,0.04805000215768815,-0.05435000045225023,9.80319997882843,0.0,0.0,-0.13099999725818634,0,71.45900011586491
+2024-04-07 10:32:41.914979,7.881385,784,-2.6500257833578105,-16.062971525930575,0.0,0.025200000777840615,0.0,0.0,0.04835000216960908,-0.05425000047311186,9.803399973869322,0.0,0.0,-0.13099999725818634,0,71.45900011586491
+2024-04-07 10:32:41.914996,7.881402,785,-2.6500257833578105,-16.062971525930575,0.0,0.025200000777840615,0.0,0.0,0.04885000213980675,-0.05415000049397348,9.80319997882843,0.0,0.0,-0.13099999725818634,0,71.45900011586491
+2024-04-07 10:32:41.926019,7.892425,786,-2.6500839072705022,-16.06277851513756,0.0,0.06120000332593918,0.0,0.0,0.049250002205371846,-0.053950000535696735,9.80319997882843,0.0,0.0,-0.09799999743700027,0,71.45900011586491
+2024-04-07 10:32:41.930561,7.896967,787,-2.6500839072705022,-16.06277851513756,0.0,0.06120000332593918,0.0,0.0,0.04995000213384629,-0.053850000556558364,9.803099986076353,0.0,0.0,-0.09799999743700027,0,71.45900011586491
+2024-04-07 10:32:41.938527,7.904933,788,-2.6500839072705022,-16.06277851513756,0.0,0.06120000332593918,0.0,0.0,0.05015000209212303,-0.05375000057741999,9.802999983787535,0.0,0.0,-0.09799999743700027,0,71.45900011586491
+2024-04-07 10:32:41.948474,7.91488,789,-2.6501529689576064,-16.06257826594479,0.0,0.043200000375509265,0.0,0.0,0.05075000211596489,-0.05355000061914324,9.80349997615814,0.0,0.0,-0.1340000033378601,0,71.45900011586491
+2024-04-07 10:32:41.963387,7.929793,790,-2.6501529689576064,-16.06257826594479,0.0,0.043200000375509265,0.0,0.0,0.05055000200867654,-0.05365000059828161,9.80319997882843,0.0,0.0,-0.1340000033378601,0,71.45900011586491
+2024-04-07 10:32:41.972243,7.938649,791,-2.6501529689576064,-16.06257826594479,0.0,0.043200000375509265,0.0,0.0,0.050950001925230026,-0.053450000640004866,9.80359997844696,0.0,0.0,-0.1340000033378601,0,71.45900011586491
+2024-04-07 10:32:41.979469,7.945875,792,-2.650171736316614,-16.062528015286535,0.0,0.043200000375509265,0.0,0.0,0.05115000188350677,-0.05295000066980718,9.8017999753952,0.0,0.0,-0.0729999989271164,0,71.45900011586491
+2024-04-07 10:32:41.991359,7.957765,793,-2.6502262137584562,-16.062381366731607,0.0,0.043200000375509265,0.0,0.0,0.05095000177621842,-0.05285000069066881,9.802499972343442,0.0,0.0,-0.0729999989271164,0,71.45900011586491
+2024-04-07 10:32:41.998158,7.964564,794,-2.6502262137584562,-16.062381366731607,0.0,0.043200000375509265,0.0,0.0,0.05105000182986261,-0.052550000753253695,9.80189997768402,0.0,0.0,-0.0729999989271164,0,71.45900011586491
+2024-04-07 10:32:42.008848,7.975254,795,-2.6502262137584562,-16.062381366731607,0.0,0.043200000375509265,0.0,0.0,0.05115000188350677,-0.05195000080391764,9.801999979972837,0.0,0.0,-0.0729999989271164,0,71.45900011586491
+2024-04-07 10:32:42.018520,7.984926,796,-2.6502262137584562,-16.062381366731607,0.0,0.043200000375509265,0.0,0.0,0.0514500018954277,-0.05165000086650251,9.801699982643125,0.0,0.0,-0.0729999989271164,0,71.45900011586491
+2024-04-07 10:32:42.029953,7.996359,797,-2.650336672472634,-16.06215587184834,0.0,0.07559999898076057,0.0,0.0,0.05175000190734863,-0.05095000086352228,9.801199980735777,0.0,0.0,-0.12099999934434891,0,71.45900011586491
+2024-04-07 10:32:42.040984,8.00739,798,-2.650336672472634,-16.06215587184834,0.0,0.07559999898076057,0.0,0.0,0.05185000196099282,-0.050450000893324604,9.800899983406065,0.0,0.0,-0.12099999934434891,0,71.45900011586491
+2024-04-07 10:32:42.056462,8.022868,799,-2.650336672472634,-16.06215587184834,0.0,0.07559999898076057,0.0,0.0,0.05185000196099282,-0.050650000851601346,9.800399981498716,0.0,0.0,-0.12099999934434891,0,71.45900011586491
+2024-04-07 10:32:42.060443,8.026849,800,-2.650416215780808,-16.061974079921445,0.0,0.025200000777840615,0.0,0.0,0.05205000206828117,-0.05075000083073973,9.800699978828428,0.0,0.0,-0.03999999910593033,0,71.45900011586491
+2024-04-07 10:32:42.070456,8.036862,801,-2.650416215780808,-16.061974079921445,0.0,0.025200000777840615,0.0,0.0,0.05185000211000443,-0.050450000893324604,9.800699978828428,0.0,0.0,-0.03999999910593033,0,71.45900011586491
+2024-04-07 10:32:42.082609,8.049015,802,-2.650416215780808,-16.061974079921445,0.0,0.025200000777840615,0.0,0.0,0.05145000204443931,-0.04995000092312693,9.800299979209898,0.0,0.0,-0.03999999910593033,0,71.45900011586491
+2024-04-07 10:32:42.092621,8.059027,803,-2.650416215780808,-16.061974079921445,0.0,0.025200000777840615,0.0,0.0,0.051250002086162566,-0.04955000100657343,9.799899979591368,0.0,0.0,-0.03999999910593033,0,71.45900011586491
+2024-04-07 10:32:42.100332,8.066738,804,-2.650416215780808,-16.061974079921445,0.0,0.025200000777840615,0.0,0.0,0.05145000204443931,-0.04945000102743505,9.799999981880186,0.0,0.0,-0.03999999910593033,0,71.45900011586491
+2024-04-07 10:32:42.113411,8.079817,805,-2.650416215780808,-16.061974079921445,0.0,0.025200000777840615,0.0,0.0,0.050750001966953284,-0.04945000102743505,9.799599982261656,0.0,0.0,-0.03999999910593033,0,71.45900011586491
+2024-04-07 10:32:42.120307,8.086713,806,-2.6505025742904746,-16.06180125097611,0.0,0.0,0.0,0.0,0.050950001925230026,-0.04955000108107924,9.799899979591368,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.130313,8.096719,807,-2.6505025742904746,-16.06180125097611,0.0,0.0,0.0,0.0,0.05085000187158584,-0.049950001109391434,9.80009997463226,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.139062,8.105468,808,-2.6505025742904746,-16.06180125097611,0.0,0.0,0.0,0.0,0.050650001913309095,-0.049950001109391434,9.799999972343443,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.159503,8.125909,809,-2.6505829939390195,-16.061650001236487,0.0,0.0,0.0,0.0,0.050250001847743975,-0.05005000116303562,9.800299969673155,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.161702,8.128108,810,-2.6505829939390195,-16.061650001236487,0.0,0.0,0.0,0.0,0.05045000195503235,-0.05035000121220945,9.799899970054625,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.169756,8.136162,811,-2.6505829939390195,-16.061650001236487,0.0,0.0,0.0,0.0,0.05045000195503235,-0.0497500012256205,9.80009997463226,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.179164,8.14557,812,-2.6505829939390195,-16.061650001236487,0.0,0.0,0.0,0.0,0.05135000199079515,-0.049650001246482126,9.80009997463226,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.189800,8.156206,813,-2.650660738887063,-16.061516432397248,0.0,0.0,0.0,0.0,0.05135000199079515,-0.04925000125542282,9.800399971961973,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.199708,8.166114,814,-2.650660738887063,-16.061516432397248,0.0,0.0,0.0,0.0,0.05195000201463698,-0.04875000121071933,9.801099978446958,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.209270,8.175676,815,-2.650660738887063,-16.061516432397248,0.0,0.0,0.0,0.0,0.0523500020802021,-0.04815000126138329,9.800899983406065,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.222154,8.18856,816,-2.650660738887063,-16.061516432397248,0.0,0.0,0.0,0.0,0.05305000215768815,-0.04785000124946236,9.801299983024595,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.229348,8.195754,817,-2.6507414046034077,-16.061393589449576,0.0,0.0,0.0,0.0,0.053250002264976504,-0.047650001253932706,9.800899983406065,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.239428,8.205834,818,-2.6507414046034077,-16.061393589449576,0.0,0.0,0.0,0.0,0.053850002288818366,-0.04705000126734375,9.802599984169005,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.249290,8.215696,819,-2.6507414046034077,-16.061393589449576,0.0,0.0,0.0,0.0,0.05375000223517418,-0.04645000124350189,9.801999979972837,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.260301,8.226707,820,-2.6507414046034077,-16.061393589449576,0.0,0.0,0.0,0.0,0.05445000223815441,-0.04575000122189521,9.802399979591367,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.268898,8.235304,821,-2.650832166234742,-16.06127451098018,0.0,0.0,0.0,0.0,0.05465000234544276,-0.04555000126361845,9.801999979972837,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.279704,8.24611,822,-2.650832166234742,-16.06127451098018,0.0,0.0,0.0,0.0,0.05515000231564046,-0.044850001223385325,9.802499972343442,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.292528,8.258934,823,-2.650832166234742,-16.06127451098018,0.0,0.0,0.0,0.0,0.055650002285838135,-0.044650001190602764,9.802399979591367,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.306568,8.272974,824,-2.6509413511714963,-16.061148321300237,0.0,0.0,0.0,0.0,0.055750002339482296,-0.04455000113695859,9.803099986076353,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.310313,8.276719,825,-2.6509413511714963,-16.061148321300237,0.0,0.0,0.0,0.0,0.0565500023216009,-0.044450001083314414,9.802999983787535,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.318814,8.28522,826,-2.6509413511714963,-16.061148321300237,0.0,0.0,0.0,0.0,0.0565500023216009,-0.04465000111609696,9.803799983024595,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.329499,8.295905,827,-2.6509413511714963,-16.061148321300237,0.0,0.0,0.0,0.0,0.05665000237524509,-0.04485000111162661,9.804099980354307,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.339356,8.305762,828,-2.6509413511714963,-16.061148321300237,0.0,0.0,0.0,0.0,0.05645000241696835,-0.044450001083314414,9.804499979972837,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.349311,8.315717,829,-2.651047476196256,-16.06104458517805,0.0,0.0,0.0,0.0,0.05675000242888928,-0.04425000108778476,9.804599982261657,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.362070,8.328476,830,-2.651047476196256,-16.06104458517805,0.0,0.0,0.0,0.0,0.05685000233352183,-0.04415000110864638,9.804699975013731,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.369414,8.33582,831,-2.651047476196256,-16.06104458517805,0.0,0.0,0.0,0.0,0.05735000230371953,-0.043650001138448705,9.804299975395201,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.379400,8.345806,832,-2.651047476196256,-16.06104458517805,0.0,0.0,0.0,0.0,0.05715000234544276,-0.04345000118017196,9.804099980354307,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.390073,8.356479,833,-2.6511007665168926,-16.06101952013189,0.0,-0.07559999898076057,0.0,0.0,0.05705000244081021,-0.04305000118911265,9.80399997806549,0.0,0.0,-0.12099999934434891,0,71.45900011586491
+2024-04-07 10:32:42.400329,8.366735,834,-2.6511007665168926,-16.06101952013189,0.0,-0.07559999898076057,0.0,0.0,0.05725000239908695,-0.0428500011563301,9.804299975395201,0.0,0.0,-0.12099999934434891,0,71.45900011586491
+2024-04-07 10:32:42.409932,8.376338,835,-2.6511007665168926,-16.06101952013189,0.0,-0.07559999898076057,0.0,0.0,0.05735000245273114,-0.04295000113546847,9.804899970054624,0.0,0.0,-0.12099999934434891,0,71.45900011586491
+2024-04-07 10:32:42.419889,8.386295,836,-2.6511752640122865,-16.06097098341727,0.0,0.043200000375509265,0.0,0.0,0.05705000244081021,-0.0424500011652708,9.805499964714048,0.0,0.0,-0.1340000033378601,0,71.45900011586491
+2024-04-07 10:32:42.430583,8.396989,837,-2.6512030869239784,-16.06095315091633,0.0,0.0,0.0,0.0,0.05705000244081021,-0.04215000122785567,9.805899964332578,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.442525,8.408931,838,-2.6512030869239784,-16.06095315091633,0.0,0.0,0.0,0.0,0.05685000248253347,-0.04195000126957893,9.806299963951108,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.452848,8.419254,839,-2.6512030869239784,-16.06095315091633,0.0,0.0,0.0,0.0,0.05685000248253347,-0.0416500013321638,9.80659996128082,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.462756,8.429162,840,-2.6512030869239784,-16.06095315091633,0.0,0.0,0.0,0.0,0.05675000257790089,-0.04095000136643648,9.806499968528746,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.471050,8.437456,841,-2.651312980697258,-16.06089384660944,0.0,0.0,0.0,0.0,0.0566500025242567,-0.04055000144988298,9.806799965858458,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.482267,8.448673,842,-2.651312980697258,-16.06089384660944,0.0,0.0,0.0,0.0,0.0566500025242567,-0.040350001491606224,9.805599967002866,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.491864,8.45827,843,-2.651312980697258,-16.06089384660944,0.0,0.0,0.0,0.0,0.05675000257790089,-0.03995000150054692,9.805699969291686,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.505939,8.472345,844,-2.6514053622982896,-16.060872009962317,0.0,-0.043200000375509265,0.0,0.0,0.05695000268518924,-0.03975000154227018,9.805299969673156,0.0,0.0,-0.0729999989271164,0,71.45900011586491
+2024-04-07 10:32:42.509429,8.475835,845,-2.6514053622982896,-16.060872009962317,0.0,-0.043200000375509265,0.0,0.0,0.05735000260174275,-0.040150001458823664,9.805199967384336,0.0,0.0,-0.0729999989271164,0,71.45900011586491
+2024-04-07 10:32:42.520164,8.48657,846,-2.6514053622982896,-16.060872009962317,0.0,-0.043200000375509265,0.0,0.0,0.057750002518296234,-0.040150001458823664,9.805699959754943,0.0,0.0,-0.0729999989271164,0,71.45900011586491
+2024-04-07 10:32:42.530595,8.497001,847,-2.6514053622982896,-16.060872009962317,0.0,-0.043200000375509265,0.0,0.0,0.05785000257194042,-0.040150001458823664,9.80539996242523,0.0,0.0,-0.0729999989271164,0,71.45900011586491
+2024-04-07 10:32:42.539555,8.505961,848,-2.6514053622982896,-16.060872009962317,0.0,-0.043200000375509265,0.0,0.0,0.058050002679228774,-0.04005000147968529,9.806099959373473,0.0,0.0,-0.0729999989271164,0,71.45900011586491
+2024-04-07 10:32:42.549891,8.516297,849,-2.651489932752376,-16.060876046116206,0.0,0.0,0.0,0.0,0.05815000273287296,-0.04005000147968529,9.80579996204376,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.561348,8.527754,850,-2.651489932752376,-16.060876046116206,0.0,0.0,0.0,0.0,0.058650002703070636,-0.04035000141710042,9.80579996204376,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.571765,8.538171,851,-2.651489932752376,-16.060876046116206,0.0,0.0,0.0,0.0,0.058850002810359014,-0.04045000139623879,9.80579996204376,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.580250,8.546656,852,-2.651532381538744,-16.060881970797624,0.0,0.0,0.0,0.0,0.058850002810359014,-0.04085000138729809,9.806099968910216,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.591707,8.558113,853,-2.6515748270585013,-16.060892752096485,0.0,0.0,0.0,0.0,0.059050002768635756,-0.04095000136643648,9.805499974250791,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.603801,8.570207,854,-2.6515748270585013,-16.060892752096485,0.0,0.0,0.0,0.0,0.0592500027269125,-0.04105000134557485,9.80559997653961,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.610053,8.576459,855,-2.6515748270585013,-16.060892752096485,0.0,0.0,0.0,0.0,0.05975000269711017,-0.04105000134557485,9.804599972724914,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.619366,8.585772,856,-2.6515748270585013,-16.060892752096485,0.0,0.0,0.0,0.0,0.060250002667307845,-0.04105000134557485,9.804399968147276,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.629944,8.59635,857,-2.6516422528875596,-16.060941119520745,0.0,-0.07559999898076057,0.0,0.0,0.060350002720952034,-0.04105000134557485,9.803799963951109,0.0,0.0,-0.12099999934434891,0,71.45900011586491
+2024-04-07 10:32:42.639712,8.606118,858,-2.6516422528875596,-16.060941119520745,0.0,-0.07559999898076057,0.0,0.0,0.060550002679228776,-0.04085000138729809,9.803999968528746,0.0,0.0,-0.12099999934434891,0,71.45900011586491
+2024-04-07 10:32:42.651023,8.617429,859,-2.6516422528875596,-16.060941119520745,0.0,-0.07559999898076057,0.0,0.0,0.060450002625584615,-0.04075000140815972,9.804199973106382,0.0,0.0,-0.12099999934434891,0,71.45900011586491
+2024-04-07 10:32:42.660344,8.62675,860,-2.651650167424622,-16.06096447236435,0.0,-0.07559999898076057,0.0,0.0,0.060350002720952034,-0.04085000138729809,9.803599968910216,0.0,0.0,-0.12099999934434891,0,71.45900011586491
+2024-04-07 10:32:42.670645,8.637051,861,-2.651696542650501,-16.06101175688135,0.0,0.053999998793005946,0.0,0.0,0.060250002667307845,-0.041150001399219024,9.80349997615814,0.0,0.0,-0.08500000089406967,0,71.45900011586491
+2024-04-07 10:32:42.681165,8.647571,862,-2.651696542650501,-16.06101175688135,0.0,0.053999998793005946,0.0,0.0,0.060350002720952034,-0.041250001378357395,9.802899971961974,0.0,0.0,-0.08500000089406967,0,71.45900011586491
+2024-04-07 10:32:42.690700,8.657106,863,-2.651696542650501,-16.06101175688135,0.0,0.053999998793005946,0.0,0.0,0.06045000277459622,-0.04175000134855508,9.80269997692108,0.0,0.0,-0.08500000089406967,0,71.45900011586491
+2024-04-07 10:32:42.704318,8.670724,864,-2.651696542650501,-16.06101175688135,0.0,0.053999998793005946,0.0,0.0,0.06075000263750552,-0.042050001360476014,9.80309997653961,0.0,0.0,-0.08500000089406967,0,71.45900011586491
+2024-04-07 10:32:42.711537,8.677943,865,-2.651792433667636,-16.061037192086335,0.0,-0.025200000777840615,0.0,0.0,0.06075000263750552,-0.04235000129789113,9.80309997653961,0.0,0.0,-0.13899999856948853,0,71.45900011586491
+2024-04-07 10:32:42.720889,8.687295,866,-2.651792433667636,-16.061037192086335,0.0,-0.025200000777840615,0.0,0.0,0.06075000263750552,-0.042450001351535316,9.802899981498717,0.0,0.0,-0.13899999856948853,0,71.45900011586491
+2024-04-07 10:32:42.730724,8.69713,867,-2.651792433667636,-16.061037192086335,0.0,-0.025200000777840615,0.0,0.0,0.06055000253021717,-0.04255000133067369,9.803799983024595,0.0,0.0,-0.13899999856948853,0,71.45900011586491
+2024-04-07 10:32:42.739370,8.705776,868,-2.651792433667636,-16.061037192086335,0.0,-0.025200000777840615,0.0,0.0,0.06055000253021717,-0.04255000133067369,9.803799983024595,0.0,0.0,-0.13899999856948853,0,71.45900011586491
+2024-04-07 10:32:42.751902,8.718308,869,-2.651845344083221,-16.06111083073988,0.0,0.0,0.0,0.0,0.060050002560019494,-0.042450001351535316,9.804699984550474,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.763288,8.729694,870,-2.651845344083221,-16.06111083073988,0.0,0.0,0.0,0.0,0.05975000254809856,-0.04285000137984751,9.805199986457822,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.772225,8.738631,871,-2.651845344083221,-16.06111083073988,0.0,0.0,0.0,0.0,0.05955000258982182,-0.0433500013500452,9.805599986076354,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.780465,8.746871,872,-2.6519310406457106,-16.061140693428243,0.0,0.0,0.0,0.0,0.0591500025242567,-0.043950001336634154,9.805199986457822,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.792590,8.758996,873,-2.6519310406457106,-16.061140693428243,0.0,0.0,0.0,0.0,0.05865000255405903,-0.044550001360476,9.805099984169004,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.802927,8.769333,874,-2.6519310406457106,-16.061140693428243,0.0,0.0,0.0,0.0,0.058050002530217165,-0.04485000129789113,9.805299988746642,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.809392,8.775798,875,-2.6519310406457106,-16.061140693428243,0.0,0.0,0.0,0.0,0.057950002476573004,-0.045050001256167885,9.806299983024596,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.819844,8.78625,876,-2.6519310406457106,-16.061140693428243,0.0,0.0,0.0,0.0,0.05755000256001949,-0.045250001363456235,9.806099978446959,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.829940,8.796346,877,-2.6520230067532946,-16.061154913717466,0.0,-0.028800001367926598,0.0,0.0,0.05765000261366368,-0.0458500013872981,9.806799984931944,0.0,0.0,-0.18700000643730164,0,71.45900011586491
+2024-04-07 10:32:42.841046,8.807452,878,-2.6520230067532946,-16.061154913717466,0.0,-0.028800001367926598,0.0,0.0,0.05765000261366368,-0.04575000140815973,9.806699982643126,0.0,0.0,-0.18700000643730164,0,71.45900011586491
+2024-04-07 10:32:42.850308,8.816714,879,-2.6520230067532946,-16.061154913717466,0.0,-0.028800001367926598,0.0,0.0,0.05765000261366368,-0.045450001396238796,9.807199984550474,0.0,0.0,-0.18700000643730164,0,71.45900011586491
+2024-04-07 10:32:42.862812,8.829218,880,-2.6520230067532946,-16.061154913717466,0.0,-0.028800001367926598,0.0,0.0,0.05715000264346601,-0.04555000137537717,9.807299986839293,0.0,0.0,-0.18700000643730164,0,71.45900011586491
+2024-04-07 10:32:42.872082,8.838488,881,-2.6520793474358406,-16.06120868329312,0.0,-0.043200000375509265,0.0,0.0,0.05695000268518924,-0.04495000142604112,9.806999989509581,0.0,0.0,-0.07000000029802322,0,71.45900011586491
+2024-04-07 10:32:42.880019,8.846425,882,-2.6520793474358406,-16.06120868329312,0.0,-0.043200000375509265,0.0,0.0,0.056550002768635754,-0.04495000142604112,9.807099982261656,0.0,0.0,-0.07000000029802322,0,71.45900011586491
+2024-04-07 10:32:42.891979,8.858385,883,-2.6520793474358406,-16.06120868329312,0.0,-0.043200000375509265,0.0,0.0,0.05605000279843808,-0.045150001384317864,9.807099982261656,0.0,0.0,-0.07000000029802322,0,71.45900011586491
+2024-04-07 10:32:42.902668,8.869074,884,-2.652129438061754,-16.061256044010573,0.0,0.0,0.0,0.0,0.05565000273287296,-0.04545000132173299,9.806799984931944,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.910690,8.877096,885,-2.652129438061754,-16.061256044010573,0.0,0.0,0.0,0.0,0.05525000281631948,-0.04555000130087136,9.805999976158141,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.920036,8.886442,886,-2.652129438061754,-16.061256044010573,0.0,0.0,0.0,0.0,0.05505000285804271,-0.04565000128000973,9.806299973487851,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.930452,8.896858,887,-2.652129438061754,-16.061256044010573,0.0,0.0,0.0,0.0,0.05435000292956829,-0.04585000131279229,9.806499968528746,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.940740,8.907146,888,-2.652174013454998,-16.061275469080694,0.0,0.028800001367926598,0.0,0.0,0.05415000297129155,-0.045950001291930664,9.806199971199034,0.0,0.0,-0.04500000178813934,0,71.45900011586491
+2024-04-07 10:32:42.949558,8.915964,889,-2.6521924099522485,-16.06127836919133,0.0,0.028800001367926598,0.0,0.0,0.05355000294744969,-0.04625000122934579,9.806299973487851,0.0,0.0,-0.04500000178813934,0,71.45900011586491
+2024-04-07 10:32:42.962621,8.929027,890,-2.6521924099522485,-16.06127836919133,0.0,0.028800001367926598,0.0,0.0,0.05355000294744969,-0.04635000120848416,9.8067999753952,0.0,0.0,-0.04500000178813934,0,71.45900011586491
+2024-04-07 10:32:42.970025,8.936431,891,-2.6521924099522485,-16.06127836919133,0.0,0.028800001367926598,0.0,0.0,0.053050002977252014,-0.04625000122934579,9.806299973487851,0.0,0.0,-0.04500000178813934,0,71.45900011586491
+2024-04-07 10:32:42.979652,8.946058,892,-2.6522352869646646,-16.06128794027516,0.0,0.0,0.0,0.0,0.053050002977252014,-0.04655000124126672,9.808599968910215,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:42.989832,8.956238,893,-2.6522501080623835,-16.061291979035076,0.0,0.0,0.0,0.0,0.053150003030896176,-0.04665000122040509,9.807499972343443,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:43.001787,8.968193,894,-2.6522501080623835,-16.061291979035076,0.0,0.0,0.0,0.0,0.053050002977252014,-0.046750001199543464,9.808899966239927,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:43.009673,8.976079,895,-2.6522501080623835,-16.061291979035076,0.0,0.0,0.0,0.0,0.052950002923607825,-0.04695000115782022,9.80829996204376,0.0,0.0,0.0,0,71.45900011586491
+2024-04-07 10:32:43.019939,8.986345,896,-2.652307347564101,-16.06129188061418,0.0,0.043200000375509265,0.0,0.0,0.052850003018975245,-0.04695000115782022,9.80909996128082,0.0,0.0,-0.0729999989271164,0,71.45900011586491

+ 81 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-45_obstacledetection_9/DriverCtrl_pji.csv

@@ -0,0 +1,81 @@
+Time,simTime,simFrame,tarspeedX,tarspeedY,tarspeedZ,tardimX,tardimY,tardimZ
+2024-04-07 10:32:53.091159,0.0605,1,1.8,0.0,0.0,0.0,0.0,0.5088947415351868
+2024-04-07 10:32:53.186068,0.155409,2,1.8,0.0,0.0,0.0,0.0,0.5654736757278443
+2024-04-07 10:32:53.289382,0.258723,3,1.8,0.0,0.0,0.0,0.0,0.5446316003799438
+2024-04-07 10:32:53.394135,0.363476,4,2.1600000858306885,0.0,0.0,0.0,0.0,0.6260526180267334
+2024-04-07 10:32:53.499981,0.469322,5,2.1600000858306885,0.0,0.0,0.0,0.0,0.6894736886024475
+2024-04-07 10:32:53.594893,0.564234,6,2.519999957084656,0.0,0.0,0.0,0.0,0.6981052756309509
+2024-04-07 10:32:53.696830,0.666171,7,2.519999957084656,0.0,0.0,0.0,0.0,0.6478947401046754
+2024-04-07 10:32:53.817084,0.786425,8,2.519999957084656,0.0,0.0,0.0,0.0,0.6644737124443054
+2024-04-07 10:32:53.900634,0.869975,9,2.519999957084656,0.0,0.0,0.0,0.0,0.526578962802887
+2024-04-07 10:32:54.015997,0.985338,10,2.519999957084656,0.0,0.0,0.0,0.0,0.5550526380538939
+2024-04-07 10:32:54.105057,1.074398,11,1.8,0.0,0.0,0.0,0.0,0.4606315791606903
+2024-04-07 10:32:54.205984,1.175325,12,1.8,0.0,0.0,0.0,0.0,0.46984210610389715
+2024-04-07 10:32:54.265599,1.23494,13,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:54.266306,1.235647,14,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:54.988483,1.957824,15,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:32:55.092619,2.06196,16,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:32:55.186383,2.155724,17,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:32:55.283291,2.252632,18,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:32:55.384395,2.353736,19,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:32:55.486397,2.455738,20,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:55.623172,2.592513,21,2.519999957084656,0.0,0.0,0.0,0.0,0.03084209002554417
+2024-04-07 10:32:55.720624,2.689965,22,2.519999957084656,0.0,0.0,0.0,0.0,-0.026315784081816677
+2024-04-07 10:32:55.816048,2.785389,23,2.519999957084656,0.0,0.0,0.0,0.0,0.05263157933950424
+2024-04-07 10:32:55.917157,2.886498,24,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:56.017064,2.986405,25,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:56.115001,3.084342,26,2.519999957084656,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:56.202317,3.171658,27,0.7200000107288361,0.0,0.0,0.0,0.0,0.05263157933950424
+2024-04-07 10:32:56.303991,3.273332,28,0.7200000107288361,0.0,0.0,0.0,0.0,0.13763156533241272
+2024-04-07 10:32:56.415919,3.38526,29,2.519999957084656,0.0,0.0,0.0,0.0,0.1578947305679321
+2024-04-07 10:32:56.517351,3.486692,30,2.239999866485596,0.0,0.0,0.0,0.0,0.13126316666603088
+2024-04-07 10:32:56.613213,3.582554,31,2.239999866485596,0.0,0.0,0.0,0.0,0.19368420541286469
+2024-04-07 10:32:56.693920,3.663261,32,2.239999866485596,0.0,0.0,0.0,0.0,0.13268423080444333
+2024-04-07 10:32:56.794898,3.764239,33,1.9599999904632568,0.0,0.0,0.0,0.0,0.16394737362861633
+2024-04-07 10:32:56.912613,3.881954,34,1.9599999904632568,0.0,0.0,0.0,0.0,0.1615789532661438
+2024-04-07 10:32:57.007700,3.977041,35,1.9599999904632568,0.0,0.0,0.0,0.0,0.16631579399108887
+2024-04-07 10:32:57.106132,4.075473,36,1.9599999904632568,0.0,0.0,0.0,0.0,0.13742105662822723
+2024-04-07 10:32:57.213979,4.18332,37,1.9599999904632568,0.0,0.0,0.0,0.0,0.023157890886068344
+2024-04-07 10:32:57.312526,4.281867,38,1.6800000071525574,0.0,0.0,0.0,0.0,0.07631579786539078
+2024-04-07 10:32:57.414343,4.383684,39,1.400000023841858,0.0,0.0,0.0,0.0,0.1747368574142456
+2024-04-07 10:32:57.515399,4.48474,40,1.400000023841858,0.0,0.0,0.0,0.0,0.08957894891500473
+2024-04-07 10:32:57.626431,4.595772,41,1.400000023841858,0.0,0.0,0.0,0.0,0.06842106580734253
+2024-04-07 10:32:57.726660,4.696001,42,1.400000023841858,0.0,0.0,0.0,0.0,0.1279473602771759
+2024-04-07 10:32:57.798436,4.767777,43,0.8400000035762787,0.0,0.0,0.0,0.0,0.13126316666603088
+2024-04-07 10:32:57.906641,4.875982,44,0.8400000035762787,0.0,0.0,0.0,0.0,0.2534736692905426
+2024-04-07 10:32:58.019984,4.989325,45,1.119999933242798,0.0,0.0,0.0,0.0,0.026842117309570312
+2024-04-07 10:32:58.116645,5.085986,46,1.119999933242798,0.0,0.0,0.0,0.0,-0.03689474239945412
+2024-04-07 10:32:58.214382,5.183723,47,1.119999933242798,0.0,0.0,0.0,0.0,-0.04847367852926254
+2024-04-07 10:32:58.295542,5.264883,48,0.8400000035762787,0.0,0.0,0.0,0.0,-0.1614736765623093
+2024-04-07 10:32:58.437573,5.406914,49,1.119999933242798,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:58.501808,5.471149,50,0.8400000035762787,0.0,0.0,0.0,0.0,-0.18526315689086914
+2024-04-07 10:32:58.604890,5.574231,51,0.8400000035762787,0.0,0.0,0.0,0.0,-0.175789475440979
+2024-04-07 10:32:58.697060,5.666401,52,0.8400000035762787,0.0,0.0,0.0,0.0,-0.1568421125411987
+2024-04-07 10:32:58.836540,5.805881,53,0.559999966621399,0.0,0.0,0.0,0.0,-0.09052630513906477
+2024-04-07 10:32:58.898956,5.868297,54,0.8400000035762787,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:59.047261,6.016602,55,0.8400000035762787,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:59.131984,6.101325,56,0.8400000035762787,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:59.236950,6.206291,57,0.559999966621399,0.0,0.0,0.0,0.0,-0.07394737750291824
+2024-04-07 10:32:59.323147,6.292488,58,0.559999966621399,0.0,0.0,0.0,0.0,-0.1578947305679321
+2024-04-07 10:32:59.428625,6.397966,59,0.8400000035762787,0.0,0.0,0.0,0.0,-0.05263157933950424
+2024-04-07 10:32:59.527577,6.496918,60,0.559999966621399,0.0,0.0,0.0,0.0,0.024736857041716576
+2024-04-07 10:32:59.628967,6.598308,61,0.559999966621399,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:59.720904,6.690245,62,0.559999966621399,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:32:59.835942,6.805283,63,0.559999966621399,0.0,0.0,0.0,0.0,0.04210527241230012
+2024-04-07 10:32:59.920160,6.889501,64,0.559999966621399,0.0,0.0,0.0,0.0,0.05263157933950424
+2024-04-07 10:33:00.029906,6.999247,65,0.559999966621399,0.0,0.0,0.0,0.0,0.05263157933950424
+2024-04-07 10:33:00.126698,7.096039,66,0.559999966621399,0.0,0.0,0.0,0.0,0.07157895714044571
+2024-04-07 10:33:00.200659,7.17,67,0.1600000038743019,0.0,0.0,0.0,0.0,-0.11736842244863512
+2024-04-07 10:33:00.304595,7.273936,68,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:33:00.879130,7.848471,69,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:33:00.976666,7.946007,70,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:33:01.076597,8.045938,71,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:33:01.176564,8.145905,72,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:33:01.276666,8.246007,73,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:33:01.376825,8.346166,74,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:33:01.476848,8.446189,75,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:33:01.577899,8.54724,76,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:33:01.676949,8.64629,77,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:33:01.781798,8.751139,78,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:33:01.908798,8.878139,79,0.2799999833106995,0.0,0.0,0.0,0.0,-0.006210546940565108
+2024-04-07 10:33:02.021663,8.991004,80,0.2799999833106995,0.0,0.0,0.0,0.0,-0.027631565928459167

+ 900 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-32-45_obstacledetection_9/EgoState_pji.csv

@@ -0,0 +1,900 @@
+Time,simTime,simFrame,posX,posY,posZ,speedX,speedY,speedZ,accelX,accelY,accelZ,dimX,dimY,dimZ,obstacle,traveledDist
+2024-04-07 10:32:53.040909,0.01025,1,-2.4982517856115654,-15.665060291514745,0.0,1.5408000111579896,0.0,0.0,0.23985000029206277,0.36014999523758884,9.809799958229062,0.0,0.0,0.6669999957084656,0,
+2024-04-07 10:32:53.047384,0.016725,2,-2.4982517856115654,-15.665060291514745,0.0,1.5408000111579896,0.0,0.0,0.2434500004351139,0.3593499951064586,9.808599959373472,0.0,0.0,0.6669999957084656,0,
+2024-04-07 10:32:53.057763,0.027104,3,-2.4982517856115654,-15.665060291514745,0.0,1.5408000111579896,0.0,0.0,0.2487500001490116,0.35984999522566796,9.805399952888488,0.0,0.0,0.6669999957084656,0,
+2024-04-07 10:32:53.066968,0.036309,4,-2.4982517856115654,-15.665060291514745,0.0,1.5408000111579896,0.0,0.0,0.2525500001013279,0.3602499948441982,9.80609994983673,0.0,0.0,0.6669999957084656,0,
+2024-04-07 10:32:53.076851,0.046192,5,-2.499007869127384,-15.647359370887076,0.0,1.6380000472068788,0.0,0.0,0.25724999979138374,0.36084999486804004,9.805699950218198,0.0,0.0,0.6669999957084656,0,
+2024-04-07 10:32:53.086770,0.056111,6,-2.499007869127384,-15.647359370887076,0.0,1.6380000472068788,0.0,0.0,0.2608499999344349,0.36204999491572376,9.803199950218199,0.0,0.0,0.6669999957084656,0,
+2024-04-07 10:32:53.098739,0.06808,7,-2.499007869127384,-15.647359370887076,0.0,1.6380000472068788,0.0,0.0,0.26504999950528146,0.3612499950826168,9.800399943351744,0.0,0.0,0.6669999957084656,0,
+2024-04-07 10:32:53.106834,0.076175,8,-2.499007869127384,-15.647359370887076,0.0,1.6380000472068788,0.0,0.0,0.268449999243021,0.3621499954164028,9.804999943733213,0.0,0.0,0.6669999957084656,0,
+2024-04-07 10:32:53.117020,0.086361,9,-2.5003764726319235,-15.629331786319389,0.0,1.7423999905586243,0.0,0.0,0.2707499994337559,0.3626499952375889,9.799299946784972,0.0,0.0,0.671999990940094,0,
+2024-04-07 10:32:53.127313,0.096654,10,-2.5003764726319235,-15.629331786319389,0.0,1.7423999905586243,0.0,0.0,0.2723499993979931,0.3622499953210354,9.79679994678497,0.0,0.0,0.671999990940094,0,
+2024-04-07 10:32:53.136999,0.10634,11,-2.5003764726319235,-15.629331786319389,0.0,1.7423999905586243,0.0,0.0,0.27664999917149546,0.36294999524950977,9.79899994945526,0.0,0.0,0.671999990940094,0,
+2024-04-07 10:32:53.147723,0.117064,12,-2.5003764726319235,-15.629331786319389,0.0,1.7423999905586243,0.0,0.0,0.27724999919533727,0.36214999511837953,9.800299950599669,0.0,0.0,0.671999990940094,0,
+2024-04-07 10:32:53.157170,0.126511,13,-2.5023741765531105,-15.611020145606322,0.0,1.7964000463485719,0.0,0.0,0.279249999076128,0.36154999509453767,9.798299952507017,0.0,0.0,0.6240000128746033,0,
+2024-04-07 10:32:53.167162,0.136503,14,-2.5023741765531105,-15.611020145606322,0.0,1.7964000463485719,0.0,0.0,0.2791499991714954,0.3630499951541424,9.79649994945526,0.0,0.0,0.6240000128746033,0,
+2024-04-07 10:32:53.180081,0.149422,15,-2.5023741765531105,-15.611020145606322,0.0,1.7964000463485719,0.0,0.0,0.2798499990999699,0.36134999528527256,9.79649994945526,0.0,0.0,0.6240000128746033,0,
+2024-04-07 10:32:53.186836,0.156177,16,-2.5023741765531105,-15.611020145606322,0.0,1.7964000463485719,0.0,0.0,0.2805499990284443,0.3591499952971935,9.796299954414366,0.0,0.0,0.6240000128746033,0,
+2024-04-07 10:32:53.209255,0.178596,17,-2.505019595334621,-15.59232518947316,0.0,1.8395999193191528,0.0,0.0,0.2812499989569187,0.3571499954164028,9.79619996166229,0.0,0.0,0.6039999723434448,0,
+2024-04-07 10:32:53.210890,0.180231,18,-2.505019595334621,-15.59232518947316,0.0,1.8395999193191528,0.0,0.0,0.2816499988734722,0.3553499956429005,9.796099959373473,0.0,0.0,0.6039999723434448,0,
+2024-04-07 10:32:53.217064,0.186405,19,-2.505019595334621,-15.59232518947316,0.0,1.8395999193191528,0.0,0.0,0.28154999896883964,0.3547499956190586,9.800699959754942,0.0,0.0,0.6039999723434448,0,71.76000012131408
+2024-04-07 10:32:53.232059,0.2014,20,-2.505019595334621,-15.59232518947316,0.0,1.8395999193191528,0.0,0.0,0.2805499990284443,0.35384999588131905,9.800299960136412,0.0,0.0,0.6039999723434448,0,71.76000012131408
+2024-04-07 10:32:53.238919,0.20826,21,-2.508366398586847,-15.572642003632124,0.0,1.8792000532150268,0.0,0.0,0.27904999896883964,0.35504999592900277,9.80289996242523,0.0,0.0,0.5580000281333923,0,71.76000012131408
+2024-04-07 10:32:53.247675,0.217016,22,-2.508366398586847,-15.572642003632124,0.0,1.8792000532150268,0.0,0.0,0.2784499989449978,0.35514999613165854,9.802799969673154,0.0,0.0,0.5580000281333923,0,71.76000012131408
+2024-04-07 10:32:53.257690,0.227031,23,-2.508366398586847,-15.572642003632124,0.0,1.8792000532150268,0.0,0.0,0.27744999900460243,0.3557499961555004,9.80619996166229,0.0,0.0,0.5580000281333923,0,71.76000012131408
+2024-04-07 10:32:53.267354,0.236695,24,-2.508366398586847,-15.572642003632124,0.0,1.8792000532150268,0.0,0.0,0.27404999896883964,0.3540499962866306,9.805899964332578,0.0,0.0,0.5580000281333923,0,71.76000012131408
+2024-04-07 10:32:53.277092,0.246433,25,-2.5122138261952216,-15.55354580278459,0.0,1.9152000188827516,0.0,0.0,0.2716499990224838,0.35144999638199803,9.807799960136412,0.0,0.0,0.527999997138977,0,71.76000012131408
+2024-04-07 10:32:53.286905,0.256246,26,-2.5122138261952216,-15.55354580278459,0.0,1.9152000188827516,0.0,0.0,0.2661499988287687,0.3498499967157841,9.812799960136411,0.0,0.0,0.527999997138977,0,71.76000012131408
+2024-04-07 10:32:53.301753,0.271094,27,-2.5122138261952216,-15.55354580278459,0.0,1.9152000188827516,0.0,0.0,0.26154999900609255,0.34924999669194223,9.811199952125547,0.0,0.0,0.527999997138977,0,71.76000012131408
+2024-04-07 10:32:53.307682,0.277023,28,-2.5122138261952216,-15.55354580278459,0.0,1.9152000188827516,0.0,0.0,0.25484999902546407,0.34964999631047244,9.80769994831085,0.0,0.0,0.527999997138977,0,71.76000012131408
+2024-04-07 10:32:53.320384,0.289725,29,-2.5166501042668488,-15.53417324488928,0.0,1.962000060081482,0.0,0.0,0.25034999903291466,0.34974999621510505,9.80639994716644,0.0,0.0,0.5789999961853027,0,71.76000012131408
+2024-04-07 10:32:53.332637,0.301978,30,-2.5166501042668488,-15.53417324488928,0.0,1.962000060081482,0.0,0.0,0.24244999896734953,0.35014999613165854,9.811599951744078,0.0,0.0,0.5789999961853027,0,71.76000012131408
+2024-04-07 10:32:53.338589,0.30793,31,-2.5166501042668488,-15.53417324488928,0.0,1.962000060081482,0.0,0.0,0.23614999923855068,0.3496499960124493,9.807599955558775,0.0,0.0,0.5789999961853027,0,71.76000012131408
+2024-04-07 10:32:53.348855,0.318196,32,-2.5166501042668488,-15.53417324488928,0.0,1.962000060081482,0.0,0.0,0.22814999897032978,0.3475499959290028,9.805899954795835,0.0,0.0,0.5789999961853027,0,71.76000012131408
+2024-04-07 10:32:53.357335,0.326676,33,-2.52170267221981,-15.514316257326579,0.0,1.9511999845504762,0.0,0.0,0.22224999900907277,0.3462499959766865,9.807199955940245,0.0,0.0,0.5509999990463257,0,71.76000012131408
+2024-04-07 10:32:53.367295,0.336636,34,-2.52170267221981,-15.514316257326579,0.0,1.9511999845504762,0.0,0.0,0.21514999922364952,0.3438499960303306,9.809599953651427,0.0,0.0,0.5509999990463257,0,71.76000012131408
+2024-04-07 10:32:53.377083,0.346424,35,-2.52170267221981,-15.514316257326579,0.0,1.9511999845504762,0.0,0.0,0.20834999945014715,0.34174999624490743,9.80869996166229,0.0,0.0,0.5509999990463257,0,71.76000012131408
+2024-04-07 10:32:53.386797,0.356138,36,-2.52170267221981,-15.514316257326579,0.0,1.9511999845504762,0.0,0.0,0.20254999917000532,0.3400499963760376,9.805099965095518,0.0,0.0,0.5509999990463257,0,71.76000012131408
+2024-04-07 10:32:53.404767,0.374108,37,-2.527295922095259,-15.49433435186632,0.0,1.9187999725341798,0.0,0.0,0.19684999933466313,0.338249996304512,9.807599965095518,0.0,0.0,0.5329999923706055,0,71.76000012131408
+2024-04-07 10:32:53.406870,0.376211,38,-2.527295922095259,-15.49433435186632,0.0,1.9187999725341798,0.0,0.0,0.19094999955967068,0.3366499963402748,9.808099967002867,0.0,0.0,0.5329999923706055,0,71.76000012131408
+2024-04-07 10:32:53.418304,0.387645,39,-2.527295922095259,-15.49433435186632,0.0,1.9187999725341798,0.0,0.0,0.18344999948516488,0.3346499967575073,9.809199973106383,0.0,0.0,0.5329999923706055,0,71.76000012131408
+2024-04-07 10:32:53.428399,0.39774,40,-2.527295922095259,-15.49433435186632,0.0,1.9187999725341798,0.0,0.0,0.17584999948740004,0.33344999700784683,9.806599970817564,0.0,0.0,0.5329999923706055,0,71.76000012131408
+2024-04-07 10:32:53.438175,0.407516,41,-2.533444832976884,-15.474129151476765,0.0,1.9043999433517456,0.0,0.0,0.17014999955892562,0.33124999701976776,9.808799973487853,0.0,0.0,0.5249999761581421,0,71.76000012131408
+2024-04-07 10:32:53.451448,0.420789,42,-2.533444832976884,-15.474129151476765,0.0,1.9043999433517456,0.0,0.0,0.16264999978244304,0.330849996805191,9.808999968528745,0.0,0.0,0.5249999761581421,0,71.76000012131408
+2024-04-07 10:32:53.457323,0.426664,43,-2.533444832976884,-15.474129151476765,0.0,1.9043999433517456,0.0,0.0,0.15464999951422215,0.32864999681711193,9.806899977684019,0.0,0.0,0.5249999761581421,0,71.76000012131408
+2024-04-07 10:32:53.467807,0.437148,44,-2.533444832976884,-15.474129151476765,0.0,1.9043999433517456,0.0,0.0,0.15004999928176405,0.32574999660253523,9.8067999753952,0.0,0.0,0.5249999761581421,0,71.76000012131408
+2024-04-07 10:32:53.478121,0.447462,45,-2.540045567495157,-15.454076012952445,0.0,1.8792000532150268,0.0,0.0,0.1422499990835786,0.3246499964594841,9.805999976158141,0.0,0.0,0.5410000085830688,0,71.76000012131408
+2024-04-07 10:32:53.486866,0.456207,46,-2.540045567495157,-15.454076012952445,0.0,1.8792000532150268,0.0,0.0,0.1381499994173646,0.3217499962449074,9.805299969673156,0.0,0.0,0.5410000085830688,0,71.76000012131408
+2024-04-07 10:32:53.500153,0.469494,47,-2.540045567495157,-15.454076012952445,0.0,1.8792000532150268,0.0,0.0,0.13234999967738986,0.3216499963402748,9.803599968910216,0.0,0.0,0.5410000085830688,0,71.76000012131408
+2024-04-07 10:32:53.507170,0.476511,48,-2.540045567495157,-15.454076012952445,0.0,1.8792000532150268,0.0,0.0,0.12864999992772938,0.3205499961972237,9.802199965476987,0.0,0.0,0.5410000085830688,0,71.76000012131408
+2024-04-07 10:32:53.518842,0.488183,49,-2.547130170404042,-15.434009522587383,0.0,1.8648000240325928,0.0,0.0,0.12574999986216426,0.3178499963879585,9.802399960517882,0.0,0.0,0.5659999847412109,0,71.76000012131408
+2024-04-07 10:32:53.528739,0.49808,50,-2.547130170404042,-15.434009522587383,0.0,1.8648000240325928,0.0,0.0,0.12404999999329447,0.316549996137619,9.802699967384337,0.0,0.0,0.5659999847412109,0,71.76000012131408
+2024-04-07 10:32:53.537529,0.50687,51,-2.547130170404042,-15.434009522587383,0.0,1.8648000240325928,0.0,0.0,0.12375000027939678,0.3155499961972237,9.803699961662291,0.0,0.0,0.5659999847412109,0,71.76000012131408
+2024-04-07 10:32:53.549632,0.518973,52,-2.547130170404042,-15.434009522587383,0.0,1.8648000240325928,0.0,0.0,0.12395000038668513,0.3149499961733818,9.803699961662291,0.0,0.0,0.5659999847412109,0,71.76000012131408
+2024-04-07 10:32:53.559781,0.529122,53,-2.554625770972187,-15.414149725298149,0.0,1.853999948501587,0.0,0.0,0.12765000043436886,0.31524999588727953,9.803999958992003,0.0,0.0,0.6140000224113464,0,71.76000012131408
+2024-04-07 10:32:53.567693,0.537034,54,-2.554625770972187,-15.414149725298149,0.0,1.853999948501587,0.0,0.0,0.1295500002615154,0.3160499960184098,9.804699955940245,0.0,0.0,0.6140000224113464,0,71.76000012131408
+2024-04-07 10:32:53.578490,0.547831,55,-2.554625770972187,-15.414149725298149,0.0,1.853999948501587,0.0,0.0,0.1340500001423061,0.31644999593496326,9.808699952125547,0.0,0.0,0.6140000224113464,0,71.76000012131408
+2024-04-07 10:32:53.587602,0.556943,56,-2.554625770972187,-15.414149725298149,0.0,1.853999948501587,0.0,0.0,0.136850000154227,0.3162499958276749,9.814299956321715,0.0,0.0,0.6140000224113464,0,71.76000012131408
+2024-04-07 10:32:53.600304,0.569645,57,-2.5626982154490396,-15.393981999048659,0.0,1.8503999948501588,0.0,0.0,0.1423500002734363,0.31484999597072605,9.811499958992002,0.0,0.0,0.6420000195503235,0,71.76000012131408
+2024-04-07 10:32:53.607738,0.577079,58,-2.5626982154490396,-15.393981999048659,0.0,1.8503999948501588,0.0,0.0,0.14805000001564622,0.3142499959468842,9.81409996128082,0.0,0.0,0.6420000195503235,0,71.76000012131408
+2024-04-07 10:32:53.617709,0.58705,59,-2.5626982154490396,-15.393981999048659,0.0,1.8503999948501588,0.0,0.0,0.15564999982714656,0.31434999644756323,9.816099959373473,0.0,0.0,0.6420000195503235,0,71.76000012131408
+2024-04-07 10:32:53.630579,0.59992,60,-2.5626982154490396,-15.393981999048659,0.0,1.8503999948501588,0.0,0.0,0.16374999985098837,0.3153499960899353,9.815499964714048,0.0,0.0,0.6420000195503235,0,71.76000012131408
+2024-04-07 10:32:53.639846,0.609187,61,-2.5626982154490396,-15.393981999048659,0.0,1.8503999948501588,0.0,0.0,0.17245000004768374,0.3160499960184098,9.809899970054625,0.0,0.0,0.6420000195503235,0,71.76000012131408
+2024-04-07 10:32:53.648544,0.617885,62,-2.571330278879911,-15.37375340648523,0.0,1.8792000532150268,0.0,0.0,0.18314999997615816,0.3149499961733818,9.807499972343443,0.0,0.0,0.6620000004768372,0,71.76000012131408
+2024-04-07 10:32:53.658057,0.627398,63,-2.571330278879911,-15.37375340648523,0.0,1.8792000532150268,0.0,0.0,0.19394999980926514,0.3160499960184098,9.805799971580504,0.0,0.0,0.6620000004768372,0,71.76000012131408
+2024-04-07 10:32:53.667445,0.636786,64,-2.571330278879911,-15.37375340648523,0.0,1.8792000532150268,0.0,0.0,0.2051500001549721,0.31684999585151674,9.805099974632261,0.0,0.0,0.6620000004768372,0,71.76000012131408
+2024-04-07 10:32:53.679699,0.64904,65,-2.579766868641466,-15.355181626905777,0.0,1.9511999845504762,0.0,0.0,0.2171500000357628,0.31524999588727953,9.811099968910215,0.0,0.0,0.6489999890327454,0,71.76000012131408
+2024-04-07 10:32:53.687433,0.656774,66,-2.579766868641466,-15.355181626905777,0.0,1.9511999845504762,0.0,0.0,0.22844999998807908,0.3148499956727028,9.810999966621397,0.0,0.0,0.6489999890327454,0,71.76000012131408
+2024-04-07 10:32:53.697832,0.667173,67,-2.579766868641466,-15.355181626905777,0.0,1.9511999845504762,0.0,0.0,0.23974999994039536,0.31734999537467956,9.81369996166229,0.0,0.0,0.6489999890327454,0,71.76000012131408
+2024-04-07 10:32:53.708844,0.678185,68,-2.579766868641466,-15.355181626905777,0.0,1.9511999845504762,0.0,0.0,0.2524500000476837,0.319449995458126,9.811499958992002,0.0,0.0,0.6489999890327454,0,71.76000012131408
+2024-04-07 10:32:53.717461,0.686802,69,-2.5894381173990264,-15.334956606504848,0.0,2.0484000205993653,0.0,0.0,0.26464999973773956,0.32074999541044236,9.813399954795836,0.0,0.0,0.7229999899864197,0,71.76000012131408
+2024-04-07 10:32:53.728808,0.698149,70,-2.5894381173990264,-15.334956606504848,0.0,2.0484000205993653,0.0,0.0,0.277049999833107,0.32264999538660055,9.809399958610532,0.0,0.0,0.7229999899864197,0,71.76000012131408
+2024-04-07 10:32:53.742936,0.712277,71,-2.5894381173990264,-15.334956606504848,0.0,2.0484000205993653,0.0,0.0,0.2874499997496605,0.32374999552965167,9.81079996204376,0.0,0.0,0.7229999899864197,0,71.76000012131408
+2024-04-07 10:32:53.753542,0.722883,72,-2.5894381173990264,-15.334956606504848,0.0,2.0484000205993653,0.0,0.0,0.30084999948740004,0.32384999543428417,9.807999964714048,0.0,0.0,0.7229999899864197,0,71.76000012131408
+2024-04-07 10:32:53.758007,0.727348,73,-2.5997217577637826,-15.31467672190254,0.0,2.1960000514984133,0.0,0.0,0.31134999960660936,0.3239499953389168,9.810599967002867,0.0,0.0,0.6899999976158142,0,71.76000012131408
+2024-04-07 10:32:53.767218,0.736559,74,-2.5997217577637826,-15.31467672190254,0.0,2.1960000514984133,0.0,0.0,0.32394999980926514,0.3254499951004982,9.807199965476988,0.0,0.0,0.6899999976158142,0,71.76000012131408
+2024-04-07 10:32:53.777154,0.746495,75,-2.5997217577637826,-15.31467672190254,0.0,2.1960000514984133,0.0,0.0,0.3342499998211861,0.32644999504089356,9.806199971199034,0.0,0.0,0.6899999976158142,0,71.76000012131408
+2024-04-07 10:32:53.804635,0.773976,76,-2.5997217577637826,-15.31467672190254,0.0,2.1960000514984133,0.0,0.0,0.34615000009536745,0.3276499950885773,9.803299971580504,0.0,0.0,0.6899999976158142,0,71.76000012131408
+2024-04-07 10:32:53.813955,0.783296,77,-2.610634198279574,-15.294299793586879,0.0,2.2895999193191527,0.0,0.0,0.35775000020861625,0.3304499951004982,9.800699978828428,0.0,0.0,0.753000020980835,0,71.76000012131408
+2024-04-07 10:32:53.814475,0.783816,78,-2.610634198279574,-15.294299793586879,0.0,2.2895999193191527,0.0,0.0,0.3683500000834465,0.3330499950051308,9.804999981880187,0.0,0.0,0.753000020980835,0,71.76000012131408
+2024-04-07 10:32:53.825597,0.794938,79,-2.610634198279574,-15.294299793586879,0.0,2.2895999193191527,0.0,0.0,0.3767500001937151,0.3353499951958656,9.810999985694883,0.0,0.0,0.753000020980835,0,71.76000012131408
+2024-04-07 10:32:53.848337,0.817678,80,-2.610634198279574,-15.294299793586879,0.0,2.2895999193191527,0.0,0.0,0.3850499999336898,0.3389499950408935,9.812499981880187,0.0,0.0,0.753000020980835,0,71.76000012131408
+2024-04-07 10:32:53.848411,0.817752,81,-2.610634198279574,-15.294299793586879,0.0,2.2895999193191527,0.0,0.0,0.392449999731034,0.34004999518394474,9.804899979591367,0.0,0.0,0.753000020980835,0,71.76000012131408
+2024-04-07 10:32:53.848677,0.818018,82,-2.610634198279574,-15.294299793586879,0.0,2.2895999193191527,0.0,0.0,0.3995499996654689,0.342249995470047,9.80439997768402,0.0,0.0,0.753000020980835,0,71.76000012131408
+2024-04-07 10:32:53.858698,0.828039,83,-2.6224752139631438,-15.273380383382536,0.0,2.3760000944137576,0.0,0.0,0.40524999959394337,0.3418499955534935,9.806899977684019,0.0,0.0,0.7149999737739563,0,71.76000012131408
+2024-04-07 10:32:53.869439,0.83878,84,-2.6224752139631438,-15.273380383382536,0.0,2.3760000944137576,0.0,0.0,0.41014999968931076,0.342249995470047,9.81189997768402,0.0,0.0,0.7149999737739563,0,71.76000012131408
+2024-04-07 10:32:53.879749,0.84909,85,-2.634696200244838,-15.25291861451088,0.0,2.4480000257492067,0.0,0.0,0.41304999990388747,0.34424999535083767,9.814499979972837,0.0,0.0,0.7350000143051147,0,71.76000012131408
+2024-04-07 10:32:53.887363,0.856704,86,-2.634696200244838,-15.25291861451088,0.0,2.4480000257492067,0.0,0.0,0.4155500002019107,0.345549995303154,9.81559997653961,0.0,0.0,0.7350000143051147,0,71.76000012131408
+2024-04-07 10:32:53.898034,0.867375,87,-2.634696200244838,-15.25291861451088,0.0,2.4480000257492067,0.0,0.0,0.4145499999634922,0.34784999549388884,9.812199975013732,0.0,0.0,0.7350000143051147,0,71.76000012131408
+2024-04-07 10:32:53.908055,0.877396,88,-2.634696200244838,-15.25291861451088,0.0,2.4480000257492067,0.0,0.0,0.41544999970123175,0.34904999554157257,9.800899983406065,0.0,0.0,0.7350000143051147,0,71.76000012131408
+2024-04-07 10:32:53.920870,0.890211,89,-2.648245792598817,-15.231402389283351,0.0,2.631600022315979,0.0,0.0,0.411249999832362,0.3479499956965446,9.798599978446958,0.0,0.0,0.6520000100135803,0,71.76000012131408
+2024-04-07 10:32:53.928813,0.898154,90,-2.648245792598817,-15.231402389283351,0.0,2.631600022315979,0.0,0.0,0.41044999970123175,0.3485499957203865,9.796899977684019,0.0,0.0,0.6520000100135803,0,71.76000012131408
+2024-04-07 10:32:53.940144,0.909485,91,-2.648245792598817,-15.231402389283351,0.0,2.631600022315979,0.0,0.0,0.4038499998860061,0.3470499955117703,9.80769997692108,0.0,0.0,0.6520000100135803,0,71.76000012131408
+2024-04-07 10:32:53.950215,0.919556,92,-2.648245792598817,-15.231402389283351,0.0,2.631600022315979,0.0,0.0,0.4015499996952713,0.3483499954640865,9.800499983787535,0.0,0.0,0.6520000100135803,0,71.76000012131408
+2024-04-07 10:32:53.975891,0.945232,93,-2.6632443389083056,-15.208849040888854,0.0,2.667599987983704,0.0,0.0,0.39384999943897125,0.34634999543428424,9.802299986839293,0.0,0.0,0.6240000128746033,0,71.76000012131408
+2024-04-07 10:32:53.979843,0.949184,94,-2.6632443389083056,-15.208849040888854,0.0,2.667599987983704,0.0,0.0,0.38684999965131284,0.3457499954104424,9.80149997806549,0.0,0.0,0.6240000128746033,0,71.76000012131408
+2024-04-07 10:32:53.980267,0.949608,95,-2.6632443389083056,-15.208849040888854,0.0,2.667599987983704,0.0,0.0,0.37914999993517995,0.3440499952435494,9.802099972724912,0.0,0.0,0.6240000128746033,0,71.76000012131408
+2024-04-07 10:32:53.988451,0.957792,96,-2.6632443389083056,-15.208849040888854,0.0,2.667599987983704,0.0,0.0,0.37055000007152555,0.3417499953508377,9.79519997692108,0.0,0.0,0.6240000128746033,0,71.76000012131408
+2024-04-07 10:32:53.998835,0.968176,97,-2.679520834346043,-15.1855908343326,0.0,2.6964000463485718,0.0,0.0,0.36344999983906745,0.3399499955773354,9.798199969291685,0.0,0.0,0.5789999961853027,0,71.76000012131408
+2024-04-07 10:32:54.007809,0.97715,98,-2.679520834346043,-15.1855908343326,0.0,2.6964000463485718,0.0,0.0,0.35524999991059303,0.3382499957084656,9.805999976158141,0.0,0.0,0.5789999961853027,0,71.76000012131408
+2024-04-07 10:32:54.026238,0.995579,99,-2.679520834346043,-15.1855908343326,0.0,2.6964000463485718,0.0,0.0,0.3466499999538064,0.33894999563694006,9.803899975776671,0.0,0.0,0.5789999961853027,0,71.76000012131408
+2024-04-07 10:32:54.033670,1.003011,100,-2.679520834346043,-15.1855908343326,0.0,2.6964000463485718,0.0,0.0,0.3379500000923872,0.3394499957561493,9.80009997463226,0.0,0.0,0.5789999961853027,0,71.76000012131408
+2024-04-07 10:32:54.047330,1.016671,101,-2.6970602344471923,-15.161734396079222,0.0,2.703599953651428,0.0,0.0,0.3291500002332032,0.34064999580383304,9.799499979972838,0.0,0.0,0.5360000133514404,0,71.76000012131408
+2024-04-07 10:32:54.047594,1.016935,102,-2.6970602344471923,-15.161734396079222,0.0,2.703599953651428,0.0,0.0,0.31924999998882414,0.3414499959349633,9.811699982643125,0.0,0.0,0.5360000133514404,0,71.76000012131408
+2024-04-07 10:32:54.064560,1.033901,103,-2.6970602344471923,-15.161734396079222,0.0,2.703599953651428,0.0,0.0,0.30905000017955897,0.34174999624490743,9.808999987602233,0.0,0.0,0.5360000133514404,0,71.76000012131408
+2024-04-07 10:32:54.076422,1.045763,104,-2.7008892263799096,-15.156670551890983,0.0,2.703599953651428,0.0,0.0,0.30135000037029386,0.34464999645948413,9.805599986076354,0.0,0.0,0.5360000133514404,0,71.76000012131408
+2024-04-07 10:32:54.080130,1.049471,105,-2.7008892263799096,-15.156670551890983,0.0,2.703599953651428,0.0,0.0,0.29185000063851474,0.3431499963998794,9.810599986076353,0.0,0.0,0.5360000133514404,0,71.76000012131408
+2024-04-07 10:32:54.092801,1.062142,106,-2.7008892263799096,-15.156670551890983,0.0,2.703599953651428,0.0,0.0,0.2833500006236136,0.34334999620914464,9.81899997806549,0.0,0.0,0.5360000133514404,0,71.76000012131408
+2024-04-07 10:32:54.100462,1.069803,107,-2.7008892263799096,-15.156670551890983,0.0,2.703599953651428,0.0,0.0,0.27525000091642143,0.3451499962806702,9.816599980354308,0.0,0.0,0.5360000133514404,0,71.76000012131408
+2024-04-07 10:32:54.108000,1.077341,108,-2.713859571209313,-15.139875700422206,0.0,2.703599953651428,0.0,0.0,0.2649500012025237,0.34764999628067017,9.80799997425079,0.0,0.0,0.5360000133514404,0,71.76000012131408
+2024-04-07 10:32:54.119246,1.088587,109,-2.713859571209313,-15.139875700422206,0.0,2.703599953651428,0.0,0.0,0.2586500010639429,0.3477499967813492,9.81809997653961,0.0,0.0,0.5360000133514404,0,71.76000012131408
+2024-04-07 10:32:54.131987,1.101328,110,-2.713859571209313,-15.139875700422206,0.0,2.703599953651428,0.0,0.0,0.24855000115931036,0.3498499968647957,9.820399981498717,0.0,0.0,0.5360000133514404,0,71.76000012131408
+2024-04-07 10:32:54.140929,1.11027,111,-2.713859571209313,-15.139875700422206,0.0,2.703599953651428,0.0,0.0,0.24115000128746034,0.3523499971628189,9.816999979972838,0.0,0.0,0.5360000133514404,0,71.76000012131408
+2024-04-07 10:32:54.153549,1.12289,112,-2.731766372514067,-15.117515910283018,0.0,2.6964000463485718,0.0,0.0,0.23235000133514405,0.35474999725818634,9.810799981117247,0.0,0.0,0.5609999895095825,0,71.76000012131408
+2024-04-07 10:32:54.159288,1.128629,113,-2.731766372514067,-15.117515910283018,0.0,2.6964000463485718,0.0,0.0,0.22025000154972074,0.3577499970793724,9.819599982261655,0.0,0.0,0.5609999895095825,0,71.76000012131408
+2024-04-07 10:32:54.167796,1.137137,114,-2.731766372514067,-15.117515910283018,0.0,2.6964000463485718,0.0,0.0,0.20955000162124632,0.3575499972701073,9.825399981498716,0.0,0.0,0.5609999895095825,0,71.76000012131408
+2024-04-07 10:32:54.177553,1.146894,115,-2.731766372514067,-15.117515910283018,0.0,2.6964000463485718,0.0,0.0,0.19445000171661375,0.3570499974489212,9.820899983406065,0.0,0.0,0.5609999895095825,0,71.76000012131408
+2024-04-07 10:32:54.195969,1.16531,116,-2.766171384742411,-15.076885165448896,0.0,2.6567999124526978,0.0,0.0,0.18355000197887422,0.3563499975204467,9.824299975395201,0.0,0.0,0.5529999732971191,0,71.76000012131408
+2024-04-07 10:32:54.205649,1.17499,117,-2.766171384742411,-15.076885165448896,0.0,2.6567999124526978,0.0,0.0,0.17005000174045565,0.35284999765455716,9.831999970436094,0.0,0.0,0.5529999732971191,0,71.76000012131408
+2024-04-07 10:32:54.208068,1.177409,118,-2.766171384742411,-15.076885165448896,0.0,2.6567999124526978,0.0,0.0,0.16095000177621843,0.3508499976247549,9.832199965476988,0.0,0.0,0.5529999732971191,0,71.76000012131408
+2024-04-07 10:32:54.217603,1.186944,119,-2.766171384742411,-15.076885165448896,0.0,2.6567999124526978,0.0,0.0,0.14825000166893004,0.3488499977439642,9.825999966621398,0.0,0.0,0.5529999732971191,0,71.76000012131408
+2024-04-07 10:32:54.230395,1.199736,120,-2.7864898489941057,-15.05417801307677,0.0,2.4371999502182007,0.0,0.0,0.13735000163316724,0.3459499975293875,9.824299965858458,0.0,0.0,0.6110000014305115,0,71.76000012131408
+2024-04-07 10:32:54.240033,1.209374,121,-2.7930246550425863,-15.047054884919804,0.0,2.0124000549316405,0.0,0.0,0.1280500015616417,0.34274999760091307,9.823199959754943,0.0,0.0,0.6169999837875366,0,71.76000012131408
+2024-04-07 10:32:54.248271,1.217612,122,-2.797382940975849,-15.042352146797226,0.0,1.8648000240325928,0.0,0.0,0.11665000170469284,0.3401499975472688,9.820599957466124,0.0,0.0,0.5149999856948853,0,71.76000012131408
+2024-04-07 10:32:54.258410,1.227751,123,-2.797382940975849,-15.042352146797226,0.0,1.8648000240325928,0.0,0.0,0.1068500018119812,0.33794999755918975,9.817799960136412,0.0,0.0,0.5149999856948853,0,71.76000012131408
+2024-04-07 10:32:54.267624,1.236965,124,-2.797382940975849,-15.042352146797226,0.0,1.8648000240325928,0.0,0.0,0.09535000175237657,0.3359499975293875,9.815099965095518,0.0,0.0,0.5149999856948853,0,71.76000012131408
+2024-04-07 10:32:54.277525,1.246866,125,-2.797382940975849,-15.042352146797226,0.0,1.8648000240325928,0.0,0.0,0.08625000193715096,0.33434999756515027,9.81369996166229,0.0,0.0,0.5149999856948853,0,71.76000012131408
+2024-04-07 10:32:54.292246,1.261587,126,-2.8171971519740127,-15.02143298211444,0.0,1.8324000120162964,0.0,0.0,0.07725000225007533,0.3339499973505735,9.813499957084654,0.0,0.0,0.5199999809265137,0,71.76000012131408
+2024-04-07 10:32:54.299389,1.26873,127,-2.8171971519740127,-15.02143298211444,0.0,1.8324000120162964,0.0,0.0,0.06855000223964453,0.33024999730288984,9.817599965095518,0.0,0.0,0.5199999809265137,0,71.76000012131408
+2024-04-07 10:32:54.308179,1.27752,128,-2.8171971519740127,-15.02143298211444,0.0,1.8324000120162964,0.0,0.0,0.0607500023394823,0.3274499975889922,9.820499964714049,0.0,0.0,0.5199999809265137,0,71.76000012131408
+2024-04-07 10:32:54.318130,1.287471,129,-2.8171971519740127,-15.02143298211444,0.0,1.8324000120162964,0.0,0.0,0.05295000214129686,0.3251499976962805,9.823599968910216,0.0,0.0,0.5199999809265137,0,71.76000012131408
+2024-04-07 10:32:54.332654,1.301995,130,-2.8369856218764187,-15.0013507490126,0.0,1.8179999828338624,0.0,0.0,0.04695000234991312,0.3230499979108572,9.81659996128082,0.0,0.0,0.609000027179718,0,71.76000012131408
+2024-04-07 10:32:54.339658,1.308999,131,-2.8369856218764187,-15.0013507490126,0.0,1.8179999828338624,0.0,0.0,0.03995000224560499,0.32194999806582925,9.822199955940246,0.0,0.0,0.609000027179718,0,71.76000012131408
+2024-04-07 10:32:54.348428,1.317769,132,-2.8369856218764187,-15.0013507490126,0.0,1.8179999828338624,0.0,0.0,0.0337500023469329,0.3211499979346991,9.824799958229063,0.0,0.0,0.609000027179718,0,71.76000012131408
+2024-04-07 10:32:54.359504,1.328845,133,-2.8369856218764187,-15.0013507490126,0.0,1.8179999828338624,0.0,0.0,0.02575000245124101,0.32014999799430366,9.820899954795836,0.0,0.0,0.609000027179718,0,71.76000012131408
+2024-04-07 10:32:54.368500,1.337841,134,-2.8571359992331016,-14.981705832075406,0.0,1.6740000128746033,0.0,0.0,0.017850002236664303,0.32194999791681767,9.814599953651426,0.0,0.0,0.675000011920929,0,71.76000012131408
+2024-04-07 10:32:54.377856,1.347197,135,-2.8614873484060963,-14.97756745815358,0.0,1.6740000128746033,0.0,0.0,0.010450002439320094,0.322949997857213,9.81599994754791,0.0,0.0,0.675000011920929,0,71.76000012131408
+2024-04-07 10:32:54.393245,1.362586,136,-2.8614873484060963,-14.97756745815358,0.0,1.6740000128746033,0.0,0.0,0.003250002600252627,0.3236499977856875,9.823199950218198,0.0,0.0,0.675000011920929,0,71.76000012131408
+2024-04-07 10:32:54.399724,1.369065,137,-2.8614873484060963,-14.97756745815358,0.0,1.6740000128746033,0.0,0.0,-0.003649997469037769,0.32404999770224097,9.818799954414366,0.0,0.0,0.675000011920929,0,71.76000012131408
+2024-04-07 10:32:54.411008,1.380349,138,-2.8614873484060963,-14.97756745815358,0.0,1.6740000128746033,0.0,0.0,-0.011749997455626729,0.32424999780952934,9.814899950981138,0.0,0.0,0.675000011920929,0,71.76000012131408
+2024-04-07 10:32:54.420346,1.389687,139,-2.879162255591627,-14.961122034733545,0.0,1.0332000017166139,0.0,0.0,-0.017749997619539493,0.3245499978214502,9.81349994754791,0.0,0.0,0.6570000052452087,0,71.76000012131408
+2024-04-07 10:32:54.433808,1.403149,140,-2.879162255591627,-14.961122034733545,0.0,1.0332000017166139,0.0,0.0,-0.023049997836351394,0.3247499976307153,9.817599946022032,0.0,0.0,0.6570000052452087,0,71.76000012131408
+2024-04-07 10:32:54.445863,1.415204,141,-2.879162255591627,-14.961122034733545,0.0,1.0332000017166139,0.0,0.0,-0.029749998003244404,0.3256499976664782,9.816999941825864,0.0,0.0,0.6570000052452087,0,71.76000012131408
+2024-04-07 10:32:54.449281,1.418622,142,-2.887434394547106,-14.953643649604135,0.0,0.2087999939918518,0.0,0.0,-0.03664999820291996,0.32284999765455724,9.816999941825864,0.0,0.0,0.5379999876022339,0,71.76000012131408
+2024-04-07 10:32:54.458745,1.428086,143,-2.894769171201271,-14.947179973377951,0.0,0.2087999939918518,0.0,0.0,-0.04184999845921994,0.3215499977022409,9.820099936485288,0.0,0.0,0.5379999876022339,0,71.76000012131408
+2024-04-07 10:32:54.471454,1.440795,144,-2.898208685796945,-14.944201750530196,0.0,-0.21240000128746034,0.0,0.0,-0.049649998322129255,0.3198499978333712,9.820499936103818,0.0,0.0,-0.029999999329447746,0,71.76000012131408
+2024-04-07 10:32:54.478089,1.44743,145,-2.898208685796945,-14.944201750530196,0.0,-0.21240000128746034,0.0,0.0,-0.05534999836236239,0.31704999797046185,9.81919993495941,0.0,0.0,-0.029999999329447746,0,71.76000012131408
+2024-04-07 10:32:54.493599,1.46294,146,-2.898208685796945,-14.944201750530196,0.0,-0.21240000128746034,0.0,0.0,-0.06374999869614839,0.3163499980419874,9.820399943351743,0.0,0.0,-0.029999999329447746,0,71.76000012131408
+2024-04-07 10:32:54.500683,1.470024,147,-2.898208685796945,-14.944201750530196,0.0,-0.21240000128746034,0.0,0.0,-0.07154999850317836,0.3134499978274107,9.822399941444395,0.0,0.0,-0.029999999329447746,0,71.76000012131408
+2024-04-07 10:32:54.509112,1.478453,148,-2.9087064932766946,-14.935357089368372,0.0,-0.21240000128746034,0.0,0.0,-0.08004999844357372,0.31204999797046185,9.825199938774107,0.0,0.0,-0.029999999329447746,0,71.76000012131408
+2024-04-07 10:32:54.518451,1.487792,149,-2.9087064932766946,-14.935357089368372,0.0,-0.21240000128746034,0.0,0.0,-0.08954999817535281,0.3113499980419874,9.824799939155577,0.0,0.0,-0.029999999329447746,0,71.76000012131408
+2024-04-07 10:32:54.535314,1.504655,150,-2.9087064932766946,-14.935357089368372,0.0,-0.21240000128746034,0.0,0.0,-0.10064999802038074,0.31054999791085725,9.82339993572235,0.0,0.0,-0.029999999329447746,0,71.76000012131408
+2024-04-07 10:32:54.541749,1.51109,151,-2.9087064932766946,-14.935357089368372,0.0,-0.21240000128746034,0.0,0.0,-0.1121499983780086,0.3093499978631735,9.823999939918517,0.0,0.0,-0.029999999329447746,0,71.76000012131408
+2024-04-07 10:32:54.551786,1.521127,152,-2.918358384588236,-14.927839254980077,0.0,-0.21240000128746034,0.0,0.0,-0.1229499982111156,0.3085499977320433,9.823099938392637,0.0,0.0,-0.11800000071525574,0,71.76000012131408
+2024-04-07 10:32:54.563288,1.532629,153,-2.918358384588236,-14.927839254980077,0.0,-0.21240000128746034,0.0,0.0,-0.13834999842569232,0.3066499977558851,9.821899939537046,0.0,0.0,-0.11800000071525574,0,71.76000012131408
+2024-04-07 10:32:54.568049,1.53739,154,-2.918358384588236,-14.927839254980077,0.0,-0.21240000128746034,0.0,0.0,-0.14994999809190632,0.3048499976843596,9.818799944877624,0.0,0.0,-0.11800000071525574,0,71.76000012131408
+2024-04-07 10:32:54.579879,1.54922,155,-2.918358384588236,-14.927839254980077,0.0,-0.21240000128746034,0.0,0.0,-0.16514999790117144,0.30404999785125253,9.816199942588804,0.0,0.0,-0.11800000071525574,0,71.76000012131408
+2024-04-07 10:32:54.592058,1.561399,156,-2.9266851323356544,-14.921962574008957,0.0,-0.08640000075101853,0.0,0.0,-0.17684999806806445,0.30254999779164793,9.814399939537047,0.0,0.0,-0.13600000739097595,0,71.76000012131408
+2024-04-07 10:32:54.600852,1.570193,157,-2.9266851323356544,-14.921962574008957,0.0,-0.08640000075101853,0.0,0.0,-0.19084999842569234,0.30244999758899216,9.812899943351743,0.0,0.0,-0.13600000739097595,0,71.76000012131408
+2024-04-07 10:32:54.609842,1.579183,158,-2.9266851323356544,-14.921962574008957,0.0,-0.08640000075101853,0.0,0.0,-0.2034499983303249,0.30094999752938745,9.806799937248227,0.0,0.0,-0.13600000739097595,0,71.76000012131408
+2024-04-07 10:32:54.622103,1.591444,159,-2.9266851323356544,-14.921962574008957,0.0,-0.08640000075101853,0.0,0.0,-0.2172499982826412,0.2989499973505736,9.809099942207334,0.0,0.0,-0.13600000739097595,0,71.76000012131408
+2024-04-07 10:32:54.643461,1.612802,160,-2.933195537898451,-14.918057470671188,0.0,-0.06479999721050263,0.0,0.0,-0.2296499983780086,0.29564999751746657,9.812599936485288,0.0,0.0,-0.10300000011920929,0,71.76000012131408
+2024-04-07 10:32:54.645581,1.614922,161,-2.933195537898451,-14.918057470671188,0.0,-0.06479999721050263,0.0,0.0,-0.24364999873563647,0.29264999769628053,9.813699933052062,0.0,0.0,-0.10300000011920929,0,71.76000012131408
+2024-04-07 10:32:54.648641,1.617982,162,-2.933195537898451,-14.918057470671188,0.0,-0.06479999721050263,0.0,0.0,-0.25894999904558064,0.29224999777972704,9.816199933052062,0.0,0.0,-0.10300000011920929,0,72.2150001344271
+2024-04-07 10:32:54.662970,1.632311,163,-2.933195537898451,-14.918057470671188,0.0,-0.06479999721050263,0.0,0.0,-0.2737499992363155,0.2905499979108572,9.821099930763243,0.0,0.0,-0.10300000011920929,0,72.2150001344271
+2024-04-07 10:32:54.668889,1.63823,164,-2.937771946234309,-14.916107650813592,0.0,-0.1439999967813492,0.0,0.0,-0.28944999976083635,0.2886499982327223,9.824299927711484,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:54.678955,1.648296,165,-2.937771946234309,-14.916107650813592,0.0,-0.1439999967813492,0.0,0.0,-0.3046499995701015,0.28914999835193156,9.816199933052062,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:54.692657,1.661998,166,-2.937771946234309,-14.916107650813592,0.0,-0.1439999967813492,0.0,0.0,-0.31934999926015734,0.28704999856650826,9.814099932670592,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:54.704476,1.673817,167,-2.937771946234309,-14.916107650813592,0.0,-0.1439999967813492,0.0,0.0,-0.3332499991171062,0.2842499988526106,9.812899933815,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:54.711468,1.680809,168,-2.940691365894874,-14.91581745849895,0.0,0.0,0.0,0.0,-0.34994999928399917,0.2805499988049269,9.81589993572235,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:54.721099,1.69044,169,-2.940691365894874,-14.91581745849895,0.0,0.0,0.0,0.0,-0.36474999887868764,0.27694999866187575,9.812399941444395,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:54.735346,1.704687,170,-2.940691365894874,-14.91581745849895,0.0,0.0,0.0,0.0,-0.38174999875947835,0.27324999861419197,9.812299939155578,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:54.744256,1.713597,171,-2.940691365894874,-14.91581745849895,0.0,0.0,0.0,0.0,-0.39554999871179464,0.26854999862611295,9.811799937248228,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:54.749140,1.718481,172,-2.941943568273536,-14.91709535555247,0.0,-0.014400000683963299,0.0,0.0,-0.41144999844953417,0.2654499989002943,9.814299937248228,0.0,0.0,-0.027000000700354576,0,72.2150001344271
+2024-04-07 10:32:54.761093,1.730434,173,-2.941943568273536,-14.91709535555247,0.0,-0.014400000683963299,0.0,0.0,-0.42574999852105977,0.26264999888837337,9.80749993419647,0.0,0.0,-0.027000000700354576,0,72.2150001344271
+2024-04-07 10:32:54.771572,1.740913,174,-2.941943568273536,-14.91709535555247,0.0,-0.014400000683963299,0.0,0.0,-0.44214999897405505,0.2594499992579222,9.810399933815,0.0,0.0,-0.027000000700354576,0,72.2150001344271
+2024-04-07 10:32:54.779464,1.748805,175,-2.941943568273536,-14.91709535555247,0.0,-0.014400000683963299,0.0,0.0,-0.45714999897405506,0.2564499994367361,9.81419993495941,0.0,0.0,-0.027000000700354576,0,72.2150001344271
+2024-04-07 10:32:54.796779,1.76612,176,-2.9416980805148287,-14.919724553991236,0.0,-0.07559999898076057,0.0,0.0,-0.47384999914094805,0.252849999293685,9.818499928474424,0.0,0.0,-0.12300000339746475,0,72.2150001344271
+2024-04-07 10:32:54.799676,1.769017,177,-2.9416980805148287,-14.919724553991236,0.0,-0.07559999898076057,0.0,0.0,-0.49024999959394333,0.2485499992221594,9.818399926185606,0.0,0.0,-0.12300000339746475,0,72.2150001344271
+2024-04-07 10:32:54.810367,1.779708,178,-2.9416980805148287,-14.919724553991236,0.0,-0.07559999898076057,0.0,0.0,-0.5061499993316829,0.24504999928176405,9.813699923515317,0.0,0.0,-0.12300000339746475,0,72.2150001344271
+2024-04-07 10:32:54.820306,1.789647,179,-2.9416980805148287,-14.919724553991236,0.0,-0.07559999898076057,0.0,0.0,-0.5215499995462596,0.24204999916255474,9.810099926948546,0.0,0.0,-0.12300000339746475,0,72.2150001344271
+2024-04-07 10:32:54.833486,1.802827,180,-2.940071362345858,-14.923535848888502,0.0,0.0,0.0,0.0,-0.5368499992601574,0.23754999928176404,9.810499926567076,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:54.842906,1.812247,181,-2.940071362345858,-14.923535848888502,0.0,0.0,0.0,0.0,-0.5532499991171063,0.23584999911487106,9.815299921989439,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:54.851779,1.82112,182,-2.940071362345858,-14.923535848888502,0.0,0.0,0.0,0.0,-0.5699499992839991,0.2329499989002943,9.814999924659727,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:54.862957,1.832298,183,-2.940071362345858,-14.923535848888502,0.0,0.0,0.0,0.0,-0.5868499992601574,0.23174999885261058,9.813999930381772,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:54.868542,1.837883,184,-2.9370867806821566,-14.928394796301573,0.0,0.0,0.0,0.0,-0.6030499993078411,0.23024999879300598,9.809099923133848,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:54.881943,1.851284,185,-2.9370867806821566,-14.928394796301573,0.0,0.0,0.0,0.0,-0.6185499994270504,0.22644999884068964,9.804599925041197,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:54.890652,1.859993,186,-2.9370867806821566,-14.928394796301573,0.0,0.0,0.0,0.0,-0.6320499996654689,0.22324999891221523,9.801199923515318,0.0,0.0,0.0,2,72.2150001344271
+2024-04-07 10:32:54.904831,1.874172,187,-2.9370867806821566,-14.928394796301573,0.0,0.0,0.0,0.0,-0.6440499995462596,0.2196499987691641,9.804699927330015,0.0,0.0,0.0,2,72.2150001344271
+2024-04-07 10:32:54.910672,1.880013,188,-2.933008448683582,-14.934074050775743,0.0,0.0,0.0,0.0,-0.6558499990217388,0.21564999885857108,9.814099923133849,0.0,0.0,0.0,2,72.2150001344271
+2024-04-07 10:32:54.918291,1.887632,189,-2.933008448683582,-14.934074050775743,0.0,0.0,0.0,0.0,-0.6650499988906086,0.2145499987155199,9.817399922370909,0.0,0.0,0.0,2,72.2150001344271
+2024-04-07 10:32:54.930768,1.900109,190,-2.933008448683582,-14.934074050775743,0.0,0.0,0.0,0.0,-0.6759499989263713,0.21254999883472922,9.818999930381773,0.0,0.0,0.0,2,72.2150001344271
+2024-04-07 10:32:54.938295,1.907636,191,-2.933008448683582,-14.934074050775743,0.0,0.0,0.0,0.0,-0.6832499989680946,0.2130499988049269,9.810099936485289,0.0,0.0,0.0,2,72.2150001344271
+2024-04-07 10:32:54.949020,1.918361,192,-2.927712529986502,-14.940506825327292,0.0,0.0,0.0,0.0,-0.6930499991588295,0.21154999904334545,9.818299933433531,0.0,0.0,0.0,2,72.2150001344271
+2024-04-07 10:32:54.960507,1.929848,193,-2.927712529986502,-14.940506825327292,0.0,0.0,0.0,0.0,-0.7000499991886318,0.2124499989300966,9.81459993457794,0.0,0.0,0.0,2,72.2150001344271
+2024-04-07 10:32:54.970029,1.93937,194,-2.927712529986502,-14.940506825327292,0.0,0.0,0.0,0.0,-0.7068499993532896,0.21214999891817568,9.814699936866758,0.0,0.0,0.0,2,72.2150001344271
+2024-04-07 10:32:54.979950,1.949291,195,-2.927712529986502,-14.940506825327292,0.0,0.0,0.0,0.0,-0.7134499991126358,0.2115499991923571,9.813399945259093,0.0,0.0,0.0,2,72.2150001344271
+2024-04-07 10:32:54.988662,1.958003,196,-2.9214734396202755,-14.947505109310697,0.0,0.0,0.0,0.0,-0.7201499989628792,0.21044999904930592,9.823399945259093,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:54.997966,1.967307,197,-2.9214734396202755,-14.947505109310697,0.0,0.0,0.0,0.0,-0.7275499992072583,0.20814999900758266,9.820099946022031,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:55.009074,1.978415,198,-2.9214734396202755,-14.947505109310697,0.0,0.0,0.0,0.0,-0.7353499989211559,0.2063499990850687,9.811199942588804,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:55.018078,1.987419,199,-2.9214734396202755,-14.947505109310697,0.0,0.0,0.0,0.0,-0.742049998678267,0.20364999912679196,9.814999943733213,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:55.028419,1.99776,200,-2.914393948267166,-14.954948866945337,0.0,0.0,0.0,0.0,-0.7485499986261129,0.19994999893009666,9.818799944877624,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:55.038408,2.007749,201,-2.914393948267166,-14.954948866945337,0.0,0.0,0.0,0.0,-0.754949998576194,0.19604999877512455,9.818499947547911,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:55.047963,2.017304,202,-2.914393948267166,-14.954948866945337,0.0,0.0,0.0,0.0,-0.7606499983556568,0.19214999876916408,9.808499947547912,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:55.061785,2.031126,203,-2.914393948267166,-14.954948866945337,0.0,0.0,0.0,0.0,-0.765049998331815,0.18644999854266645,9.813299942970273,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:55.068154,2.037495,204,-2.906613773363314,-14.962713752139356,0.0,0.0,0.0,0.0,-0.765049998331815,0.18644999854266645,9.813299942970273,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:55.078221,2.047562,205,-2.906613773363314,-14.962713752139356,0.0,0.0,0.0,0.0,-0.765049998331815,0.18644999854266645,9.813299942970273,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:55.092682,2.062023,206,-2.906613773363314,-14.962713752139356,0.0,0.0,0.0,0.0,-0.765049998331815,0.18644999854266645,9.813299942970273,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:55.099928,2.069269,207,-2.906613773363314,-14.962713752139356,0.0,0.0,0.0,0.0,-0.765049998331815,0.18644999854266645,9.813299942970273,0.0,0.0,0.0,0,72.2150001344271
+2024-04-07 10:32:55.110345,2.079686,208,-2.8982695638848868,-14.970682173307933,0.0,0.06120000332593918,0.0,0.0,-0.765049998331815,0.18644999854266645,9.813299942970273,0.0,0.0,0.09799999743700027,0,72.2150001344271
+2024-04-07 10:32:55.119952,2.089293,209,-2.8982695638848868,-14.970682173307933,0.0,0.06120000332593918,0.0,0.0,-0.765049998331815,0.18644999854266645,9.813299942970273,0.0,0.0,0.09799999743700027,0,72.2150001344271
+2024-04-07 10:32:55.137421,2.106762,210,-2.8982695638848868,-14.970682173307933,0.0,0.06120000332593918,0.0,0.0,-0.8031499994546175,0.15414999835193158,9.810499955177304,0.0,0.0,0.09799999743700027,0,72.2150001344271
+2024-04-07 10:32:55.140259,2.1096,211,-2.8982695638848868,-14.970682173307933,0.0,0.06120000332593918,0.0,0.0,-0.8082499995827674,0.1489499980956316,9.81369996166229,0.0,0.0,0.09799999743700027,0,72.2150001344271
+2024-04-07 10:32:55.153005,2.122346,212,-2.889442707506336,-14.978749270437298,0.0,-0.053999998793005946,0.0,0.0,-0.8097499996423722,0.14424999810755254,9.819399958610532,0.0,0.0,0.13600000739097595,0,72.2150001344271
+2024-04-07 10:32:55.158393,2.127734,213,-2.889442707506336,-14.978749270437298,0.0,-0.053999998793005946,0.0,0.0,-0.8072499996423721,0.13774999823421238,9.811599951744078,0.0,0.0,0.13600000739097595,0,72.2150001344271
+2024-04-07 10:32:55.174965,2.144306,214,-2.889442707506336,-14.978749270437298,0.0,-0.053999998793005946,0.0,0.0,-0.8043499997258187,0.13314999815076592,9.807399950981138,0.0,0.0,0.13600000739097595,0,72.2150001344271
+2024-04-07 10:32:55.178807,2.148148,215,-2.889442707506336,-14.978749270437298,0.0,-0.053999998793005946,0.0,0.0,-0.7972499996423721,0.13044999804347754,9.812899943351743,0.0,0.0,0.13600000739097595,0,72.2150001344271
+2024-04-07 10:32:55.191897,2.161238,216,-2.8802775492469173,-14.986705527429331,0.0,-0.03959999978542328,0.0,0.0,-0.7931499998271465,0.12844999816268685,9.811699944496153,0.0,0.0,0.06300000101327896,0,72.2150001344271
+2024-04-07 10:32:55.201695,2.171036,217,-2.8802775492469173,-14.986705527429331,0.0,-0.03959999978542328,0.0,0.0,-0.7862499995529652,0.1297499981895089,9.800999947547911,0.0,0.0,0.06300000101327896,0,72.27400013478473
+2024-04-07 10:32:55.208342,2.177683,218,-2.8802775492469173,-14.986705527429331,0.0,-0.03959999978542328,0.0,0.0,-0.7819499994441866,0.13014999825507403,9.802099953651426,0.0,0.0,0.06300000101327896,0,72.27400013478473
+2024-04-07 10:32:55.218924,2.188265,219,-2.8802775492469173,-14.986705527429331,0.0,-0.03959999978542328,0.0,0.0,-0.7752499992772937,0.12974999833852055,9.80519994831085,0.0,0.0,0.06300000101327896,0,72.27400013478473
+2024-04-07 10:32:55.235678,2.205019,220,-2.870693345667366,-14.99470858785429,0.0,-0.10799999758601189,0.0,0.0,-0.7684499991126359,0.12924999836832288,9.806299944877622,0.0,0.0,0.06300000101327896,0,72.27400013478473
+2024-04-07 10:32:55.238485,2.207826,221,-2.870693345667366,-14.99470858785429,0.0,-0.10799999758601189,0.0,0.0,-0.7614499990455806,0.12824999842792753,9.803399945259093,0.0,0.0,0.06300000101327896,0,72.27400013478473
+2024-04-07 10:32:55.250036,2.219377,222,-2.870693345667366,-14.99470858785429,0.0,-0.10799999758601189,0.0,0.0,-0.7536499990336597,0.1270499983802438,9.806199942588805,0.0,0.0,0.06300000101327896,0,72.27400013478473
+2024-04-07 10:32:55.264921,2.234262,223,-2.8609912759791007,-15.002434357143946,0.0,-0.12240000665187836,0.0,0.0,-0.7461499991081655,0.1241499984264374,9.808499947547912,0.0,0.0,0.07500000298023224,0,72.27400013478473
+2024-04-07 10:32:55.269352,2.238693,224,-2.8609912759791007,-15.002434357143946,0.0,-0.12240000665187836,0.0,0.0,-0.7361499989591539,0.12304999843239786,9.807899943351744,0.0,0.0,0.07500000298023224,0,72.27400013478473
+2024-04-07 10:32:55.279108,2.248449,225,-2.8609912759791007,-15.002434357143946,0.0,-0.12240000665187836,0.0,0.0,-0.7265499991737306,0.12194999843835833,9.80689994907379,0.0,0.0,0.07500000298023224,0,72.27400013478473
+2024-04-07 10:32:55.290993,2.260334,226,-2.8609912759791007,-15.002434357143946,0.0,-0.12240000665187836,0.0,0.0,-0.7158499995432794,0.11924999855458737,9.802999955177306,0.0,0.0,0.07500000298023224,0,72.27400013478473
+2024-04-07 10:32:55.298591,2.267932,227,-2.8609912759791007,-15.002434357143946,0.0,-0.12240000665187836,0.0,0.0,-0.7042499995790422,0.11924999855458737,9.801999951362609,0.0,0.0,0.07500000298023224,0,72.27400013478473
+2024-04-07 10:32:55.308133,2.277474,228,-2.8512053884485677,-15.009931269296427,0.0,-0.13679999560117723,0.0,0.0,-0.6937499997578561,0.11854999847710132,9.800499955177305,0.0,0.0,0.10300000011920929,0,72.27400013478473
+2024-04-07 10:32:55.318959,2.2883,229,-2.8512053884485677,-15.009931269296427,0.0,-0.13679999560117723,0.0,0.0,-0.6825499997101724,0.1181499984115362,9.799699955940245,0.0,0.0,0.10300000011920929,0,72.27400013478473
+2024-04-07 10:32:55.329287,2.298628,230,-2.8512053884485677,-15.009931269296427,0.0,-0.13679999560117723,0.0,0.0,-0.6726499999128283,0.1181499984115362,9.803599959373472,0.0,0.0,0.10300000011920929,0,72.27400013478473
+2024-04-07 10:32:55.342495,2.311836,231,-2.8512053884485677,-15.009931269296427,0.0,-0.13679999560117723,0.0,0.0,-0.6619499996863305,0.11724999837577346,9.802299967765807,0.0,0.0,0.10300000011920929,0,72.27400013478473
+2024-04-07 10:32:55.350822,2.320163,232,-2.841375665823828,-15.017201645193094,0.0,-0.19079999774694442,0.0,0.0,-0.651549999769777,0.11694999836385253,9.800399971961973,0.0,0.0,0.08299999684095383,0,72.27400013478473
+2024-04-07 10:32:55.360786,2.330127,233,-2.841375665823828,-15.017201645193094,0.0,-0.19079999774694442,0.0,0.0,-0.6408499998413026,0.11634999834001067,9.80139997577667,0.0,0.0,0.08299999684095383,0,72.27400013478473
+2024-04-07 10:32:55.368951,2.338292,234,-2.841375665823828,-15.017201645193094,0.0,-0.19079999774694442,0.0,0.0,-0.6300499997101724,0.11404999844729899,9.806699973106383,0.0,0.0,0.08299999684095383,0,72.27400013478473
+2024-04-07 10:32:55.379156,2.348497,235,-2.841375665823828,-15.017201645193094,0.0,-0.19079999774694442,0.0,0.0,-0.6182499999366701,0.1116499983519316,9.805999976158141,0.0,0.0,0.08299999684095383,0,72.27400013478473
+2024-04-07 10:32:55.389573,2.358914,236,-2.8317378158132844,-15.024084902348129,0.0,-0.09000000134110452,0.0,0.0,-0.6094500001333654,0.1090499983727932,9.801599970817565,0.0,0.0,0.28999999165534973,0,72.27400013478473
+2024-04-07 10:32:55.401560,2.370901,237,-2.8317378158132844,-15.024084902348129,0.0,-0.09000000134110452,0.0,0.0,-0.5990499999187886,0.10664999842643738,9.804799967765806,0.0,0.0,0.28999999165534973,0,72.27400013478473
+2024-04-07 10:32:55.409100,2.378441,238,-2.8317378158132844,-15.024084902348129,0.0,-0.09000000134110452,0.0,0.0,-0.5887499999068677,0.10354999840259552,9.80799997425079,0.0,0.0,0.28999999165534973,0,72.27400013478473
+2024-04-07 10:32:55.418261,2.387602,239,-2.8317378158132844,-15.024084902348129,0.0,-0.09000000134110452,0.0,0.0,-0.5789499997161329,0.10174999833106993,9.808799973487853,0.0,0.0,0.28999999165534973,0,72.27400013478473
+2024-04-07 10:32:55.430999,2.40034,240,-2.8224235133685025,-15.030518495856414,0.0,-0.08280000016093254,0.0,0.0,-0.5708499993942677,0.09914999842643737,9.805499974250791,0.0,0.0,0.26499998569488525,0,72.27400013478473
+2024-04-07 10:32:55.441701,2.411042,241,-2.8224235133685025,-15.030518495856414,0.0,-0.08280000016093254,0.0,0.0,-0.561749999281019,0.09654999837279321,9.805099974632261,0.0,0.0,0.26499998569488525,0,72.27400013478473
+2024-04-07 10:32:55.449682,2.419023,242,-2.8224235133685025,-15.030518495856414,0.0,-0.08280000016093254,0.0,0.0,-0.5523499991558491,0.09564999833703042,9.804999981880187,0.0,0.0,0.26499998569488525,0,72.27400013478473
+2024-04-07 10:32:55.458765,2.428106,243,-2.8135504594307115,-15.036434594235871,0.0,-0.03959999978542328,0.0,0.0,-0.543349998947233,0.09474999830126762,9.803799983024595,0.0,0.0,0.28999999165534973,0,72.27400013478473
+2024-04-07 10:32:55.469463,2.438804,244,-2.8135504594307115,-15.036434594235871,0.0,-0.03959999978542328,0.0,0.0,-0.5345499991439283,0.09414999827742579,9.802799979209897,0.0,0.0,0.28999999165534973,0,72.27400013478473
+2024-04-07 10:32:55.479771,2.449112,245,-2.8135504594307115,-15.036434594235871,0.0,-0.03959999978542328,0.0,0.0,-0.5277499991096557,0.09304999828338625,9.803799983024595,0.0,0.0,0.28999999165534973,0,72.27400013478473
+2024-04-07 10:32:55.489606,2.458947,246,-2.8135504594307115,-15.036434594235871,0.0,-0.03959999978542328,0.0,0.0,-0.5186499988473952,0.0903499983623624,9.805499983787534,0.0,0.0,0.28999999165534973,0,72.27400013478473
+2024-04-07 10:32:55.504714,2.474055,247,-2.8052412274230916,-15.041780113171829,0.0,-0.025200000777840615,0.0,0.0,-0.5098499990440906,0.08894999835640194,9.801199980735777,0.0,0.0,0.3230000138282776,0,72.27400013478473
+2024-04-07 10:32:55.509353,2.478694,248,-2.8052412274230916,-15.041780113171829,0.0,-0.025200000777840615,0.0,0.0,-0.5005499991215765,0.08694999832659961,9.800199986457823,0.0,0.0,0.3230000138282776,0,72.27400013478473
+2024-04-07 10:32:55.519472,2.488813,249,-2.8052412274230916,-15.041780113171829,0.0,-0.025200000777840615,0.0,0.0,-0.49154999943450095,0.08514999825507402,9.801899987220763,0.0,0.0,0.3230000138282776,0,72.27400013478473
+2024-04-07 10:32:55.531512,2.500853,250,-2.8052412274230916,-15.041780113171829,0.0,-0.025200000777840615,0.0,0.0,-0.48194999964907764,0.08214999843388796,9.805099984169004,0.0,0.0,0.3230000138282776,0,72.27400013478473
+2024-04-07 10:32:55.542286,2.511627,251,-2.797462193860165,-15.04659923822313,0.0,-0.0359999991953373,0.0,0.0,-0.47264999942854047,0.07934999849647284,9.804099980354307,0.0,0.0,0.2750000059604645,0,72.27400013478473
+2024-04-07 10:32:55.552531,2.521872,252,-2.797462193860165,-15.04659923822313,0.0,-0.0359999991953373,0.0,0.0,-0.4633499996550381,0.07684999857097866,9.80439997768402,0.0,0.0,0.2750000059604645,0,72.27400013478473
+2024-04-07 10:32:55.558757,2.528098,253,-2.797462193860165,-15.04659923822313,0.0,-0.0359999991953373,0.0,0.0,-0.4545499995164573,0.07394999872893096,9.805299979209899,0.0,0.0,0.2750000059604645,0,72.27400013478473
+2024-04-07 10:32:55.569407,2.538748,254,-2.797462193860165,-15.04659923822313,0.0,-0.0359999991953373,0.0,0.0,-0.44614999970421193,0.0708499987050891,9.804499979972837,0.0,0.0,0.2750000059604645,0,72.27400013478473
+2024-04-07 10:32:55.579878,2.549219,255,-2.7906549142946515,-15.050555731529121,0.0,-0.010800000093877316,0.0,0.0,-0.4398499999009073,0.06724999856203795,9.804099980354307,0.0,0.0,0.32600000500679016,0,72.27400013478473
+2024-04-07 10:32:55.590031,2.559372,256,-2.7906549142946515,-15.050555731529121,0.0,-0.010800000093877316,0.0,0.0,-0.4328499997034669,0.06364999864250423,9.803099986076353,0.0,0.0,0.32600000500679016,0,72.27400013478473
+2024-04-07 10:32:55.603787,2.573128,257,-2.7906549142946515,-15.050555731529121,0.0,-0.010800000093877316,0.0,0.0,-0.4277499995008111,0.059949998706579216,9.805099984169004,0.0,0.0,0.32600000500679016,0,72.27400013478473
+2024-04-07 10:32:55.610504,2.579845,258,-2.7906549142946515,-15.050555731529121,0.0,-0.010800000093877316,0.0,0.0,-0.42194999936968086,0.0569499987922609,9.805599986076354,0.0,0.0,0.32600000500679016,0,72.27400013478473
+2024-04-07 10:32:55.622348,2.591689,259,-2.7843900080824064,-15.054034086214212,0.0,0.007200000341981649,0.0,0.0,-0.4176499992981553,0.0535499987564981,9.80319997882843,0.0,0.0,0.23000000417232513,0,72.27400013478473
+2024-04-07 10:32:55.629232,2.598573,260,-2.7843900080824064,-15.054034086214212,0.0,0.007200000341981649,0.0,0.0,-0.4122499992325902,0.050949998814612624,9.802599984169005,0.0,0.0,0.23000000417232513,0,72.27400013478473
+2024-04-07 10:32:55.639060,2.608401,261,-2.7843900080824064,-15.054034086214212,0.0,0.007200000341981649,0.0,0.0,-0.40714999902993443,0.04824999878183009,9.80449998950958,0.0,0.0,0.23000000417232513,0,72.27400013478473
+2024-04-07 10:32:55.650654,2.619995,262,-2.7843900080824064,-15.054034086214212,0.0,0.007200000341981649,0.0,0.0,-0.4005499987304211,0.04464999878779055,9.804599982261657,0.0,0.0,0.23000000417232513,0,72.27400013478473
+2024-04-07 10:32:55.662737,2.632078,263,-2.779061665585897,-15.056725621830592,0.0,0.028800001367926598,0.0,0.0,-0.39464999839663506,0.041249998901039364,9.80279998874664,0.0,0.0,0.05000000074505806,0,72.27400013478473
+2024-04-07 10:32:55.668694,2.638035,264,-2.779061665585897,-15.056725621830592,0.0,0.028800001367926598,0.0,0.0,-0.38794999811798336,0.03834999883547427,9.801799994468688,0.0,0.0,0.05000000074505806,0,72.27400013478473
+2024-04-07 10:32:55.678864,2.648205,265,-2.779061665585897,-15.056725621830592,0.0,0.028800001367926598,0.0,0.0,-0.38154999814927576,0.03594999866560103,9.804699994087217,0.0,0.0,0.05000000074505806,0,72.27400013478473
+2024-04-07 10:32:55.689026,2.658367,266,-2.779061665585897,-15.056725621830592,0.0,0.028800001367926598,0.0,0.0,-0.3744499983638525,0.03434999855235221,9.8045999917984,0.0,0.0,0.05000000074505806,0,72.27400013478473
+2024-04-07 10:32:55.700146,2.669487,267,-2.779061665585897,-15.056725621830592,0.0,0.028800001367926598,0.0,0.0,-0.3680499985069037,0.03224999854341151,9.802799998283385,0.0,0.0,0.05000000074505806,0,72.27400013478473
+2024-04-07 10:32:55.708850,2.678191,268,-2.7743741542599185,-15.058846739164364,0.0,-0.025200000777840615,0.0,0.0,-0.36044999841600656,0.029549998622387663,9.80220000362396,0.0,0.0,0.2070000022649765,0,72.27400013478473
+2024-04-07 10:32:55.719024,2.688365,269,-2.7743741542599185,-15.058846739164364,0.0,-0.025200000777840615,0.0,0.0,-0.35384999865666034,0.027049998585134766,9.804099999427793,0.0,0.0,0.2070000022649765,0,72.27400013478473
+2024-04-07 10:32:55.728838,2.698179,270,-2.7743741542599185,-15.058846739164364,0.0,-0.025200000777840615,0.0,0.0,-0.3456499987654388,0.024749998692423114,9.805400000572202,0.0,0.0,0.2070000022649765,0,72.27400013478473
+2024-04-07 10:32:55.743966,2.713307,271,-2.772349139829948,-15.059645867686607,0.0,0.05040000155568123,0.0,0.0,-0.33854999860748647,0.023249998632818458,9.804200001716612,0.0,0.0,0.08299999684095383,0,72.27400013478473
+2024-04-07 10:32:55.749092,2.718433,272,-2.7705678159634957,-15.060253488281765,0.0,0.05040000155568123,0.0,0.0,-0.330649998690933,0.021849998477846383,9.80430000400543,0.0,0.0,0.08299999684095383,0,72.27400013478473
+2024-04-07 10:32:55.759867,2.729208,273,-2.7705678159634957,-15.060253488281765,0.0,0.05040000155568123,0.0,0.0,-0.3212499987147749,0.020549998376518497,9.80600000476837,0.0,0.0,0.08299999684095383,0,72.27400013478473
+2024-04-07 10:32:55.769017,2.738358,274,-2.7705678159634957,-15.060253488281765,0.0,0.05040000155568123,0.0,0.0,-0.3113499983213842,0.019449998233467353,9.80560000514984,0.0,0.0,0.08299999684095383,0,72.27400013478473
+2024-04-07 10:32:55.779403,2.748744,275,-2.7688649218664922,-15.060780521076367,0.0,0.0,0.0,0.0,-0.3001499982737005,0.018249998185783628,9.804000006675718,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:55.788431,2.757772,276,-2.76731899923922,-15.061177393182005,0.0,0.0,0.0,0.0,-0.28844999840483065,0.01684999825432898,9.805100012779233,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:55.798937,2.768278,277,-2.76731899923922,-15.061177393182005,0.0,0.0,0.0,0.0,-0.27604999830946325,0.01484999822452665,9.807300015449522,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:55.809160,2.778501,278,-2.76731899923922,-15.061177393182005,0.0,0.0,0.0,0.0,-0.2632499985955655,0.012749998290091769,9.80790001964569,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:55.818914,2.788255,279,-2.7648365156112984,-15.061511840793452,0.0,0.057600002735853195,0.0,0.0,-0.24984999826177956,0.010249998364597557,9.80700001811981,0.0,0.0,-0.09600000083446503,0,72.27400013478473
+2024-04-07 10:32:55.829828,2.799169,280,-2.7648365156112984,-15.061511840793452,0.0,0.057600002735853195,0.0,0.0,-0.23694999804720282,0.007849998418241744,9.80700001811981,0.0,0.0,-0.09600000083446503,0,72.27400013478473
+2024-04-07 10:32:55.840416,2.809757,281,-2.7648365156112984,-15.061511840793452,0.0,0.057600002735853195,0.0,0.0,-0.22284999778494238,0.005649998504668491,9.80610001659393,0.0,0.0,-0.09600000083446503,0,72.27400013478473
+2024-04-07 10:32:55.849924,2.819265,282,-2.7648365156112984,-15.061511840793452,0.0,0.057600002735853195,0.0,0.0,-0.20844999780878426,0.003549998495727791,9.807100010871885,0.0,0.0,-0.09600000083446503,0,72.27400013478473
+2024-04-07 10:32:55.863353,2.832694,283,-2.763338311028176,-15.061144677386938,0.0,0.07559999898076057,0.0,0.0,-0.1948499976657331,0.0027499985136091865,9.806800013542173,0.0,0.0,0.12099999934434891,0,72.27400013478473
+2024-04-07 10:32:55.868712,2.838053,284,-2.763338311028176,-15.061144677386938,0.0,0.07559999898076057,0.0,0.0,-0.18044999768957495,0.0013499986566603284,9.80620001888275,0.0,0.0,0.12099999934434891,0,72.27400013478473
+2024-04-07 10:32:55.880026,2.849367,285,-2.763338311028176,-15.061144677386938,0.0,0.07559999898076057,0.0,0.0,-0.16674999764189125,0.0011499986983835864,9.806000014305113,0.0,0.0,0.12099999934434891,0,72.27400013478473
+2024-04-07 10:32:55.888816,2.858157,286,-2.763338311028176,-15.061144677386938,0.0,0.07559999898076057,0.0,0.0,-0.1523499976657331,0.00024999881163240145,9.806300011634825,0.0,0.0,0.12099999934434891,0,72.27400013478473
+2024-04-07 10:32:55.902209,2.87155,287,-2.763338311028176,-15.061144677386938,0.0,0.07559999898076057,0.0,0.0,-0.13834999790415167,-0.0007500011287629449,9.806200009346007,0.0,0.0,0.12099999934434891,0,72.27400013478473
+2024-04-07 10:32:55.909353,2.878694,288,-2.7627185240481937,-15.060258697594419,0.0,0.15480000525712967,0.0,0.0,-0.12334999790415167,-0.0013500010035931986,9.805700007438658,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:55.919509,2.88885,289,-2.7627185240481937,-15.060258697594419,0.0,0.15480000525712967,0.0,0.0,-0.10914999833330512,-0.002450000997632734,9.805500012397765,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:55.930025,2.899366,290,-2.7627185240481937,-15.060258697594419,0.0,0.15480000525712967,0.0,0.0,-0.09424999823793768,-0.0035500009916722697,9.80480000591278,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:55.943699,2.91304,291,-2.7628951260195738,-15.059195598676908,0.0,0.20520000010728837,0.0,0.0,-0.07884999802336097,-0.004550000932067616,9.804899998664855,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:55.950862,2.920203,292,-2.762989004124069,-15.058824760653142,0.0,0.20520000010728837,0.0,0.0,-0.06424999764189124,-0.00565000107511876,9.804799996376035,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:55.959958,2.929299,293,-2.762989004124069,-15.058824760653142,0.0,0.20520000010728837,0.0,0.0,-0.049049997832626105,-0.006750001069158296,9.803599997520445,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:55.968878,2.938219,294,-2.762989004124069,-15.058824760653142,0.0,0.20520000010728837,0.0,0.0,-0.033349997904151676,-0.007950000967830412,9.804399996757505,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:55.979779,2.94912,295,-2.763248603007764,-15.058340227579988,0.0,0.20520000010728837,0.0,0.0,-0.018349997904151677,-0.008150001075118762,9.80409998989105,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:55.990264,2.959605,296,-2.7644811155501476,-15.056701721433765,0.0,0.31679999828338623,0.0,0.0,-0.0023499982617795484,-0.008750000949949016,9.803999987602232,0.0,0.0,0.04500000178813934,0,72.27400013478473
+2024-04-07 10:32:56.003232,2.972573,297,-2.7644811155501476,-15.056701721433765,0.0,0.31679999828338623,0.0,0.0,0.012550001833587898,-0.0091500008665025,9.80279998874664,0.0,0.0,0.04500000178813934,0,72.27400013478473
+2024-04-07 10:32:56.009244,2.978585,298,-2.7644811155501476,-15.056701721433765,0.0,0.31679999828338623,0.0,0.0,0.027850001547485598,-0.009050000961869947,9.803099986076353,0.0,0.0,0.04500000178813934,0,72.27400013478473
+2024-04-07 10:32:56.019250,2.988591,299,-2.7649832086345807,-15.056095000531817,0.0,0.31679999828338623,0.0,0.0,0.04325000116601585,-0.00925000092014669,9.80279998874664,0.0,0.0,0.04500000178813934,0,72.27400013478473
+2024-04-07 10:32:56.036670,3.006011,300,-2.7671545723839492,-15.053985516583031,0.0,0.43199999034404757,0.0,0.0,0.058750001285225145,-0.008950000908225758,9.801099987983703,0.0,0.0,0.06499999761581421,0,72.27400013478473
+2024-04-07 10:32:56.042097,3.011438,301,-2.7671545723839492,-15.053985516583031,0.0,0.43199999034404757,0.0,0.0,0.07405000099912284,-0.008850000854581597,9.802099982261655,0.0,0.0,0.06499999761581421,0,72.27400013478473
+2024-04-07 10:32:56.049242,3.018583,302,-2.7671545723839492,-15.053985516583031,0.0,0.43199999034404757,0.0,0.0,0.09015000054612757,-0.00925000092014669,9.801299973487852,0.0,0.0,0.06499999761581421,0,72.27400013478473
+2024-04-07 10:32:56.061548,3.030889,303,-2.7710863942073187,-15.050673762557103,0.0,0.518399977684021,0.0,0.0,0.10715000102296471,-0.009650000911205991,9.802199975013732,0.0,0.0,0.0729999989271164,0,72.27400013478473
+2024-04-07 10:32:56.069571,3.038912,304,-2.7710863942073187,-15.050673762557103,0.0,0.518399977684021,0.0,0.0,0.12355000147596001,-0.009950000923126923,9.801099968910215,0.0,0.0,0.0729999989271164,0,72.27400013478473
+2024-04-07 10:32:56.079655,3.048996,305,-2.7710863942073187,-15.050673762557103,0.0,0.518399977684021,0.0,0.0,0.14055000135675072,-0.009750000815838572,9.80169996356964,0.0,0.0,0.0729999989271164,0,72.27400013478473
+2024-04-07 10:32:56.089596,3.058937,306,-2.7710863942073187,-15.050673762557103,0.0,0.518399977684021,0.0,0.0,0.15745000133290887,-0.010650000851601366,9.803099967002867,0.0,0.0,0.0729999989271164,0,72.27400013478473
+2024-04-07 10:32:56.100811,3.070152,307,-2.7764657072127674,-15.046711622266026,0.0,0.6408000111579896,0.0,0.0,0.17345000157132745,-0.01135000092908739,9.802599965095519,0.0,0.0,0.07000000029802322,0,72.27400013478473
+2024-04-07 10:32:56.108909,3.07825,308,-2.7764657072127674,-15.046711622266026,0.0,0.6408000111579896,0.0,0.0,0.19005000123754145,-0.01165000094100832,9.804299956321714,0.0,0.0,0.07000000029802322,0,72.27400013478473
+2024-04-07 10:32:56.119777,3.089118,309,-2.7764657072127674,-15.046711622266026,0.0,0.6408000111579896,0.0,0.0,0.20655000159516929,-0.01345000093802809,9.803499957084654,0.0,0.0,0.07000000029802322,0,72.27400013478473
+2024-04-07 10:32:56.132077,3.101418,310,-2.7764657072127674,-15.046711622266026,0.0,0.6408000111579896,0.0,0.0,0.22175000140443446,-0.014850000869482738,9.802899952888486,0.0,0.0,0.07000000029802322,0,72.27400013478473
+2024-04-07 10:32:56.141142,3.110483,311,-2.7832802422472773,-15.04215640488369,0.0,0.7667999982833863,0.0,0.0,0.23625000128522516,-0.01515000073239206,9.802099944114683,0.0,0.0,0.04800000041723251,0,72.27400013478473
+2024-04-07 10:32:56.150276,3.119617,312,-2.7832802422472773,-15.04215640488369,0.0,0.7667999982833863,0.0,0.0,0.25065000155940653,-0.01545000081881881,9.801599942207334,0.0,0.0,0.04800000041723251,0,72.27400013478473
+2024-04-07 10:32:56.159473,3.128814,313,-2.7832802422472773,-15.04215640488369,0.0,0.7667999982833863,0.0,0.0,0.2635500011779368,-0.015250000823289145,9.80229994869232,0.0,0.0,0.04800000041723251,0,72.27400013478473
+2024-04-07 10:32:56.168887,3.138228,314,-2.7832802422472773,-15.04215640488369,0.0,0.7667999982833863,0.0,0.0,0.2752500010468066,-0.015750000867992636,9.800299950599669,0.0,0.0,0.04800000041723251,0,72.27400013478473
+2024-04-07 10:32:56.181379,3.15072,315,-2.79169686927033,-15.036954120016116,0.0,0.8748000025749206,0.0,0.0,0.28665000120177864,-0.015850000921636798,9.799699955940245,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:56.189505,3.158846,316,-2.79169686927033,-15.036954120016116,0.0,0.8748000025749206,0.0,0.0,0.29655000114813446,-0.017050000987946984,9.799699955940245,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:56.202256,3.171597,317,-2.79169686927033,-15.036954120016116,0.0,0.8748000025749206,0.0,0.0,0.3064500009454787,-0.017950001023709777,9.800399952888487,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:56.208913,3.178254,318,-2.79169686927033,-15.036954120016116,0.0,0.8748000025749206,0.0,0.0,0.3151500009559095,-0.018550001047551612,9.799599953651427,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:56.222760,3.192101,319,-2.8017537241686234,-15.031139116232152,0.0,1.0080000042915345,0.0,0.0,0.3236500011943281,-0.020450001023709752,9.801399956703184,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:56.230684,3.200025,320,-2.8017537241686234,-15.031139116232152,0.0,1.0080000042915345,0.0,0.0,0.33015000145882367,-0.022050000950694065,9.800199957847594,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:56.240450,3.209791,321,-2.8017537241686234,-15.031139116232152,0.0,1.0080000042915345,0.0,0.0,0.33695000134408476,-0.021950001046061512,9.799299956321715,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:56.249701,3.219042,322,-2.8017537241686234,-15.031139116232152,0.0,1.0080000042915345,0.0,0.0,0.3419500010460615,-0.02165000103414058,9.798199959754943,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:56.263609,3.23295,323,-2.813472922205524,-15.024720782023339,0.0,1.1087999939918518,0.0,0.0,0.34435000121593473,-0.020850001014769054,9.796199952125548,0.0,0.0,-0.03500000014901161,0,72.27400013478473
+2024-04-07 10:32:56.269538,3.238879,324,-2.813472922205524,-15.024720782023339,0.0,1.1087999939918518,0.0,0.0,0.34255000118166207,-0.02015000108629464,9.79439994907379,0.0,0.0,-0.03500000014901161,0,72.27400013478473
+2024-04-07 10:32:56.279442,3.248783,325,-2.813472922205524,-15.024720782023339,0.0,1.1087999939918518,0.0,0.0,0.3388500012084842,-0.02145000107586384,9.794699946403501,0.0,0.0,-0.03500000014901161,0,72.27400013478473
+2024-04-07 10:32:56.289940,3.259281,326,-2.813472922205524,-15.024720782023339,0.0,1.1087999939918518,0.0,0.0,0.33475000131875277,-0.02215000104159115,9.798499938011167,0.0,0.0,-0.03500000014901161,0,72.27400013478473
+2024-04-07 10:32:56.302591,3.271932,327,-2.8271584188973486,-15.01760785283357,0.0,1.1880000472068788,0.0,0.0,0.3304500013962388,-0.02245000105351208,9.794899941444395,0.0,0.0,0.014999999664723873,0,72.27400013478473
+2024-04-07 10:32:56.309400,3.278741,328,-2.8271584188973486,-15.01760785283357,0.0,1.1880000472068788,0.0,0.0,0.3256500015035272,-0.023850000984966757,9.79629993534088,0.0,0.0,0.014999999664723873,0,72.27400013478473
+2024-04-07 10:32:56.319556,3.288897,329,-2.8271584188973486,-15.01760785283357,0.0,1.1880000472068788,0.0,0.0,0.3195500016584992,-0.02425000090152024,9.79749993419647,0.0,0.0,0.014999999664723873,0,72.27400013478473
+2024-04-07 10:32:56.332127,3.301468,330,-2.8271584188973486,-15.01760785283357,0.0,1.1880000472068788,0.0,0.0,0.3130500015988946,-0.024750001020729523,9.79719993686676,0.0,0.0,0.014999999664723873,0,72.27400013478473
+2024-04-07 10:32:56.341560,3.310901,331,-2.8307682431496075,-15.015763088310413,0.0,1.1880000472068788,0.0,0.0,0.30645000133663414,-0.025150000937283035,9.797399931907652,0.0,0.0,0.014999999664723873,0,72.27400013478473
+2024-04-07 10:32:56.352771,3.322112,332,-2.8421131731795364,-15.01004708796086,0.0,1.1771999716758728,0.0,0.0,0.2989500013366342,-0.024650000818073753,9.796799927711485,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:56.360407,3.329748,333,-2.8421131731795364,-15.01004708796086,0.0,1.1771999716758728,0.0,0.0,0.29095000121742487,-0.024450000859796983,9.800099926948546,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:56.369682,3.339023,334,-2.8421131731795364,-15.01004708796086,0.0,1.1771999716758728,0.0,0.0,0.28235000137239696,-0.02395000088959931,9.796199933052062,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:56.379647,3.348988,335,-2.8421131731795364,-15.01004708796086,0.0,1.1771999716758728,0.0,0.0,0.27225000116974113,-0.02495000086724758,9.79589993572235,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:56.390648,3.359989,336,-2.8579761683898375,-15.002171106872058,0.0,1.1447999596595764,0.0,0.0,0.2628500013425946,-0.025850000847131002,9.79719993686676,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:56.399531,3.368872,337,-2.8579761683898375,-15.002171106872058,0.0,1.1447999596595764,0.0,0.0,0.252650000937283,-0.026850000862032167,9.798599940299987,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:56.411023,3.380364,338,-2.8579761683898375,-15.002171106872058,0.0,1.1447999596595764,0.0,0.0,0.24205000121146442,-0.028250000812113277,9.795199938774108,0.0,0.0,0.0,0,72.27400013478473
+2024-04-07 10:32:56.421731,3.391072,339,-2.8747137051203193,-14.994002581042022,0.0,0.9863999605178834,0.0,0.0,0.2315500010922551,-0.029550000876188268,9.793499938011168,0.0,0.0,0.15600000321865082,0,72.27400013478473
+2024-04-07 10:32:56.435780,3.405121,340,-2.8747137051203193,-14.994002581042022,0.0,0.9863999605178834,0.0,0.0,0.22185000110417602,-0.030550000853836523,9.796299944877623,0.0,0.0,0.15600000321865082,0,72.27400013478473
+2024-04-07 10:32:56.440957,3.410298,341,-2.8747137051203193,-14.994002581042022,0.0,0.9863999605178834,0.0,0.0,0.2124500012770295,-0.03165000092238186,9.796699944496153,0.0,0.0,0.15600000321865082,0,72.27400013478473
+2024-04-07 10:32:56.453758,3.423099,342,-2.8747137051203193,-14.994002581042022,0.0,0.9863999605178834,0.0,0.0,0.2037500010803342,-0.03175000082701443,9.795699940681455,0.0,0.0,0.15600000321865082,0,72.27400013478473
+2024-04-07 10:32:56.462802,3.432143,343,-2.891845151742815,-14.985722433952848,0.0,0.907200014591217,0.0,0.0,0.1949500012770295,-0.03115000080317258,9.796999941825865,0.0,0.0,0.16599999368190765,0,72.27400013478473
+2024-04-07 10:32:56.469390,3.438731,344,-2.891845151742815,-14.985722433952848,0.0,0.907200014591217,0.0,0.0,0.18745000142604112,-0.030050000660121437,9.798699942588804,0.0,0.0,0.16599999368190765,0,72.27400013478473
+2024-04-07 10:32:56.480480,3.449821,345,-2.891845151742815,-14.985722433952848,0.0,0.907200014591217,0.0,0.0,0.18235000155866143,-0.028450000695884214,9.79879993534088,0.0,0.0,0.16599999368190765,0,72.27400013478473
+2024-04-07 10:32:56.489655,3.458996,346,-2.891845151742815,-14.985722433952848,0.0,0.907200014591217,0.0,0.0,0.1755500014871359,-0.026750000715255726,9.795999928474425,0.0,0.0,0.16599999368190765,0,72.27400013478473
+2024-04-07 10:32:56.502511,3.471852,347,-2.9091634527550077,-14.977398988248112,0.0,0.8028000175952912,0.0,0.0,0.17105000145733357,-0.026050000637769688,9.797599926948546,0.0,0.0,0.18700000643730164,0,72.27400013478473
+2024-04-07 10:32:56.509792,3.479133,348,-2.9091634527550077,-14.977398988248112,0.0,0.8028000175952912,0.0,0.0,0.16545000128448012,-0.025250000655651084,9.798499918937681,0.0,0.0,0.18700000643730164,0,72.27400013478473
+2024-04-07 10:32:56.519983,3.489324,349,-2.9091634527550077,-14.977398988248112,0.0,0.8028000175952912,0.0,0.0,0.16115000128746032,-0.025250000655651084,9.798499918937681,0.0,0.0,0.18700000643730164,0,72.27400013478473
+2024-04-07 10:32:56.537062,3.506403,350,-2.9091634527550077,-14.977398988248112,0.0,0.8028000175952912,0.0,0.0,0.15735000133514404,-0.024850000739097572,9.796399918556212,0.0,0.0,0.18700000643730164,0,72.27400013478473
+2024-04-07 10:32:56.542486,3.511827,351,-2.917638572061112,-14.973318625981584,0.0,0.8028000175952912,0.0,0.0,0.15355000138282776,-0.024050000682473177,9.795499926567075,0.0,0.0,0.18700000643730164,0,72.27400013478473
+2024-04-07 10:32:56.549608,3.518949,352,-2.926489691953644,-14.969102928986652,0.0,0.7847999811172486,0.0,0.0,0.15035000145435334,-0.02255000069737434,9.795899926185607,0.0,0.0,0.10100000351667404,0,72.27400013478473
+2024-04-07 10:32:56.559510,3.528851,353,-2.926489691953644,-14.969102928986652,0.0,0.7847999811172486,0.0,0.0,0.14845000144094228,-0.021250000670552244,9.797099925041197,0.0,0.0,0.10100000351667404,0,72.27400013478473
+2024-04-07 10:32:56.569619,3.53896,354,-2.926489691953644,-14.969102928986652,0.0,0.7847999811172486,0.0,0.0,0.14705000143498181,-0.01875000067055224,9.797299920082091,0.0,0.0,0.10100000351667404,0,72.27400013478473
+2024-04-07 10:32:56.583340,3.552681,355,-2.9308800394313823,-14.96699975290991,0.0,0.7847999811172486,0.0,0.0,0.1485500014387071,-0.015650000646710377,9.79649992084503,0.0,0.0,0.10100000351667404,0,72.27400013478473
+2024-04-07 10:32:56.589907,3.559248,356,-2.9434298615846295,-14.96103821901695,0.0,0.7847999811172486,0.0,0.0,0.15025000143796208,-0.01195000052452086,9.797199917793272,0.0,0.0,0.08500000089406967,0,72.27400013478473
+2024-04-07 10:32:56.599415,3.568756,357,-2.9434298615846295,-14.96103821901695,0.0,0.7847999811172486,0.0,0.0,0.15395000133663417,-0.008450000397861007,9.79649992084503,0.0,0.0,0.08500000089406967,0,72.27400013478473
+2024-04-07 10:32:56.610907,3.580248,358,-2.9434298615846295,-14.96103821901695,0.0,0.7847999811172486,0.0,0.0,0.15715000141412022,-0.006150000412017104,9.795099917411802,0.0,0.0,0.08500000089406967,0,72.27400013478473
+2024-04-07 10:32:56.619776,3.589117,359,-2.960712924745858,-14.952853538017841,0.0,0.7631999909877777,0.0,0.0,0.16235000152140855,-0.004150000382214775,9.794699917793272,0.0,0.0,0.12300000339746475,0,72.27400013478473
+2024-04-07 10:32:56.631660,3.601001,360,-2.960712924745858,-14.952853538017841,0.0,0.7631999909877777,0.0,0.0,0.16735000137239697,-0.0029500002972781547,9.795499917030332,0.0,0.0,0.12300000339746475,0,72.27400013478473
+2024-04-07 10:32:56.639946,3.609287,361,-2.960712924745858,-14.952853538017841,0.0,0.7631999909877777,0.0,0.0,0.17335000131279232,-0.001450000312179317,9.795399914741514,0.0,0.0,0.12300000339746475,0,72.27400013478473
+2024-04-07 10:32:56.654423,3.623764,362,-2.960712924745858,-14.952853538017841,0.0,0.7631999909877777,0.0,0.0,0.17915000110864637,-0.0006500003300607127,9.793899918556212,0.0,0.0,0.12300000339746475,0,72.27400013478473
+2024-04-07 10:32:56.661461,3.630802,363,-2.9770490987514093,-14.94523404340445,0.0,0.7847999811172486,0.0,0.0,0.18615000098943713,0.00014999965205789167,9.793299914360045,0.0,0.0,0.16899999976158142,0,72.27400013478473
+2024-04-07 10:32:56.669444,3.638785,364,-2.9770490987514093,-14.94523404340445,0.0,0.7847999811172486,0.0,0.0,0.19385000128298996,0.0015499996580183584,9.793699913978575,0.0,0.0,0.16899999976158142,0,72.27400013478473
+2024-04-07 10:32:56.679598,3.648939,365,-2.9770490987514093,-14.94523404340445,0.0,0.7847999811172486,0.0,0.0,0.20105000145733354,0.002349999714642781,9.793199912071227,0.0,0.0,0.16899999976158142,0,72.27400013478473
+2024-04-07 10:32:56.689490,3.658831,366,-2.9770490987514093,-14.94523404340445,0.0,0.7847999811172486,0.0,0.0,0.20905000157654285,0.002549999672919523,9.793599911689757,0.0,0.0,0.16899999976158142,0,72.27400013478473
+2024-04-07 10:32:56.701732,3.671073,367,-2.993218028473907,-14.93778684660281,0.0,0.7883999884128571,0.0,0.0,0.21745000131428244,0.004249999765306711,9.794599905967711,0.0,0.0,0.19699999690055847,0,72.27400013478473
+2024-04-07 10:32:56.710113,3.679454,368,-2.993218028473907,-14.93778684660281,0.0,0.7883999884128571,0.0,0.0,0.2258500014618039,0.006849999781698007,9.79419990634918,0.0,0.0,0.19699999690055847,0,72.27400013478473
+2024-04-07 10:32:56.719220,3.688561,369,-2.993218028473907,-14.93778684660281,0.0,0.7883999884128571,0.0,0.0,0.2344500015117228,0.0085499998368323,9.79379990673065,0.0,0.0,0.19699999690055847,0,72.27400013478473
+2024-04-07 10:32:56.732231,3.701572,370,-2.993218028473907,-14.93778684660281,0.0,0.7883999884128571,0.0,0.0,0.2425500015728176,0.010649999920278791,9.793999901771544,0.0,0.0,0.19699999690055847,0,72.27400013478473
+2024-04-07 10:32:56.739918,3.709259,371,-3.0092995163139666,-14.930531241338109,0.0,0.8675999879837036,0.0,0.0,0.24965000158175826,0.011249999944120653,9.794099904060362,0.0,0.0,0.21199999749660492,0,72.27400013478473
+2024-04-07 10:32:56.750890,3.720231,372,-3.0092995163139666,-14.930531241338109,0.0,0.8675999879837036,0.0,0.0,0.2566500017605722,0.011249999944120653,9.793599902153014,0.0,0.0,0.21199999749660492,0,72.27400013478473
+2024-04-07 10:32:56.761973,3.731314,373,-3.0092995163139666,-14.930531241338109,0.0,0.8675999879837036,0.0,0.0,0.26385000204667447,0.011650000009685774,9.794399901390074,0.0,0.0,0.21199999749660492,0,72.27400013478473
+2024-04-07 10:32:56.769818,3.739159,374,-3.0092995163139666,-14.930531241338109,0.0,0.8675999879837036,0.0,0.0,0.269250001963228,0.012149999979883447,9.794999905586241,0.0,0.0,0.21199999749660492,0,72.27400013478473
+2024-04-07 10:32:56.779527,3.748868,375,-3.0092995163139666,-14.930531241338109,0.0,0.8675999879837036,0.0,0.0,0.2741500020585954,0.012449999991804378,9.794599905967711,0.0,0.0,0.21199999749660492,0,72.27400013478473
+2024-04-07 10:32:56.789888,3.759229,376,-3.0254042112848905,-14.923470950837535,0.0,0.9828000068664551,0.0,0.0,0.2792500022612512,0.014350000042468308,9.79389990901947,0.0,0.0,0.23499999940395355,0,72.27400013478473
+2024-04-07 10:32:56.801846,3.771187,377,-3.0254042112848905,-14.923470950837535,0.0,0.9828000068664551,0.0,0.0,0.28255000269040464,0.015750000048428775,9.791899901390074,0.0,0.0,0.23499999940395355,0,72.27400013478473
+2024-04-07 10:32:56.809575,3.778916,378,-3.0254042112848905,-14.923470950837535,0.0,0.9828000068664551,0.0,0.0,0.28715000247582795,0.017549999970942753,9.792599898338317,0.0,0.0,0.23499999940395355,0,72.27400013478473
+2024-04-07 10:32:56.821879,3.79122,379,-3.0416754402092945,-14.91658450754183,0.0,1.1015999794006348,0.0,0.0,0.2892500022612512,0.01904999995604159,9.791699896812437,0.0,0.0,0.24500000476837158,0,72.27400013478473
+2024-04-07 10:32:56.832004,3.801345,380,-3.0416754402092945,-14.91658450754183,0.0,1.1015999794006348,0.0,0.0,0.2939500025473535,0.02034999990835787,9.793099900245664,0.0,0.0,0.24500000476837158,0,72.27400013478473
+2024-04-07 10:32:56.839773,3.809114,381,-3.0416754402092945,-14.91658450754183,0.0,1.1015999794006348,0.0,0.0,0.29705000257119535,0.021849999893456706,9.792799902915952,0.0,0.0,0.24500000476837158,0,72.27400013478473
+2024-04-07 10:32:56.850350,3.819691,382,-3.0416754402092945,-14.91658450754183,0.0,1.1015999794006348,0.0,0.0,0.2998500028811395,0.02274999985471368,9.79219990825653,0.0,0.0,0.24500000476837158,0,72.27400013478473
+2024-04-07 10:32:56.861514,3.830855,383,-3.058258429197611,-14.909852637271833,0.0,1.2240000128746034,0.0,0.0,0.3042500022612512,0.024349999967962527,9.792399903297422,0.0,0.0,0.23000000417232513,0,72.27400013478473
+2024-04-07 10:32:56.869859,3.8392,384,-3.058258429197611,-14.909852637271833,0.0,1.2240000128746034,0.0,0.0,0.30575000202283265,0.025449999812990426,9.793099900245664,0.0,0.0,0.23000000417232513,0,72.27400013478473
+2024-04-07 10:32:56.879479,3.84882,385,-3.058258429197611,-14.909852637271833,0.0,1.2240000128746034,0.0,0.0,0.3086500016413629,0.025349999908357873,9.793999901771544,0.0,0.0,0.23000000417232513,0,72.27400013478473
+2024-04-07 10:32:56.889977,3.859318,386,-3.058258429197611,-14.909852637271833,0.0,1.2240000128746034,0.0,0.0,0.3096500018797815,0.025049999896436942,9.791899901390074,0.0,0.0,0.23000000417232513,0,72.27400013478473
+2024-04-07 10:32:56.903064,3.872405,387,-3.0669417046130016,-14.90648459164899,0.0,1.3535999536514283,0.0,0.0,0.31115000223740935,0.024349999967962527,9.7907999048233,0.0,0.0,0.23999999463558197,0,72.27400013478473
+2024-04-07 10:32:56.909842,3.879183,388,-3.0752836325028134,-14.903268600545278,0.0,1.3535999536514283,0.0,0.0,0.3098500022850931,0.025749999824911357,9.792799902915952,0.0,0.0,0.23999999463558197,0,72.27400013478473
+2024-04-07 10:32:56.919999,3.88934,389,-3.0752836325028134,-14.903268600545278,0.0,1.3535999536514283,0.0,0.0,0.31045000230893494,0.02634999984875322,9.795599900245664,0.0,0.0,0.23999999463558197,0,72.27400013478473
+2024-04-07 10:32:56.931023,3.900364,390,-3.0752836325028134,-14.903268600545278,0.0,1.3535999536514283,0.0,0.0,0.3071500024758279,0.02864999989047648,9.794699898719786,0.0,0.0,0.23999999463558197,0,72.27400013478473
+2024-04-07 10:32:56.940583,3.909924,391,-3.092866587864252,-14.896828890728683,0.0,1.486799955368042,0.0,0.0,0.30575000202283265,0.028449999932199738,9.793699904441832,0.0,0.0,0.2370000034570694,0,72.27400013478473
+2024-04-07 10:32:56.950151,3.919492,392,-3.092866587864252,-14.896828890728683,0.0,1.486799955368042,0.0,0.0,0.30345000183209775,0.027249999959021803,9.79089990711212,0.0,0.0,0.2370000034570694,0,72.27400013478473
+2024-04-07 10:32:56.961246,3.930587,393,-3.092866587864252,-14.896828890728683,0.0,1.486799955368042,0.0,0.0,0.30215000187978147,0.027850000131875274,9.795299902915954,0.0,0.0,0.2370000034570694,0,72.27400013478473
+2024-04-07 10:32:56.969663,3.939004,394,-3.092866587864252,-14.896828890728683,0.0,1.486799955368042,0.0,0.0,0.3000500020943582,0.02675000013783574,9.796499901771544,0.0,0.0,0.2370000034570694,0,72.27400013478473
+2024-04-07 10:32:56.980263,3.949604,395,-3.1111196657854947,-14.890522344397937,0.0,1.6199999570846557,0.0,0.0,0.2970500019751489,0.02715000005438925,9.798599902153013,0.0,0.0,0.23999999463558197,0,72.27400013478473
+2024-04-07 10:32:56.989472,3.958813,396,-3.1111196657854947,-14.890522344397937,0.0,1.6199999570846557,0.0,0.0,0.2945500019751489,0.026650000084191577,9.799099904060363,0.0,0.0,0.23999999463558197,0,72.27400013478473
+2024-04-07 10:32:57.000285,3.969626,397,-3.1111196657854947,-14.890522344397937,0.0,1.6199999570846557,0.0,0.0,0.2897500020824373,0.02674999998882413,9.79919990634918,0.0,0.0,0.23999999463558197,0,72.27400013478473
+2024-04-07 10:32:57.010034,3.979375,398,-3.1111196657854947,-14.890522344397937,0.0,1.6199999570846557,0.0,0.0,0.2879500020109117,0.0273500001616776,9.801099911689757,0.0,0.0,0.23999999463558197,0,72.27400013478473
+2024-04-07 10:32:57.020079,3.98942,399,-3.130093728958984,-14.884349402620865,0.0,1.7423999905586243,0.0,0.0,0.282650002297014,0.026550000105053206,9.799999915122983,0.0,0.0,0.23999999463558197,0,72.27400013478473
+2024-04-07 10:32:57.030687,4.000028,400,-3.130093728958984,-14.884349402620865,0.0,1.7423999905586243,0.0,0.0,0.2802500022016466,0.028150000218302024,9.803599911689757,0.0,0.0,0.23999999463558197,0,72.27400013478473
+2024-04-07 10:32:57.042944,4.012285,401,-3.130093728958984,-14.884349402620865,0.0,1.7423999905586243,0.0,0.0,0.27585000252351166,0.027650000173598532,9.798999911308286,0.0,0.0,0.23999999463558197,0,72.27400013478473
+2024-04-07 10:32:57.051427,4.020768,402,-3.130093728958984,-14.884349402620865,0.0,1.7423999905586243,0.0,0.0,0.2718500027619302,0.028450000155717137,9.802199917793272,0.0,0.0,0.23999999463558197,0,72.27400013478473
+2024-04-07 10:32:57.062375,4.031716,403,-3.145732570253976,-14.879568170945465,0.0,1.8648000240325928,0.0,0.0,0.265950002130121,0.029050000254064817,9.799099923133848,0.0,0.0,0.17900000512599945,0,72.27400013478473
+2024-04-07 10:32:57.069725,4.039066,404,-3.1507240046783553,-14.878090350269781,0.0,1.8648000240325928,0.0,0.0,0.26095000183209777,0.030150000248104353,9.804399930000303,0.0,0.0,0.17900000512599945,0,72.27400013478473
+2024-04-07 10:32:57.079760,4.049101,405,-3.1507240046783553,-14.878090350269781,0.0,1.8648000240325928,0.0,0.0,0.25415000235661867,0.031850000116974114,9.80169993495941,0.0,0.0,0.17900000512599945,0,72.27400013478473
+2024-04-07 10:32:57.094377,4.063718,406,-3.1507240046783553,-14.878090350269781,0.0,1.8648000240325928,0.0,0.0,0.24785000240430238,0.03305000001564623,9.798699933052061,0.0,0.0,0.17900000512599945,0,72.27400013478473
+2024-04-07 10:32:57.100563,4.069904,407,-3.1713432253467766,-14.872134088505188,0.0,1.893600082397461,0.0,0.0,0.24245000218972562,0.03345000008121135,9.79799993610382,0.0,0.0,0.16099999845027924,0,72.27400013478473
+2024-04-07 10:32:57.110414,4.079755,408,-3.1713432253467766,-14.872134088505188,0.0,1.893600082397461,0.0,0.0,0.2355500025115907,0.03305000016465784,9.797899943351744,0.0,0.0,0.16099999845027924,0,72.27400013478473
+2024-04-07 10:32:57.120148,4.089489,409,-3.1713432253467766,-14.872134088505188,0.0,1.893600082397461,0.0,0.0,0.22955000227317213,0.03345000015571714,9.79859994983673,0.0,0.0,0.16099999845027924,0,72.27400013478473
+2024-04-07 10:32:57.129896,4.099237,410,-3.1713432253467766,-14.872134088505188,0.0,1.893600082397461,0.0,0.0,0.22495000248774888,0.03465000012889505,9.797599955558775,0.0,0.0,0.16099999845027924,0,72.27400013478473
+2024-04-07 10:32:57.141133,4.110474,411,-3.1924375323777126,-14.866379415945827,0.0,1.9800000429153444,0.0,0.0,0.2181500027142465,0.0352500000037253,9.79869996166229,0.0,0.0,0.17100000381469727,0,72.27400013478473
+2024-04-07 10:32:57.150162,4.119503,412,-3.1924375323777126,-14.866379415945827,0.0,1.9800000429153444,0.0,0.0,0.211850002463907,0.035850000102072954,9.799499960899352,0.0,0.0,0.17100000381469727,0,72.27400013478473
+2024-04-07 10:32:57.160286,4.129627,413,-3.1924375323777126,-14.866379415945827,0.0,1.9800000429153444,0.0,0.0,0.20515000274404882,0.03705000007525086,9.797899952888487,0.0,0.0,0.17100000381469727,0,72.27400013478473
+2024-04-07 10:32:57.170021,4.139362,414,-3.1924375323777126,-14.866379415945827,0.0,1.9800000429153444,0.0,0.0,0.19795000275596975,0.038050000090152025,9.796299954414366,0.0,0.0,0.17100000381469727,0,72.27400013478473
+2024-04-07 10:32:57.179988,4.149329,415,-3.2140992988603747,-14.860799484516201,0.0,1.9944000720977784,0.0,0.0,0.19255000254139304,0.03905000017955901,9.79519994831085,0.0,0.0,0.14399999380111694,0,72.27400013478473
+2024-04-07 10:32:57.193352,4.162693,416,-3.2140992988603747,-14.860799484516201,0.0,1.9944000720977784,0.0,0.0,0.18515000259503722,0.0405500002577901,9.793899947166441,0.0,0.0,0.14399999380111694,0,72.27400013478473
+2024-04-07 10:32:57.201794,4.171135,417,-3.2140992988603747,-14.860799484516201,0.0,1.9944000720977784,0.0,0.0,0.17925000270828606,0.04075000021606684,9.791299944877622,0.0,0.0,0.14399999380111694,0,72.45200013788417
+2024-04-07 10:32:57.209912,4.179253,418,-3.2140992988603747,-14.860799484516201,0.0,1.9944000720977784,0.0,0.0,0.17155000267550347,0.04145000014454128,9.789999943733214,0.0,0.0,0.14399999380111694,0,72.45200013788417
+2024-04-07 10:32:57.220931,4.190272,419,-3.2362515926119864,-14.85542393481288,0.0,2.0699999570846557,0.0,0.0,0.16525000242516397,0.0421500000730157,9.786899939537047,0.0,0.0,0.09600000083446503,0,72.45200013788417
+2024-04-07 10:32:57.230659,4.2,420,-3.2362515926119864,-14.85542393481288,0.0,2.0699999570846557,0.0,0.0,0.1599500021152198,0.042750000059604665,9.78879993534088,0.0,0.0,0.09600000083446503,0,72.45200013788417
+2024-04-07 10:32:57.240304,4.209645,421,-3.2362515926119864,-14.85542393481288,0.0,2.0699999570846557,0.0,0.0,0.15315000222995878,0.042850000113248826,9.789899941444395,0.0,0.0,0.09600000083446503,0,72.45200013788417
+2024-04-07 10:32:57.250510,4.219851,422,-3.2362515926119864,-14.85542393481288,0.0,2.0699999570846557,0.0,0.0,0.1480500024743378,0.042650000080466294,9.790299941062925,0.0,0.0,0.09600000083446503,0,72.45200013788417
+2024-04-07 10:32:57.261089,4.23043,423,-3.259004446755645,-14.850174414376173,0.0,2.098800015449524,0.0,0.0,0.14495000233873723,0.042850000038743036,9.79599994754791,0.0,0.0,0.05000000074505806,0,72.45200013788417
+2024-04-07 10:32:57.269877,4.239218,424,-3.259004446755645,-14.850174414376173,0.0,2.098800015449524,0.0,0.0,0.14465000234544279,0.04205000005662443,9.796099949836728,0.0,0.0,0.05000000074505806,0,72.45200013788417
+2024-04-07 10:32:57.279874,4.249215,425,-3.259004446755645,-14.850174414376173,0.0,2.098800015449524,0.0,0.0,0.14615000231191516,0.043450000025331975,9.799899950981139,0.0,0.0,0.05000000074505806,0,72.45200013788417
+2024-04-07 10:32:57.289651,4.258992,426,-3.259004446755645,-14.850174414376173,0.0,2.098800015449524,0.0,0.0,0.14665000228211283,0.044549999982118615,9.797299958229063,0.0,0.0,0.05000000074505806,0,72.45200013788417
+2024-04-07 10:32:57.299660,4.269001,427,-3.270491577933403,-14.847630251471392,0.0,2.087999939918518,0.0,0.0,0.14795000227168204,0.044549999982118615,9.802499953269956,0.0,0.0,0.03999999910593033,0,72.45200013788417
+2024-04-07 10:32:57.309681,4.279022,428,-3.282090278191419,-14.84511640369034,0.0,2.087999939918518,0.0,0.0,0.14985000224784017,0.046550000086426735,9.798099957466123,0.0,0.0,0.03999999910593033,0,72.45200013788417
+2024-04-07 10:32:57.320220,4.289561,429,-3.282090278191419,-14.84511640369034,0.0,2.087999939918518,0.0,0.0,0.15245000222697852,0.04714999996125699,9.797099953651426,0.0,0.0,0.03999999910593033,0,72.45200013788417
+2024-04-07 10:32:57.329945,4.299286,430,-3.282090278191419,-14.84511640369034,0.0,2.087999939918518,0.0,0.0,0.1567500022612512,0.046549999937415126,9.800699950218199,0.0,0.0,0.03999999910593033,0,72.45200013788417
+2024-04-07 10:32:57.340418,4.309759,431,-3.3054889887144565,-14.840220350650416,0.0,2.073599910736084,0.0,0.0,0.15935000238940122,0.04884999983012678,9.801299954414366,0.0,0.0,0.03200000151991844,0,72.45200013788417
+2024-04-07 10:32:57.350417,4.319758,432,-3.3054889887144565,-14.840220350650416,0.0,2.073599910736084,0.0,0.0,0.16265000237151983,0.04914999984204771,9.801599961280822,0.0,0.0,0.03200000151991844,0,72.45200013788417
+2024-04-07 10:32:57.361076,4.330417,433,-3.3054889887144565,-14.840220350650416,0.0,2.073599910736084,0.0,0.0,0.16635000249370935,0.05124999977648259,9.796799965858458,0.0,0.0,0.03200000151991844,0,72.45200013788417
+2024-04-07 10:32:57.371094,4.340435,434,-3.3054889887144565,-14.840220350650416,0.0,2.073599910736084,0.0,0.0,0.16795000245794656,0.05344999961555005,9.801099959373472,0.0,0.0,0.03200000151991844,0,72.45200013788417
+2024-04-07 10:32:57.380917,4.350258,435,-3.3292670736364203,-14.835453042432677,0.0,2.0808000326156617,0.0,0.0,0.1686500029824674,0.05674999948590995,9.801399956703184,0.0,0.0,0.03999999910593033,0,72.45200013788417
+2024-04-07 10:32:57.392003,4.361344,436,-3.3292670736364203,-14.835453042432677,0.0,2.0808000326156617,0.0,0.0,0.1686500029824674,0.058249999564141036,9.797599955558775,0.0,0.0,0.03999999910593033,0,72.45200013788417
+2024-04-07 10:32:57.399740,4.369081,437,-3.3292670736364203,-14.835453042432677,0.0,2.0808000326156617,0.0,0.0,0.1693500035069883,0.058249999564141036,9.792999955177306,0.0,0.0,0.03999999910593033,0,72.45200013788417
+2024-04-07 10:32:57.410751,4.380092,438,-3.3292670736364203,-14.835453042432677,0.0,2.0808000326156617,0.0,0.0,0.16965000322088597,0.05934999957680703,9.79859994983673,0.0,0.0,0.03999999910593033,0,72.45200013788417
+2024-04-07 10:32:57.420381,4.389722,439,-3.3528133314718422,-14.831012864481854,0.0,2.0484000205993653,0.0,0.0,0.16985000303015113,0.060549999587237835,9.800999947547911,0.0,0.0,0.09600000083446503,0,72.45200013788417
+2024-04-07 10:32:57.430424,4.399765,440,-3.3528133314718422,-14.831012864481854,0.0,2.0484000205993653,0.0,0.0,0.17055000295862555,0.06094999961555006,9.797599946022032,0.0,0.0,0.09600000083446503,0,72.45200013788417
+2024-04-07 10:32:57.439867,4.409208,441,-3.3528133314718422,-14.831012864481854,0.0,2.0484000205993653,0.0,0.0,0.17195000281557443,0.06054999962449076,9.793499947547911,0.0,0.0,0.09600000083446503,0,72.45200013788417
+2024-04-07 10:32:57.452666,4.422007,442,-3.3528133314718422,-14.831012864481854,0.0,2.0484000205993653,0.0,0.0,0.1733500032685697,0.05924999956041577,9.796199942588805,0.0,0.0,0.09600000083446503,0,72.45200013788417
+2024-04-07 10:32:57.463765,4.433106,443,-3.358599523137619,-14.829933016123903,0.0,2.0484000205993653,0.0,0.0,0.17445000341162087,0.0578499995544553,9.797299939155577,0.0,0.0,0.09600000083446503,0,72.45200013788417
+2024-04-07 10:32:57.470535,4.439876,444,-3.3773091104410815,-14.826539241836256,0.0,1.8648000240325928,0.0,0.0,0.17355000307783486,0.055649999454617516,9.795699940681455,0.0,0.0,0.07800000160932541,0,72.45200013788417
+2024-04-07 10:32:57.479939,4.44928,445,-3.3773091104410815,-14.826539241836256,0.0,1.8648000240325928,0.0,0.0,0.1731500028632581,0.05454999960958959,9.796699944496153,0.0,0.0,0.07800000160932541,0,72.45200013788417
+2024-04-07 10:32:57.489982,4.459323,446,-3.3773091104410815,-14.826539241836256,0.0,1.8648000240325928,0.0,0.0,0.17165000310167672,0.053749999627470985,9.796099949836728,0.0,0.0,0.07800000160932541,0,72.45200013788417
+2024-04-07 10:32:57.500167,4.469508,447,-3.4007396044480376,-14.82254414389216,0.0,1.7640000343322755,0.0,0.0,0.16915000339969993,0.05344999961555005,9.796699954032896,0.0,0.0,0.14399999380111694,0,72.45200013788417
+2024-04-07 10:32:57.510634,4.479975,448,-3.4007396044480376,-14.82254414389216,0.0,1.7640000343322755,0.0,0.0,0.16645000329241155,0.05274999961256982,9.795299960136411,0.0,0.0,0.14399999380111694,0,72.45200013788417
+2024-04-07 10:32:57.520264,4.489605,449,-3.4007396044480376,-14.82254414389216,0.0,1.7640000343322755,0.0,0.0,0.16225000312551857,0.05224999964237215,9.795199967384336,0.0,0.0,0.14399999380111694,0,72.45200013788417
+2024-04-07 10:32:57.530304,4.499645,450,-3.4007396044480376,-14.82254414389216,0.0,1.7640000343322755,0.0,0.0,0.15685000291094187,0.0532499997317791,9.797399970054625,0.0,0.0,0.14399999380111694,0,72.45200013788417
+2024-04-07 10:32:57.540729,4.51007,451,-3.423492135933844,-14.818825383309743,0.0,1.4615999579429626,0.0,0.0,0.1511500028334558,0.05264999970793724,9.798399964332578,0.0,0.0,0.24199999868869781,0,72.45200013788417
+2024-04-07 10:32:57.554509,4.52385,452,-3.423492135933844,-14.818825383309743,0.0,1.4615999579429626,0.0,0.0,0.14465000277385115,0.0516499996930361,9.794999962806699,0.0,0.0,0.24199999868869781,0,72.45200013788417
+2024-04-07 10:32:57.561960,4.531301,453,-3.423492135933844,-14.818825383309743,0.0,1.4615999579429626,0.0,0.0,0.1392500030063093,0.05054999962449075,9.791399966239927,0.0,0.0,0.24199999868869781,0,72.45200013788417
+2024-04-07 10:32:57.571791,4.541132,454,-3.423492135933844,-14.818825383309743,0.0,1.4615999579429626,0.0,0.0,0.1304500031284988,0.049349999576807024,9.793199969291685,0.0,0.0,0.24199999868869781,0,72.45200013788417
+2024-04-07 10:32:57.580372,4.549713,455,-3.4453928322211453,-14.8154348676684,0.0,1.4472000360488892,0.0,0.0,0.12405000317841769,0.04824999958276749,9.796499968528746,0.0,0.0,0.23000000417232513,0,72.45200013788417
+2024-04-07 10:32:57.594060,4.563401,456,-3.4453928322211453,-14.8154348676684,0.0,1.4472000360488892,0.0,0.0,0.11545000288635493,0.04644999943673611,9.794699965476989,0.0,0.0,0.23000000417232513,0,72.45200013788417
+2024-04-07 10:32:57.600954,4.570295,457,-3.4453928322211453,-14.8154348676684,0.0,1.4472000360488892,0.0,0.0,0.10925000298768281,0.04494999937713148,9.792599965095517,0.0,0.0,0.23000000417232513,0,72.45200013788417
+2024-04-07 10:32:57.611362,4.580703,458,-3.4453928322211453,-14.8154348676684,0.0,1.4472000360488892,0.0,0.0,0.10165000323206186,0.04404999934136869,9.796199971199034,0.0,0.0,0.23000000417232513,0,72.45200013788417
+2024-04-07 10:32:57.626493,4.595834,459,-3.4666476051528203,-14.81228731004913,0.0,1.4220000386238099,0.0,0.0,0.09495000306516885,0.04454999931156636,9.799199973106383,0.0,0.0,0.2070000022649765,0,72.45200013788417
+2024-04-07 10:32:57.632111,4.601452,460,-3.4666476051528203,-14.81228731004913,0.0,1.4220000386238099,0.0,0.0,0.08685000333935022,0.04534999914467336,9.797499972343443,0.0,0.0,0.2070000022649765,0,72.45200013788417
+2024-04-07 10:32:57.640262,4.609603,461,-3.4666476051528203,-14.81228731004913,0.0,1.4220000386238099,0.0,0.0,0.07915000323206187,0.04544999919831755,9.795499974250792,0.0,0.0,0.2070000022649765,0,72.45200013788417
+2024-04-07 10:32:57.653045,4.622386,462,-3.4666476051528203,-14.81228731004913,0.0,1.4220000386238099,0.0,0.0,0.07125000331550838,0.046649999246001245,9.797399970054625,0.0,0.0,0.2070000022649765,0,72.45200013788417
+2024-04-07 10:32:57.662342,4.631683,463,-3.4875113945498106,-14.809285637712929,0.0,1.357200014591217,0.0,0.0,0.06125000331550837,0.04804999940097332,9.799799967765805,0.0,0.0,0.1589999943971634,0,72.45200013788417
+2024-04-07 10:32:57.670493,4.639834,464,-3.4875113945498106,-14.809285637712929,0.0,1.357200014591217,0.0,0.0,0.051750002987682814,0.0481499993056059,9.7999999628067,0.0,0.0,0.1589999943971634,0,72.45200013788417
+2024-04-07 10:32:57.680272,4.649613,465,-3.4875113945498106,-14.809285637712929,0.0,1.357200014591217,0.0,0.0,0.041350002773106104,0.048649999275803574,9.799399958610532,0.0,0.0,0.1589999943971634,0,72.45200013788417
+2024-04-07 10:32:57.692236,4.661577,466,-3.4875113945498106,-14.809285637712929,0.0,1.357200014591217,0.0,0.0,0.03025000263005495,0.04944999925792218,9.799699965476988,0.0,0.0,0.1589999943971634,0,72.45200013788417
+2024-04-07 10:32:57.701150,4.670491,467,-3.505774219563548,-14.806995481134756,0.0,1.3355999708175659,0.0,0.0,0.01895000297576188,0.04964999906718731,9.800099965095518,0.0,0.0,0.15399999916553497,0,72.45200013788417
+2024-04-07 10:32:57.712299,4.68164,468,-3.505774219563548,-14.806995481134756,0.0,1.3355999708175659,0.0,0.0,0.006850002892315382,0.04814999900758268,9.79919996356964,0.0,0.0,0.15399999916553497,0,72.45200013788417
+2024-04-07 10:32:57.721854,4.691195,469,-3.505774219563548,-14.806995481134756,0.0,1.3355999708175659,0.0,0.0,-0.003449997119605544,0.04774999894201756,9.797199965476988,0.0,0.0,0.15399999916553497,0,72.45200013788417
+2024-04-07 10:32:57.730430,4.699771,470,-3.505774219563548,-14.806995481134756,0.0,1.3355999708175659,0.0,0.0,-0.013549997173249728,0.04644999884068968,9.797299967765806,0.0,0.0,0.15399999916553497,0,72.45200013788417
+2024-04-07 10:32:57.740423,4.709764,471,-3.524069646832756,-14.804717748813694,0.0,1.3031999588012695,0.0,0.0,-0.02304999720305205,0.04524999886751177,9.799899970054625,0.0,0.0,0.14900000393390656,0,72.45200013788417
+2024-04-07 10:32:57.750229,4.71957,472,-3.524069646832756,-14.804717748813694,0.0,1.3031999588012695,0.0,0.0,-0.03174999734386802,0.045849998891353605,9.800199967384337,0.0,0.0,0.14900000393390656,0,72.45200013788417
+2024-04-07 10:32:57.762522,4.731863,473,-3.524069646832756,-14.804717748813694,0.0,1.3031999588012695,0.0,0.0,-0.042249997537583114,0.045949998795986186,9.797999974250791,0.0,0.0,0.14900000393390656,0,72.45200013788417
+2024-04-07 10:32:57.772537,4.741878,474,-3.524069646832756,-14.804717748813694,0.0,1.3031999588012695,0.0,0.0,-0.05004999754950404,0.046349998861551306,9.799199973106383,0.0,0.0,0.14900000393390656,0,72.45200013788417
+2024-04-07 10:32:57.785533,4.754874,475,-3.5419136925840373,-14.802585361391973,0.0,1.252799963951111,0.0,0.0,-0.059449997711926696,0.047449998706579205,9.80129996395111,0.0,0.0,0.16599999368190765,0,72.45200013788417
+2024-04-07 10:32:57.792462,4.761803,476,-3.5419136925840373,-14.802585361391973,0.0,1.252799963951111,0.0,0.0,-0.06854999789968133,0.04644999861717225,9.798899956703185,0.0,0.0,0.16599999368190765,0,72.45200013788417
+2024-04-07 10:32:57.800647,4.769988,477,-3.5419136925840373,-14.802585361391973,0.0,1.252799963951111,0.0,0.0,-0.07564999813213943,0.04684999853372576,9.800099965095518,0.0,0.0,0.16599999368190765,0,72.45200013788417
+2024-04-07 10:32:57.810049,4.77939,478,-3.5419136925840373,-14.802585361391973,0.0,1.252799963951111,0.0,0.0,-0.08434999773278833,0.047949998676776906,9.800499964714048,0.0,0.0,0.16599999368190765,0,72.45200013788417
+2024-04-07 10:32:57.822547,4.791888,479,-3.5493105099435454,-14.801879426363152,0.0,1.252799963951111,0.0,0.0,-0.09124999778345227,0.04854999870061874,9.802199965476987,0.0,0.0,0.16599999368190765,0,72.45200013788417
+2024-04-07 10:32:57.833280,4.802621,480,-3.557669663315212,-14.800987744279732,0.0,1.2275999665260315,0.0,0.0,-0.10084999831393361,0.04934999868273737,9.798899966239928,0.0,0.0,0.1889999955892563,0,72.45200013788417
+2024-04-07 10:32:57.845767,4.815108,481,-3.557669663315212,-14.800987744279732,0.0,1.2275999665260315,0.0,0.0,-0.11124999849125743,0.0491499987244606,9.798299971580503,0.0,0.0,0.1889999955892563,0,72.45200013788417
+2024-04-07 10:32:57.853776,4.823117,482,-3.557669663315212,-14.800987744279732,0.0,1.2275999665260315,0.0,0.0,-0.12324999867007136,0.04924999877810479,9.797799969673155,0.0,0.0,0.1889999955892563,0,72.45200013788417
+2024-04-07 10:32:57.865236,4.834577,483,-3.573217184419911,-14.799468564670342,0.0,1.2240000128746034,0.0,0.0,-0.13784999815747143,0.04804999858140946,9.797799969673155,0.0,0.0,0.22699999809265137,0,72.45200013788417
+2024-04-07 10:32:57.871716,4.841057,484,-3.573217184419911,-14.799468564670342,0.0,1.2240000128746034,0.0,0.0,-0.1511499979905784,0.047449998706579205,9.796999970436094,0.0,0.0,0.22699999809265137,0,72.45200013788417
+2024-04-07 10:32:57.883138,4.852479,485,-3.573217184419911,-14.799468564670342,0.0,1.2240000128746034,0.0,0.0,-0.16734999803826212,0.04654999867081644,9.795799971580504,0.0,0.0,0.22699999809265137,0,72.45200013788417
+2024-04-07 10:32:57.890247,4.859588,486,-3.573217184419911,-14.799468564670342,0.0,1.2240000128746034,0.0,0.0,-0.18284999815747144,0.0466499987244606,9.79979997730255,0.0,0.0,0.22699999809265137,0,72.45200013788417
+2024-04-07 10:32:57.900283,4.869624,487,-3.587332179271769,-14.798284118795477,0.0,1.1447999596595764,0.0,0.0,-0.200549998562783,0.04644999869167807,9.80229997730255,0.0,0.0,0.2680000066757202,0,72.45200013788417
+2024-04-07 10:32:57.910097,4.879438,488,-3.587332179271769,-14.798284118795477,0.0,1.1447999596595764,0.0,0.0,-0.2144499990157783,0.04554999880492688,9.802199984550475,0.0,0.0,0.2680000066757202,0,72.45200013788417
+2024-04-07 10:32:57.920408,4.889749,489,-3.587332179271769,-14.798284118795477,0.0,1.1447999596595764,0.0,0.0,-0.22764999894425272,0.045849998816847815,9.798199988365171,0.0,0.0,0.2680000066757202,0,72.45200013788417
+2024-04-07 10:32:57.930400,4.899741,490,-3.587332179271769,-14.798284118795477,0.0,1.1447999596595764,0.0,0.0,-0.23964999882504345,0.043849998787045485,9.798899994850157,0.0,0.0,0.2680000066757202,0,72.45200013788417
+2024-04-07 10:32:57.942804,4.912145,491,-3.600474192833126,-14.797329737714858,0.0,1.0224000334739685,0.0,0.0,-0.25134999839589,0.0450499986857176,9.80239998912811,0.0,0.0,0.20399999618530273,0,72.45200013788417
+2024-04-07 10:32:57.952392,4.921733,492,-3.600474192833126,-14.797329737714858,0.0,1.0224000334739685,0.0,0.0,-0.263049998562783,0.04694999858736992,9.80619999027252,0.0,0.0,0.20399999618530273,0,72.45200013788417
+2024-04-07 10:32:57.961902,4.931243,493,-3.600474192833126,-14.797329737714858,0.0,1.0224000334739685,0.0,0.0,-0.2760499980859459,0.04714999839663506,9.802199994087218,0.0,0.0,0.20399999618530273,0,72.45200013788417
+2024-04-07 10:32:57.977105,4.946446,494,-3.600474192833126,-14.797329737714858,0.0,1.0224000334739685,0.0,0.0,-0.28964999822899695,0.048849998265504846,9.800099993705748,0.0,0.0,0.20399999618530273,0,72.45200013788417
+2024-04-07 10:32:57.981556,4.950897,495,-3.613534826378828,-14.79643193530273,0.0,0.8784000098705292,0.0,0.0,-0.30244999853894117,0.04834999844431878,9.798599997520444,0.0,0.0,0.1509999930858612,0,72.45200013788417
+2024-04-07 10:32:57.993519,4.96286,496,-3.613534826378828,-14.79643193530273,0.0,0.8784000098705292,0.0,0.0,-0.31644999830052256,0.048949998319149035,9.799099999427794,0.0,0.0,0.1509999930858612,0,72.45200013788417
+2024-04-07 10:32:58.002066,4.971407,497,-3.613534826378828,-14.79643193530273,0.0,0.8784000098705292,0.0,0.0,-0.32664999840781095,0.04804999835789206,9.798400002479552,0.0,0.0,0.1509999930858612,0,72.45200013788417
+2024-04-07 10:32:58.011283,4.980624,498,-3.613534826378828,-14.79643193530273,0.0,0.8784000098705292,0.0,0.0,-0.3402499985508621,0.045649998225271715,9.795400000572203,0.0,0.0,0.1509999930858612,0,72.45200013788417
+2024-04-07 10:32:58.027566,4.996907,499,-3.615030839042025,-14.796549191650309,0.0,0.8784000098705292,0.0,0.0,-0.35014999864622953,0.045449998192489155,9.797699995994567,0.0,0.0,0.1509999930858612,0,72.45200013788417
+2024-04-07 10:32:58.033015,5.002356,500,-3.622682683107352,-14.796314457381666,0.0,0.8748000025749206,0.0,0.0,-0.3626499986462295,0.04184999804943801,9.796099997520445,0.0,0.0,0.19200000166893005,0,72.45200013788417
+2024-04-07 10:32:58.040609,5.00995,501,-3.622682683107352,-14.796314457381666,0.0,0.8748000025749206,0.0,0.0,-0.3725499984435737,0.040749998074024935,9.798300000190734,0.0,0.0,0.19200000166893005,0,72.45200013788417
+2024-04-07 10:32:58.050559,5.0199,502,-3.622682683107352,-14.796314457381666,0.0,0.8748000025749206,0.0,0.0,-0.3817499986104667,0.03894999813288452,9.794699994087217,0.0,0.0,0.19200000166893005,0,72.45200013788417
+2024-04-07 10:32:58.061854,5.031195,503,-3.6319906382655787,-14.796216420807102,0.0,0.8064000248908997,0.0,0.0,-0.3900499984435737,0.037149998061358935,9.79669999217987,0.0,0.0,0.20900000631809235,0,72.45200013788417
+2024-04-07 10:32:58.073400,5.042741,504,-3.6319906382655787,-14.796216420807102,0.0,0.8064000248908997,0.0,0.0,-0.397049998473376,0.035449998117983356,9.793399992942808,0.0,0.0,0.20900000631809235,0,72.45200013788417
+2024-04-07 10:32:58.083020,5.052361,505,-3.6319906382655787,-14.796216420807102,0.0,0.8064000248908997,0.0,0.0,-0.4031499986164272,0.03224999817088248,9.79539999103546,0.0,0.0,0.20900000631809235,0,72.45200013788417
+2024-04-07 10:32:58.091140,5.060481,506,-3.6319906382655787,-14.796216420807102,0.0,0.8064000248908997,0.0,0.0,-0.40764999845996497,0.03104999827221036,9.796999989509581,0.0,0.0,0.20900000631809235,0,72.45200013788417
+2024-04-07 10:32:58.102012,5.071353,507,-3.6399658165140063,-14.796396609126734,0.0,0.7379999935626984,0.0,0.0,-0.412549998331815,0.03114999817684294,9.799399987220763,0.0,0.0,0.19699999690055847,0,72.45200013788417
+2024-04-07 10:32:58.110957,5.080298,508,-3.6399658165140063,-14.796396609126734,0.0,0.7379999935626984,0.0,0.0,-0.41564999843016265,0.03234999807551503,9.798299981117246,0.0,0.0,0.19699999690055847,0,72.45200013788417
+2024-04-07 10:32:58.122824,5.092165,509,-3.6399658165140063,-14.796396609126734,0.0,0.7379999935626984,0.0,0.0,-0.41914999835193156,0.03324999811127782,9.797899971961973,0.0,0.0,0.19699999690055847,0,72.45200013788417
+2024-04-07 10:32:58.130678,5.100019,510,-3.6399658165140063,-14.796396609126734,0.0,0.7379999935626984,0.0,0.0,-0.42254999831318857,0.03324999811127782,9.799699965476988,0.0,0.0,0.19699999690055847,0,72.45200013788417
+2024-04-07 10:32:58.140861,5.110202,511,-3.643555098295957,-14.79656519964305,0.0,0.7379999935626984,0.0,0.0,-0.42294999822974205,0.03334999816492201,9.80079996204376,0.0,0.0,0.19699999690055847,0,72.45200013788417
+2024-04-07 10:32:58.152245,5.121586,512,-3.646853529823086,-14.796788454595989,0.0,0.7236000180244446,0.0,0.0,-0.4243499982357025,0.03334999816492201,9.800199967384337,0.0,0.0,0.17900000512599945,0,72.45200013788417
+2024-04-07 10:32:58.161831,5.131172,513,-3.646853529823086,-14.796788454595989,0.0,0.7236000180244446,0.0,0.0,-0.42384999826550485,0.03334999816492201,9.800799971580503,0.0,0.0,0.17900000512599945,0,72.45200013788417
+2024-04-07 10:32:58.173782,5.143123,514,-3.646853529823086,-14.796788454595989,0.0,0.7236000180244446,0.0,0.0,-0.4228499983251095,0.03284999819472434,9.804999972343444,0.0,0.0,0.17900000512599945,0,72.45200013788417
+2024-04-07 10:32:58.180343,5.149684,515,-3.652741167962714,-14.79736601580105,0.0,0.7416000008583069,0.0,0.0,-0.4219499982893467,0.03134999811649322,9.807099972724913,0.0,0.0,0.1889999955892563,0,72.45200013788417
+2024-04-07 10:32:58.191023,5.160364,516,-3.652741167962714,-14.79736601580105,0.0,0.7416000008583069,0.0,0.0,-0.4188499984145164,0.02944999804720283,9.808799973487853,0.0,0.0,0.1889999955892563,0,72.45200013788417
+2024-04-07 10:32:58.201426,5.170767,517,-3.652741167962714,-14.79736601580105,0.0,0.7416000008583069,0.0,0.0,-0.4171499983966351,0.02784999808296562,9.808699980735778,0.0,0.0,0.1889999955892563,0,72.97800016077235
+2024-04-07 10:32:58.210657,5.179998,518,-3.652741167962714,-14.79736601580105,0.0,0.7416000008583069,0.0,0.0,-0.4126499982923269,0.02564999816939237,9.81059997653961,0.0,0.0,0.1889999955892563,0,72.97800016077235
+2024-04-07 10:32:58.246776,5.216117,519,-3.6577832613379306,-14.798090150510493,0.0,0.7883999884128571,0.0,0.0,-0.409049998447299,0.024549998212605728,9.812599984169005,0.0,0.0,0.16899999976158142,0,72.97800016077235
+2024-04-07 10:32:58.250033,5.219374,520,-3.6577832613379306,-14.798090150510493,0.0,0.7883999884128571,0.0,0.0,-0.4054499983042479,0.024449998233467357,9.811499987602232,0.0,0.0,0.16899999976158142,0,72.97800016077235
+2024-04-07 10:32:58.250349,5.21969,521,-3.6577832613379306,-14.798090150510493,0.0,0.7883999884128571,0.0,0.0,-0.40084999840706587,0.02284999821335079,9.811099987983702,0.0,0.0,0.16899999976158142,0,72.97800016077235
+2024-04-07 10:32:58.250972,5.220313,522,-3.6577832613379306,-14.798090150510493,0.0,0.7883999884128571,0.0,0.0,-0.3956499981507659,0.02114999823272229,9.812499981880187,0.0,0.0,0.16899999976158142,0,72.97800016077235
+2024-04-07 10:32:58.263049,5.23239,523,-3.6624858076401257,-14.798879349709422,0.0,0.8099999785423279,0.0,0.0,-0.39074999794363974,0.01924999827519061,9.809899979591368,0.0,0.0,0.16099999845027924,0,72.97800016077235
+2024-04-07 10:32:58.271562,5.240903,524,-3.6624858076401257,-14.798879349709422,0.0,0.8099999785423279,0.0,0.0,-0.38514999782666565,0.017649998310953402,9.810899983406065,0.0,0.0,0.16099999845027924,0,72.97800016077235
+2024-04-07 10:32:58.281091,5.250432,525,-3.6624858076401257,-14.798879349709422,0.0,0.8099999785423279,0.0,0.0,-0.38074999783188107,0.01684999832883477,9.806399985313414,0.0,0.0,0.16099999845027924,0,72.97800016077235
+2024-04-07 10:32:58.290135,5.259476,526,-3.6624858076401257,-14.798879349709422,0.0,0.8099999785423279,0.0,0.0,-0.3739499976858497,0.016749998424202217,9.805399981498716,0.0,0.0,0.16099999845027924,0,72.97800016077235
+2024-04-07 10:32:58.300387,5.269728,527,-3.6662796399843747,-14.799757752229748,0.0,0.8568000197410583,0.0,0.0,-0.3683499975502491,0.016649998519569637,9.804199982643125,0.0,0.0,0.11800000071525574,0,72.97800016077235
+2024-04-07 10:32:58.312116,5.281457,528,-3.6662796399843747,-14.799757752229748,0.0,0.8568000197410583,0.0,0.0,-0.36364999756217004,0.016549998316913866,9.807499981880186,0.0,0.0,0.11800000071525574,0,72.97800016077235
+2024-04-07 10:32:58.320888,5.290229,529,-3.6662796399843747,-14.799757752229748,0.0,0.8568000197410583,0.0,0.0,-0.3579499974101782,0.0172499985434115,9.806499987602232,0.0,0.0,0.11800000071525574,0,72.97800016077235
+2024-04-07 10:32:58.337251,5.306592,530,-3.6662796399843747,-14.799757752229748,0.0,0.8568000197410583,0.0,0.0,-0.3537499975040555,0.0197499985434115,9.8045999917984,0.0,0.0,0.11800000071525574,0,72.97800016077235
+2024-04-07 10:32:58.346693,5.316034,531,-3.6700710691719136,-14.800622625848048,0.0,0.9359999656677246,0.0,0.0,-0.3487499974295497,0.019349998626858017,9.800599986076353,0.0,0.0,0.05299999937415123,0,72.97800016077235
+2024-04-07 10:32:58.351306,5.320647,532,-3.6700710691719136,-14.800622625848048,0.0,0.9359999656677246,0.0,0.0,-0.34654999744147064,0.019649998638778948,9.799399977684018,0.0,0.0,0.05299999937415123,0,72.97800016077235
+2024-04-07 10:32:58.361665,5.331006,533,-3.6700710691719136,-14.800622625848048,0.0,0.9359999656677246,0.0,0.0,-0.3449499974772334,0.018649998698383574,9.799899970054625,0.0,0.0,0.05299999937415123,0,72.97800016077235
+2024-04-07 10:32:58.376281,5.345622,534,-3.6700710691719136,-14.800622625848048,0.0,0.9359999656677246,0.0,0.0,-0.34184999752789735,0.01784999886527658,9.796299973487852,0.0,0.0,0.05299999937415123,0,72.97800016077235
+2024-04-07 10:32:58.381947,5.351288,535,-3.6737894970614198,-14.801464992552582,0.0,0.9792000532150269,0.0,0.0,-0.33614999778568744,0.01624999905005098,9.795199967384336,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:58.391715,5.361056,536,-3.6737894970614198,-14.801464992552582,0.0,0.9792000532150269,0.0,0.0,-0.3290499979071319,0.016049998942762628,9.797499972343443,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:58.400846,5.370187,537,-3.6737894970614198,-14.801464992552582,0.0,0.9792000532150269,0.0,0.0,-0.3242499981634319,0.016149998921901,9.801099968910215,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:58.410895,5.380236,538,-3.6737894970614198,-14.801464992552582,0.0,0.9792000532150269,0.0,0.0,-0.3162499981559813,0.01624999890103937,9.797799969673155,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:58.421839,5.39118,539,-3.677572140520949,-14.802264531748547,0.0,0.9828000068664551,0.0,0.0,-0.3104499978758395,0.01594999888911844,9.797199975013731,0.0,0.0,-0.014999999664723873,0,72.97800016077235
+2024-04-07 10:32:58.438441,5.407782,540,-3.677572140520949,-14.802264531748547,0.0,0.9828000068664551,0.0,0.0,-0.3037499979324639,0.01604999886825681,9.799999972343443,0.0,0.0,-0.014999999664723873,0,72.97800016077235
+2024-04-07 10:32:58.445369,5.41471,541,-3.677572140520949,-14.802264531748547,0.0,0.9828000068664551,0.0,0.0,-0.29774999791756274,0.017849998790770788,9.805099974632261,0.0,0.0,-0.014999999664723873,0,72.97800016077235
+2024-04-07 10:32:58.451445,5.420786,542,-3.677572140520949,-14.802264531748547,0.0,0.9828000068664551,0.0,0.0,-0.29304999811574817,0.01914999885484578,9.802199975013732,0.0,0.0,-0.014999999664723873,0,72.97800016077235
+2024-04-07 10:32:58.461619,5.43096,543,-3.681480572935017,-14.803020108616574,0.0,0.961199963092804,0.0,0.0,-0.2879499983973801,0.01924999883398415,9.802899981498717,0.0,0.0,-0.06499999761581421,0,72.97800016077235
+2024-04-07 10:32:58.474529,5.44387,544,-3.681480572935017,-14.803020108616574,0.0,0.961199963092804,0.0,0.0,-0.28284999819472434,0.018749998826533554,9.805799981117246,0.0,0.0,-0.06499999761581421,0,72.97800016077235
+2024-04-07 10:32:58.481040,5.450381,545,-3.681480572935017,-14.803020108616574,0.0,0.961199963092804,0.0,0.0,-0.2797499981708825,0.01594999874010683,9.809599982261656,0.0,0.0,-0.06499999761581421,0,72.97800016077235
+2024-04-07 10:32:58.492547,5.461888,546,-3.681480572935017,-14.803020108616574,0.0,0.961199963092804,0.0,0.0,-0.27594999836757783,0.012849998716264965,9.809199982643126,0.0,0.0,-0.06499999761581421,0,72.97800016077235
+2024-04-07 10:32:58.502161,5.471502,547,-3.685545915259602,-14.803736697490393,0.0,0.953999948501587,0.0,0.0,-0.2713499985821545,0.009049998614937077,9.806999979972838,0.0,0.0,-0.12600000202655792,0,72.97800016077235
+2024-04-07 10:32:58.510633,5.479974,548,-3.685545915259602,-14.803736697490393,0.0,0.953999948501587,0.0,0.0,-0.26544999834150074,0.006149998623877773,9.807399979591368,0.0,0.0,-0.12600000202655792,0,72.97800016077235
+2024-04-07 10:32:58.521747,5.491088,549,-3.685545915259602,-14.803736697490393,0.0,0.953999948501587,0.0,0.0,-0.2589499981328845,0.0038499985821545124,9.808799973487853,0.0,0.0,-0.12600000202655792,0,72.97800016077235
+2024-04-07 10:32:58.531169,5.50051,550,-3.685545915259602,-14.803736697490393,0.0,0.953999948501587,0.0,0.0,-0.2518499979004264,0.00154999854043128,9.80809997653961,0.0,0.0,-0.12600000202655792,0,72.97800016077235
+2024-04-07 10:32:58.544981,5.514322,551,-3.689881298957169,-14.804407446016407,0.0,0.9576000094413758,0.0,0.0,-0.24414999786764383,0.00014999849721789027,9.806699973106383,0.0,0.0,-0.16899999976158142,0,72.97800016077235
+2024-04-07 10:32:58.551922,5.521263,552,-3.689881298957169,-14.804407446016407,0.0,0.9576000094413758,0.0,0.0,-0.23734999779611826,-0.00015000144019722272,9.80889997577667,0.0,0.0,-0.16899999976158142,0,72.97800016077235
+2024-04-07 10:32:58.561917,5.531258,553,-3.689881298957169,-14.804407446016407,0.0,0.9576000094413758,0.0,0.0,-0.23234999794512987,-0.0006500014103948959,9.810599967002867,0.0,0.0,-0.16899999976158142,0,72.97800016077235
+2024-04-07 10:32:58.572098,5.541439,554,-3.689881298957169,-14.804407446016407,0.0,0.9576000094413758,0.0,0.0,-0.22524999801069498,-0.0025500013493001406,9.80699996089935,0.0,0.0,-0.16899999976158142,0,72.97800016077235
+2024-04-07 10:32:58.586429,5.55577,555,-3.6946623136169925,-14.805022087486758,0.0,0.9828000068664551,0.0,0.0,-0.22114999804645777,-0.00455000137910247,9.802699967384337,0.0,0.0,-0.25999999046325684,0,72.97800016077235
+2024-04-07 10:32:58.593335,5.562676,556,-3.6946623136169925,-14.805022087486758,0.0,0.9828000068664551,0.0,0.0,-0.216849997676909,-0.006750001367181541,9.804899970054624,0.0,0.0,-0.25999999046325684,0,72.97800016077235
+2024-04-07 10:32:58.602745,5.572086,557,-3.6946623136169925,-14.805022087486758,0.0,0.9828000068664551,0.0,0.0,-0.21474999774247408,-0.010050001498311756,9.80909996128082,0.0,0.0,-0.25999999046325684,0,72.97800016077235
+2024-04-07 10:32:58.611918,5.581259,558,-3.6946623136169925,-14.805022087486758,0.0,0.9828000068664551,0.0,0.0,-0.21164999801665546,-0.012050001453608267,9.805499955177305,0.0,0.0,-0.25999999046325684,0,72.97800016077235
+2024-04-07 10:32:58.626510,5.595851,559,-3.700223353463812,-14.80549078293618,0.0,0.9396000266075134,0.0,0.0,-0.20914999786764382,-0.015550001468509433,9.802499953269956,0.0,0.0,-0.24199999868869781,0,72.97800016077235
+2024-04-07 10:32:58.632238,5.601579,560,-3.700223353463812,-14.80549078293618,0.0,0.9396000266075134,0.0,0.0,-0.20664999801665546,-0.018450001366436458,9.804499951362608,0.0,0.0,-0.24199999868869781,0,72.97800016077235
+2024-04-07 10:32:58.642433,5.611774,561,-3.700223353463812,-14.80549078293618,0.0,0.9396000266075134,0.0,0.0,-0.20494999784976242,-0.02055000141263008,9.806799946784972,0.0,0.0,-0.24199999868869781,0,72.97800016077235
+2024-04-07 10:32:58.653829,5.62317,562,-3.700223353463812,-14.80549078293618,0.0,0.9396000266075134,0.0,0.0,-0.20244999773800373,-0.02235000140964985,9.80439994907379,0.0,0.0,-0.24199999868869781,0,72.97800016077235
+2024-04-07 10:32:58.662682,5.632023,563,-3.705880531296935,-14.805935737004189,0.0,0.9,0.0,0.0,-0.19904999770224094,-0.0246500015258789,9.800999947547911,0.0,0.0,-0.2199999988079071,0,72.97800016077235
+2024-04-07 10:32:58.672951,5.642292,564,-3.705880531296935,-14.805935737004189,0.0,0.9,0.0,0.0,-0.19704999765381218,-0.026350001394748676,9.803599949836729,0.0,0.0,-0.2199999988079071,0,72.97800016077235
+2024-04-07 10:32:58.681359,5.6507,565,-3.705880531296935,-14.805935737004189,0.0,0.9,0.0,0.0,-0.19414999758824708,-0.02725000143051147,9.804399958610533,0.0,0.0,-0.2199999988079071,0,72.97800016077235
+2024-04-07 10:32:58.695179,5.66452,566,-3.705880531296935,-14.805935737004189,0.0,0.9,0.0,0.0,-0.191949997600168,-0.02745000138878821,9.804399958610533,0.0,0.0,-0.2199999988079071,0,72.97800016077235
+2024-04-07 10:32:58.702735,5.672076,567,-3.71168886831688,-14.806240930338632,0.0,0.8568000197410583,0.0,0.0,-0.19034999763593077,-0.027650001198053345,9.802999964714049,0.0,0.0,-0.17399999499320984,0,72.97800016077235
+2024-04-07 10:32:58.711127,5.680468,568,-3.71168886831688,-14.806240930338632,0.0,0.8568000197410583,0.0,0.0,-0.1882499977014959,-0.02775000110268591,9.804899960517881,0.0,0.0,-0.17399999499320984,0,72.97800016077235
+2024-04-07 10:32:58.723564,5.692905,569,-3.71168886831688,-14.806240930338632,0.0,0.8568000197410583,0.0,0.0,-0.1881499977968633,-0.028050001114606843,9.806399956703185,0.0,0.0,-0.17399999499320984,0,72.97800016077235
+2024-04-07 10:32:58.732580,5.701921,570,-3.71168886831688,-14.806240930338632,0.0,0.8568000197410583,0.0,0.0,-0.18894999777898192,-0.027350001186132428,9.805599957466123,0.0,0.0,-0.17399999499320984,0,72.97800016077235
+2024-04-07 10:32:58.746603,5.715944,571,-3.717845663503643,-14.806411552675101,0.0,0.8423999905586242,0.0,0.0,-0.18884999772533773,-0.026050001159310332,9.804599953651426,0.0,0.0,-0.13099999725818634,0,72.97800016077235
+2024-04-07 10:32:58.751179,5.72052,572,-3.717845663503643,-14.806411552675101,0.0,0.8423999905586242,0.0,0.0,-0.19034999769181013,-0.02545000113546847,9.804699955940245,0.0,0.0,-0.13099999725818634,0,72.97800016077235
+2024-04-07 10:32:58.761753,5.731094,573,-3.717845663503643,-14.806411552675101,0.0,0.8423999905586242,0.0,0.0,-0.1904499976709485,-0.024950001165270796,9.804999953269956,0.0,0.0,-0.13099999725818634,0,72.97800016077235
+2024-04-07 10:32:58.775551,5.744892,574,-3.717845663503643,-14.806411552675101,0.0,0.8423999905586242,0.0,0.0,-0.19274999771267176,-0.025050001218914986,9.803199950218199,0.0,0.0,-0.13099999725818634,0,72.97800016077235
+2024-04-07 10:32:58.781606,5.750947,575,-3.7242452108555923,-14.80642189967173,0.0,0.8135999858379365,0.0,0.0,-0.19234999772161246,-0.026050001159310332,9.801999951362609,0.0,0.0,-0.07999999821186066,0,72.97800016077235
+2024-04-07 10:32:58.791850,5.761191,576,-3.7242452108555923,-14.80642189967173,0.0,0.8135999858379365,0.0,0.0,-0.1922499977424741,-0.027050001099705692,9.804899950981138,0.0,0.0,-0.07999999821186066,0,72.97800016077235
+2024-04-07 10:32:58.801057,5.770398,577,-3.7242452108555923,-14.80642189967173,0.0,0.8135999858379365,0.0,0.0,-0.19354999775066972,-0.028550001010298726,9.80429994678497,0.0,0.0,-0.07999999821186066,0,72.97800016077235
+2024-04-07 10:32:58.811130,5.780471,578,-3.7242452108555923,-14.80642189967173,0.0,0.8135999858379365,0.0,0.0,-0.19404999779537319,-0.030950001105666147,9.803799944877623,0.0,0.0,-0.07999999821186066,0,72.97800016077235
+2024-04-07 10:32:58.829767,5.799108,579,-3.730792345186543,-14.806275437172902,0.0,0.7631999909877777,0.0,0.0,-0.19454999776557086,-0.032650001123547545,9.802499943733213,0.0,0.0,-0.041999999433755875,0,72.97800016077235
+2024-04-07 10:32:58.835524,5.804865,580,-3.730792345186543,-14.806275437172902,0.0,0.7631999909877777,0.0,0.0,-0.19424999775364996,-0.03505000103265046,9.802799941062926,0.0,0.0,-0.041999999433755875,0,72.97800016077235
+2024-04-07 10:32:58.841820,5.811161,581,-3.730792345186543,-14.806275437172902,0.0,0.7631999909877777,0.0,0.0,-0.19264999775215985,-0.03735000107437371,9.80329993343353,0.0,0.0,-0.041999999433755875,0,72.97800016077235
+2024-04-07 10:32:58.852441,5.821782,582,-3.730792345186543,-14.806275437172902,0.0,0.7631999909877777,0.0,0.0,-0.18914999766275287,-0.03935000110417604,9.802899933815,0.0,0.0,-0.041999999433755875,0,72.97800016077235
+2024-04-07 10:32:58.865267,5.834608,583,-3.7375155211181696,-14.806001875169445,0.0,0.7595999836921692,0.0,0.0,-0.1841499978117645,-0.042050001043826335,9.801899939537046,0.0,0.0,-0.041999999433755875,0,72.97800016077235
+2024-04-07 10:32:58.875561,5.844902,584,-3.7375155211181696,-14.806001875169445,0.0,0.7595999836921692,0.0,0.0,-0.17774999795481564,-0.0446500010602176,9.802199936866758,0.0,0.0,-0.041999999433755875,0,72.97800016077235
+2024-04-07 10:32:58.884216,5.853557,585,-3.7375155211181696,-14.806001875169445,0.0,0.7595999836921692,0.0,0.0,-0.17254999769851564,-0.04645000105723737,9.80339993572235,0.0,0.0,-0.041999999433755875,0,72.97800016077235
+2024-04-07 10:32:58.896608,5.865949,586,-3.7375155211181696,-14.806001875169445,0.0,0.7595999836921692,0.0,0.0,-0.16804999781772495,-0.04795000111684203,9.800399933815001,0.0,0.0,-0.041999999433755875,0,72.97800016077235
+2024-04-07 10:32:58.906265,5.875606,587,-3.744424800796777,-14.805585191229671,0.0,0.7704000055789948,0.0,0.0,-0.16264999760314822,-0.04835000112652778,9.797399931907652,0.0,0.0,-0.07999999821186066,0,72.97800016077235
+2024-04-07 10:32:58.913421,5.882762,588,-3.744424800796777,-14.805585191229671,0.0,0.7704000055789948,0.0,0.0,-0.15904999746009707,-0.05045000117272137,9.795099926948545,0.0,0.0,-0.07999999821186066,0,72.97800016077235
+2024-04-07 10:32:58.921618,5.890959,589,-3.744424800796777,-14.805585191229671,0.0,0.7704000055789948,0.0,0.0,-0.15864999724552037,-0.051950001232326015,9.7960999212265,0.0,0.0,-0.07999999821186066,0,72.97800016077235
+2024-04-07 10:32:58.931596,5.900937,590,-3.744424800796777,-14.805585191229671,0.0,0.7704000055789948,0.0,0.0,-0.15644999755546452,-0.052250001244246946,9.79649992084503,0.0,0.0,-0.07999999821186066,0,72.97800016077235
+2024-04-07 10:32:58.941778,5.911119,591,-3.7515073392172336,-14.804990534626658,0.0,0.7631999909877777,0.0,0.0,-0.15574999762699007,-0.0528500011190772,9.79399992084503,0.0,0.0,-0.09300000220537186,0,72.97800016077235
+2024-04-07 10:32:58.954731,5.924072,592,-3.7515073392172336,-14.804990534626658,0.0,0.7631999909877777,0.0,0.0,-0.15374999744817613,-0.05315000098198651,9.79399992084503,0.0,0.0,-0.09300000220537186,0,72.97800016077235
+2024-04-07 10:32:58.964555,5.933896,593,-3.7515073392172336,-14.804990534626658,0.0,0.7631999909877777,0.0,0.0,-0.15124999774619938,-0.054050000868737694,9.795399924278257,0.0,0.0,-0.09300000220537186,0,72.97800016077235
+2024-04-07 10:32:58.974025,5.943366,594,-3.7515073392172336,-14.804990534626658,0.0,0.7631999909877777,0.0,0.0,-0.14684999762102963,-0.054950000755488865,9.797199927330015,0.0,0.0,-0.09300000220537186,0,72.97800016077235
+2024-04-07 10:32:58.983169,5.95251,595,-3.75892119157904,-14.804226245335817,0.0,0.6839999914169311,0.0,0.0,-0.14104999748989938,-0.0556500008329749,9.797099925041197,0.0,0.0,-0.09099999815225601,0,72.97800016077235
+2024-04-07 10:32:58.991818,5.961159,596,-3.75892119157904,-14.804226245335817,0.0,0.6839999914169311,0.0,0.0,-0.1356499975733459,-0.05555000077933073,9.796399918556212,0.0,0.0,-0.09099999815225601,0,72.97800016077235
+2024-04-07 10:32:59.004980,5.974321,597,-3.75892119157904,-14.804226245335817,0.0,0.6839999914169311,0.0,0.0,-0.13034999741241335,-0.054150000847876065,9.798199912071226,0.0,0.0,-0.09099999815225601,0,72.97800016077235
+2024-04-07 10:32:59.016062,5.985403,598,-3.75892119157904,-14.804226245335817,0.0,0.6839999914169311,0.0,0.0,-0.1250499971024692,-0.05375000081956385,9.799099913597106,0.0,0.0,-0.09099999815225601,0,72.97800016077235
+2024-04-07 10:32:59.032166,6.001507,599,-3.766319634974466,-14.803340338847983,0.0,0.6551999866962434,0.0,0.0,-0.12014999715611338,-0.05495000079274176,9.798399916648863,0.0,0.0,-0.07500000298023224,0,72.97800016077235
+2024-04-07 10:32:59.035314,6.004655,600,-3.766319634974466,-14.803340338847983,0.0,0.6551999866962434,0.0,0.0,-0.11574999717995524,-0.05565000079572199,9.798199912071226,0.0,0.0,-0.07500000298023224,0,72.97800016077235
+2024-04-07 10:32:59.041539,6.01088,601,-3.766319634974466,-14.803340338847983,0.0,0.6551999866962434,0.0,0.0,-0.11154999746009707,-0.055850000791251644,9.799899912834166,0.0,0.0,-0.07500000298023224,0,72.97800016077235
+2024-04-07 10:32:59.054896,6.024237,602,-3.766319634974466,-14.803340338847983,0.0,0.6551999866962434,0.0,0.0,-0.10894999733194709,-0.055550000797957175,9.800799914360045,0.0,0.0,-0.07500000298023224,0,72.97800016077235
+2024-04-07 10:32:59.070509,6.03985,603,-3.7736798284242847,-14.802358680260221,0.0,0.629999989271164,0.0,0.0,-0.10594999739900232,-0.05495000081136822,9.800799914360045,0.0,0.0,-0.07800000160932541,0,72.97800016077235
+2024-04-07 10:32:59.075815,6.045156,604,-3.7736798284242847,-14.802358680260221,0.0,0.629999989271164,0.0,0.0,-0.10354999735951423,-0.05515000080689787,9.799499913215636,0.0,0.0,-0.07800000160932541,0,72.97800016077235
+2024-04-07 10:32:59.083157,6.052498,605,-3.7736798284242847,-14.802358680260221,0.0,0.629999989271164,0.0,0.0,-0.0995499972999096,-0.05485000081360339,9.799399910926818,0.0,0.0,-0.07800000160932541,0,72.97800016077235
+2024-04-07 10:32:59.091844,6.061185,606,-3.7736798284242847,-14.802358680260221,0.0,0.629999989271164,0.0,0.0,-0.09624999720603228,-0.05455000087618826,9.799599915504453,0.0,0.0,-0.07800000160932541,0,72.97800016077235
+2024-04-07 10:32:59.102247,6.071588,607,-3.781102116029937,-14.801259758492955,0.0,0.6192000210285187,0.0,0.0,-0.09164999704807997,-0.05465000078082084,9.798199912071226,0.0,0.0,-0.07000000029802322,0,72.97800016077235
+2024-04-07 10:32:59.111456,6.080797,608,-3.781102116029937,-14.801259758492955,0.0,0.6192000210285187,0.0,0.0,-0.08674999717622996,-0.05495000064373015,9.797799912452696,0.0,0.0,-0.07000000029802322,0,72.97800016077235
+2024-04-07 10:32:59.122637,6.091978,609,-3.781102116029937,-14.801259758492955,0.0,0.6192000210285187,0.0,0.0,-0.08094999706372619,-0.05535000070929526,9.798599921226499,0.0,0.0,-0.07000000029802322,0,72.97800016077235
+2024-04-07 10:32:59.132127,6.101468,610,-3.781102116029937,-14.801259758492955,0.0,0.6192000210285187,0.0,0.0,-0.07624999715015293,-0.05655000068247318,9.799499922752378,0.0,0.0,-0.07000000029802322,0,72.97800016077235
+2024-04-07 10:32:59.144145,6.113486,611,-3.7885853203177002,-14.800059529722189,0.0,0.6083999991416932,0.0,0.0,-0.07284999741241335,-0.05745000071823596,9.798799925804136,0.0,0.0,-0.0729999989271164,0,72.97800016077235
+2024-04-07 10:32:59.151878,6.121219,612,-3.7885853203177002,-14.800059529722189,0.0,0.6083999991416932,0.0,0.0,-0.06944999722763896,-0.05775000073015689,9.79939992046356,0.0,0.0,-0.0729999989271164,0,72.97800016077235
+2024-04-07 10:32:59.161803,6.131144,613,-3.7885853203177002,-14.800059529722189,0.0,0.6083999991416932,0.0,0.0,-0.06634999750182033,-0.05805000074207782,9.800299921989438,0.0,0.0,-0.0729999989271164,0,72.97800016077235
+2024-04-07 10:32:59.175213,6.144554,614,-3.7885853203177002,-14.800059529722189,0.0,0.6083999991416932,0.0,0.0,-0.06324999747797846,-0.05705000080168246,9.800099917411803,0.0,0.0,-0.0729999989271164,0,72.97800016077235
+2024-04-07 10:32:59.182639,6.15198,615,-3.7961428233744097,-14.798751432109844,0.0,0.6515999794006347,0.0,0.0,-0.06204999772831798,-0.05555000072345137,9.798799925804136,0.0,0.0,-0.04500000178813934,0,72.97800016077235
+2024-04-07 10:32:59.191747,6.161088,616,-3.7961428233744097,-14.798751432109844,0.0,0.6515999794006347,0.0,0.0,-0.060749997776001693,-0.0535500007495284,9.797599926948546,0.0,0.0,-0.04500000178813934,0,72.97800016077235
+2024-04-07 10:32:59.205519,6.17486,617,-3.7961428233744097,-14.798751432109844,0.0,0.6515999794006347,0.0,0.0,-0.060249997656792405,-0.05155000071972607,9.799099923133848,0.0,0.0,-0.04500000178813934,0,72.97800016077235
+2024-04-07 10:32:59.212547,6.181888,618,-3.7961428233744097,-14.798751432109844,0.0,0.6515999794006347,0.0,0.0,-0.060349997859448196,-0.05045000065118073,9.800099926948546,0.0,0.0,-0.04500000178813934,0,72.97800016077235
+2024-04-07 10:32:59.226012,6.195353,619,-3.7979972091444245,-14.798409519662291,0.0,0.6515999794006347,0.0,0.0,-0.060349997859448196,-0.05085000066086649,9.799299927711486,0.0,0.0,-0.04500000178813934,0,72.97800016077235
+2024-04-07 10:32:59.232628,6.201969,620,-3.8038746507900414,-14.797325247704709,0.0,0.7272000253200531,0.0,0.0,-0.06134999809786677,-0.051150000672787424,9.799199925422666,0.0,0.0,-0.03200000151991844,0,72.97800016077235
+2024-04-07 10:32:59.242359,6.2117,621,-3.8038746507900414,-14.797325247704709,0.0,0.7272000253200531,0.0,0.0,-0.06224999813362956,-0.05045000068843364,9.798799925804136,0.0,0.0,-0.03200000151991844,0,72.97800016077235
+2024-04-07 10:32:59.252689,6.22203,622,-3.8038746507900414,-14.797325247704709,0.0,0.7272000253200531,0.0,0.0,-0.06414999840781092,-0.049450000673532474,9.797999926567076,0.0,0.0,-0.03200000151991844,0,72.97800016077235
+2024-04-07 10:32:59.262358,6.231699,623,-3.8098086272785587,-14.796186018360384,0.0,0.7847999811172486,0.0,0.0,-0.06484999863430857,-0.04805000068619847,9.796299925804137,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:59.272758,6.242099,624,-3.813897247724439,-14.795388172159797,0.0,0.7847999811172486,0.0,0.0,-0.06664999870583416,-0.04655000070109963,9.795999918937682,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:59.290270,6.259611,625,-3.813897247724439,-14.795388172159797,0.0,0.7847999811172486,0.0,0.0,-0.06834999857470393,-0.04535000072792171,9.79689992046356,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:59.294640,6.263981,626,-3.813897247724439,-14.795388172159797,0.0,0.7847999811172486,0.0,0.0,-0.07474999871104956,-0.04605000080540775,9.797199917793272,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:59.301768,6.271109,627,-3.813897247724439,-14.795388172159797,0.0,0.7847999811172486,0.0,0.0,-0.08284999888390303,-0.04735000086948274,9.797099915504454,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:59.312539,6.28188,628,-3.82232758823939,-14.793711697529451,0.0,0.8387999832630157,0.0,0.0,-0.08964999880641698,-0.05015000078827142,9.795999918937682,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:59.322060,6.291401,629,-3.82232758823939,-14.793711697529451,0.0,0.8387999832630157,0.0,0.0,-0.09864999886602163,-0.05285000093281268,9.796199913978574,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:59.338734,6.308075,630,-3.82232758823939,-14.793711697529451,0.0,0.8387999832630157,0.0,0.0,-0.10594999875873327,-0.05595000088214873,9.795599909782409,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:59.342785,6.312126,631,-3.82232758823939,-14.793711697529451,0.0,0.8387999832630157,0.0,0.0,-0.11324999894946813,-0.05895000092685222,9.799099913597106,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:59.352093,6.321434,632,-3.8310622669723045,-14.791936453670129,0.0,0.8387999832630157,0.0,0.0,-0.11764999907463788,-0.06145000107586383,9.800299921989438,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:59.365485,6.334826,633,-3.8310622669723045,-14.791936453670129,0.0,0.8387999832630157,0.0,0.0,-0.12184999901801348,-0.06415000099688767,9.801699925422666,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:59.371699,6.34104,634,-3.8310622669723045,-14.791936453670129,0.0,0.8387999832630157,0.0,0.0,-0.12524999897927047,-0.06675000105053186,9.80439992046356,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:59.396563,6.365904,635,-3.8310622669723045,-14.791936453670129,0.0,0.8387999832630157,0.0,0.0,-0.12984999887645243,-0.0686500011011958,9.80649992084503,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:59.396625,6.365966,636,-3.8310622669723045,-14.791936453670129,0.0,0.8387999832630157,0.0,0.0,-0.13584999861195685,-0.06935000102967023,9.806799918174741,0.0,0.0,0.0,0,72.97800016077235
+2024-04-07 10:32:59.404581,6.373922,637,-3.8426090976072995,-14.78952467182454,0.0,0.7956000030040741,0.0,0.0,-0.14034999864175915,-0.06845000099390744,9.806199923515319,0.0,0.0,-0.017000000923871994,0,72.97800016077235
+2024-04-07 10:32:59.412733,6.382074,638,-3.8448029505816828,-14.789046685208696,0.0,0.7956000030040741,0.0,0.0,-0.14714999860152603,-0.0677500009164214,9.806799927711484,0.0,0.0,-0.017000000923871994,0,72.97800016077235
+2024-04-07 10:32:59.421639,6.39098,639,-3.847182857233455,-14.788536537767031,0.0,0.7524000227451325,0.0,0.0,-0.152349998857826,-0.06755000095814466,9.806299925804137,0.0,0.0,-0.019999999552965164,0,72.97800016077235
+2024-04-07 10:32:59.431850,6.401191,640,-3.847182857233455,-14.788536537767031,0.0,0.7524000227451325,0.0,0.0,-0.15834999887272716,-0.06745000097900627,9.804699927330015,0.0,0.0,-0.019999999552965164,0,72.97800016077235
+2024-04-07 10:32:59.441990,6.411331,641,-3.847182857233455,-14.788536537767031,0.0,0.7524000227451325,0.0,0.0,-0.16404999857768415,-0.06945000089704989,9.804299927711485,0.0,0.0,-0.019999999552965164,0,72.97800016077235
+2024-04-07 10:32:59.452014,6.421355,642,-3.847182857233455,-14.788536537767031,0.0,0.7524000227451325,0.0,0.0,-0.16884999828413128,-0.07015000097453593,9.80669993495941,0.0,0.0,-0.019999999552965164,0,72.97800016077235
+2024-04-07 10:32:59.462031,6.431372,643,-3.856199832876853,-14.786542930946174,0.0,0.6696000158786773,0.0,0.0,-0.1745499980263412,-0.07025000095367431,9.80459993457794,0.0,0.0,-0.05299999937415123,0,72.97800016077235
+2024-04-07 10:32:59.472465,6.441806,644,-3.856199832876853,-14.786542930946174,0.0,0.6696000158786773,0.0,0.0,-0.17924999801442026,-0.06925000093877315,9.802199936866758,0.0,0.0,-0.05299999937415123,0,72.97800016077235
+2024-04-07 10:32:59.497457,6.466798,645,-3.856199832876853,-14.786542930946174,0.0,0.6696000158786773,0.0,0.0,-0.18264999775215984,-0.0677500009164214,9.798099938392637,0.0,0.0,-0.05299999937415123,0,72.97800016077235
+2024-04-07 10:32:59.497541,6.466882,646,-3.856199832876853,-14.786542930946174,0.0,0.6696000158786773,0.0,0.0,-0.18454999757930635,-0.06585000090301035,9.79959993457794,0.0,0.0,-0.05299999937415123,0,72.97800016077235
+2024-04-07 10:32:59.509589,6.47893,647,-3.8650398910128225,-14.784522330374896,0.0,0.6011999845504761,0.0,0.0,-0.18574999762699007,-0.0627500008791685,9.800299941062926,0.0,0.0,-0.05299999937415123,0,72.97800016077235
+2024-04-07 10:32:59.517345,6.486686,648,-3.8650398910128225,-14.784522330374896,0.0,0.6011999845504761,0.0,0.0,-0.18764999765902757,-0.05995000086724757,9.800999938011168,0.0,0.0,-0.05299999937415123,0,72.97800016077235
+2024-04-07 10:32:59.522114,6.491455,649,-3.8650398910128225,-14.784522330374896,0.0,0.6011999845504761,0.0,0.0,-0.18834999773651362,-0.05715000085532665,9.799699936866759,0.0,0.0,-0.05299999937415123,0,72.97800016077235
+2024-04-07 10:32:59.533026,6.502367,650,-3.8650398910128225,-14.784522330374896,0.0,0.6011999845504761,0.0,0.0,-0.18854999776929615,-0.056250000819563856,9.799099932670591,0.0,0.0,-0.05299999937415123,0,72.97800016077235
+2024-04-07 10:32:59.544521,6.513862,651,-3.871432603987951,-14.783021432794056,0.0,0.6011999845504761,0.0,0.0,-0.18834999777376651,-0.05535000082105397,9.799999934196471,0.0,0.0,-0.05299999937415123,0,72.97800016077235
+2024-04-07 10:32:59.552064,6.521405,652,-3.873647554348192,-14.782502727344854,0.0,0.5400000214576721,0.0,0.0,-0.18654999781399967,-0.05575000084936618,9.801899930000303,0.0,0.0,-0.057999998331069946,0,72.97800016077235
+2024-04-07 10:32:59.564346,6.533687,653,-3.873647554348192,-14.782502727344854,0.0,0.5400000214576721,0.0,0.0,-0.1834499978646636,-0.056450000852346416,9.80369993305206,0.0,0.0,-0.057999998331069946,0,72.97800016077235
+2024-04-07 10:32:59.571720,6.541061,654,-3.873647554348192,-14.782502727344854,0.0,0.5400000214576721,0.0,0.0,-0.180149997882545,-0.055250000879168495,9.805299941062925,0.0,0.0,-0.057999998331069946,0,72.97800016077235
+2024-04-07 10:32:59.586028,6.555369,655,-3.881692183037604,-14.78056096861516,0.0,0.5400000214576721,0.0,0.0,-0.17794999789446592,-0.053350000903010356,9.806899939537047,0.0,0.0,-0.057999998331069946,0,72.97800016077235
+2024-04-07 10:32:59.592103,6.561444,656,-3.881692183037604,-14.78056096861516,0.0,0.5400000214576721,0.0,0.0,-0.17544999796897173,-0.05025000095367431,9.805799942970275,0.0,0.0,-0.057999998331069946,0,72.97800016077235
+2024-04-07 10:32:59.602587,6.571928,657,-3.881692183037604,-14.78056096861516,0.0,0.5400000214576721,0.0,0.0,-0.17354999793693424,-0.04685000091791151,9.80429994678497,0.0,0.0,-0.057999998331069946,0,72.97800016077235
+2024-04-07 10:32:59.617166,6.586507,658,-3.881692183037604,-14.78056096861516,0.0,0.5400000214576721,0.0,0.0,-0.17134999794885516,-0.0452500008791685,9.80519994831085,0.0,0.0,-0.057999998331069946,0,72.97800016077235
+2024-04-07 10:32:59.622635,6.591976,659,-3.889487795744349,-14.778652226042052,0.0,0.5112000167369842,0.0,0.0,-0.17054999796673656,-0.04325000084936617,9.804999953269956,0.0,0.0,-0.08799999952316284,0,73.20200016768649
+2024-04-07 10:32:59.631437,6.600778,660,-3.889487795744349,-14.778652226042052,0.0,0.5112000167369842,0.0,0.0,-0.16814999794587493,-0.041550000850111235,9.804099951744078,0.0,0.0,-0.08799999952316284,0,73.20200016768649
+2024-04-07 10:32:59.642263,6.611604,661,-3.889487795744349,-14.778652226042052,0.0,0.5112000167369842,0.0,0.0,-0.16534999800845981,-0.03995000077411531,9.803499957084654,0.0,0.0,-0.08799999952316284,0,73.20200016768649
+2024-04-07 10:32:59.652387,6.621728,662,-3.889487795744349,-14.778652226042052,0.0,0.5112000167369842,0.0,0.0,-0.16414999799802898,-0.038750000800937406,9.805199957847593,0.0,0.0,-0.08799999952316284,0,73.20200016768649
+2024-04-07 10:32:59.664012,6.633353,663,-3.8953526936198766,-14.777212703647905,0.0,0.5219999849796295,0.0,0.0,-0.16234999792650343,-0.038350000809878104,9.806499958992003,0.0,0.0,-0.057999998331069946,0,73.20200016768649
+2024-04-07 10:32:59.671940,6.641281,664,-3.897199116743605,-14.776755669084965,0.0,0.5219999849796295,0.0,0.0,-0.16074999798089265,-0.03805000087246298,9.804599953651426,0.0,0.0,-0.057999998331069946,0,73.20200016768649
+2024-04-07 10:32:59.682390,6.651731,665,-3.897199116743605,-14.776755669084965,0.0,0.5219999849796295,0.0,0.0,-0.15894999798387288,-0.039250000845640884,9.804599953651426,0.0,0.0,-0.057999998331069946,0,73.20200016768649
+2024-04-07 10:32:59.695034,6.664375,666,-3.897199116743605,-14.776755669084965,0.0,0.5219999849796295,0.0,0.0,-0.15694999795407055,-0.04105000084266065,9.804199954032896,0.0,0.0,-0.057999998331069946,0,73.20200016768649
+2024-04-07 10:32:59.707480,6.676821,667,-3.906966900028656,-14.774369244103166,0.0,0.5003999948501587,0.0,0.0,-0.15484999801963567,-0.042950000967830415,9.80519994831085,0.0,0.0,-0.03700000047683716,0,73.20200016768649
+2024-04-07 10:32:59.717926,6.687267,668,-3.906966900028656,-14.774369244103166,0.0,0.5003999948501587,0.0,0.0,-0.15284999802708626,-0.043550000991672264,9.804599953651426,0.0,0.0,-0.03700000047683716,0,73.20200016768649
+2024-04-07 10:32:59.722371,6.691712,669,-3.906966900028656,-14.774369244103166,0.0,0.5003999948501587,0.0,0.0,-0.15064999796450138,-0.04425000092014669,9.805599957466123,0.0,0.0,-0.03700000047683716,0,73.20200016768649
+2024-04-07 10:32:59.733437,6.702778,670,-3.906966900028656,-14.774369244103166,0.0,0.5003999948501587,0.0,0.0,-0.14784999798983336,-0.04615000085905194,9.805699959754943,0.0,0.0,-0.03700000047683716,0,73.20200016768649
+2024-04-07 10:32:59.747172,6.716513,671,-3.906966900028656,-14.774369244103166,0.0,0.5003999948501587,0.0,0.0,-0.14614999804645776,-0.04765000088140367,9.804899960517881,0.0,0.0,-0.03700000047683716,0,73.20200016768649
+2024-04-07 10:32:59.752038,6.721379,672,-3.913937962008939,-14.77261846084941,0.0,0.518399977684021,0.0,0.0,-0.14424999808892608,-0.04925000084564089,9.804799958229063,0.0,0.0,-0.017000000923871994,0,73.20200016768649
+2024-04-07 10:32:59.762463,6.731804,673,-3.913937962008939,-14.77261846084941,0.0,0.518399977684021,0.0,0.0,-0.1428499981202185,-0.05035000083968043,9.806299954414365,0.0,0.0,-0.017000000923871994,0,73.20200016768649
+2024-04-07 10:32:59.771414,6.740755,674,-3.913937962008939,-14.77261846084941,0.0,0.518399977684021,0.0,0.0,-0.1408499981276691,-0.05105000076815484,9.806399956703185,0.0,0.0,-0.017000000923871994,0,73.20200016768649
+2024-04-07 10:32:59.784535,6.753876,675,-3.913937962008939,-14.77261846084941,0.0,0.518399977684021,0.0,0.0,-0.1408499981276691,-0.051150000672787424,9.805499964714048,0.0,0.0,-0.017000000923871994,0,73.20200016768649
+2024-04-07 10:32:59.797060,6.766401,676,-3.913937962008939,-14.77261846084941,0.0,0.518399977684021,0.0,0.0,-0.1408499981276691,-0.05095000071451067,9.805599967002866,0.0,0.0,-0.017000000923871994,0,73.20200016768649
+2024-04-07 10:32:59.802324,6.771665,677,-3.921084723170474,-14.770836114652358,0.0,0.5328000068664551,0.0,0.0,-0.14004999808967114,-0.05145000068470834,9.806099968910216,0.0,0.0,-0.019999999552965164,0,73.20200016768649
+2024-04-07 10:32:59.831418,6.800759,678,-3.921084723170474,-14.770836114652358,0.0,0.5328000068664551,0.0,0.0,-0.14044999808073044,-0.05195000065490603,9.805499974250791,0.0,0.0,-0.019999999552965164,0,73.20200016768649
+2024-04-07 10:32:59.831502,6.800843,679,-3.921084723170474,-14.770836114652358,0.0,0.5328000068664551,0.0,0.0,-0.14034999810159207,-0.0520500006340444,9.805899973869321,0.0,0.0,-0.019999999552965164,0,73.20200016768649
+2024-04-07 10:32:59.835742,6.805083,680,-3.921084723170474,-14.770836114652358,0.0,0.5328000068664551,0.0,0.0,-0.14084999807178974,-0.05095000067725777,9.80719997501373,0.0,0.0,-0.019999999552965164,0,73.20200016768649
+2024-04-07 10:32:59.854056,6.823397,681,-3.928324737633599,-14.76902645338396,0.0,0.5364000141620636,0.0,0.0,-0.1410499981045723,-0.0487500006891787,9.80849997615814,0.0,0.0,-0.012000000104308128,0,73.20200016768649
+2024-04-07 10:32:59.854166,6.823507,682,-3.928324737633599,-14.76902645338396,0.0,0.5364000141620636,0.0,0.0,-0.1410499981045723,-0.047050000671297304,9.80889997577667,0.0,0.0,-0.012000000104308128,0,73.20200016768649
+2024-04-07 10:32:59.863715,6.833056,683,-3.928324737633599,-14.76902645338396,0.0,0.5364000141620636,0.0,0.0,-0.14084999807178974,-0.04545000072568654,9.809999972343443,0.0,0.0,-0.012000000104308128,0,73.20200016768649
+2024-04-07 10:32:59.872071,6.841412,684,-3.93498593061476,-14.767327878754182,0.0,0.5328000068664551,0.0,0.0,-0.14154999803751706,-0.043750000745058054,9.810699978828428,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:32:59.883960,6.853301,685,-3.93498593061476,-14.767327878754182,0.0,0.5328000068664551,0.0,0.0,-0.13874999802559615,-0.04235000073909759,9.810399981498717,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:32:59.894666,6.864007,686,-3.93498593061476,-14.767327878754182,0.0,0.5328000068664551,0.0,0.0,-0.13534999798983335,-0.041450000703334794,9.811199980735777,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:32:59.902608,6.871949,687,-3.93498593061476,-14.767327878754182,0.0,0.5328000068664551,0.0,0.0,-0.13144999798387288,-0.04065000070258974,9.812599984169005,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:32:59.919384,6.888725,688,-3.9415394135810238,-14.765655915326423,0.0,0.5364000141620636,0.0,0.0,-0.12744999792426825,-0.03975000070407986,9.81409998989105,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:32:59.922798,6.892139,689,-3.9415394135810238,-14.765655915326423,0.0,0.5364000141620636,0.0,0.0,-0.1226499980315566,-0.03965000065043568,9.814499989509581,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:32:59.936385,6.905726,690,-3.9415394135810238,-14.765655915326423,0.0,0.5364000141620636,0.0,0.0,-0.11784999795258046,-0.04055000064894557,9.814699984550474,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:32:59.942401,6.911742,691,-3.9415394135810238,-14.765655915326423,0.0,0.5364000141620636,0.0,0.0,-0.11444999802857637,-0.04215000068768858,9.813999987602232,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:32:59.951964,6.921305,692,-3.9480454421621682,-14.764008343264868,0.0,0.5543999969959259,0.0,0.0,-0.11054999798536301,-0.04375000072643159,9.812999983787535,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:32:59.972579,6.94192,693,-3.9480454421621682,-14.764008343264868,0.0,0.5543999969959259,0.0,0.0,-0.1072499979659915,-0.04485000072047113,9.81269997692108,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:32:59.973105,6.942446,694,-3.9480454421621682,-14.764008343264868,0.0,0.5543999969959259,0.0,0.0,-0.10454999793320895,-0.04555000072345136,9.811799975395202,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:32:59.988750,6.958091,695,-3.9480454421621682,-14.764008343264868,0.0,0.5543999969959259,0.0,0.0,-0.10214999783784151,-0.04695000072941183,9.811999979972837,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:33:00.019432,6.988773,696,-3.9575504266201946,-14.761617766063589,0.0,0.561600011587143,0.0,0.0,-0.0996499977633357,-0.04795000066980719,9.811799984931945,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:33:00.022310,6.991651,697,-3.9575504266201946,-14.761617766063589,0.0,0.561600011587143,0.0,0.0,-0.0971499977633357,-0.04865000059828162,9.811799984931945,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:33:00.022376,6.991717,698,-3.9575504266201946,-14.761617766063589,0.0,0.561600011587143,0.0,0.0,-0.09564999781548977,-0.04775000063702463,9.812399979591367,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:33:00.029300,6.998641,699,-3.9575504266201946,-14.761617766063589,0.0,0.561600011587143,0.0,0.0,-0.09414999781176447,-0.04575000068172812,9.812499981880187,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:33:00.035755,7.005096,700,-3.9575504266201946,-14.761617766063589,0.0,0.561600011587143,0.0,0.0,-0.09264999786391855,-0.043450000714510675,9.812299986839292,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:33:00.043040,7.012381,701,-3.9575504266201946,-14.761617766063589,0.0,0.561600011587143,0.0,0.0,-0.09144999787211418,-0.041950000710785376,9.811499987602232,0.0,0.0,0.0,0,73.20200016768649
+2024-04-07 10:33:00.052803,7.022144,702,-3.9640540073019546,-14.760002126377733,0.0,0.5759999871253968,0.0,0.0,-0.0903499978594482,-0.04125000074505805,9.812199994087218,0.0,0.0,0.03999999910593033,0,73.20200016768649
+2024-04-07 10:33:00.062611,7.031952,703,-3.9640540073019546,-14.760002126377733,0.0,0.5759999871253968,0.0,0.0,-0.08984999785199761,-0.04075000073760747,9.81249999141693,0.0,0.0,0.03999999910593033,0,73.20200016768649
+2024-04-07 10:33:00.072255,7.041596,704,-3.9640540073019546,-14.760002126377733,0.0,0.5759999871253968,0.0,0.0,-0.08964999785646796,-0.040150000751018516,9.81419999217987,0.0,0.0,0.03999999910593033,0,73.20200016768649
+2024-04-07 10:33:00.092567,7.061908,705,-3.9640540073019546,-14.760002126377733,0.0,0.5759999871253968,0.0,0.0,-0.09104999791830778,-0.039950000755488865,9.814799996376037,0.0,0.0,0.03999999910593033,0,73.20200016768649
+2024-04-07 10:33:00.103962,7.073303,706,-3.9706102305310527,-14.758391904650395,0.0,0.561600011587143,0.0,0.0,-0.09394999802112579,-0.04015000071376561,9.81499999141693,0.0,0.0,0.054999999701976776,0,73.20200016768649
+2024-04-07 10:33:00.104053,7.073394,707,-3.9706102305310527,-14.758391904650395,0.0,0.561600011587143,0.0,0.0,-0.09754999816417695,-0.04045000080019234,9.81499999141693,0.0,0.0,0.054999999701976776,0,73.20200016768649
+2024-04-07 10:33:00.112278,7.081619,708,-3.9706102305310527,-14.758391904650395,0.0,0.561600011587143,0.0,0.0,-0.10204999804496764,-0.04105000089854001,9.814699994087217,0.0,0.0,0.054999999701976776,0,73.20200016768649
+2024-04-07 10:33:00.122859,7.0922,709,-3.9706102305310527,-14.758391904650395,0.0,0.561600011587143,0.0,0.0,-0.10764999816194176,-0.04165000084787607,9.814699994087217,0.0,0.0,0.054999999701976776,0,73.20200016768649
+2024-04-07 10:33:00.133019,7.10236,710,-3.9771314737128156,-14.756811550341062,0.0,0.56880002617836,0.0,0.0,-0.11354999808594585,-0.04225000083446502,9.814799996376037,0.0,0.0,0.06499999761581421,0,73.20200016768649
+2024-04-07 10:33:00.142900,7.112241,711,-3.9771314737128156,-14.756811550341062,0.0,0.56880002617836,0.0,0.0,-0.11864999789744615,-0.043050000816583625,9.8145999917984,0.0,0.0,0.06499999761581421,0,73.20200016768649
+2024-04-07 10:33:00.152508,7.121849,712,-3.9771314737128156,-14.756811550341062,0.0,0.56880002617836,0.0,0.0,-0.12384999811649322,-0.04345000088214873,9.814499999046324,0.0,0.0,0.06499999761581421,0,73.20200016768649
+2024-04-07 10:33:00.163226,7.132567,713,-3.9771314737128156,-14.756811550341062,0.0,0.56880002617836,0.0,0.0,-0.12994999784976244,-0.04325000077486037,9.814299994468687,0.0,0.0,0.06499999761581421,0,73.20200016768649
+2024-04-07 10:33:00.172443,7.141784,714,-3.98383964659628,-14.75521046122209,0.0,0.5759999871253968,0.0,0.0,-0.13604999776929616,-0.04345000073313712,9.813499995231627,0.0,0.0,0.07000000029802322,0,73.20200016768649
+2024-04-07 10:33:00.182594,7.151935,715,-3.98383964659628,-14.75521046122209,0.0,0.5759999871253968,0.0,0.0,-0.14184999749064445,-0.04405000083148479,9.813499995231627,0.0,0.0,0.07000000029802322,0,73.20200016768649
+2024-04-07 10:33:00.193167,7.162508,716,-3.98383964659628,-14.75521046122209,0.0,0.5759999871253968,0.0,0.0,-0.1474499972909689,-0.04475000083446502,9.814600001335142,0.0,0.0,0.07000000029802322,0,73.20200016768649
+2024-04-07 10:33:00.202581,7.171922,717,-3.98383964659628,-14.75521046122209,0.0,0.5759999871253968,0.0,0.0,-0.1524499973654747,-0.045950000882148734,9.815500002861022,0.0,0.0,0.07000000029802322,0,73.38800017209724
+2024-04-07 10:33:00.212486,7.181827,718,-3.9902731155656004,-14.753682989708857,0.0,0.56880002617836,0.0,0.0,-0.15734999725595117,-0.04635000094771384,9.81470000362396,0.0,0.0,0.0729999989271164,0,73.38800017209724
+2024-04-07 10:33:00.222175,7.191516,719,-3.991974157549079,-14.753284297649063,0.0,0.5759999871253968,0.0,0.0,-0.16184999713674186,-0.04525000097230075,9.815299998283384,0.0,0.0,0.07000000029802322,0,73.38800017209724
+2024-04-07 10:33:00.232014,7.201355,720,-3.991974157549079,-14.753284297649063,0.0,0.5759999871253968,0.0,0.0,-0.16584999699145556,-0.044450000915676344,9.81560000514984,0.0,0.0,0.07000000029802322,0,73.38800017209724
+2024-04-07 10:33:00.242725,7.212066,721,-3.991974157549079,-14.753284297649063,0.0,0.5759999871253968,0.0,0.0,-0.1710499968007207,-0.04435000086203217,9.81600000476837,0.0,0.0,0.07000000029802322,0,73.38800017209724
+2024-04-07 10:33:00.252752,7.222093,722,-3.991974157549079,-14.753284297649063,0.0,0.5759999871253968,0.0,0.0,-0.17844999689608812,-0.04435000086203217,9.81520000553131,0.0,0.0,0.07000000029802322,0,73.38800017209724
+2024-04-07 10:33:00.262622,7.231963,723,-3.998308352564088,-14.751794469745825,0.0,0.5543999969959259,0.0,0.0,-0.18764999676495792,-0.04475000085309147,9.815300007820127,0.0,0.0,0.06300000101327896,0,73.38800017209724
+2024-04-07 10:33:00.272568,7.241909,724,-3.998308352564088,-14.751794469745825,0.0,0.5543999969959259,0.0,0.0,-0.19804999697953463,-0.04475000085309147,9.816300011634825,0.0,0.0,0.06300000101327896,0,73.38800017209724
+2024-04-07 10:33:00.284810,7.254151,725,-3.998308352564088,-14.751794469745825,0.0,0.5543999969959259,0.0,0.0,-0.20924999702721836,-0.04605000082403421,9.81560000514984,0.0,0.0,0.06300000101327896,0,73.38800017209724
+2024-04-07 10:33:00.292403,7.261744,726,-3.998308352564088,-14.751794469745825,0.0,0.5543999969959259,0.0,0.0,-0.21644999703392387,-0.04635000079870223,9.815700007438657,0.0,0.0,0.06300000101327896,0,73.38800017209724
+2024-04-07 10:33:00.302537,7.271878,727,-4.004517456178607,-14.750340399677963,0.0,0.48960002660751345,0.0,0.0,-0.22174999719485639,-0.04555000077933072,9.816000014305112,0.0,0.0,0.08299999684095383,0,73.38800017209724
+2024-04-07 10:33:00.313497,7.282838,728,-4.006035508790882,-14.749985756039651,0.0,0.48960002660751345,0.0,0.0,-0.22594999721273779,-0.044550000783056015,9.817200013160704,0.0,0.0,0.08299999684095383,0,73.38800017209724
+2024-04-07 10:33:00.322323,7.291664,729,-4.006035508790882,-14.749985756039651,0.0,0.48960002660751345,0.0,0.0,-0.2288499971292913,-0.043350000698119395,9.818100014686582,0.0,0.0,0.08299999684095383,0,73.38800017209724
+2024-04-07 10:33:00.333392,7.302733,730,-4.006035508790882,-14.749985756039651,0.0,0.48960002660751345,0.0,0.0,-0.23184999724850058,-0.04265000069513916,9.818900013923644,0.0,0.0,0.08299999684095383,0,73.38800017209724
+2024-04-07 10:33:00.344139,7.31348,731,-4.006035508790882,-14.749985756039651,0.0,0.48960002660751345,0.0,0.0,-0.234149996843189,-0.04185000063851475,9.819300013542174,0.0,0.0,0.08299999684095383,0,73.38800017209724
+2024-04-07 10:33:00.353345,7.322686,732,-4.010460802064133,-14.748942132733442,0.0,0.2987999886274338,0.0,0.0,-0.2361499967239797,-0.04095000060275196,9.820000010490416,0.0,0.0,-0.05000000074505806,0,73.38800017209724
+2024-04-07 10:33:00.363496,7.332837,733,-4.010460802064133,-14.748942132733442,0.0,0.2987999886274338,0.0,0.0,-0.2386499967239797,-0.04015000065788625,9.819800015449522,0.0,0.0,-0.05000000074505806,0,73.38800017209724
+2024-04-07 10:33:00.372745,7.342086,734,-4.010460802064133,-14.748942132733442,0.0,0.2987999886274338,0.0,0.0,-0.24094999691471458,-0.03975000066682695,9.819400015830992,0.0,0.0,-0.05000000074505806,0,73.38800017209724
+2024-04-07 10:33:00.383713,7.353054,735,-4.010460802064133,-14.748942132733442,0.0,0.2987999886274338,0.0,0.0,-0.24394999673590065,-0.039050000663846715,9.81870001888275,0.0,0.0,-0.05000000074505806,0,73.38800017209724
+2024-04-07 10:33:00.394756,7.364097,736,-4.0170847493293556,-14.747363392091982,0.0,0.2087999939918518,0.0,0.0,-0.2458499967120588,-0.039150000717490904,9.81790001964569,0.0,0.0,-0.0729999989271164,0,73.38800017209724
+2024-04-07 10:33:00.403264,7.372605,737,-4.0170847493293556,-14.747363392091982,0.0,0.2087999939918518,0.0,0.0,-0.24864999642595648,-0.03985000072047114,9.817200022697447,0.0,0.0,-0.0729999989271164,0,73.38800017209724
+2024-04-07 10:33:00.412993,7.382334,738,-4.0170847493293556,-14.747363392091982,0.0,0.2087999939918518,0.0,0.0,-0.2505499964021146,-0.040550000797957175,9.816000023841855,0.0,0.0,-0.0729999989271164,0,73.38800017209724
+2024-04-07 10:33:00.422843,7.392184,739,-4.0170847493293556,-14.747363392091982,0.0,0.2087999939918518,0.0,0.0,-0.2525499962829053,-0.040850000809878106,9.816000023841855,0.0,0.0,-0.0729999989271164,0,73.38800017209724
+2024-04-07 10:33:00.432491,7.401832,740,-4.021398775742663,-14.746317420889058,0.0,0.057600002735853195,0.0,0.0,-0.2548499964736402,-0.040850000809878106,9.815700026512145,0.0,0.0,-0.09099999815225601,0,73.38800017209724
+2024-04-07 10:33:00.458330,7.427671,741,-4.021398775742663,-14.746317420889058,0.0,0.057600002735853195,0.0,0.0,-0.2572499965690076,-0.03985000083222984,9.814800024986265,0.0,0.0,-0.09099999815225601,0,73.38800017209724
+2024-04-07 10:33:00.458383,7.427724,742,-4.021398775742663,-14.746317420889058,0.0,0.057600002735853195,0.0,0.0,-0.25914999714121223,-0.03995000081136822,9.814200020790098,0.0,0.0,-0.09099999815225601,0,73.38800017209724
+2024-04-07 10:33:00.467331,7.436672,743,-4.024985135322685,-14.745418620428772,0.0,0.057600002735853195,0.0,0.0,-0.26004999747499824,-0.03965000079944729,9.814200020790098,0.0,0.0,-0.09300000220537186,0,73.38800017209724
+2024-04-07 10:33:00.473339,7.44268,744,-4.024985135322685,-14.745418620428772,0.0,0.057600002735853195,0.0,0.0,-0.26074999740347266,-0.039350000862032164,9.814700022697448,0.0,0.0,-0.09300000220537186,0,73.38800017209724
+2024-04-07 10:33:00.483868,7.453209,745,-4.0256962874795486,-14.745237250312277,0.0,0.057600002735853195,0.0,0.0,-0.26144999733194707,-0.03825000090524554,9.814300023078916,0.0,0.0,-0.09300000220537186,0,73.38800017209724
+2024-04-07 10:33:00.498369,7.46771,746,-4.026485817590188,-14.745031503405867,0.0,0.057600002735853195,0.0,0.0,-0.26254999747499824,-0.037450000885874024,9.815200024604795,0.0,0.0,-0.09300000220537186,0,73.38800017209724
+2024-04-07 10:33:00.503021,7.472362,747,-4.026485817590188,-14.745031503405867,0.0,0.057600002735853195,0.0,0.0,-0.26464999755844476,-0.03695000091567635,9.81540001964569,0.0,0.0,-0.09300000220537186,0,73.38800017209724
+2024-04-07 10:33:00.515403,7.484744,748,-4.026485817590188,-14.745031503405867,0.0,0.057600002735853195,0.0,0.0,-0.26674999749287964,-0.03725000092759727,9.815900021553038,0.0,0.0,-0.09300000220537186,0,73.38800017209724
+2024-04-07 10:33:00.522519,7.49186,749,-4.026485817590188,-14.745031503405867,0.0,0.057600002735853195,0.0,0.0,-0.26904999738559127,-0.037450000885874024,9.815800028800963,0.0,0.0,-0.09300000220537186,0,73.38800017209724
+2024-04-07 10:33:00.532936,7.502277,750,-4.028770392314381,-14.744417916356225,0.0,0.0,0.0,0.0,-0.2718499973230064,-0.03725000092759727,9.815600033760068,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.543473,7.512814,751,-4.028770392314381,-14.744417916356225,0.0,0.0,0.0,0.0,-0.2752499974705279,-0.036450000945478664,9.815400038719176,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.554251,7.523592,752,-4.028770392314381,-14.744417916356225,0.0,0.0,0.0,0.0,-0.27924999741837386,-0.03585000095888971,9.814300042152404,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.564841,7.534182,753,-4.028770392314381,-14.744417916356225,0.0,0.0,0.0,0.0,-0.28354999756440524,-0.035050000976771106,9.813500042915342,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.572968,7.542309,754,-4.030509671621812,-14.743916494211096,0.0,0.0,0.0,0.0,-0.2872499976120889,-0.034550000969320524,9.813600035667418,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.588086,7.557427,755,-4.030773480563874,-14.743836178607454,0.0,0.0,0.0,0.0,-0.2893499975465238,-0.03565000096336006,9.813800030708311,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.598550,7.567891,756,-4.030773480563874,-14.743836178607454,0.0,0.0,0.0,0.0,-0.29054999751970173,-0.036450000945478664,9.813700028419493,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.604333,7.573674,757,-4.030773480563874,-14.743836178607454,0.0,0.0,0.0,0.0,-0.2913499975576997,-0.036850000936537966,9.813300028800963,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.629800,7.599141,758,-4.030773480563874,-14.743836178607454,0.0,0.0,0.0,0.0,-0.2916499975509942,-0.03635000096634029,9.813600035667418,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.633071,7.602412,759,-4.030773480563874,-14.743836178607454,0.0,0.0,0.0,0.0,-0.2915499975532293,-0.03615000100806355,9.81430003261566,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.638052,7.607393,760,-4.0313380691088225,-14.743630584257222,0.0,-0.1260000005364418,0.0,0.0,-0.2917499975860119,-0.03645000101998447,9.814500037193296,0.0,0.0,-0.017000000923871994,0,73.38800017209724
+2024-04-07 10:33:00.645198,7.614539,761,-4.0313380691088225,-14.743630584257222,0.0,-0.1260000005364418,0.0,0.0,-0.2915499975532293,-0.03735000105574726,9.81510003185272,0.0,0.0,-0.017000000923871994,0,73.38800017209724
+2024-04-07 10:33:00.652343,7.621684,762,-4.0313380691088225,-14.743630584257222,0.0,-0.1260000005364418,0.0,0.0,-0.29104999750852584,-0.038350001070648426,9.81510003185272,0.0,0.0,-0.017000000923871994,0,73.38800017209724
+2024-04-07 10:33:00.665133,7.634474,763,-4.031492386185466,-14.74346125810251,0.0,-0.11879999935626984,0.0,0.0,-0.29014999747276304,-0.037950001005083306,9.815200034141538,0.0,0.0,-0.02500000037252903,0,73.38800017209724
+2024-04-07 10:33:00.672135,7.641476,764,-4.031492386185466,-14.74346125810251,0.0,-0.11879999935626984,0.0,0.0,-0.28984999746084217,-0.037950001005083306,9.814700041770934,0.0,0.0,-0.02500000037252903,0,73.38800017209724
+2024-04-07 10:33:00.684491,7.653832,765,-4.031492386185466,-14.74346125810251,0.0,-0.11879999935626984,0.0,0.0,-0.28934999741613865,-0.0371500010229647,9.815100041389464,0.0,0.0,-0.02500000037252903,0,73.38800017209724
+2024-04-07 10:33:00.693053,7.662394,766,-4.031492386185466,-14.74346125810251,0.0,-0.11879999935626984,0.0,0.0,-0.28894999735057353,-0.03645000101998447,9.815300036430356,0.0,0.0,-0.02500000037252903,0,73.38800017209724
+2024-04-07 10:33:00.702830,7.672171,767,-4.030825097025879,-14.743494840164441,0.0,-0.15119999796152114,0.0,0.0,-0.2883499973267317,-0.03665000101551412,9.815100041389464,0.0,0.0,-0.017000000923871994,0,73.38800017209724
+2024-04-07 10:33:00.715039,7.68438,768,-4.0305551635917425,-14.743527098128096,0.0,-0.09720000252127647,0.0,0.0,-0.2872499972954392,-0.03685000104829668,9.815000039100646,0.0,0.0,-0.029999999329447746,0,73.38800017209724
+2024-04-07 10:33:00.723178,7.692519,769,-4.0305551635917425,-14.743527098128096,0.0,-0.09720000252127647,0.0,0.0,-0.28634999733418226,-0.03675000106915831,9.815000039100646,0.0,0.0,-0.029999999329447746,0,73.38800017209724
+2024-04-07 10:33:00.734092,7.703433,770,-4.0305551635917425,-14.743527098128096,0.0,-0.09720000252127647,0.0,0.0,-0.2852499973028898,-0.03605000110343097,9.815400038719176,0.0,0.0,-0.029999999329447746,0,73.38800017209724
+2024-04-07 10:33:00.743738,7.713079,771,-4.0305551635917425,-14.743527098128096,0.0,-0.09720000252127647,0.0,0.0,-0.283749997317791,-0.035250001158565275,9.815000039100646,0.0,0.0,-0.029999999329447746,0,73.38800017209724
+2024-04-07 10:33:00.753758,7.723099,772,-4.02959665753052,-14.743666202907844,0.0,-0.09720000252127647,0.0,0.0,-0.2823499972932041,-0.03505000120028852,9.814700041770934,0.0,0.0,-0.029999999329447746,0,73.38800017209724
+2024-04-07 10:33:00.768040,7.737381,773,-4.02959665753052,-14.743666202907844,0.0,-0.09720000252127647,0.0,0.0,-0.2810499973036349,-0.035250001158565275,9.814700041770934,0.0,0.0,-0.029999999329447746,0,73.38800017209724
+2024-04-07 10:33:00.772780,7.742121,774,-4.02959665753052,-14.743666202907844,0.0,-0.09720000252127647,0.0,0.0,-0.2796499972604215,-0.03595000116154551,9.815100041389464,0.0,0.0,-0.029999999329447746,0,73.38800017209724
+2024-04-07 10:33:00.784820,7.754161,775,-4.027900318600105,-14.743945435728678,0.0,-0.14040000289678575,0.0,0.0,-0.27734999725595116,-0.03675000121816992,9.815400038719176,0.0,0.0,0.0,3,73.38800017209724
+2024-04-07 10:33:00.805221,7.774562,776,-4.027900318600105,-14.743945435728678,0.0,-0.14040000289678575,0.0,0.0,-0.27574999729171396,-0.037150001134723415,9.815800038337706,0.0,0.0,0.0,3,73.38800017209724
+2024-04-07 10:33:00.810069,7.77941,777,-4.027900318600105,-14.743945435728678,0.0,-0.14040000289678575,0.0,0.0,-0.2738499973155558,-0.03665000116452574,9.81640003299713,0.0,0.0,0.0,3,73.38800017209724
+2024-04-07 10:33:00.812038,7.781379,778,-4.027900318600105,-14.743945435728678,0.0,-0.14040000289678575,0.0,0.0,-0.27194999719038604,-0.03605000114068388,9.816600028038023,0.0,0.0,0.0,3,73.38800017209724
+2024-04-07 10:33:00.822459,7.7918,779,-4.027900318600105,-14.743945435728678,0.0,-0.14040000289678575,0.0,0.0,-0.27004999706521626,-0.03585000118240714,9.817000027656553,0.0,0.0,0.0,3,73.38800017209724
+2024-04-07 10:33:00.834573,7.803914,780,-4.025806406649283,-14.744323987461232,0.0,-0.12959999442100525,0.0,0.0,-0.26854999715462324,-0.03625000117346644,9.816900025367735,0.0,0.0,0.02199999988079071,3,73.38800017209724
+2024-04-07 10:33:00.842117,7.811458,781,-4.025806406649283,-14.744323987461232,0.0,-0.12959999442100525,0.0,0.0,-0.26714999714866283,-0.037450001146644346,9.817700024604795,0.0,0.0,0.02199999988079071,3,73.38800017209724
+2024-04-07 10:33:00.852277,7.821618,782,-4.025806406649283,-14.744323987461232,0.0,-0.12959999442100525,0.0,0.0,-0.2662499971129,-0.03805000117048621,9.818100024223325,0.0,0.0,0.02199999988079071,3,73.38800017209724
+2024-04-07 10:33:00.862090,7.831431,783,-4.025806406649283,-14.744323987461232,0.0,-0.12959999442100525,0.0,0.0,-0.2657499970681966,-0.03815000114962458,9.817700024604795,0.0,0.0,0.02199999988079071,3,73.38800017209724
+2024-04-07 10:33:00.873484,7.842825,784,-4.0235549835571245,-14.744753818617161,0.0,0.0,0.0,0.0,-0.2655499970726669,-0.03845000116154551,9.81710002040863,0.0,0.0,0.0,3,73.38800017209724
+2024-04-07 10:33:00.884982,7.854323,785,-4.0235549835571245,-14.744753818617161,0.0,0.0,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.894420,7.863761,786,-4.0235549835571245,-14.744753818617161,0.0,0.0,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.902817,7.872158,787,-4.0235549835571245,-14.744753818617161,0.0,0.0,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.914221,7.883562,788,-4.021175360340576,-14.745223566229477,0.0,0.0,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.923739,7.89308,789,-4.021175360340576,-14.745223566229477,0.0,0.0,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.935138,7.904479,790,-4.021175360340576,-14.745223566229477,0.0,0.0,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.942228,7.911569,791,-4.021175360340576,-14.745223566229477,0.0,0.0,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:00.953005,7.922346,792,-4.018752441810628,-14.745719521635515,0.0,0.07919999957084656,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.04500000178813934,0,73.38800017209724
+2024-04-07 10:33:00.963721,7.933062,793,-4.018752441810628,-14.745719521635515,0.0,0.07919999957084656,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.04500000178813934,0,73.38800017209724
+2024-04-07 10:33:00.972924,7.942265,794,-4.018752441810628,-14.745719521635515,0.0,0.07919999957084656,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.04500000178813934,0,73.38800017209724
+2024-04-07 10:33:00.982935,7.952276,795,-4.018752441810628,-14.745719521635515,0.0,0.07919999957084656,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.04500000178813934,0,73.38800017209724
+2024-04-07 10:33:00.993768,7.963109,796,-4.016324989257305,-14.746231210616946,0.0,0.05040000155568123,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.08299999684095383,0,73.38800017209724
+2024-04-07 10:33:01.003137,7.972478,797,-4.016324989257305,-14.746231210616946,0.0,0.05040000155568123,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.08299999684095383,0,73.38800017209724
+2024-04-07 10:33:01.012736,7.982077,798,-4.016324989257305,-14.746231210616946,0.0,0.05040000155568123,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.08299999684095383,0,73.38800017209724
+2024-04-07 10:33:01.024399,7.99374,799,-4.013895373217664,-14.746753516225086,0.0,0.06479999721050263,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.10300000011920929,0,73.38800017209724
+2024-04-07 10:33:01.032714,8.002055,800,-4.013895373217664,-14.746753516225086,0.0,0.06479999721050263,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.10300000011920929,0,73.38800017209724
+2024-04-07 10:33:01.042467,8.011808,801,-4.013895373217664,-14.746753516225086,0.0,0.06479999721050263,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.10300000011920929,0,73.38800017209724
+2024-04-07 10:33:01.053061,8.022402,802,-4.013895373217664,-14.746753516225086,0.0,0.06479999721050263,0.0,0.0,-0.2664499970711768,-0.03845000116154551,9.817200013160704,0.0,0.0,0.10300000011920929,0,73.38800017209724
+2024-04-07 10:33:01.065876,8.035217,803,-4.013895373217664,-14.746753516225086,0.0,0.06479999721050263,0.0,0.0,-0.2744499972462654,-0.029750001225620493,9.81870001888275,0.0,0.0,0.10300000011920929,0,73.38800017209724
+2024-04-07 10:33:01.073133,8.042474,804,-4.011434609736271,-14.747286418962661,0.0,0.0,0.0,0.0,-0.2747499972395599,-0.029050001148134455,9.817700015068052,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:01.082574,8.051915,805,-4.011434609736271,-14.747286418962661,0.0,0.0,0.0,0.0,-0.27454999724403023,-0.028050001058727486,9.817600012779234,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:01.092958,8.062299,806,-4.011434609736271,-14.747286418962661,0.0,0.0,0.0,0.0,-0.27414999725297096,-0.027750001121312373,9.81740001773834,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:01.103114,8.072455,807,-4.011434609736271,-14.747286418962661,0.0,0.0,0.0,0.0,-0.2737499972619116,-0.028050001058727486,9.817600022315977,0.0,0.0,0.0,0,73.38800017209724
+2024-04-07 10:33:01.112723,8.082064,808,-4.009012608219911,-14.747825456756631,0.0,0.010800000093877316,0.0,0.0,-0.2733499972708523,-0.028450001049786802,9.817700024604795,0.0,0.0,0.22699999809265137,0,73.38800017209724
+2024-04-07 10:33:01.125548,8.094889,809,-4.009012608219911,-14.747825456756631,0.0,0.010800000093877316,0.0,0.0,-0.2727499972656369,-0.028250001091510046,9.818200016975402,0.0,0.0,0.22699999809265137,0,73.38800017209724
+2024-04-07 10:33:01.133076,8.102417,810,-4.009012608219911,-14.747825456756631,0.0,0.010800000093877316,0.0,0.0,-0.272149997279048,-0.027450001072138533,9.817700015068052,0.0,0.0,0.22699999809265137,0,73.38800017209724
+2024-04-07 10:33:01.142488,8.111829,811,-4.009012608219911,-14.747825456756631,0.0,0.010800000093877316,0.0,0.0,-0.27204999728128315,-0.026150001119822255,9.81750002002716,0.0,0.0,0.22699999809265137,0,73.38800017209724
+2024-04-07 10:33:01.152825,8.122166,812,-4.006623839010969,-14.748373917277812,0.0,0.021600000187754632,0.0,0.0,-0.2717499972693622,-0.02575000105425715,9.81710002040863,0.0,0.0,0.164000004529953,0,73.38800017209724
+2024-04-07 10:33:01.168702,8.138043,813,-4.006623839010969,-14.748373917277812,0.0,0.021600000187754632,0.0,0.0,-0.2713499972783029,-0.0259500011615455,9.816700020790098,0.0,0.0,0.164000004529953,0,73.38800017209724
+2024-04-07 10:33:01.172780,8.142121,814,-4.006623839010969,-14.748373917277812,0.0,0.021600000187754632,0.0,0.0,-0.2706499972939491,-0.025850001107901324,9.81660001850128,0.0,0.0,0.164000004529953,0,73.38800017209724
+2024-04-07 10:33:01.182658,8.151999,815,-4.006623839010969,-14.748373917277812,0.0,0.021600000187754632,0.0,0.0,-0.2700499972887337,-0.025150001104921105,9.817200013160704,0.0,0.0,0.164000004529953,0,73.38800017209724
+2024-04-07 10:33:01.193761,8.163102,816,-4.004305498512021,-14.74892346564849,0.0,0.01799999959766865,0.0,0.0,-0.2695499972999096,-0.0242500011436641,9.816900006294249,0.0,0.0,0.22200000286102295,0,73.38800017209724
+2024-04-07 10:33:01.203163,8.172504,817,-4.004305498512021,-14.74892346564849,0.0,0.01799999959766865,0.0,0.0,-0.26914999730885025,-0.023550001066178078,9.817000008583067,0.0,0.0,0.22200000286102295,0,73.54400017531589
+2024-04-07 10:33:01.212583,8.181924,818,-4.004305498512021,-14.74892346564849,0.0,0.01799999959766865,0.0,0.0,-0.2690499973110855,-0.023050001095980405,9.816600008964537,0.0,0.0,0.22200000286102295,0,73.54400017531589
+2024-04-07 10:33:01.222740,8.192081,819,-4.004305498512021,-14.74892346564849,0.0,0.01799999959766865,0.0,0.0,-0.2688499973155558,-0.023050001095980405,9.817200013160704,0.0,0.0,0.22200000286102295,0,73.54400017531589
+2024-04-07 10:33:01.232685,8.202026,820,-4.001509772273459,-14.749605467418005,0.0,-0.0036000001709908247,0.0,0.0,-0.26864999732002615,-0.023150001149624566,9.817300005912779,0.0,0.0,0.23000000417232513,0,73.54400017531589
+2024-04-07 10:33:01.242631,8.211972,821,-4.001509772273459,-14.749605467418005,0.0,-0.0036000001709908247,0.0,0.0,-0.26714999737218026,-0.02255000112578273,9.818600007057189,0.0,0.0,0.23000000417232513,0,73.54400017531589
+2024-04-07 10:33:01.253045,8.222386,822,-4.001509772273459,-14.749605467418005,0.0,-0.0036000001709908247,0.0,0.0,-0.2633499972335994,-0.021950001139193764,9.818900013923644,0.0,0.0,0.23000000417232513,0,73.54400017531589
+2024-04-07 10:33:01.265367,8.234708,823,-4.001509772273459,-14.749605467418005,0.0,-0.0036000001709908247,0.0,0.0,-0.25864999735727906,-0.02125000113621353,9.819000016212462,0.0,0.0,0.23000000417232513,0,73.54400017531589
+2024-04-07 10:33:01.273097,8.242438,824,-3.999352931743854,-14.750143413478957,0.0,0.010800000093877316,0.0,0.0,-0.2510499971546233,-0.02045000107958911,9.819400015830992,0.0,0.0,0.30300000309944153,0,73.54400017531589
+2024-04-07 10:33:01.283736,8.253077,825,-3.99886311529559,-14.750269796068286,0.0,0.010800000093877316,0.0,0.0,-0.24234999721869827,-0.01975000105798244,9.820500021934507,0.0,0.0,0.30300000309944153,0,73.54400017531589
+2024-04-07 10:33:01.294589,8.26393,826,-3.99886311529559,-14.750269796068286,0.0,0.010800000093877316,0.0,0.0,-0.23434999721124766,-0.018850001059472543,9.820100022315977,0.0,0.0,0.30300000309944153,0,73.54400017531589
+2024-04-07 10:33:01.306415,8.275756,827,-3.99886311529559,-14.750269796068286,0.0,0.010800000093877316,0.0,0.0,-0.22694999702274798,-0.01835000101476908,9.819800015449522,0.0,0.0,0.30300000309944153,0,73.54400017531589
+2024-04-07 10:33:01.313684,8.283025,828,-3.99886311529559,-14.750269796068286,0.0,0.010800000093877316,0.0,0.0,-0.22044999707490204,-0.01895000100135802,9.818900013923644,0.0,0.0,0.30300000309944153,0,73.54400017531589
+2024-04-07 10:33:01.324320,8.293661,829,-3.9973612498934847,-14.750655235418412,0.0,0.0,0.0,0.0,-0.2147499972395599,-0.01935000106692314,9.818200016975402,0.0,0.0,0.28999999165534973,0,73.54400017531589
+2024-04-07 10:33:01.335906,8.305247,830,-3.9973612498934847,-14.750655235418412,0.0,0.0,0.0,0.0,-0.20924999712035058,-0.020150001049041744,9.816100016593932,0.0,0.0,0.28999999165534973,0,73.54400017531589
+2024-04-07 10:33:01.342666,8.312007,831,-3.9973612498934847,-14.750655235418412,0.0,0.0,0.0,0.0,-0.2039499974064529,-0.020850001126527767,9.815900012016295,0.0,0.0,0.28999999165534973,0,73.54400017531589
+2024-04-07 10:33:01.354657,8.323998,832,-3.9973612498934847,-14.750655235418412,0.0,0.0,0.0,0.0,-0.19834999738261105,-0.02145000115036963,9.815600014686582,0.0,0.0,0.28999999165534973,0,73.54400017531589
+2024-04-07 10:33:01.364959,8.3343,833,-3.995533155193833,-14.751141700475225,0.0,0.014400000683963299,0.0,0.0,-0.19244999742135405,-0.021550001129508,9.815500012397765,0.0,0.0,0.30799999833106995,0,73.54400017531589
+2024-04-07 10:33:01.373939,8.34328,834,-3.995533155193833,-14.751141700475225,0.0,0.014400000683963299,0.0,0.0,-0.1859499972499907,-0.02145000115036963,9.814700013160703,0.0,0.0,0.30799999833106995,0,73.54400017531589
+2024-04-07 10:33:01.383732,8.353073,835,-3.995533155193833,-14.751141700475225,0.0,0.014400000683963299,0.0,0.0,-0.17774999754503368,-0.02165000110864637,9.815100012779235,0.0,0.0,0.30799999833106995,0,73.54400017531589
+2024-04-07 10:33:01.395490,8.364831,836,-3.995533155193833,-14.751141700475225,0.0,0.014400000683963299,0.0,0.0,-0.17044999783858655,-0.020350001156330094,9.815600014686582,0.0,0.0,0.30799999833106995,0,73.54400017531589
+2024-04-07 10:33:01.406218,8.375559,837,-3.99389156612008,-14.75159436883371,0.0,0.025200000777840615,0.0,0.0,-0.16154999809339643,-0.020350001156330094,9.816500006675719,0.0,0.0,0.30799999833106995,0,73.54400017531589
+2024-04-07 10:33:01.412908,8.382249,838,-3.99389156612008,-14.75159436883371,0.0,0.025200000777840615,0.0,0.0,-0.15314999816939234,-0.020550001114606836,9.81680000400543,0.0,0.0,0.30799999833106995,0,73.54400017531589
+2024-04-07 10:33:01.422647,8.391988,839,-3.99389156612008,-14.75159436883371,0.0,0.025200000777840615,0.0,0.0,-0.14434999803081155,-0.019950001090765,9.817300005912779,0.0,0.0,0.30799999833106995,0,73.54400017531589
+2024-04-07 10:33:01.433484,8.402825,840,-3.99389156612008,-14.75159436883371,0.0,0.025200000777840615,0.0,0.0,-0.13634999781847001,-0.020050001069903373,9.817500000953672,0.0,0.0,0.30799999833106995,0,73.54400017531589
+2024-04-07 10:33:01.442695,8.412036,841,-3.9925517090728366,-14.751989097671391,0.0,0.0,0.0,0.0,-0.12834999801591038,-0.020250001028180115,9.817699995994566,0.0,0.0,0.2879999876022339,0,73.54400017531589
+2024-04-07 10:33:01.456993,8.426334,842,-3.9925517090728366,-14.751989097671391,0.0,0.0,0.0,0.0,-0.12134999772533775,-0.020150001049041744,9.817599993705748,0.0,0.0,0.2879999876022339,0,73.54400017531589
+2024-04-07 10:33:01.464114,8.433455,843,-3.9925517090728366,-14.751989097671391,0.0,0.0,0.0,0.0,-0.11484999764710664,-0.020350001081824304,9.816599989891051,0.0,0.0,0.2879999876022339,0,73.54400017531589
+2024-04-07 10:33:01.474476,8.443817,844,-3.9925517090728366,-14.751989097671391,0.0,0.0,0.0,0.0,-0.10904999770224094,-0.020350001081824304,9.816599989891051,0.0,0.0,0.2879999876022339,0,73.54400017531589
+2024-04-07 10:33:01.483624,8.452965,845,-3.9914361321182112,-14.75234194283743,0.0,0.0,0.0,0.0,-0.10314999796450139,-0.021150001063942908,9.816199990272521,0.0,0.0,0.27000001072883606,0,73.54400017531589
+2024-04-07 10:33:01.493094,8.462435,846,-3.9914361321182112,-14.75234194283743,0.0,0.0,0.0,0.0,-0.09844999795779585,-0.02135000109672544,9.815699988365171,0.0,0.0,0.27000001072883606,0,73.54400017531589
+2024-04-07 10:33:01.506629,8.47597,847,-3.9914361321182112,-14.75234194283743,0.0,0.0,0.0,0.0,-0.0945499978773296,-0.02145000107586384,9.81539999103546,0.0,0.0,0.27000001072883606,0,73.54400017531589
+2024-04-07 10:33:01.513362,8.482703,848,-3.9914361321182112,-14.75234194283743,0.0,0.0,0.0,0.0,-0.09064999790862202,-0.02095000110566614,9.815099993705747,0.0,0.0,0.27000001072883606,0,73.54400017531589
+2024-04-07 10:33:01.522705,8.492046,849,-3.9906265958940446,-14.752643265327025,0.0,0.01799999959766865,0.0,0.0,-0.08704999795183539,-0.020350001081824304,9.81419999217987,0.0,0.0,0.26499998569488525,0,73.54400017531589
+2024-04-07 10:33:01.533022,8.502363,850,-3.9906265958940446,-14.752643265327025,0.0,0.01799999959766865,0.0,0.0,-0.08324999799951911,-0.020050001069903373,9.814299984931944,0.0,0.0,0.26499998569488525,0,73.54400017531589
+2024-04-07 10:33:01.542818,8.512159,851,-3.9906265958940446,-14.752643265327025,0.0,0.01799999959766865,0.0,0.0,-0.07914999784901738,-0.019950001090765,9.814599982261656,0.0,0.0,0.26499998569488525,0,73.54400017531589
+2024-04-07 10:33:01.554137,8.523478,852,-3.9906265958940446,-14.752643265327025,0.0,0.01799999959766865,0.0,0.0,-0.07564999790862204,-0.01935000106692314,9.815299979209898,0.0,0.0,0.26499998569488525,0,73.54400017531589
+2024-04-07 10:33:01.566465,8.535806,853,-3.990135724307288,-14.752889118139837,0.0,0.0,0.0,0.0,-0.07164999777451157,-0.018850001096725466,9.81559997653961,0.0,0.0,0.2619999945163727,0,73.54400017531589
+2024-04-07 10:33:01.572832,8.542173,854,-3.990135724307288,-14.752889118139837,0.0,0.0,0.0,0.0,-0.06864999776706099,-0.018750001117587067,9.814799977302549,0.0,0.0,0.2619999945163727,0,73.54400017531589
+2024-04-07 10:33:01.583285,8.552626,855,-3.990135724307288,-14.752889118139837,0.0,0.0,0.0,0.0,-0.06674999782815576,-0.018350001126527765,9.81559997653961,0.0,0.0,0.2619999945163727,0,73.54400017531589
+2024-04-07 10:33:01.594388,8.563729,856,-3.990050742683963,-14.752944315882559,0.0,0.0,0.0,0.0,-0.06464999785646797,-0.018550001084804535,9.815799981117246,0.0,0.0,0.2619999945163727,0,73.54400017531589
+2024-04-07 10:33:01.604395,8.573736,857,-3.9899470378116955,-14.753086635140647,0.0,0.03959999978542328,0.0,0.0,-0.06404999781399964,-0.018350001052021975,9.816199980735776,0.0,0.0,0.3160000145435333,0,73.54400017531589
+2024-04-07 10:33:01.613921,8.583262,858,-3.9899470378116955,-14.753086635140647,0.0,0.03959999978542328,0.0,0.0,-0.06374999782070517,-0.018450001105666164,9.815499974250791,0.0,0.0,0.3160000145435333,0,73.54400017531589
+2024-04-07 10:33:01.622762,8.592103,859,-3.9899470378116955,-14.753086635140647,0.0,0.03959999978542328,0.0,0.0,-0.06474999785423279,-0.018050001114606834,9.81559997653961,0.0,0.0,0.3160000145435333,0,73.54400017531589
+2024-04-07 10:33:01.632912,8.602253,860,-3.9899470378116955,-14.753086635140647,0.0,0.03959999978542328,0.0,0.0,-0.06534999784082174,-0.01725000113248823,9.81639997577667,0.0,0.0,0.3160000145435333,0,73.54400017531589
+2024-04-07 10:33:01.642713,8.612054,861,-3.990079987753265,-14.753229969054798,0.0,0.021600000187754632,0.0,0.0,-0.06724999785423279,-0.016750001162290556,9.815099974632261,0.0,0.0,0.3050000071525574,0,73.54400017531589
+2024-04-07 10:33:01.655756,8.625097,862,-3.990079987753265,-14.753229969054798,0.0,0.021600000187754632,0.0,0.0,-0.06874999791383743,-0.01585000120103358,9.814999972343443,0.0,0.0,0.3050000071525574,0,73.54400017531589
+2024-04-07 10:33:01.663683,8.633024,863,-3.990079987753265,-14.753229969054798,0.0,0.021600000187754632,0.0,0.0,-0.07074999798089265,-0.01555000118911265,9.814699975013731,0.0,0.0,0.3050000071525574,0,73.54400017531589
+2024-04-07 10:33:01.673076,8.642417,864,-3.990079987753265,-14.753229969054798,0.0,0.021600000187754632,0.0,0.0,-0.07214999794960023,-0.015450001209974279,9.814999972343443,0.0,0.0,0.3050000071525574,0,73.54400017531589
+2024-04-07 10:33:01.685757,8.655098,865,-3.990407539335764,-14.753340296760452,0.0,0.0036000001709908247,0.0,0.0,-0.07364999800920487,-0.015250001177191719,9.814199973106382,0.0,0.0,0.30799999833106995,0,73.54400017531589
+2024-04-07 10:33:01.693912,8.663253,866,-3.990407539335764,-14.753340296760452,0.0,0.0036000001709908247,0.0,0.0,-0.07514999806880951,-0.014750001206994046,9.814399977684019,0.0,0.0,0.30799999833106995,0,73.54400017531589
+2024-04-07 10:33:01.710060,8.679401,867,-3.990407539335764,-14.753340296760452,0.0,0.0036000001709908247,0.0,0.0,-0.07594999808818101,-0.014250001199543477,9.814299975395201,0.0,0.0,0.30799999833106995,0,73.54400017531589
+2024-04-07 10:33:01.715027,8.684368,868,-3.990407539335764,-14.753340296760452,0.0,0.0036000001709908247,0.0,0.0,-0.078149998113513,-0.013450001142919055,9.813399973869322,0.0,0.0,0.30799999833106995,0,73.54400017531589
+2024-04-07 10:33:01.724976,8.694317,869,-3.990941088293245,-14.753410109961074,0.0,0.007200000341981649,0.0,0.0,-0.07924999807029962,-0.01255000118166208,9.813199969291686,0.0,0.0,0.2930000126361847,0,73.54400017531589
+2024-04-07 10:33:01.734313,8.703654,870,-3.990941088293245,-14.753410109961074,0.0,0.007200000341981649,0.0,0.0,-0.08134999807924032,-0.012050001136958588,9.813999968528746,0.0,0.0,0.2930000126361847,0,73.54400017531589
+2024-04-07 10:33:01.743952,8.713293,871,-3.990941088293245,-14.753410109961074,0.0,0.007200000341981649,0.0,0.0,-0.08334999805316329,-0.011250001154839984,9.814099970817564,0.0,0.0,0.2930000126361847,0,73.54400017531589
+2024-04-07 10:33:01.774864,8.744205,872,-3.990941088293245,-14.753410109961074,0.0,0.007200000341981649,0.0,0.0,-0.08524999806657434,-0.01075000118464231,9.814399968147276,0.0,0.0,0.2930000126361847,0,73.54400017531589
+2024-04-07 10:33:01.774902,8.744243,873,-3.990941088293245,-14.753410109961074,0.0,0.007200000341981649,0.0,0.0,-0.08784999804571271,-0.010050001107156259,9.815099974632261,0.0,0.0,0.2930000126361847,0,73.54400017531589
+2024-04-07 10:33:01.775301,8.744642,874,-3.990941088293245,-14.753410109961074,0.0,0.007200000341981649,0.0,0.0,-0.09044999806210399,-0.009550001062452795,9.815499974250791,0.0,0.0,0.2930000126361847,0,73.54400017531589
+2024-04-07 10:33:01.787678,8.757019,875,-3.9916568123219442,-14.753445807733742,0.0,0.0359999991953373,0.0,0.0,-0.09314999805763363,-0.009450001083314397,9.815499974250791,0.0,0.0,0.3310000002384186,0,73.54400017531589
+2024-04-07 10:33:01.794168,8.763509,876,-3.9916568123219442,-14.753445807733742,0.0,0.0359999991953373,0.0,0.0,-0.09624999800696969,-0.008750001154839981,9.815199976921079,0.0,0.0,0.3310000002384186,0,73.54400017531589
+2024-04-07 10:33:01.810766,8.780107,877,-3.992492250451214,-14.753461525919835,0.0,0.010800000093877316,0.0,0.0,-0.09954999802634121,-0.009250001125037655,9.814599982261656,0.0,0.0,0.30300000309944153,0,73.54400017531589
+2024-04-07 10:33:01.819061,8.788402,878,-3.992492250451214,-14.753461525919835,0.0,0.010800000093877316,0.0,0.0,-0.10344999810680747,-0.009450001157820215,9.814699984550474,0.0,0.0,0.30300000309944153,0,73.54400017531589
+2024-04-07 10:33:01.825274,8.794615,879,-3.992492250451214,-14.753461525919835,0.0,0.010800000093877316,0.0,0.0,-0.1064499982073903,-0.010150001123547553,9.814399987220762,0.0,0.0,0.30300000309944153,0,73.54400017531589
+2024-04-07 10:33:01.834354,8.803695,880,-3.9934494871762407,-14.753432318108905,0.0,0.014400000683963299,0.0,0.0,-0.10964999813586473,-0.012050001099705693,9.814499989509581,0.0,0.0,0.3160000145435333,0,73.54400017531589
+2024-04-07 10:33:01.843940,8.813281,881,-3.9934494871762407,-14.753432318108905,0.0,0.014400000683963299,0.0,0.0,-0.11384999815374613,-0.013250001110136495,9.813199997901915,0.0,0.0,0.3160000145435333,0,73.54400017531589
+2024-04-07 10:33:01.862783,8.832124,882,-3.9934494871762407,-14.753432318108905,0.0,0.014400000683963299,0.0,0.0,-0.11774999815970659,-0.015050001107156263,9.812900000572203,0.0,0.0,0.3160000145435333,0,73.54400017531589
+2024-04-07 10:33:01.871017,8.840358,883,-3.9934494871762407,-14.753432318108905,0.0,0.014400000683963299,0.0,0.0,-0.12154999826103449,-0.016150001082569337,9.813099995613097,0.0,0.0,0.3160000145435333,0,73.54400017531589
+2024-04-07 10:33:01.889985,8.859326,884,-3.9934494871762407,-14.753432318108905,0.0,0.014400000683963299,0.0,0.0,-0.12444999817758799,-0.016550001073628667,9.813599997520445,0.0,0.0,0.3160000145435333,0,73.54400017531589
+2024-04-07 10:33:01.890053,8.859394,885,-3.9936864874843296,-14.753425713383912,0.0,0.014400000683963299,0.0,0.0,-0.12714999817311765,-0.017050001081079236,9.813400002479552,0.0,0.0,0.3160000145435333,0,73.54400017531589
+2024-04-07 10:33:01.894869,8.86421,886,-3.9944290704270333,-14.7533873188985,0.0,0.0,0.0,0.0,-0.12984999820590018,-0.017250001113861796,9.813800002098082,0.0,0.0,0.2619999945163727,0,73.54400017531589
+2024-04-07 10:33:01.907366,8.876707,887,-3.9944290704270333,-14.7533873188985,0.0,0.0,0.0,0.0,-0.13184999821707608,-0.018150001093745233,9.814100008964537,0.0,0.0,0.2619999945163727,0,73.54400017531589
+2024-04-07 10:33:01.913084,8.882425,888,-3.9944290704270333,-14.7533873188985,0.0,0.0,0.0,0.0,-0.13384999815374612,-0.018350001126527765,9.814200011253355,0.0,0.0,0.2619999945163727,0,73.54400017531589
+2024-04-07 10:33:01.923959,8.8933,889,-3.995443565499951,-14.753302536701428,0.0,0.01799999959766865,0.0,0.0,-0.13534999821335078,-0.018950001113116732,9.81430000400543,0.0,0.0,0.22499999403953552,0,73.54400017531589
+2024-04-07 10:33:01.935015,8.904356,890,-3.995443565499951,-14.753302536701428,0.0,0.01799999959766865,0.0,0.0,-0.13674999818205832,-0.019250001125037663,9.814900008201597,0.0,0.0,0.22499999403953552,0,73.54400017531589
+2024-04-07 10:33:01.943286,8.912627,891,-3.995443565499951,-14.753302536701428,0.0,0.01799999959766865,0.0,0.0,-0.13784999817609786,-0.019550001136958595,9.81600000476837,0.0,0.0,0.22499999403953552,0,73.54400017531589
+2024-04-07 10:33:01.958460,8.927801,892,-3.9964662761023284,-14.753182870887406,0.0,0.01799999959766865,0.0,0.0,-0.13874999821186065,-0.019650001190602756,9.814900008201597,0.0,0.0,0.22499999403953552,0,73.54400017531589
+2024-04-07 10:33:01.963793,8.933134,893,-3.9964662761023284,-14.753182870887406,0.0,0.01799999959766865,0.0,0.0,-0.13994999818503856,-0.019450001232326014,9.815400010108945,0.0,0.0,0.22499999403953552,0,73.54400017531589
+2024-04-07 10:33:01.978563,8.947904,894,-3.9964662761023284,-14.753182870887406,0.0,0.01799999959766865,0.0,0.0,-0.13994999818503856,-0.019850001223385316,9.81480000591278,0.0,0.0,0.22499999403953552,0,73.54400017531589
+2024-04-07 10:33:01.985472,8.954813,895,-3.9964662761023284,-14.753182870887406,0.0,0.01799999959766865,0.0,0.0,-0.13984999818727373,-0.020350001342594626,9.814400006294248,0.0,0.0,0.22499999403953552,0,73.54400017531589
+2024-04-07 10:33:02.006611,8.975952,896,-3.9974581542460617,-14.753030302503785,0.0,0.028800001367926598,0.0,0.0,-0.13974999818950892,-0.021750001348555065,9.813400002479552,0.0,0.0,0.04500000178813934,0,73.54400017531589
+2024-04-07 10:33:02.006703,8.976044,897,-3.9974581542460617,-14.753030302503785,0.0,0.028800001367926598,0.0,0.0,-0.13904999814927577,-0.02315000128000974,9.813199997901915,0.0,0.0,0.04500000178813934,0,73.54400017531589
+2024-04-07 10:33:02.014686,8.984027,898,-3.9974581542460617,-14.753030302503785,0.0,0.028800001367926598,0.0,0.0,-0.13864999813959003,-0.025050001181662063,9.813199997901915,0.0,0.0,0.04500000178813934,0,73.54400017531589
+2024-04-07 10:33:02.025583,8.994924,899,-3.9974581542460617,-14.753030302503785,0.0,0.028800001367926598,0.0,0.0,-0.13714999807998537,-0.026550001166760914,9.81220000362396,0.0,0.0,0.04500000178813934,0,73.54400017531589

+ 26 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-33-00_obstacledetection_9/DriverCtrl_pji.csv

@@ -0,0 +1,26 @@
+Time,simTime,simFrame,tarspeedX,tarspeedY,tarspeedZ,tardimX,tardimY,tardimZ
+2024-04-07 10:33:02.112260,0.077109,1,0.2799999833106995,0.0,0.0,0.0,0.0,-0.06447367370128632
+2024-04-07 10:33:02.233916,0.198765,2,0.2799999833106995,0.0,0.0,0.0,0.0,-0.012105276808142662
+2024-04-07 10:33:02.283562,0.248411,3,0.0,0.0,0.0,0.0,0.0,1.2
+2024-04-07 10:33:02.393511,0.35836,4,0.0,0.0,0.0,0.0,0.0,1.2
+2024-04-07 10:33:02.480101,0.44495,5,0.0,0.0,0.0,0.0,0.0,1.2
+2024-04-07 10:33:02.590281,0.55513,6,0.0,0.0,0.0,0.0,0.0,1.2
+2024-04-07 10:33:02.676901,0.64175,7,0.0,0.0,0.0,0.0,0.0,1.2
+2024-04-07 10:33:02.799902,0.764751,8,0.0,0.0,0.0,0.0,0.0,1.1205970896076298
+2024-04-07 10:33:02.877719,0.842568,9,0.0,0.0,0.0,0.0,0.0,1.0156485689472303
+2024-04-07 10:33:02.980388,0.945237,10,0.0,0.0,0.0,0.0,0.0,0.8950919760059453
+2024-04-07 10:33:03.077261,1.04211,11,0.0,0.0,0.0,0.0,0.0,0.7795500410389042
+2024-04-07 10:33:03.186123,1.150972,12,0.0,0.0,0.0,0.0,0.0,0.6754946363758183
+2024-04-07 10:33:03.289992,1.254841,13,0.0,0.0,0.0,0.0,0.0,0.5853259218525029
+2024-04-07 10:33:03.377597,1.342446,14,0.0,0.0,0.0,0.0,0.0,0.51248785384408
+2024-04-07 10:33:03.477443,1.442292,15,0.0,0.0,0.0,0.0,0.0,0.42846504677112485
+2024-04-07 10:33:03.580851,1.5457,16,0.0,0.0,0.0,0.0,0.0,0.35034397811690177
+2024-04-07 10:33:03.677159,1.642008,17,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:33:03.777571,1.74242,18,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:33:03.877049,1.841898,19,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:33:03.978334,1.943183,20,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:33:04.077926,2.042775,21,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:33:04.202671,2.16752,22,0.0,0.0,0.0,0.0,0.0,0.3
+2024-04-07 10:33:04.277888,2.242737,23,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:33:04.311231,2.27608,24,0.0,0.0,0.0,0.0,0.0,0.0
+2024-04-07 10:33:05.411766,3.376615,25,0.0,0.0,0.0,0.0,0.0,0.0

+ 899 - 0
task/pjibot_pjibot-P1YNYD1M228000127_data_merge_2024-04-07-02-33-00_obstacledetection_9/EgoState_pji.csv

@@ -0,0 +1,899 @@
+Time,simTime,simFrame,posX,posY,posZ,speedX,speedY,speedZ,accelX,accelY,accelZ,dimX,dimY,dimZ,obstacle,traveledDist
+2024-04-07 10:33:02.044534,0.009383,1,-3.998411229131409,-14.752836666260801,0.0,0.0,0.0,0.0,-0.13444999815896153,-0.028150001205503927,9.811999999046323,0.0,0.0,0.0,0,
+2024-04-07 10:33:02.057837,0.022686,2,-3.998411229131409,-14.752836666260801,0.0,0.0,0.0,0.0,-0.13174999825656414,-0.027950001247227185,9.81260000324249,0.0,0.0,0.0,0,
+2024-04-07 10:33:02.065634,0.030483,3,-3.998411229131409,-14.752836666260801,0.0,0.0,0.0,0.0,-0.12854999812319876,-0.028050001151859752,9.81270000553131,0.0,0.0,0.0,0,
+2024-04-07 10:33:02.073234,0.038083,4,-3.998411229131409,-14.752836666260801,0.0,0.0,0.0,0.0,-0.12514999808743596,-0.028350001163780683,9.813400002479552,0.0,0.0,0.0,0,
+2024-04-07 10:33:02.085964,0.050813,5,-3.999340065591887,-14.752612901879123,0.0,0.014400000683963299,0.0,0.0,-0.1214499980211258,-0.02845000121742486,9.81350000476837,0.0,0.0,-0.02500000037252903,0,
+2024-04-07 10:33:02.095759,0.060608,6,-3.999340065591887,-14.752612901879123,0.0,0.014400000683963299,0.0,0.0,-0.11714999813586474,-0.028050001151859752,9.813300000190733,0.0,0.0,-0.02500000037252903,0,
+2024-04-07 10:33:02.107272,0.072121,7,-3.999340065591887,-14.752612901879123,0.0,0.014400000683963299,0.0,0.0,-0.11304999824613332,-0.027650001235306254,9.813199997901915,0.0,0.0,-0.02500000037252903,0,
+2024-04-07 10:33:02.115824,0.080673,8,-4.000234346299602,-14.752359817216018,0.0,-0.057600002735853195,0.0,0.0,-0.10934999827295541,-0.027350001223385323,9.813099995613097,0.0,0.0,-0.09600000083446503,0,
+2024-04-07 10:33:02.129995,0.094844,9,-4.000234346299602,-14.752359817216018,0.0,-0.057600002735853195,0.0,0.0,-0.10564999841153622,-0.026850001178681845,9.812799998283385,0.0,0.0,-0.09600000083446503,0,
+2024-04-07 10:33:02.133920,0.098769,10,-4.000234346299602,-14.752359817216018,0.0,-0.057600002735853195,0.0,0.0,-0.10184999853372574,-0.026450001113116725,9.812900000572203,0.0,0.0,-0.09600000083446503,0,
+2024-04-07 10:33:02.145659,0.110508,11,-4.000234346299602,-14.752359817216018,0.0,-0.057600002735853195,0.0,0.0,-0.09804999846965075,-0.026750000976026048,9.812900000572203,0.0,0.0,-0.09600000083446503,0,
+2024-04-07 10:33:02.162140,0.126989,12,-4.001261693140324,-14.752098200813872,0.0,0.07559999898076057,0.0,0.0,-0.09524999834597112,-0.02605000104755162,9.812699995994565,0.0,0.0,-0.12300000339746475,0,
+2024-04-07 10:33:02.166982,0.131831,13,-4.001261693140324,-14.752098200813872,0.0,0.07559999898076057,0.0,0.0,-0.0919499984011054,-0.025750001035630687,9.812399998664855,0.0,0.0,-0.12300000339746475,0,
+2024-04-07 10:33:02.173591,0.13844,14,-4.001261693140324,-14.752098200813872,0.0,0.07559999898076057,0.0,0.0,-0.08874999845400453,-0.025550001077353945,9.812900000572203,0.0,0.0,-0.12300000339746475,0,
+2024-04-07 10:33:02.187409,0.152258,15,-4.001261693140324,-14.752098200813872,0.0,0.07559999898076057,0.0,0.0,-0.08504999849945308,-0.025950000993907443,9.812300005912778,0.0,0.0,-0.12300000339746475,0,
+2024-04-07 10:33:02.196248,0.161097,16,-4.0024278409151925,-14.751833736124217,0.0,0.13320000171661378,0.0,0.0,-0.08164999855682253,-0.026150000952184185,9.812900010108946,0.0,0.0,-0.03500000014901161,0,
+2024-04-07 10:33:02.211214,0.176063,17,-4.0024278409151925,-14.751833736124217,0.0,0.13320000171661378,0.0,0.0,-0.07864999843761325,-0.026250001005828374,9.812400008201598,0.0,0.0,-0.03500000014901161,0,73.54700017534196
+2024-04-07 10:33:02.216650,0.181499,18,-4.0024278409151925,-14.751833736124217,0.0,0.13320000171661378,0.0,0.0,-0.07564999831840397,-0.02715000096708535,9.81300000286102,0.0,0.0,-0.03500000014901161,0,73.54700017534196
+2024-04-07 10:33:02.233678,0.198527,19,-4.0024278409151925,-14.751833736124217,0.0,0.13320000171661378,0.0,0.0,-0.07234999837353825,-0.02725000094622372,9.811300002098081,0.0,0.0,-0.03500000014901161,0,73.54700017534196
+2024-04-07 10:33:02.237029,0.201878,20,-4.0027294256427615,-14.751769330470063,0.0,0.13320000171661378,0.0,0.0,-0.06924999844282866,-0.02745000097900628,9.812800007820128,0.0,0.0,-0.03500000014901161,0,73.54700017534196
+2024-04-07 10:33:02.261879,0.226728,21,-4.003806300350937,-14.751572468410643,0.0,0.16200000643730164,0.0,0.0,-0.06674999833106995,-0.027350001074373714,9.8114000043869,0.0,0.0,-0.014999999664723873,0,73.54700017534196
+2024-04-07 10:33:02.264447,0.229296,22,-4.003806300350937,-14.751572468410643,0.0,0.16200000643730164,0.0,0.0,-0.06464999843388797,-0.02715000111609696,9.812299996376035,0.0,0.0,-0.014999999664723873,0,73.54700017534196
+2024-04-07 10:33:02.268371,0.23322,23,-4.003806300350937,-14.751572468410643,0.0,0.16200000643730164,0.0,0.0,-0.06274999849498272,-0.026950001157820216,9.811699992179868,0.0,0.0,-0.014999999664723873,0,73.54700017534196
+2024-04-07 10:33:02.273661,0.23851,24,-4.003806300350937,-14.751572468410643,0.0,0.16200000643730164,0.0,0.0,-0.06174999855458736,-0.02755000118166208,9.811699992179868,0.0,0.0,-0.014999999664723873,0,73.54700017534196
+2024-04-07 10:33:02.285169,0.250018,25,-4.005441456253026,-14.751320363675427,0.0,0.19079999774694442,0.0,0.0,-0.06044999849051237,-0.027050001136958587,9.81029998874664,0.0,0.0,0.0,0,73.54700017534196
+2024-04-07 10:33:02.297370,0.262219,26,-4.005441456253026,-14.751320363675427,0.0,0.19079999774694442,0.0,0.0,-0.05934999853372574,-0.0278500011563301,9.809699994087218,0.0,0.0,0.0,0,73.54700017534196
+2024-04-07 10:33:02.304134,0.268983,27,-4.005441456253026,-14.751320363675427,0.0,0.19079999774694442,0.0,0.0,-0.05764999845996499,-0.02885000120848416,9.810899992942808,0.0,0.0,0.0,0,73.54700017534196
+2024-04-07 10:33:02.313890,0.278739,28,-4.007479013343915,-14.75108822385273,0.0,0.27719999849796295,0.0,0.0,-0.056449998449534175,-0.02865000121295451,9.810699997901915,0.0,0.0,0.027000000700354576,0,73.54700017534196
+2024-04-07 10:33:02.324119,0.288968,29,-4.007479013343915,-14.75108822385273,0.0,0.27719999849796295,0.0,0.0,-0.05444999847561122,-0.02895000122487544,9.812299996376035,0.0,0.0,0.027000000700354576,0,73.54700017534196
+2024-04-07 10:33:02.334902,0.299751,30,-4.007479013343915,-14.75108822385273,0.0,0.27719999849796295,0.0,0.0,-0.05444999847561122,-0.026850001141428936,9.812100001335143,0.0,0.0,0.027000000700354576,0,73.54700017534196
+2024-04-07 10:33:02.344319,0.309168,31,-4.007479013343915,-14.75108822385273,0.0,0.27719999849796295,0.0,0.0,-0.05424999848008155,-0.024350000992417326,9.81260000324249,0.0,0.0,0.027000000700354576,0,73.54700017534196
+2024-04-07 10:33:02.356394,0.321243,32,-4.009322637800238,-14.75093092939672,0.0,0.2952000081539154,0.0,0.0,-0.05424999848008155,-0.022650000974535928,9.811999999046323,0.0,0.0,-0.012000000104308128,0,73.54700017534196
+2024-04-07 10:33:02.371679,0.336528,33,-4.010747555682363,-14.750836837396067,0.0,0.2987999886274338,0.0,0.0,-0.05344999849796295,-0.021350000947713832,9.813199997901915,0.0,0.0,0.027000000700354576,0,73.54700017534196
+2024-04-07 10:33:02.374324,0.339173,34,-4.010747555682363,-14.750836837396067,0.0,0.2987999886274338,0.0,0.0,-0.053249998502433296,-0.019450000971555692,9.813300000190733,0.0,0.0,0.027000000700354576,0,73.54700017534196
+2024-04-07 10:33:02.386431,0.35128,35,-4.010747555682363,-14.750836837396067,0.0,0.2987999886274338,0.0,0.0,-0.05334999850019813,-0.0173500008881092,9.812300005912778,0.0,0.0,0.027000000700354576,0,73.54700017534196
+2024-04-07 10:33:02.394740,0.359589,36,-4.010747555682363,-14.750836837396067,0.0,0.2987999886274338,0.0,0.0,-0.05354999849572778,-0.014950000941753389,9.81270000553131,0.0,0.0,0.027000000700354576,0,73.54700017534196
+2024-04-07 10:33:02.404422,0.369271,37,-4.010747555682363,-14.750836837396067,0.0,0.2987999886274338,0.0,0.0,-0.05404999850317836,-0.011350000873208033,9.81270000553131,0.0,0.0,0.027000000700354576,0,73.54700017534196
+2024-04-07 10:33:02.417697,0.382546,38,-4.0143792618434535,-14.750623521647531,0.0,0.26640000343322756,0.0,0.0,-0.054449998494237664,-0.008150000944733615,9.813600007057188,0.0,0.0,0.029999999329447746,0,73.54700017534196
+2024-04-07 10:33:02.425275,0.390124,39,-4.0143792618434535,-14.750623521647531,0.0,0.26640000343322756,0.0,0.0,-0.0551499984972179,-0.005850001052021964,9.813600007057188,0.0,0.0,0.029999999329447746,0,73.54700017534196
+2024-04-07 10:33:02.437054,0.401903,40,-4.0143792618434535,-14.750623521647531,0.0,0.26640000343322756,0.0,0.0,-0.05604999847710133,-0.003350000903010353,9.814900008201597,0.0,0.0,0.029999999329447746,0,73.54700017534196
+2024-04-07 10:33:02.443494,0.408343,41,-4.0143792618434535,-14.750623521647531,0.0,0.26640000343322756,0.0,0.0,-0.056549998465925455,-0.001650000885128955,9.815000010490415,0.0,0.0,0.029999999329447746,0,73.54700017534196
+2024-04-07 10:33:02.469807,0.434656,42,-4.018392936955512,-14.75047982809754,0.0,0.27000001072883606,0.0,0.0,-0.056849998477846386,0.00034999914467334636,9.815000010490415,0.0,0.0,0.14399999380111694,0,73.54700017534196
+2024-04-07 10:33:02.469925,0.434774,43,-4.018392936955512,-14.75047982809754,0.0,0.27000001072883606,0.0,0.0,-0.056649998482316735,0.002149999290704724,9.816100007057187,0.0,0.0,0.14399999380111694,0,73.54700017534196
+2024-04-07 10:33:02.475354,0.440203,44,-4.019307484091065,-14.750461478257103,0.0,0.24480001330375672,0.0,0.0,-0.05624999847263098,0.0033499993383884485,9.816200009346007,0.0,0.0,0.22699999809265137,0,73.54700017534196
+2024-04-07 10:33:02.485151,0.45,45,-4.019307484091065,-14.750461478257103,0.0,0.24480001330375672,0.0,0.0,-0.05624999847263098,0.004649999290704726,9.816600008964537,0.0,0.0,0.22699999809265137,0,73.54700017534196
+2024-04-07 10:33:02.497560,0.462409,46,-4.019307484091065,-14.750461478257103,0.0,0.24480001330375672,0.0,0.0,-0.05614999847486615,0.006349999308586124,9.816500006675719,0.0,0.0,0.22699999809265137,0,73.54700017534196
+2024-04-07 10:33:02.508389,0.473238,47,-4.019307484091065,-14.750461478257103,0.0,0.24480001330375672,0.0,0.0,-0.05504999848082662,0.00764999933540822,9.816500006675719,0.0,0.0,0.22699999809265137,0,73.54700017534196
+2024-04-07 10:33:02.513811,0.47866,48,-4.021853815129401,-14.750428283337861,0.0,0.24480001330375672,0.0,0.0,-0.05404999850317836,0.008949999287724497,9.815800000190732,0.0,0.0,0.22699999809265137,0,73.54700017534196
+2024-04-07 10:33:02.524606,0.489455,49,-4.021853815129401,-14.750428283337861,0.0,0.24480001330375672,0.0,0.0,-0.053049998525530107,0.00994999937713148,9.815699997901914,0.0,0.0,0.22699999809265137,0,73.54700017534196
+2024-04-07 10:33:02.533542,0.498391,50,-4.021853815129401,-14.750428283337861,0.0,0.24480001330375672,0.0,0.0,-0.05214999848976731,0.011649999395012878,9.815299998283384,0.0,0.0,0.22699999809265137,0,73.54700017534196
+2024-04-07 10:33:02.543862,0.508711,51,-4.021853815129401,-14.750428283337861,0.0,0.24480001330375672,0.0,0.0,-0.0509499984793365,0.013149999454617506,9.81510000324249,0.0,0.0,0.22699999809265137,0,73.54700017534196
+2024-04-07 10:33:02.555502,0.520351,52,-4.0261350961357385,-14.750447700583353,0.0,0.1656000003218651,0.0,0.0,-0.04924999846145511,0.014349999353289622,9.814000006675718,0.0,0.0,0.6110000014305115,0,73.54700017534196
+2024-04-07 10:33:02.563903,0.528752,53,-4.0261350961357385,-14.750447700583353,0.0,0.1656000003218651,0.0,0.0,-0.04794999843463302,0.01604999952018263,9.813500014305113,0.0,0.0,0.6110000014305115,0,73.54700017534196
+2024-04-07 10:33:02.574224,0.539073,54,-4.0261350961357385,-14.750447700583353,0.0,0.1656000003218651,0.0,0.0,-0.04584999838843942,0.018649999499321,9.814800015449523,0.0,0.0,0.6110000014305115,0,73.54700017534196
+2024-04-07 10:33:02.583996,0.548845,55,-4.0261350961357385,-14.750447700583353,0.0,0.1656000003218651,0.0,0.0,-0.04284999838098884,0.021749999597668657,9.814300023078916,0.0,0.0,0.6110000014305115,0,73.54700017534196
+2024-04-07 10:33:02.594940,0.559789,56,-4.029636812432365,-14.750535078741006,0.0,0.11159999817609788,0.0,0.0,-0.04114999840036035,0.02454999946057798,9.81490001773834,0.0,0.0,0.7879999876022339,0,73.54700017534196
+2024-04-07 10:33:02.604053,0.568902,57,-4.030498146692661,-14.750565838749772,0.0,0.11159999817609788,0.0,0.0,-0.038049998395144946,0.027049999311566375,9.813900013923643,0.0,0.0,0.7879999876022339,0,73.54700017534196
+2024-04-07 10:33:02.618077,0.582926,58,-4.031352321419809,-14.750599949895744,0.0,0.09360000193119049,0.0,0.0,-0.03534999828785658,0.03034999944269659,9.815100012779235,0.0,0.0,0.8339999914169312,0,73.54700017534196
+2024-04-07 10:33:02.623597,0.588446,59,-4.031352321419809,-14.750599949895744,0.0,0.09360000193119049,0.0,0.0,-0.03114999812096357,0.03374999947845936,9.814500008583067,0.0,0.0,0.8339999914169312,0,73.54700017534196
+2024-04-07 10:33:02.634596,0.599445,60,-4.031352321419809,-14.750599949895744,0.0,0.09360000193119049,0.0,0.0,-0.028749998211860653,0.03594999946653843,9.8139000043869,0.0,0.0,0.8339999914169312,0,73.54700017534196
+2024-04-07 10:33:02.644335,0.609184,61,-4.031352321419809,-14.750599949895744,0.0,0.09360000193119049,0.0,0.0,-0.025749998204410082,0.03984999917447568,9.815000010490415,0.0,0.0,0.8339999914169312,0,73.54700017534196
+2024-04-07 10:33:02.655898,0.620747,62,-4.03380161338205,-14.750718682883235,0.0,0.09360000193119049,0.0,0.0,-0.02384999822825193,0.04164999909698963,9.81490001773834,0.0,0.0,0.8339999914169312,0,73.54700017534196
+2024-04-07 10:33:02.663782,0.628631,63,-4.03380161338205,-14.750718682883235,0.0,0.09360000193119049,0.0,0.0,-0.022349998280406,0.0446499989181757,9.81450001811981,0.0,0.0,0.8339999914169312,0,73.54700017534196
+2024-04-07 10:33:02.673829,0.638678,64,-4.03380161338205,-14.750718682883235,0.0,0.09360000193119049,0.0,0.0,-0.019549998156726367,0.04724999882280828,9.81370001888275,0.0,0.0,0.8339999914169312,0,73.54700017534196
+2024-04-07 10:33:02.683492,0.648341,65,-4.03380161338205,-14.750718682883235,0.0,0.09360000193119049,0.0,0.0,-0.019749998152256018,0.050049998685717606,9.813800011634825,0.0,0.0,0.8339999914169312,0,73.54700017534196
+2024-04-07 10:33:02.694923,0.659772,66,-4.037033520140204,-14.750948888448738,0.0,0.11879999935626984,0.0,0.0,-0.01804999813437462,0.05264999859035016,9.812800007820128,0.0,0.0,1.0889999866485596,0,73.54700017534196
+2024-04-07 10:33:02.705663,0.670512,67,-4.037033520140204,-14.750948888448738,0.0,0.11879999935626984,0.0,0.0,-0.01814999811351299,0.05484999872744084,9.812900010108946,0.0,0.0,1.0889999866485596,0,73.54700017534196
+2024-04-07 10:33:02.715254,0.680103,68,-4.037033520140204,-14.750948888448738,0.0,0.11879999935626984,0.0,0.0,-0.01634999815374613,0.05654999859631063,9.81270000553131,0.0,0.0,1.0889999866485596,0,73.54700017534196
+2024-04-07 10:33:02.724061,0.68891,69,-4.037033520140204,-14.750948888448738,0.0,0.11879999935626984,0.0,0.0,-0.01884999819099903,0.05814999856054784,9.813800011634825,0.0,0.0,1.0889999866485596,0,73.54700017534196
+2024-04-07 10:33:02.734250,0.699099,70,-4.040179465559816,-14.751264045767954,0.0,0.11159999817609788,0.0,0.0,-0.01724999822676182,0.059549998566508305,9.813200007438658,0.0,0.0,1.2280000448226929,0,73.54700017534196
+2024-04-07 10:33:02.746937,0.711786,71,-4.040179465559816,-14.751264045767954,0.0,0.11159999817609788,0.0,0.0,-0.018149998243898152,0.06074999876320364,9.813600007057188,0.0,0.0,1.2280000448226929,0,73.54700017534196
+2024-04-07 10:33:02.754499,0.719348,72,-4.040179465559816,-14.751264045767954,0.0,0.11159999817609788,0.0,0.0,-0.0179499982483685,0.06274999894201758,9.813300009727476,0.0,0.0,1.2280000448226929,0,73.54700017534196
+2024-04-07 10:33:02.764416,0.729265,73,-4.040179465559816,-14.751264045767954,0.0,0.11159999817609788,0.0,0.0,-0.01854999819770456,0.06444999881088734,9.812900010108946,0.0,0.0,1.2280000448226929,0,73.54700017534196
+2024-04-07 10:33:02.774166,0.739015,74,-4.043218117694142,-14.751668069037548,0.0,0.09360000193119049,0.0,0.0,-0.018449998218566174,0.06614999867975713,9.812800007820128,0.0,0.0,1.3170000314712524,0,73.54700017534196
+2024-04-07 10:33:02.785218,0.750067,75,-4.043218117694142,-14.751668069037548,0.0,0.09360000193119049,0.0,0.0,-0.019049998205155128,0.06924999855458738,9.813300009727476,0.0,0.0,1.3170000314712524,0,73.54700017534196
+2024-04-07 10:33:02.799602,0.764451,76,-4.043218117694142,-14.751668069037548,0.0,0.09360000193119049,0.0,0.0,-0.019549998175352815,0.07124999873340132,9.812000008583068,0.0,0.0,1.3170000314712524,0,73.54700017534196
+2024-04-07 10:33:02.809127,0.773976,77,-4.046109918164635,-14.752152835920477,0.0,0.05040000155568123,0.0,0.0,-0.020949998144060372,0.07414999864995481,9.81220000362396,0.0,0.0,1.430999994277954,0,73.54700017534196
+2024-04-07 10:33:02.819571,0.78442,78,-4.046109918164635,-14.752152835920477,0.0,0.05040000155568123,0.0,0.0,-0.021949998158961537,0.0775499987602234,9.812100001335143,0.0,0.0,1.430999994277954,0,73.54700017534196
+2024-04-07 10:33:02.825792,0.790641,79,-4.046109918164635,-14.752152835920477,0.0,0.05040000155568123,0.0,0.0,-0.024549998082220553,0.08124999862164259,9.812399998664855,0.0,0.0,1.430999994277954,0,73.54700017534196
+2024-04-07 10:33:02.834221,0.79907,80,-4.046109918164635,-14.752152835920477,0.0,0.05040000155568123,0.0,0.0,-0.026749998219311233,0.08554999876767397,9.811700001716613,0.0,0.0,1.430999994277954,0,73.54700017534196
+2024-04-07 10:33:02.843992,0.808841,81,-4.046109918164635,-14.752152835920477,0.0,0.05040000155568123,0.0,0.0,-0.028049998320639133,0.08924999870359898,9.811700001716613,0.0,0.0,1.430999994277954,0,73.54700017534196
+2024-04-07 10:33:02.855417,0.820266,82,-4.048720299467523,-14.752690289320665,0.0,0.06479999721050263,0.0,0.0,-0.028649998344480995,0.0929499988257885,9.813199997901915,0.0,0.0,1.4459999799728394,0,73.54700017534196
+2024-04-07 10:33:02.865046,0.829895,83,-4.048720299467523,-14.752690289320665,0.0,0.06479999721050263,0.0,0.0,-0.030249998159706595,0.09614999895915391,9.812799998283385,0.0,0.0,1.4459999799728394,0,73.54700017534196
+2024-04-07 10:33:02.874035,0.838884,84,-4.048720299467523,-14.752690289320665,0.0,0.06479999721050263,0.0,0.0,-0.03204999808222056,0.0986499988846481,9.812299996376035,0.0,0.0,1.4459999799728394,0,73.54700017534196
+2024-04-07 10:33:02.884855,0.849704,85,-4.048720299467523,-14.752690289320665,0.0,0.06479999721050263,0.0,0.0,-0.03324999812990427,0.10124999890103939,9.81329999065399,0.0,0.0,1.4459999799728394,0,73.54700017534196
+2024-04-07 10:33:02.896456,0.861305,86,-4.051171708891149,-14.753310960751671,0.0,0.08280000016093254,0.0,0.0,-0.03464999813586474,0.10344999903813004,9.814499989509581,0.0,0.0,1.3980000019073486,0,73.54700017534196
+2024-04-07 10:33:02.904402,0.869251,87,-4.051171708891149,-14.753310960751671,0.0,0.08280000016093254,0.0,0.0,-0.03664999816566705,0.10584999915212392,9.812499981880187,0.0,0.0,1.3980000019073486,0,73.54700017534196
+2024-04-07 10:33:02.914145,0.878994,88,-4.051171708891149,-14.753310960751671,0.0,0.08280000016093254,0.0,0.0,-0.03874999810010195,0.10894999910146,9.81229997730255,0.0,0.0,1.3980000019073486,0,73.54700017534196
+2024-04-07 10:33:02.926636,0.891485,89,-4.051171708891149,-14.753310960751671,0.0,0.08280000016093254,0.0,0.0,-0.040749997980892655,0.11224999904632568,9.813399983406065,0.0,0.0,1.3980000019073486,0,73.54700017534196
+2024-04-07 10:33:02.934165,0.899014,90,-4.053407949078059,-14.754003718537083,0.0,0.06839999780058861,0.0,0.0,-0.04344999808818102,0.11484999909996987,9.813799983024595,0.0,0.0,1.3619999885559082,0,73.54700017534196
+2024-04-07 10:33:02.944705,0.909554,91,-4.053407949078059,-14.754003718537083,0.0,0.06839999780058861,0.0,0.0,-0.04694999817758799,0.11724999904632569,9.811599980354307,0.0,0.0,1.3619999885559082,0,73.54700017534196
+2024-04-07 10:33:02.954688,0.919537,92,-4.053407949078059,-14.754003718537083,0.0,0.06839999780058861,0.0,0.0,-0.05024999801069498,0.11904999896883964,9.81189997768402,0.0,0.0,1.3619999885559082,0,73.54700017534196
+2024-04-07 10:33:02.963754,0.928603,93,-4.053407949078059,-14.754003718537083,0.0,0.06839999780058861,0.0,0.0,-0.05364999789744615,0.12074999913573267,9.812499981880187,0.0,0.0,1.3619999885559082,0,73.54700017534196
+2024-04-07 10:33:02.975567,0.940416,94,-4.05541157207096,-14.75475831912448,0.0,0.06839999780058861,0.0,0.0,-0.057549997959285976,0.12254999928176405,9.812699986457822,0.0,0.0,1.281999945640564,0,73.54700017534196
+2024-04-07 10:33:02.986118,0.950967,95,-4.05541157207096,-14.75475831912448,0.0,0.06839999780058861,0.0,0.0,-0.062349997945129874,0.1239499994367361,9.812199984550475,0.0,0.0,1.281999945640564,0,73.54700017534196
+2024-04-07 10:33:02.995056,0.959905,96,-4.05541157207096,-14.75475831912448,0.0,0.06839999780058861,0.0,0.0,-0.0670499979145825,0.1263499993830919,9.812099982261655,0.0,0.0,1.281999945640564,0,73.54700017534196
+2024-04-07 10:33:03.004126,0.968975,97,-4.05541157207096,-14.75475831912448,0.0,0.06839999780058861,0.0,0.0,-0.0711499978788197,0.12834999948740008,9.813099986076352,0.0,0.0,1.281999945640564,0,73.54700017534196
+2024-04-07 10:33:03.016236,0.981085,98,-4.05713692714811,-14.755544224123758,0.0,0.03959999978542328,0.0,0.0,-0.0749499979056418,0.1305499994009733,9.812999983787535,0.0,0.0,1.2109999656677246,0,73.54700017534196
+2024-04-07 10:33:03.026636,0.991485,99,-4.05713692714811,-14.755544224123758,0.0,0.03959999978542328,0.0,0.0,-0.08094999784603715,0.13264999940991404,9.812199975013732,0.0,0.0,1.2109999656677246,0,73.54700017534196
+2024-04-07 10:33:03.034480,0.999329,100,-4.05713692714811,-14.755544224123758,0.0,0.03959999978542328,0.0,0.0,-0.086549997869879,0.13384999938309192,9.813799973487852,0.0,0.0,1.2109999656677246,0,73.54700017534196
+2024-04-07 10:33:03.057689,1.022538,101,-4.05713692714811,-14.755544224123758,0.0,0.03959999978542328,0.0,0.0,-0.09194999778643251,0.13394999936223032,9.815499974250791,0.0,0.0,1.2109999656677246,0,73.54700017534196
+2024-04-07 10:33:03.058065,1.022914,102,-4.05713692714811,-14.755544224123758,0.0,0.03959999978542328,0.0,0.0,-0.09864999765530229,0.13394999936223032,9.815199976921079,0.0,0.0,1.2109999656677246,0,73.54700017534196
+2024-04-07 10:33:03.064803,1.029652,103,-4.058592308885329,-14.756347402290448,0.0,0.0359999991953373,0.0,0.0,-0.10514999771490693,0.13454999923706054,9.814199973106382,0.0,0.0,1.1480000019073486,0,73.54700017534196
+2024-04-07 10:33:03.074103,1.038952,104,-4.058592308885329,-14.756347402290448,0.0,0.0359999991953373,0.0,0.0,-0.11134999776259065,0.13534999921917915,9.814299975395201,0.0,0.0,1.1480000019073486,0,73.54700017534196
+2024-04-07 10:33:03.084687,1.049536,105,-4.058592308885329,-14.756347402290448,0.0,0.0359999991953373,0.0,0.0,-0.11794999772682786,0.13564999923110008,9.814999972343443,0.0,0.0,1.1480000019073486,0,73.54700017534196
+2024-04-07 10:33:03.099967,1.064816,106,-4.059700345486032,-14.757101888356958,0.0,-0.007200000341981649,0.0,0.0,-0.12464999759569764,0.13614999920129775,9.815699978828428,0.0,0.0,1.1349999904632568,0,73.54700017534196
+2024-04-07 10:33:03.107078,1.071927,107,-4.059700345486032,-14.757101888356958,0.0,-0.007200000341981649,0.0,0.0,-0.13094999754801392,0.13704999923706054,9.815099984169004,0.0,0.0,1.1349999904632568,0,73.54700017534196
+2024-04-07 10:33:03.121199,1.086048,108,-4.059700345486032,-14.757101888356958,0.0,-0.007200000341981649,0.0,0.0,-0.13664999747648834,0.13854999914765356,9.816499987602231,0.0,0.0,1.1349999904632568,0,73.54700017534196
+2024-04-07 10:33:03.128046,1.092895,109,-4.059700345486032,-14.757101888356958,0.0,-0.007200000341981649,0.0,0.0,-0.1421499972976744,0.1396499991416931,9.816599989891051,0.0,0.0,1.1349999904632568,0,73.54700017534196
+2024-04-07 10:33:03.152231,1.11708,110,-4.060441038369578,-14.757755299562923,0.0,-0.043200000375509265,0.0,0.0,-0.14764999711886048,0.1396499991416931,9.816499987602231,0.0,0.0,1.0839999914169312,0,73.54700017534196
+2024-04-07 10:33:03.178547,1.143396,111,-4.060441038369578,-14.757755299562923,0.0,-0.043200000375509265,0.0,0.0,-0.15304999718442558,0.1396499991416931,9.815299988746641,0.0,0.0,1.0839999914169312,0,73.54700017534196
+2024-04-07 10:33:03.178602,1.143451,112,-4.060441038369578,-14.757755299562923,0.0,-0.043200000375509265,0.0,0.0,-0.15804999733343722,0.13844999916851522,9.81539999103546,0.0,0.0,1.0839999914169312,0,73.54700017534196
+2024-04-07 10:33:03.178641,1.14349,113,-4.060441038369578,-14.757755299562923,0.0,-0.043200000375509265,0.0,0.0,-0.16334999734535813,0.13734999917447568,9.81579999065399,0.0,0.0,1.0839999914169312,0,73.54700017534196
+2024-04-07 10:33:03.178665,1.143514,114,-4.060441038369578,-14.757755299562923,0.0,-0.043200000375509265,0.0,0.0,-0.16774999732151627,0.1365499991178513,9.816199990272521,0.0,0.0,1.0839999914169312,0,73.54700017534196
+2024-04-07 10:33:03.185943,1.150792,115,-4.060779916620525,-14.758248272403742,0.0,-0.0719999983906746,0.0,0.0,-0.17194999726489185,0.1365499991178513,9.816899987220763,0.0,0.0,1.0140000581741333,0,73.54700017534196
+2024-04-07 10:33:03.196846,1.161695,116,-4.060779916620525,-14.758248272403742,0.0,-0.0719999983906746,0.0,0.0,-0.1759499972127378,0.13614999920129775,9.815999985694884,0.0,0.0,1.0140000581741333,0,73.54700017534196
+2024-04-07 10:33:03.236277,1.201126,117,-4.060816085461819,-14.758521638068412,0.0,-0.0719999983906746,0.0,0.0,-0.1790499973297119,0.13654999926686287,9.816299983024596,0.0,0.0,0.9649999737739563,0,73.54700017534196
+2024-04-07 10:33:03.236295,1.201144,118,-4.06072301191924,-14.758544030669462,0.0,-0.0719999983906746,0.0,0.0,-0.1823499974422157,0.1376499993354082,9.815599986076354,0.0,0.0,0.9380000233650208,0,73.54700017534196
+2024-04-07 10:33:03.236329,1.201178,119,-4.06072301191924,-14.758544030669462,0.0,-0.0719999983906746,0.0,0.0,-0.18624999737367035,0.137849999293685,9.816799984931944,0.0,0.0,0.9380000233650208,0,73.54700017534196
+2024-04-07 10:33:03.236346,1.201195,120,-4.06072301191924,-14.758544030669462,0.0,-0.0719999983906746,0.0,0.0,-0.18994999730959533,0.1377499993145466,9.814999981880186,0.0,0.0,0.9380000233650208,0,73.54700017534196
+2024-04-07 10:33:03.283165,1.248014,121,-4.06072301191924,-14.758544030669462,0.0,-0.0719999983906746,0.0,0.0,-0.19274999741464854,0.1377499993145466,9.815299979209898,0.0,0.0,0.9380000233650208,0,73.56300017610192
+2024-04-07 10:33:03.289948,1.254797,122,-4.060658890611824,-14.758591449588089,0.0,-0.0719999983906746,0.0,0.0,-0.19544999731704593,0.13834999933838846,9.814499979972837,0.0,0.0,0.9380000233650208,0,73.56300017610192
+2024-04-07 10:33:03.289958,1.254807,123,-4.060658890611824,-14.758591449588089,0.0,-0.0719999983906746,0.0,0.0,-0.1975499972514808,0.13924999937415125,9.81559997653961,0.0,0.0,0.9380000233650208,0,73.56300017610192
+2024-04-07 10:33:03.289967,1.254816,124,-4.060658890611824,-14.758591449588089,0.0,-0.0719999983906746,0.0,0.0,-0.19944999722763895,0.14074999928474427,9.815199976921079,0.0,0.0,0.9380000233650208,0,73.56300017610192
+2024-04-07 10:33:03.290347,1.255196,125,-4.060335540213137,-14.758653737521316,0.0,-0.06120000332593918,0.0,0.0,-0.20124999729916454,0.141949999332428,9.815899973869321,0.0,0.0,0.8899999856948853,0,73.56300017610192
+2024-04-07 10:33:03.318764,1.283613,126,-4.059660538971397,-14.758582184878316,0.0,-0.06479999721050263,0.0,0.0,-0.20284999726340175,0.14374999929219487,9.816499968528746,0.0,0.0,0.8489999771118164,0,73.56300017610192
+2024-04-07 10:33:03.318811,1.28366,127,-4.059660538971397,-14.758582184878316,0.0,-0.06479999721050263,0.0,0.0,-0.2045499973371625,0.14594999939203265,9.814999972343443,0.0,0.0,0.8489999771118164,0,73.56300017610192
+2024-04-07 10:33:03.321505,1.286354,128,-4.059660538971397,-14.758582184878316,0.0,-0.06479999721050263,0.0,0.0,-0.2057499973475933,0.1482499995082617,9.815599967002866,0.0,0.0,0.8489999771118164,0,73.56300017610192
+2024-04-07 10:33:03.337147,1.301996,129,-4.059660538971397,-14.758582184878316,0.0,-0.06479999721050263,0.0,0.0,-0.20684999734163284,0.1498499996215105,9.81449996089935,0.0,0.0,0.8489999771118164,0,73.56300017610192
+2024-04-07 10:33:03.341002,1.305851,130,-4.059660538971397,-14.758582184878316,0.0,-0.06479999721050263,0.0,0.0,-0.20604999735951424,0.14974999941885472,9.816099959373473,0.0,0.0,0.8489999771118164,0,73.56300017610192
+2024-04-07 10:33:03.357351,1.3222,131,-4.058700736085958,-14.758296517575484,0.0,-0.053999998793005946,0.0,0.0,-0.20584999736398457,0.14894999928772448,9.814399958610533,0.0,0.0,0.7990000247955322,0,73.56300017610192
+2024-04-07 10:33:03.357403,1.322252,132,-4.058700736085958,-14.758296517575484,0.0,-0.053999998793005946,0.0,0.0,-0.2055499973706901,0.14884999938309193,9.814799958229063,0.0,0.0,0.7990000247955322,0,73.56300017610192
+2024-04-07 10:33:03.366800,1.331649,133,-4.058700736085958,-14.758296517575484,0.0,-0.053999998793005946,0.0,0.0,-0.20564999736845493,0.1490499994903803,9.813099957466124,0.0,0.0,0.7990000247955322,0,73.56300017610192
+2024-04-07 10:33:03.374252,1.339101,134,-4.057497058533534,-14.757809578007034,0.0,-0.053999998793005946,0.0,0.0,-0.20524999737739563,0.1483499995619059,9.81329996204376,0.0,0.0,0.7860000133514404,0,73.56300017610192
+2024-04-07 10:33:03.384367,1.349216,135,-4.057497058533534,-14.757809578007034,0.0,-0.053999998793005946,0.0,0.0,-0.20504999736323953,0.14804999954998496,9.812999955177306,0.0,0.0,0.7860000133514404,0,73.56300017610192
+2024-04-07 10:33:03.399148,1.363997,136,-4.057497058533534,-14.757809578007034,0.0,-0.053999998793005946,0.0,0.0,-0.20354999737814067,0.14554999969899654,9.812399950981138,0.0,0.0,0.7860000133514404,0,73.56300017610192
+2024-04-07 10:33:03.404302,1.369151,137,-4.057497058533534,-14.757809578007034,0.0,-0.053999998793005946,0.0,0.0,-0.20254999736323953,0.14344999961555008,9.811799956321714,0.0,0.0,0.7860000133514404,0,73.56300017610192
+2024-04-07 10:33:03.414823,1.379672,138,-4.056128189021091,-14.757179833965775,0.0,-0.03959999978542328,0.0,0.0,-0.2009499973617494,0.1418499996513128,9.811199952125547,0.0,0.0,0.7760000228881836,0,73.56300017610192
+2024-04-07 10:33:03.425979,1.390828,139,-4.056128189021091,-14.757179833965775,0.0,-0.03959999978542328,0.0,0.0,-0.19984999736770986,0.13964999981224538,9.810799952507017,0.0,0.0,0.7760000228881836,0,73.56300017610192
+2024-04-07 10:33:03.434502,1.399351,140,-4.056128189021091,-14.757179833965775,0.0,-0.03959999978542328,0.0,0.0,-0.19884999739006162,0.13804999969899653,9.809499951362609,0.0,0.0,0.7760000228881836,0,73.56300017610192
+2024-04-07 10:33:03.445312,1.410161,141,-4.056128189021091,-14.757179833965775,0.0,-0.03959999978542328,0.0,0.0,-0.19854999739676715,0.13674999974668026,9.809699955940244,0.0,0.0,0.7760000228881836,0,73.56300017610192
+2024-04-07 10:33:03.454503,1.419352,142,-4.05461214472813,-14.756388277926026,0.0,-0.043200000375509265,0.0,0.0,-0.19734999738633632,0.13564999975264072,9.809699955940244,0.0,0.0,0.7300000190734863,0,73.56300017610192
+2024-04-07 10:33:03.465160,1.430009,143,-4.05461214472813,-14.756388277926026,0.0,-0.043200000375509265,0.0,0.0,-0.19644999740645291,0.1346499996632338,9.809799958229062,0.0,0.0,0.7300000190734863,0,73.56300017610192
+2024-04-07 10:33:03.474272,1.439121,144,-4.05461214472813,-14.756388277926026,0.0,-0.043200000375509265,0.0,0.0,-0.19574999742209911,0.13424999959766867,9.809099951744077,0.0,0.0,0.7300000190734863,0,73.56300017610192
+2024-04-07 10:33:03.485030,1.449879,145,-4.053001164561175,-14.755464699375647,0.0,-0.03959999978542328,0.0,0.0,-0.19564999742433428,0.13514999978244305,9.80939994907379,0.0,0.0,0.7099999785423279,0,73.56300017610192
+2024-04-07 10:33:03.495459,1.460308,146,-4.053001164561175,-14.755464699375647,0.0,-0.03959999978542328,0.0,0.0,-0.19474999742582438,0.13554999969899653,9.809299956321714,0.0,0.0,0.7099999785423279,0,73.56300017610192
+2024-04-07 10:33:03.504701,1.46955,147,-4.053001164561175,-14.755464699375647,0.0,-0.03959999978542328,0.0,0.0,-0.19464999740943312,0.1361499997228384,9.808999958992002,0.0,0.0,0.7099999785423279,0,73.56300017610192
+2024-04-07 10:33:03.514794,1.479643,148,-4.053001164561175,-14.755464699375647,0.0,-0.03959999978542328,0.0,0.0,-0.19474999738857152,0.13634999983012677,9.808999958992002,0.0,0.0,0.7099999785423279,0,73.56300017610192
+2024-04-07 10:33:03.525419,1.490268,149,-4.051343850431741,-14.75444770521142,0.0,-0.021600000187754632,0.0,0.0,-0.19524999737739562,0.136249999627471,9.8099999628067,0.0,0.0,0.6600000262260437,0,73.56300017610192
+2024-04-07 10:33:03.534933,1.499782,150,-4.051343850431741,-14.75444770521142,0.0,-0.021600000187754632,0.0,0.0,-0.19614999741315842,0.13514999963343147,9.810099965095517,0.0,0.0,0.6600000262260437,0,73.56300017610192
+2024-04-07 10:33:03.545344,1.510193,151,-4.051343850431741,-14.75444770521142,0.0,-0.021600000187754632,0.0,0.0,-0.19784999743103981,0.13434999965131286,9.809899960517882,0.0,0.0,0.6600000262260437,0,73.56300017610192
+2024-04-07 10:33:03.555893,1.520742,152,-4.051343850431741,-14.75444770521142,0.0,-0.021600000187754632,0.0,0.0,-0.19984999744221568,0.13354999966919426,9.810099965095517,0.0,0.0,0.6600000262260437,0,73.56300017610192
+2024-04-07 10:33:03.565244,1.530093,153,-4.051343850431741,-14.75444770521142,0.0,-0.021600000187754632,0.0,0.0,-0.20214999746531248,0.1328499995917082,9.81049996471405,0.0,0.0,0.6600000262260437,0,73.56300017610192
+2024-04-07 10:33:03.579371,1.54422,154,-4.0496758389820435,-14.753372904063314,0.0,0.007200000341981649,0.0,0.0,-0.20464999750256538,0.13144999958574774,9.810099965095517,0.0,0.0,0.6650000214576721,0,73.56300017610192
+2024-04-07 10:33:03.585034,1.549883,155,-4.0496758389820435,-14.753372904063314,0.0,0.007200000341981649,0.0,0.0,-0.20784999750554561,0.12934999950230122,9.809699965476987,0.0,0.0,0.6650000214576721,0,73.56300017610192
+2024-04-07 10:33:03.595496,1.560345,156,-4.0496758389820435,-14.753372904063314,0.0,0.007200000341981649,0.0,0.0,-0.20994999749585985,0.12754999957978727,9.809499970436095,0.0,0.0,0.6650000214576721,0,73.56300017610192
+2024-04-07 10:33:03.605434,1.570283,157,-4.0480331081570355,-14.752254189953252,0.0,-0.0036000001709908247,0.0,0.0,-0.21274999750778079,0.12594999976456164,9.810399971961973,0.0,0.0,0.6140000224113464,0,73.56300017610192
+2024-04-07 10:33:03.614483,1.579332,158,-4.0480331081570355,-14.752254189953252,0.0,-0.0036000001709908247,0.0,0.0,-0.21514999762177467,0.12364999972283844,9.80969997501373,0.0,0.0,0.6140000224113464,0,73.56300017610192
+2024-04-07 10:33:03.629395,1.594244,159,-4.0480331081570355,-14.752254189953252,0.0,-0.0036000001709908247,0.0,0.0,-0.21834999775514008,0.12074999965727332,9.80939997768402,0.0,0.0,0.6140000224113464,0,73.56300017610192
+2024-04-07 10:33:03.635334,1.600183,160,-4.0480331081570355,-14.752254189953252,0.0,-0.0036000001709908247,0.0,0.0,-0.2203499976731837,0.11884999968111518,9.809099980354308,0.0,0.0,0.6140000224113464,0,73.56300017610192
+2024-04-07 10:33:03.645431,1.61028,161,-4.046417815859632,-14.751080694226337,0.0,0.007200000341981649,0.0,0.0,-0.22244999768212437,0.11564999990165234,9.808999978065488,0.0,0.0,0.6140000224113464,0,73.56300017610192
+2024-04-07 10:33:03.655357,1.620206,162,-4.046417815859632,-14.751080694226337,0.0,0.007200000341981649,0.0,0.0,-0.22414999766275287,0.11375000007450584,9.809099970817565,0.0,0.0,0.6140000224113464,0,73.56300017610192
+2024-04-07 10:33:03.665332,1.630181,163,-4.046417815859632,-14.751080694226337,0.0,0.007200000341981649,0.0,0.0,-0.22574999760836362,0.11105000011622909,9.809299965858457,0.0,0.0,0.6140000224113464,0,73.56300017610192
+2024-04-07 10:33:03.674349,1.639198,164,-4.046417815859632,-14.751080694226337,0.0,0.007200000341981649,0.0,0.0,-0.22874999772757293,0.10905000023543834,9.809299965858457,0.0,0.0,0.6140000224113464,0,73.56300017610192
+2024-04-07 10:33:03.685288,1.650137,165,-4.046020137210343,-14.750778200711617,0.0,0.007200000341981649,0.0,0.0,-0.22904999773949386,0.10675000034272672,9.809599972724913,0.0,0.0,0.6140000224113464,0,73.56300017610192
+2024-04-07 10:33:03.695614,1.660463,166,-4.04484875446775,-14.749840093482499,0.0,0.0,0.0,0.0,-0.23114999774843453,0.10435000054538249,9.809899970054625,0.0,0.0,0.5479999780654907,0,73.56300017610192
+2024-04-07 10:33:03.705290,1.670139,167,-4.04484875446775,-14.749840093482499,0.0,0.0,0.0,0.0,-0.2318499977514148,0.10305000044405463,9.809299965858457,0.0,0.0,0.5479999780654907,0,73.56300017610192
+2024-04-07 10:33:03.714710,1.679559,168,-4.04484875446775,-14.749840093482499,0.0,0.0,0.0,0.0,-0.2332499977014959,0.10175000049173835,9.809799967765807,0.0,0.0,0.5479999780654907,0,73.56300017610192
+2024-04-07 10:33:03.725101,1.68995,169,-4.04484875446775,-14.749840093482499,0.0,0.0,0.0,0.0,-0.2310499976761639,0.10025000058114528,9.80909996128082,0.0,0.0,0.5479999780654907,0,73.56300017610192
+2024-04-07 10:33:03.734394,1.699243,170,-4.043350998268819,-14.748546480716366,0.0,-0.01799999959766865,0.0,0.0,-0.232149997651577,0.09935000054538251,9.808599968910215,0.0,0.0,0.4620000123977661,0,73.56300017610192
+2024-04-07 10:33:03.745150,1.709999,171,-4.043350998268819,-14.748546480716366,0.0,-0.01799999959766865,0.0,0.0,-0.23094999764114618,0.09845000036060811,9.807999964714048,0.0,0.0,0.4620000123977661,0,73.56300017610192
+2024-04-07 10:33:03.754914,1.719763,172,-4.043350998268819,-14.748546480716366,0.0,-0.01799999959766865,0.0,0.0,-0.2304499976336956,0.09795000024139883,9.807999964714048,0.0,0.0,0.4620000123977661,0,73.56300017610192
+2024-04-07 10:33:03.765288,1.730137,173,-4.043350998268819,-14.748546480716366,0.0,-0.01799999959766865,0.0,0.0,-0.22864999767392874,0.09745000042021276,9.807999964714048,0.0,0.0,0.4620000123977661,0,73.56300017610192
+2024-04-07 10:33:03.775002,1.739851,174,-4.041921476530973,-14.74718130232786,0.0,-0.025200000777840615,0.0,0.0,-0.2275499976798892,0.09725000061094763,9.807599965095518,0.0,0.0,0.4090000092983246,0,73.56300017610192
+2024-04-07 10:33:03.785428,1.750277,175,-4.041921476530973,-14.74718130232786,0.0,-0.025200000777840615,0.0,0.0,-0.22604999769479037,0.09555000074207784,9.807299958229063,0.0,0.0,0.4090000092983246,0,73.56300017610192
+2024-04-07 10:33:03.796092,1.760941,176,-4.041921476530973,-14.74718130232786,0.0,-0.025200000777840615,0.0,0.0,-0.22404999773949386,0.0943500005453825,9.808199959754942,0.0,0.0,0.4090000092983246,0,73.56300017610192
+2024-04-07 10:33:03.806485,1.771334,177,-4.041921476530973,-14.74718130232786,0.0,-0.025200000777840615,0.0,0.0,-0.22164999775588512,0.09315000049769878,9.80829996204376,0.0,0.0,0.4090000092983246,0,73.56300017610192
+2024-04-07 10:33:03.814846,1.779695,178,-4.04058349487873,-14.745774116965883,0.0,-0.007200000341981649,0.0,0.0,-0.21894999776035545,0.0909500003606081,9.807699967384336,0.0,0.0,0.414000004529953,0,73.56300017610192
+2024-04-07 10:33:03.824901,1.78975,179,-4.04058349487873,-14.745774116965883,0.0,-0.007200000341981649,0.0,0.0,-0.2156499978527427,0.08925000049173834,9.807299967765806,0.0,0.0,0.414000004529953,0,73.56300017610192
+2024-04-07 10:33:03.837262,1.802111,180,-4.04058349487873,-14.745774116965883,0.0,-0.007200000341981649,0.0,0.0,-0.2123499977402389,0.08805000029504301,9.807799969673155,0.0,0.0,0.414000004529953,0,73.56300017610192
+2024-04-07 10:33:03.847992,1.812841,181,-4.04058349487873,-14.745774116965883,0.0,-0.007200000341981649,0.0,0.0,-0.20844999762251973,0.08675000034272673,9.808099967002867,0.0,0.0,0.414000004529953,0,73.56300017610192
+2024-04-07 10:33:03.854797,1.819646,182,-4.0393582891117585,-14.744363716618057,0.0,-0.007200000341981649,0.0,0.0,-0.20514999760314823,0.08625000022351742,9.806599970817564,0.0,0.0,0.414000004529953,0,73.56300017610192
+2024-04-07 10:33:03.864836,1.829685,183,-4.0393582891117585,-14.744363716618057,0.0,-0.007200000341981649,0.0,0.0,-0.20084999775514006,0.08535000003874302,9.80639997577667,0.0,0.0,0.414000004529953,0,73.56300017610192
+2024-04-07 10:33:03.874736,1.839585,184,-4.0393582891117585,-14.744363716618057,0.0,-0.007200000341981649,0.0,0.0,-0.19624999789521097,0.08475000016391279,9.806699973106383,0.0,0.0,0.414000004529953,0,73.56300017610192
+2024-04-07 10:33:03.885912,1.850761,185,-4.03906901150344,-14.744013670602254,0.0,0.014400000683963299,0.0,0.0,-0.19234999785199763,0.08415000014007093,9.805899973869321,0.0,0.0,0.4519999921321869,0,73.56300017610192
+2024-04-07 10:33:03.897754,1.862603,186,-4.0382529070133435,-14.742978822841543,0.0,-0.007200000341981649,0.0,0.0,-0.18734999785199763,0.08365000002086165,9.804499970436094,0.0,0.0,0.4189999997615814,0,73.56300017610192
+2024-04-07 10:33:03.905114,1.869963,187,-4.0382529070133435,-14.742978822841543,0.0,-0.007200000341981649,0.0,0.0,-0.1827499977685511,0.08334999985992911,9.806099978446959,0.0,0.0,0.4189999997615814,0,73.56300017610192
+2024-04-07 10:33:03.916980,1.881829,188,-4.0382529070133435,-14.742978822841543,0.0,-0.007200000341981649,0.0,0.0,-0.17754999788478015,0.0820499999076128,9.806599980354306,0.0,0.0,0.4189999997615814,0,73.56300017610192
+2024-04-07 10:33:03.925426,1.890275,189,-4.037282764574544,-14.74164807387086,0.0,0.0,0.0,0.0,-0.173149997908622,0.0804499999433756,9.805499974250791,0.0,0.0,0.3840000033378601,0,73.56300017610192
+2024-04-07 10:33:03.934704,1.899553,190,-4.037282764574544,-14.74164807387086,0.0,0.0,0.0,0.0,-0.1677499978430569,0.07904999993741513,9.804399968147276,0.0,0.0,0.3840000033378601,0,73.56300017610192
+2024-04-07 10:33:03.945627,1.910476,191,-4.037282764574544,-14.74164807387086,0.0,0.0,0.0,0.0,-0.16264999775215983,0.07825000010430813,9.805799971580504,0.0,0.0,0.3840000033378601,0,73.56300017610192
+2024-04-07 10:33:03.955403,1.920252,192,-4.037282764574544,-14.74164807387086,0.0,0.0,0.0,0.0,-0.15764999790117146,0.0779500000923872,9.805499974250791,0.0,0.0,0.3840000033378601,0,73.56300017610192
+2024-04-07 10:33:03.966098,1.930947,193,-4.037056785456153,-14.741323304316579,0.0,0.0,0.0,0.0,-0.15274999802932143,0.07744999997317792,9.804299975395201,0.0,0.0,0.3840000033378601,0,73.56300017610192
+2024-04-07 10:33:03.974890,1.939739,194,-4.036447513973105,-14.740406099980769,0.0,0.007200000341981649,0.0,0.0,-0.14814999798312783,0.07724999986588957,9.804099970817564,0.0,0.0,0.3889999985694885,0,73.56300017610192
+2024-04-07 10:33:03.984922,1.949771,195,-4.036447513973105,-14.740406099980769,0.0,0.007200000341981649,0.0,0.0,-0.14274999799206853,0.07714999966323377,9.804499970436094,0.0,0.0,0.3889999985694885,0,73.56300017610192
+2024-04-07 10:33:03.996866,1.961715,196,-4.036447513973105,-14.740406099980769,0.0,0.007200000341981649,0.0,0.0,-0.13804999802261592,0.07674999974668026,9.804599972724914,0.0,0.0,0.3889999985694885,0,73.56300017610192
+2024-04-07 10:33:04.005986,1.970835,197,-4.036091746345504,-14.739837332244544,0.0,0.007200000341981649,0.0,0.0,-0.1343499980866909,0.07644999973475933,9.80309997653961,0.0,0.0,0.3889999985694885,0,73.56300017610192
+2024-04-07 10:33:04.014890,1.979739,198,-4.035717838420578,-14.739237626264535,0.0,0.0,0.0,0.0,-0.1306499980762601,0.07614999972283842,9.803299981117247,0.0,0.0,0.3659999966621399,0,73.56300017610192
+2024-04-07 10:33:04.025509,1.990358,199,-4.035717838420578,-14.739237626264535,0.0,0.0,0.0,0.0,-0.12594999819993974,0.07584999971091749,9.80449998950958,0.0,0.0,0.3659999966621399,0,73.56300017610192
+2024-04-07 10:33:04.036122,2.000971,200,-4.035717838420578,-14.739237626264535,0.0,0.0,0.0,0.0,-0.12114999812096357,0.07624999962747098,9.80279998874664,0.0,0.0,0.3659999966621399,0,73.56300017610192
+2024-04-07 10:33:04.046767,2.011616,201,-4.035220800183681,-14.738310223549222,0.0,-0.007200000341981649,0.0,0.0,-0.11664999816566705,0.07744999960064888,9.80119999027252,0.0,0.0,0.35899999737739563,0,73.56300017610192
+2024-04-07 10:33:04.055852,2.020701,202,-4.035220800183681,-14.738310223549222,0.0,-0.007200000341981649,0.0,0.0,-0.11194999821484089,0.07844999954104426,9.801399985313413,0.0,0.0,0.35899999737739563,0,73.56300017610192
+2024-04-07 10:33:04.065252,2.030101,203,-4.035220800183681,-14.738310223549222,0.0,-0.007200000341981649,0.0,0.0,-0.10804999828338623,0.07924999952316286,9.80239998912811,0.0,0.0,0.35899999737739563,0,73.56300017610192
+2024-04-07 10:33:04.074836,2.039685,204,-4.035220800183681,-14.738310223549222,0.0,-0.007200000341981649,0.0,0.0,-0.1040499982982874,0.07954999938607216,9.801799994468688,0.0,0.0,0.35899999737739563,0,73.56300017610192
+2024-04-07 10:33:04.085277,2.050126,205,-4.0348274501805985,-14.737499871291256,0.0,0.010800000093877316,0.0,0.0,-0.10044999837875367,0.08024999946355821,9.800699997901914,0.0,0.0,0.3889999985694885,0,73.56300017610192
+2024-04-07 10:33:04.096698,2.061547,206,-4.0348274501805985,-14.737499871291256,0.0,0.010800000093877316,0.0,0.0,-0.09744999840855598,0.0803499995172024,9.800199995994566,0.0,0.0,0.3889999985694885,0,73.56300017610192
+2024-04-07 10:33:04.105213,2.070062,207,-4.0348274501805985,-14.737499871291256,0.0,0.010800000093877316,0.0,0.0,-0.0948499983549118,0.08074999943375588,9.80069998836517,0.0,0.0,0.3889999985694885,0,73.56300017610192
+2024-04-07 10:33:04.114901,2.07975,208,-4.0348274501805985,-14.737499871291256,0.0,0.010800000093877316,0.0,0.0,-0.09244999840855599,0.0803499995172024,9.799499989509581,0.0,0.0,0.3889999985694885,0,73.56300017610192
+2024-04-07 10:33:04.130408,2.095257,209,-4.034547167475079,-14.736834530393754,0.0,0.010800000093877316,0.0,0.0,-0.09044999845325946,0.08004999950528147,9.799199992179869,0.0,0.0,0.3790000081062317,0,73.56300017610192
+2024-04-07 10:33:04.135288,2.100137,210,-4.034547167475079,-14.736834530393754,0.0,0.010800000093877316,0.0,0.0,-0.08854999851435423,0.08054999947547914,9.798899994850157,0.0,0.0,0.3790000081062317,0,73.56300017610192
+2024-04-07 10:33:04.147407,2.112256,211,-4.034547167475079,-14.736834530393754,0.0,0.010800000093877316,0.0,0.0,-0.08674999851733446,0.08104999944567681,9.799599991798399,0.0,0.0,0.3790000081062317,0,73.56300017610192
+2024-04-07 10:33:04.156036,2.120885,212,-4.034547167475079,-14.736834530393754,0.0,0.010800000093877316,0.0,0.0,-0.08464999850839376,0.08254999943077565,9.800099993705748,0.0,0.0,0.3790000081062317,0,73.56300017610192
+2024-04-07 10:33:04.167532,2.132381,213,-4.034391411165549,-14.736348796941517,0.0,0.010800000093877316,0.0,0.0,-0.08254999844357372,0.08384999938309193,9.799599991798399,0.0,0.0,0.3540000021457672,0,73.56300017610192
+2024-04-07 10:33:04.176523,2.141372,214,-4.034391411165549,-14.736348796941517,0.0,0.010800000093877316,0.0,0.0,-0.08114999840036034,0.08484999939799309,9.798999997138976,0.0,0.0,0.3540000021457672,0,73.56300017610192
+2024-04-07 10:33:04.186457,2.151306,215,-4.034391411165549,-14.736348796941517,0.0,0.010800000093877316,0.0,0.0,-0.08024999840185046,0.08584999933838847,9.798799992561339,0.0,0.0,0.3540000021457672,0,73.56300017610192
+2024-04-07 10:33:04.201907,2.166756,216,-4.034391411165549,-14.736348796941517,0.0,0.010800000093877316,0.0,0.0,-0.07904999839141966,0.08674999922513962,9.799199992179869,0.0,0.0,0.3540000021457672,0,73.56300017610192
+2024-04-07 10:33:04.210097,2.174946,217,-4.034344511152716,-14.736090509632227,0.0,-0.010800000093877316,0.0,0.0,-0.07814999841153622,0.08744999915361407,9.799099989891051,0.0,0.0,0.32600000500679016,0,73.56300017610192
+2024-04-07 10:33:04.214973,2.179822,218,-4.034312134266667,-14.73598733243039,0.0,-0.010800000093877316,0.0,0.0,-0.07684999840334059,0.08824999898672106,9.799399987220763,0.0,0.0,0.32600000500679016,0,73.56300017610192
+2024-04-07 10:33:04.225402,2.190251,219,-4.034312134266667,-14.73598733243039,0.0,-0.010800000093877316,0.0,0.0,-0.07564999843016267,0.08944999903440476,9.799299984931944,0.0,0.0,0.32600000500679016,0,73.56300017610192
+2024-04-07 10:33:04.235634,2.200483,220,-4.034312134266667,-14.73598733243039,0.0,-0.010800000093877316,0.0,0.0,-0.07444999841973185,0.09064999908208848,9.799299984931944,0.0,0.0,0.32600000500679016,0,73.56300017610192
+2024-04-07 10:33:04.247812,2.212661,221,-4.034363505540684,-14.735888807930442,0.0,0.014400000683963299,0.0,0.0,-0.0736499984189868,0.09164999902248383,9.799599991798399,0.0,0.0,0.39899998903274536,0,73.56300017610192
+2024-04-07 10:33:04.256226,2.221075,222,-4.034380540277276,-14.735866619680923,0.0,0.014400000683963299,0.0,0.0,-0.07314999843016268,0.09204999908804895,9.799999991416929,0.0,0.0,0.39899998903274536,0,73.56300017610192
+2024-04-07 10:33:04.264961,2.22981,223,-4.034380540277276,-14.735866619680923,0.0,0.014400000683963299,0.0,0.0,-0.0728499984368682,0.09184999912977221,9.799399996757506,0.0,0.0,0.39899998903274536,0,73.56300017610192
+2024-04-07 10:33:04.275398,2.240247,224,-4.034380540277276,-14.735866619680923,0.0,0.014400000683963299,0.0,0.0,-0.07224999845027924,0.09184999912977221,9.799799996376036,0.0,0.0,0.39899998903274536,0,73.56300017610192
+2024-04-07 10:33:04.285168,2.250017,225,-4.034380540277276,-14.735866619680923,0.0,0.014400000683963299,0.0,0.0,-0.07184999845921994,0.09164999902248383,9.799499999046324,0.0,0.0,0.39899998903274536,255,73.56300017610192
+2024-04-07 10:33:04.299588,2.264437,226,-4.034495769610414,-14.73587250910808,0.0,0.007200000341981649,0.0,0.0,-0.07124999847263097,0.09154999911785128,9.799799996376036,0.0,0.0,0.3479999899864197,255,73.56300017610192
+2024-04-07 10:33:04.305097,2.269946,227,-4.034495769610414,-14.73587250910808,0.0,0.007200000341981649,0.0,0.0,-0.07074999848380685,0.09144999891519548,9.799699994087218,0.0,0.0,0.3479999899864197,255,73.56300017610192
+2024-04-07 10:33:04.315342,2.280191,228,-4.034495769610414,-14.73587250910808,0.0,0.007200000341981649,0.0,0.0,-0.07024999847635627,0.0909499987959862,9.800199995994566,0.0,0.0,0.3479999899864197,255,73.56300017610192
+2024-04-07 10:33:04.325629,2.290478,229,-4.034495769610414,-14.73587250910808,0.0,0.007200000341981649,0.0,0.0,-0.0711499984562397,0.08984999865293503,9.799200001716612,0.0,0.0,0.3479999899864197,255,73.56300017610192
+2024-04-07 10:33:04.336316,2.301165,230,-4.034677370745401,-14.736017283123124,0.0,0.007200000341981649,0.0,0.0,-0.07244999844580888,0.088349998742342,9.799700003623961,0.0,0.0,0.3310000002384186,255,73.56300017610192
+2024-04-07 10:33:04.345028,2.309877,231,-4.034677370745401,-14.736017283123124,0.0,0.007200000341981649,0.0,0.0,-0.07314999843016268,0.08704999871551991,9.799500008583067,0.0,0.0,0.3310000002384186,255,73.56300017610192
+2024-04-07 10:33:04.356435,2.321284,232,-4.034677370745401,-14.736017283123124,0.0,0.007200000341981649,0.0,0.0,-0.07374999841675162,0.0854499986022711,9.800000010490416,0.0,0.0,0.3310000002384186,255,73.56300017610192
+2024-04-07 10:33:04.365090,2.329939,233,-4.034677370745401,-14.736017283123124,0.0,0.007200000341981649,0.0,0.0,-0.07454999841749668,0.08334999848157168,9.800600014686582,0.0,0.0,0.3310000002384186,255,73.56300017610192
+2024-04-07 10:33:04.375319,2.340168,234,-4.0349157752643485,-14.73627907153968,0.0,-0.014400000683963299,0.0,0.0,-0.07574999839067459,0.08104999847710134,9.801200009346006,0.0,0.0,0.27000001072883606,255,73.56300017610192
+2024-04-07 10:33:04.385358,2.350207,235,-4.0349157752643485,-14.73627907153968,0.0,-0.014400000683963299,0.0,0.0,-0.07714999843388795,0.07874999836087229,9.801800013542174,0.0,0.0,0.27000001072883606,255,73.56300017610192
+2024-04-07 10:33:04.396488,2.361337,236,-4.0349157752643485,-14.73627907153968,0.0,-0.014400000683963299,0.0,0.0,-0.07914999838918448,0.07714999832212927,9.802300015449521,0.0,0.0,0.27000001072883606,255,73.56300017610192
+2024-04-07 10:33:04.405396,2.370245,237,-4.0349157752643485,-14.73627907153968,0.0,-0.014400000683963299,0.0,0.0,-0.08094999838620424,0.0753499983251095,9.803000012397764,0.0,0.0,0.27000001072883606,255,73.56300017610192
+2024-04-07 10:33:04.416575,2.381424,238,-4.0352122088163105,-14.7366524454596,0.0,0.021600000187754632,0.0,0.0,-0.08304999839514493,0.0736499983072281,9.802800017356871,0.0,0.0,0.21699999272823334,255,73.56300017610192
+2024-04-07 10:33:04.425057,2.389906,239,-4.0352122088163105,-14.7366524454596,0.0,0.021600000187754632,0.0,0.0,-0.08474999837577343,0.07244999825954437,9.803800011634825,0.0,0.0,0.21699999272823334,255,73.56300017610192
+2024-04-07 10:33:04.441660,2.406509,240,-4.0352122088163105,-14.7366524454596,0.0,0.021600000187754632,0.0,0.0,-0.08584999840706586,0.07154999822378161,9.803300009727476,0.0,0.0,0.21699999272823334,255,73.56300017610192
+2024-04-07 10:33:04.446866,2.411715,241,-4.035577764869595,-14.737165223791417,0.0,0.0719999983906746,0.0,0.0,-0.0867499983869493,0.07084999814629556,9.803700009346006,0.0,0.0,0.11299999803304672,255,73.56300017610192
+2024-04-07 10:33:04.455135,2.419984,242,-4.035577764869595,-14.737165223791417,0.0,0.0719999983906746,0.0,0.0,-0.08814999839290977,0.07054999813437463,9.803400012016295,0.0,0.0,0.11299999803304672,255,73.56300017610192
+2024-04-07 10:33:04.465686,2.430535,243,-4.035577764869595,-14.737165223791417,0.0,0.0719999983906746,0.0,0.0,-0.08954999836161733,0.07044999808073044,9.804400015830991,0.0,0.0,0.11299999803304672,255,73.56300017610192
+2024-04-07 10:33:04.476072,2.440921,244,-4.035577764869595,-14.737165223791417,0.0,0.0719999983906746,0.0,0.0,-0.09074999833479523,0.07064999818801881,9.805200015068053,0.0,0.0,0.11299999803304672,255,73.56300017610192
+2024-04-07 10:33:04.490043,2.454892,245,-4.0359955540441765,-14.73777581154555,0.0,0.0,0.0,0.0,-0.09074999833479523,0.07044999808073044,9.804400015830991,0.0,0.0,0.0,255,73.56300017610192
+2024-04-07 10:33:04.499273,2.464122,246,-4.0359955540441765,-14.73777581154555,0.0,0.0,0.0,0.0,-0.09144999833777546,0.06964999809861183,9.804700013160703,0.0,0.0,0.0,255,73.56300017610192
+2024-04-07 10:33:04.505476,2.470325,247,-4.0359955540441765,-14.73777581154555,0.0,0.0,0.0,0.0,-0.09154999835416675,0.06924999818205835,9.804600010871885,0.0,0.0,0.0,255,73.56300017610192
+2024-04-07 10:33:04.516549,2.481398,248,-4.0359955540441765,-14.73777581154555,0.0,0.0,0.0,0.0,-0.0909499984048307,0.06884999811649323,9.805100012779233,0.0,0.0,0.0,255,73.56300017610192
+2024-04-07 10:33:04.527668,2.492517,249,-4.0364508499539715,-14.738407512936083,0.0,0.028800001367926598,0.0,0.0,-0.0898499983921647,0.06844999819993974,9.80480000591278,0.0,0.0,-0.04500000178813934,255,73.56300017610192
+2024-04-07 10:33:04.538165,2.503014,250,-4.0364508499539715,-14.738407512936083,0.0,0.028800001367926598,0.0,0.0,-0.08844999838620424,0.06904999807477,9.80470000362396,0.0,0.0,-0.04500000178813934,255,73.56300017610192
+2024-04-07 10:33:04.545829,2.510678,251,-4.0364508499539715,-14.738407512936083,0.0,0.028800001367926598,0.0,0.0,-0.08664999831467866,0.06964999794960022,9.80480000591278,0.0,0.0,-0.04500000178813934,255,73.56300017610192
+2024-04-07 10:33:04.555865,2.520714,252,-4.0364508499539715,-14.738407512936083,0.0,0.028800001367926598,0.0,0.0,-0.08484999826177955,0.0701499979197979,9.805699997901915,0.0,0.0,-0.04500000178813934,255,73.56300017610192
+2024-04-07 10:33:04.567014,2.531863,253,-4.036580345160044,-14.738585494448106,0.0,0.028800001367926598,0.0,0.0,-0.08284999825060368,0.07024999782443048,9.805699997901915,0.0,0.0,-0.04500000178813934,255,73.56300017610192
+2024-04-07 10:33:04.577715,2.542564,254,-4.036956474444402,-14.739095448116208,0.0,0.0,0.0,0.0,-0.08054999832063914,0.07054999798536302,9.806099997520445,0.0,0.0,0.0,255,73.56300017610192
+2024-04-07 10:33:04.586501,2.55135,255,-4.036956474444402,-14.739095448116208,0.0,0.0,0.0,0.0,-0.07784999828785658,0.0710499981045723,9.805999995231627,0.0,0.0,0.0,255,73.56300017610192
+2024-04-07 10:33:04.596635,2.561484,256,-4.036956474444402,-14.739095448116208,0.0,0.0,0.0,0.0,-0.07604999830946327,0.07164999827742577,9.806699992179869,0.0,0.0,0.0,255,73.56300017610192
+2024-04-07 10:33:04.606327,2.571176,257,-4.036956474444402,-14.739095448116208,0.0,0.0,0.0,0.0,-0.07414999833330513,0.07214999824762344,9.806299992561339,0.0,0.0,0.0,255,73.56300017610192
+2024-04-07 10:33:04.618527,2.583376,258,-4.0374824261135105,-14.73978709217235,0.0,0.0,0.0,0.0,-0.07264999825507402,0.07254999831318856,9.806899996757506,0.0,0.0,0.0,255,73.56300017610192
+2024-04-07 10:33:04.625225,2.590074,259,-4.0374824261135105,-14.73978709217235,0.0,0.0,0.0,0.0,-0.07134999824687838,0.07304999828338624,9.806599999427794,0.0,0.0,0.0,255,73.56300017610192
+2024-04-07 10:33:04.636468,2.601317,260,-4.0374824261135105,-14.73978709217235,0.0,0.0,0.0,0.0,-0.07054999822750688,0.07324999824166298,9.806999999046324,0.0,0.0,0.0,255,73.56300017610192
+2024-04-07 10:33:04.651439,2.616288,261,-4.0374824261135105,-14.73978709217235,0.0,0.0,0.0,0.0,-0.0696499982662499,0.07404999822378158,9.806599999427794,0.0,0.0,0.0,255,73.56300017610192
+2024-04-07 10:33:04.656304,2.621153,262,-4.038028147825918,-14.74052914039509,0.0,-0.046800000965595244,0.0,0.0,-0.06854999830946326,0.07484999820590021,9.80680000400543,0.0,0.0,-0.07800000160932541,255,73.56500017619692
+2024-04-07 10:33:04.667964,2.632813,263,-4.038028147825918,-14.74052914039509,0.0,-0.046800000965595244,0.0,0.0,-0.0669499983638525,0.0761499983072281,9.806500006675718,0.0,0.0,-0.07800000160932541,255,73.56500017619692
+2024-04-07 10:33:04.677718,2.642567,264,-4.038028147825918,-14.74052914039509,0.0,-0.046800000965595244,0.0,0.0,-0.0661499983817339,0.07754999846220018,9.806600008964537,0.0,0.0,-0.07800000160932541,255,73.56500017619692
+2024-04-07 10:33:04.690410,2.655259,265,-4.038028147825918,-14.74052914039509,0.0,-0.046800000965595244,0.0,0.0,-0.06494999837130308,0.07884999841451645,9.807000008583067,0.0,0.0,-0.07800000160932541,255,73.56500017619692
+2024-04-07 10:33:04.696321,2.66117,266,-4.038568615592638,-14.741276751631883,0.0,0.0,0.0,0.0,-0.0640499983727932,0.07974999845027925,9.807300015449522,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.705131,2.66998,267,-4.038568615592638,-14.741276751631883,0.0,0.0,0.0,0.0,-0.06324999839067459,0.0803499983251095,9.808500014305112,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.715117,2.679966,268,-4.038568615592638,-14.741276751631883,0.0,0.0,0.0,0.0,-0.06284999839961529,0.08134999826550485,9.808600016593932,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.725657,2.690506,269,-4.038568615592638,-14.741276751631883,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.741414,2.706263,270,-4.039108292616575,-14.742071478593928,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.745753,2.710602,271,-4.039108292616575,-14.742071478593928,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.757976,2.722825,272,-4.039108292616575,-14.742071478593928,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.765549,2.730398,273,-4.039108292616575,-14.742071478593928,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.776237,2.741086,274,-4.039629904229709,-14.742895194204126,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.786316,2.751165,275,-4.039629904229709,-14.742895194204126,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.796493,2.761342,276,-4.039629904229709,-14.742895194204126,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.806840,2.771689,277,-4.039629904229709,-14.742895194204126,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.815138,2.779987,278,-4.040138981750147,-14.743756010681274,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.829093,2.793942,279,-4.040138981750147,-14.743756010681274,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.841777,2.806626,280,-4.040138981750147,-14.743756010681274,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.848954,2.813803,281,-4.040628267520911,-14.744630493062694,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.859492,2.824341,282,-4.040628267520911,-14.744630493062694,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.865523,2.830372,283,-4.040628267520911,-14.744630493062694,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.875513,2.840362,284,-4.040628267520911,-14.744630493062694,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.886783,2.851632,285,-4.040864558681193,-14.74506766115806,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.897551,2.8624,286,-4.041094272076838,-14.745504485253333,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.905596,2.870445,287,-4.041094272076838,-14.745504485253333,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.915839,2.880688,288,-4.041094272076838,-14.745504485253333,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.926148,2.890997,289,-4.041094272076838,-14.745504485253333,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.936090,2.900939,290,-4.04153439695141,-14.746374123370362,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.945372,2.910221,291,-4.04153439695141,-14.746374123370362,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.955837,2.920686,292,-4.04153439695141,-14.746374123370362,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.965215,2.930064,293,-4.04153439695141,-14.746374123370362,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.975861,2.94071,294,-4.041945580230137,-14.747203563240143,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.985784,2.950633,295,-4.041945580230137,-14.747203563240143,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:04.997566,2.962415,296,-4.041945580230137,-14.747203563240143,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.006736,2.971585,297,-4.041945580230137,-14.747203563240143,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.015796,2.980645,298,-4.042326934218317,-14.748008064335524,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.030946,2.995795,299,-4.042326934218317,-14.748008064335524,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.037693,3.002542,300,-4.042326934218317,-14.748008064335524,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.045434,3.010283,301,-4.042326934218317,-14.748008064335524,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.058218,3.023067,302,-4.0426809405779975,-14.748797500947061,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.065657,3.030506,303,-4.0426809405779975,-14.748797500947061,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.075453,3.040302,304,-4.0426809405779975,-14.748797500947061,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.088412,3.053261,305,-4.043007096379634,-14.749529837076771,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.096128,3.060977,306,-4.043007096379634,-14.749529837076771,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.105679,3.070528,307,-4.043007096379634,-14.749529837076771,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.115734,3.080583,308,-4.043007096379634,-14.749529837076771,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.126708,3.091557,309,-4.0433054247632505,-14.75024421033107,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.138927,3.103776,310,-4.0433054247632505,-14.75024421033107,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.145749,3.110598,311,-4.0433054247632505,-14.75024421033107,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.155895,3.120744,312,-4.0433054247632505,-14.75024421033107,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.166031,3.13088,313,-4.043444306534691,-14.750593359894163,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.176564,3.141413,314,-4.04357623641398,-14.7509352056577,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.185943,3.150792,315,-4.04357623641398,-14.7509352056577,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.196349,3.161198,316,-4.04357623641398,-14.7509352056577,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.56500017619692
+2024-04-07 10:33:05.205392,3.170241,317,-4.04357623641398,-14.7509352056577,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.216229,3.181078,318,-4.043822285157802,-14.751591274586845,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.228211,3.19306,319,-4.043822285157802,-14.751591274586845,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.237156,3.202005,320,-4.043822285157802,-14.751591274586845,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.246394,3.211243,321,-4.0440432770335075,-14.75220865477443,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.260564,3.225413,322,-4.0440432770335075,-14.75220865477443,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.266310,3.231159,323,-4.0440432770335075,-14.75220865477443,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.275712,3.240561,324,-4.0440432770335075,-14.75220865477443,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.290371,3.25522,325,-4.044236991780705,-14.75277551166421,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.297816,3.262665,326,-4.044236991780705,-14.75277551166421,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.306026,3.270875,327,-4.044236991780705,-14.75277551166421,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.317437,3.282286,328,-4.044236991780705,-14.75277551166421,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.329272,3.294121,329,-4.044404443660538,-14.753332004507076,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.339654,3.304503,330,-4.044404443660538,-14.753332004507076,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.346546,3.311395,331,-4.044404443660538,-14.753332004507076,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.360320,3.325169,332,-4.044404443660538,-14.753332004507076,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.374454,3.339303,333,-4.044442297759689,-14.75344033467237,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.380604,3.345453,334,-4.044546307332106,-14.753776137139795,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.386917,3.351766,335,-4.044546307332106,-14.753776137139795,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.398052,3.362901,336,-4.044546307332106,-14.753776137139795,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.411708,3.376557,337,-4.044666358941619,-14.754214732718154,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.415976,3.380825,338,-4.044666358941619,-14.754214732718154,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.427216,3.392065,339,-4.044666358941619,-14.754214732718154,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.435964,3.400813,340,-4.044666358941619,-14.754214732718154,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.450695,3.415544,341,-4.0447422406344025,-14.754545204312347,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.457444,3.422293,342,-4.04476537200562,-14.754617456153818,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.466568,3.431417,343,-4.04476537200562,-14.754617456153818,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.475739,3.440588,344,-4.04476537200562,-14.754617456153818,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.489286,3.454135,345,-4.044824734462718,-14.754886777916953,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.497823,3.462672,346,-4.044844827521174,-14.75498738078192,0.0,0.06120000332593918,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,-0.09799999743700027,255,73.5730001765769
+2024-04-07 10:33:05.507068,3.471917,347,-4.044844827521174,-14.75498738078192,0.0,0.06120000332593918,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,-0.09799999743700027,255,73.5730001765769
+2024-04-07 10:33:05.516085,3.480934,348,-4.044844827521174,-14.75498738078192,0.0,0.06120000332593918,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,-0.09799999743700027,255,73.5730001765769
+2024-04-07 10:33:05.530423,3.495272,349,-4.044904605921926,-14.755311649495262,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.539537,3.504386,350,-4.044904605921926,-14.755311649495262,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.547955,3.512804,351,-4.044904605921926,-14.755311649495262,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.556924,3.521773,352,-4.044904605921926,-14.755311649495262,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.566563,3.531412,353,-4.0449440191924175,-14.755585109061897,0.0,0.01799999959766865,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.03200000151991844,255,73.5730001765769
+2024-04-07 10:33:05.576660,3.541509,354,-4.0449440191924175,-14.755585109061897,0.0,0.01799999959766865,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.03200000151991844,255,73.5730001765769
+2024-04-07 10:33:05.587558,3.552407,355,-4.0449440191924175,-14.755585109061897,0.0,0.01799999959766865,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.03200000151991844,255,73.5730001765769
+2024-04-07 10:33:05.597974,3.562823,356,-4.0449440191924175,-14.755585109061897,0.0,0.01799999959766865,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.03200000151991844,255,73.5730001765769
+2024-04-07 10:33:05.606114,3.570963,357,-4.044963334889498,-14.755813215021206,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.616040,3.580889,358,-4.044963334889498,-14.755813215021206,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.627926,3.592775,359,-4.044963334889498,-14.755813215021206,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.637353,3.602202,360,-4.044963334889498,-14.755813215021206,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.646527,3.611376,361,-4.04496449858101,-14.755974203910053,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.662933,3.627782,362,-4.04496449858101,-14.755974203910053,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.666743,3.631592,363,-4.04496449858101,-14.755974203910053,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.676380,3.641229,364,-4.04496449858101,-14.755974203910053,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.690043,3.654892,365,-4.044949404125333,-14.756094861763028,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.699463,3.664312,366,-4.044949404125333,-14.756094861763028,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.706299,3.671148,367,-4.044949404125333,-14.756094861763028,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.716009,3.680858,368,-4.044949404125333,-14.756094861763028,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.726565,3.691414,369,-4.044919662034034,-14.756173773391653,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.736179,3.701028,370,-4.044919662034034,-14.756173773391653,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.746614,3.711463,371,-4.044919662034034,-14.756173773391653,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.764134,3.728983,372,-4.044919662034034,-14.756173773391653,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.769427,3.734276,373,-4.044876675020205,-14.7562125313269,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.776047,3.740896,374,-4.044876675020205,-14.7562125313269,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.787118,3.751967,375,-4.044876675020205,-14.7562125313269,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.796645,3.761494,376,-4.044876675020205,-14.7562125313269,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.807871,3.77272,377,-4.044822007529967,-14.75621221503379,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.820072,3.784921,378,-4.044822007529967,-14.75621221503379,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.828207,3.793056,379,-4.044822007529967,-14.75621221503379,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.841839,3.806688,380,-4.044822007529967,-14.75621221503379,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.850253,3.815102,381,-4.044822007529967,-14.75621221503379,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.860869,3.825718,382,-4.0447570165887266,-14.756175402627733,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.868279,3.833128,383,-4.0447570165887266,-14.756175402627733,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.876740,3.841589,384,-4.0447570165887266,-14.756175402627733,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.889177,3.854026,385,-4.0446827657647475,-14.75610534695517,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.896409,3.861258,386,-4.0446827657647475,-14.75610534695517,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.906527,3.871376,387,-4.0446827657647475,-14.75610534695517,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.916543,3.881392,388,-4.0446827657647475,-14.75610534695517,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.930070,3.894919,389,-4.044621665792811,-14.756032925231459,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.937518,3.902367,390,-4.044600692022871,-14.75600406119799,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.947408,3.912257,391,-4.044600692022871,-14.75600406119799,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.956261,3.92111,392,-4.044600692022871,-14.75600406119799,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.966062,3.930911,393,-4.04451117143922,-14.755876543483362,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.976010,3.940859,394,-4.04451117143922,-14.755876543483362,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.986220,3.951069,395,-4.04451117143922,-14.755876543483362,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:05.997162,3.962011,396,-4.04451117143922,-14.755876543483362,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.006084,3.970933,397,-4.0444875757472465,-14.755841265028526,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.016457,3.981306,398,-4.04441624059457,-14.755722077992798,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.028973,3.993822,399,-4.04441624059457,-14.755722077992798,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.036581,4.00143,400,-4.04441624059457,-14.755722077992798,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.052988,4.017837,401,-4.044317098070949,-14.755543258894237,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.060046,4.024895,402,-4.044317098070949,-14.755543258894237,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.071395,4.036244,403,-4.044317098070949,-14.755543258894237,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.076492,4.041341,404,-4.044317098070949,-14.755543258894237,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.086418,4.051267,405,-4.04421410164052,-14.755344287838543,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.096819,4.061668,406,-4.04421410164052,-14.755344287838543,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.106611,4.07146,407,-4.04421410164052,-14.755344287838543,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.116555,4.081404,408,-4.04421410164052,-14.755344287838543,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.127640,4.092489,409,-4.044109495384973,-14.755124926200658,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.136760,4.101609,410,-4.044109495384973,-14.755124926200658,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.146752,4.111601,411,-4.044109495384973,-14.755124926200658,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.157898,4.122747,412,-4.044109495384973,-14.755124926200658,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.166333,4.131182,413,-4.044055355374989,-14.755011081414287,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.176638,4.141487,414,-4.044001867608386,-14.754891795914322,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.186775,4.151624,415,-4.044001867608386,-14.754891795914322,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.197067,4.161916,416,-4.044001867608386,-14.754891795914322,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.206765,4.171614,417,-4.043893782714916,-14.754644086793332,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.216280,4.181129,418,-4.043893782714916,-14.754644086793332,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.226801,4.19165,419,-4.043893782714916,-14.754644086793332,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.237474,4.202323,420,-4.043893782714916,-14.754644086793332,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.251848,4.216697,421,-4.043785973340778,-14.754384180743086,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.259994,4.224843,422,-4.043785973340778,-14.754384180743086,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.266305,4.231154,423,-4.043785973340778,-14.754384180743086,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.277102,4.241951,424,-4.043785973340778,-14.754384180743086,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.286889,4.251738,425,-4.043679267386447,-14.754114427298221,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.296908,4.261757,426,-4.043679267386447,-14.754114427298221,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.307010,4.271859,427,-4.043679267386447,-14.754114427298221,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.316989,4.281838,428,-4.043679267386447,-14.754114427298221,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.328438,4.293287,429,-4.043572318766153,-14.753838761616107,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.337258,4.302107,430,-4.043572318766153,-14.753838761616107,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.348134,4.312983,431,-4.043572318766153,-14.753838761616107,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.357734,4.322583,432,-4.043572318766153,-14.753838761616107,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.370274,4.335123,433,-4.0434676230457445,-14.753556904685432,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.378326,4.343175,434,-4.0434676230457445,-14.753556904685432,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.387562,4.352411,435,-4.0434676230457445,-14.753556904685432,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.398520,4.363369,436,-4.0434676230457445,-14.753556904685432,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.406814,4.371663,437,-4.043357650126815,-14.75327664364127,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.417118,4.381967,438,-4.043357650126815,-14.75327664364127,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.428212,4.393061,439,-4.043357650126815,-14.75327664364127,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.443039,4.407888,440,-4.043357650126815,-14.75327664364127,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.454669,4.419518,441,-4.0432449287396155,-14.752996066828782,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.461621,4.42647,442,-4.0432449287396155,-14.752996066828782,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.504165,4.469014,443,-4.0430424320173675,-14.75266869360452,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.504261,4.46911,444,-4.0430424320173675,-14.75266869360452,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.504293,4.469142,445,-4.0430424320173675,-14.75266869360452,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.504363,4.469212,446,-4.0430424320173675,-14.75266869360452,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.506745,4.471594,447,-4.0430424320173675,-14.75266869360452,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.518802,4.483651,448,-4.043027082866606,-14.752589803073132,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.531518,4.496367,449,-4.043009694723811,-14.752512368566624,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.536637,4.501486,450,-4.043009694723811,-14.752512368566624,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.546921,4.51177,451,-4.043009694723811,-14.752512368566624,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.562420,4.527269,452,-4.042958477636625,-14.752282930411653,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.569139,4.533988,453,-4.042958477636625,-14.752282930411653,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.578950,4.543799,454,-4.042958477636625,-14.752282930411653,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.586752,4.551601,455,-4.042958477636625,-14.752282930411653,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.604974,4.569823,456,-4.042890921228675,-14.751984174685402,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.606601,4.57145,457,-4.042890921228675,-14.751984174685402,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.617026,4.581875,458,-4.042890921228675,-14.751984174685402,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.628714,4.593563,459,-4.042890921228675,-14.751984174685402,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.638964,4.603813,460,-4.042871539712838,-14.751911539815517,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.646835,4.611684,461,-4.042825991940114,-14.751693912468454,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.664600,4.629449,462,-4.042825991940114,-14.751693912468454,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.669561,4.63441,463,-4.042825991940114,-14.751693912468454,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.681443,4.646292,464,-4.0427630625738935,-14.751412798255616,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.686628,4.651477,465,-4.0427630625738935,-14.751412798255616,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.699738,4.664587,466,-4.0427630625738935,-14.751412798255616,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.707881,4.67273,467,-4.0427630625738935,-14.751412798255616,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.721390,4.686239,468,-4.042699584484517,-14.751141341905095,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.733546,4.698395,469,-4.042699584484517,-14.751141341905095,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.736790,4.701639,470,-4.042699584484517,-14.751141341905095,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.747332,4.712181,471,-4.042699584484517,-14.751141341905095,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.758418,4.723267,472,-4.0426435434564825,-14.750879371206485,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.766733,4.731582,473,-4.0426435434564825,-14.750879371206485,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.777614,4.742463,474,-4.0426435434564825,-14.750879371206485,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.786962,4.751811,475,-4.0426435434564825,-14.750879371206485,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.798768,4.763617,476,-4.042587150298788,-14.750627756759824,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.808693,4.773542,477,-4.042587150298788,-14.750627756759824,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.817232,4.782081,478,-4.042587150298788,-14.750627756759824,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.834174,4.799023,479,-4.042587150298788,-14.750627756759824,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.837807,4.802656,480,-4.042534265571232,-14.750386637372259,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.846868,4.811717,481,-4.042534265571232,-14.750386637372259,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.858479,4.823328,482,-4.042534265571232,-14.750386637372259,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.866727,4.831576,483,-4.042534265571232,-14.750386637372259,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.879156,4.844005,484,-4.042487029797695,-14.750156652172825,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.886868,4.851717,485,-4.042487029797695,-14.750156652172825,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.897092,4.861941,486,-4.042487029797695,-14.750156652172825,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.910170,4.875019,487,-4.042487029797695,-14.750156652172825,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.919783,4.884632,488,-4.042439380770606,-14.74993747988048,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.929912,4.894761,489,-4.042439380770606,-14.74993747988048,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.936797,4.901646,490,-4.042439380770606,-14.74993747988048,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.947912,4.912761,491,-4.042439380770606,-14.74993747988048,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.963758,4.928607,492,-4.042407809643205,-14.749780821935461,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.968852,4.933701,493,-4.042395061700951,-14.749729559342933,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.984399,4.949248,494,-4.042395061700951,-14.749729559342933,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:06.990908,4.955757,495,-4.042395061700951,-14.749729559342933,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.002706,4.967555,496,-4.042378135065457,-14.749630634621237,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.007867,4.972716,497,-4.042358199358013,-14.749533797818714,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.017968,4.982817,498,-4.042358199358013,-14.749533797818714,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.029440,4.994289,499,-4.042358199358013,-14.749533797818714,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.039330,5.004179,500,-4.042323916222249,-14.749349795471014,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.047037,5.011886,501,-4.042323916222249,-14.749349795471014,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.058659,5.023508,502,-4.042323916222249,-14.749349795471014,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.067491,5.03234,503,-4.042323916222249,-14.749349795471014,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.077667,5.042516,504,-4.042289623928737,-14.749176722303382,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.087032,5.051881,505,-4.042289623928737,-14.749176722303382,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.097994,5.062843,506,-4.042289623928737,-14.749176722303382,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.107002,5.071851,507,-4.042289623928737,-14.749176722303382,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.117674,5.082523,508,-4.042264789010795,-14.749016986326792,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.135023,5.099872,509,-4.042264789010795,-14.749016986326792,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.139747,5.104596,510,-4.042264789010795,-14.749016986326792,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.151616,5.116465,511,-4.042264789010795,-14.749016986326792,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.165660,5.130509,512,-4.042240037580992,-14.748868143230023,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.170040,5.134889,513,-4.042240037580992,-14.748868143230023,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.190497,5.155346,514,-4.042240037580992,-14.748868143230023,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.190526,5.155375,515,-4.042240037580992,-14.748868143230023,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.200343,5.165192,516,-4.042224447041128,-14.748764341759584,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.210884,5.175733,517,-4.042217066562966,-14.748730422067048,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.221244,5.186093,518,-4.042217066562966,-14.748730422067048,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.234351,5.1992,519,-4.042217066562966,-14.748730422067048,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.239728,5.204577,520,-4.042217066562966,-14.748730422067048,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.267403,5.232252,521,-4.04220041453982,-14.748605181795748,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.267447,5.232296,522,-4.04220041453982,-14.748605181795748,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.267855,5.232704,523,-4.04220041453982,-14.748605181795748,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.278462,5.243311,524,-4.042190424888246,-14.748492462872463,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.288874,5.253723,525,-4.042190424888246,-14.748492462872463,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.297054,5.261903,526,-4.042190424888246,-14.748492462872463,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.310147,5.274996,527,-4.042190424888246,-14.748492462872463,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.318020,5.282869,528,-4.042179146747806,-14.748389580178069,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.335908,5.300757,529,-4.042179146747806,-14.748389580178069,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.339743,5.304592,530,-4.042179146747806,-14.748389580178069,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.348793,5.313642,531,-4.042179146747806,-14.748389580178069,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.370972,5.335821,532,-4.042168476314257,-14.748296804773195,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.383332,5.348181,533,-4.042168476314257,-14.748296804773195,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.383355,5.348204,534,-4.042168476314257,-14.748296804773195,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.387637,5.352486,535,-4.042168476314257,-14.748296804773195,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.398547,5.363396,536,-4.042168981701155,-14.74827620578887,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.407760,5.372609,537,-4.042165758492603,-14.74821642336742,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.417248,5.382097,538,-4.042165758492603,-14.74821642336742,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.427983,5.392832,539,-4.042165758492603,-14.74821642336742,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.438470,5.403319,540,-4.042162859271461,-14.74814531991705,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.447330,5.412179,541,-4.042162859271461,-14.74814531991705,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.457605,5.422454,542,-4.042162859271461,-14.74814531991705,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.468329,5.433178,543,-4.042162859271461,-14.74814531991705,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.489738,5.454587,544,-4.042160880353121,-14.748083578655898,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.489779,5.454628,545,-4.042160880353121,-14.748083578655898,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.497514,5.462363,546,-4.042160880353121,-14.748083578655898,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.507930,5.472779,547,-4.042160880353121,-14.748083578655898,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.517156,5.482005,548,-4.042160880353121,-14.748083578655898,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.527896,5.492745,549,-4.042165981308875,-14.74803287179652,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.538522,5.503371,550,-4.042165981308875,-14.74803287179652,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.547471,5.51232,551,-4.042165981308875,-14.74803287179652,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.557467,5.522316,552,-4.042165981308875,-14.74803287179652,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.567645,5.532494,553,-4.042169985433037,-14.747990179372643,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.577864,5.542713,554,-4.042169985433037,-14.747990179372643,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.587561,5.55241,555,-4.042169985433037,-14.747990179372643,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.597815,5.562664,556,-4.042169985433037,-14.747990179372643,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.609166,5.574015,557,-4.042175693532027,-14.747956036165032,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.618258,5.583107,558,-4.042175693532027,-14.747956036165032,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.631646,5.596495,559,-4.042175693532027,-14.747956036165032,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.643166,5.608015,560,-4.042175693532027,-14.747956036165032,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.651303,5.616152,561,-4.04218218912894,-14.74792969759181,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.659773,5.624622,562,-4.04218218912894,-14.74792969759181,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.667335,5.632184,563,-4.04218218912894,-14.74792969759181,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.677949,5.642798,564,-4.04218218912894,-14.74792969759181,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.688402,5.653251,565,-4.0421928684646495,-14.74791187749943,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.700032,5.664881,566,-4.0421928684646495,-14.74791187749943,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.707679,5.672528,567,-4.0421928684646495,-14.74791187749943,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.717789,5.682638,568,-4.042194381465163,-14.74790812217451,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.727525,5.692374,569,-4.042202439219061,-14.747900430701517,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.738346,5.703195,570,-4.042202439219061,-14.747900430701517,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.747487,5.712336,571,-4.042202439219061,-14.747900430701517,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.757580,5.722429,572,-4.042213203398176,-14.747895700244863,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.773168,5.738017,573,-4.042213203398176,-14.747895700244863,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.779790,5.744639,574,-4.042213203398176,-14.747895700244863,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.787367,5.752216,575,-4.042213203398176,-14.747895700244863,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.798859,5.763708,576,-4.042222133282744,-14.747896285409364,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.807418,5.772267,577,-4.042224472177744,-14.747897004826429,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.817636,5.782485,578,-4.042224472177744,-14.747897004826429,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.829169,5.794018,579,-4.042224472177744,-14.747897004826429,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.837961,5.80281,580,-4.042224472177744,-14.747897004826429,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.848976,5.813825,581,-4.042238458720278,-14.747904538555897,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.857517,5.822366,582,-4.042238458720278,-14.747904538555897,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.869663,5.834512,583,-4.042238458720278,-14.747904538555897,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.878767,5.843616,584,-4.042238458720278,-14.747904538555897,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.887807,5.852656,585,-4.042250763389194,-14.747916627866916,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.897621,5.86247,586,-4.042250763389194,-14.747916627866916,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.907593,5.872442,587,-4.042250763389194,-14.747916627866916,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.922474,5.887323,588,-4.042264822595996,-14.747933808069078,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.927421,5.89227,589,-4.042264822595996,-14.747933808069078,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.937641,5.90249,590,-4.042264822595996,-14.747933808069078,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.947621,5.91247,591,-4.042264822595996,-14.747933808069078,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.960344,5.925193,592,-4.042264822595996,-14.747933808069078,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.968273,5.933122,593,-4.0422786806588356,-14.74795511860994,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.982243,5.947092,594,-4.0422786806588356,-14.74795511860994,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:07.988324,5.953173,595,-4.0422786806588356,-14.74795511860994,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.004575,5.969424,596,-4.042286577737574,-14.74796742914818,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.009599,5.974448,597,-4.042291580559177,-14.747979959873868,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.020137,5.984986,598,-4.042291580559177,-14.747979959873868,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.029118,5.993967,599,-4.042291580559177,-14.747979959873868,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.042258,6.007107,600,-4.042307032894472,-14.748008702583327,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.047893,6.012742,601,-4.042307032894472,-14.748008702583327,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.057523,6.022372,602,-4.042307032894472,-14.748008702583327,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.068833,6.033682,603,-4.042307032894472,-14.748008702583327,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.080267,6.045116,604,-4.042319670855002,-14.748032392039145,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.088546,6.053395,605,-4.042321778683258,-14.748040196652974,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.098366,6.063215,606,-4.042321778683258,-14.748040196652974,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.107781,6.07263,607,-4.042321778683258,-14.748040196652974,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.124577,6.089426,608,-4.042326393838014,-14.748048649446064,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.128083,6.092932,609,-4.042338036033639,-14.748074480404568,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.138479,6.103328,610,-4.042338036033639,-14.748074480404568,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.147657,6.112506,611,-4.042338036033639,-14.748074480404568,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.159768,6.124617,612,-4.042349939475323,-14.748110118899652,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.171442,6.136291,613,-4.042349939475323,-14.748110118899652,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.178018,6.142867,614,-4.042349939475323,-14.748110118899652,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.188512,6.153361,615,-4.042349939475323,-14.748110118899652,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.197862,6.162711,616,-4.042361240731184,-14.748147514963273,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.207585,6.172434,617,-4.042361240731184,-14.748147514963273,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.218871,6.18372,618,-4.042361240731184,-14.748147514963273,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.228462,6.193311,619,-4.042361240731184,-14.748147514963273,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.240166,6.205015,620,-4.04236999895692,-14.748186065492169,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.247642,6.212491,621,-4.04236999895692,-14.748186065492169,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.258169,6.223018,622,-4.04236999895692,-14.748186065492169,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.269928,6.234777,623,-4.04236999895692,-14.748186065492169,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.279099,6.243948,624,-4.04238395934801,-14.748226500014134,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.288254,6.253103,625,-4.04238395934801,-14.748226500014134,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.298351,6.2632,626,-4.04238395934801,-14.748226500014134,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.307580,6.272429,627,-4.04238395934801,-14.748226500014134,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.321908,6.286757,628,-4.042400619607054,-14.7482679890871,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.328063,6.292912,629,-4.042400619607054,-14.7482679890871,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.337834,6.302683,630,-4.042400619607054,-14.7482679890871,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.348346,6.313195,631,-4.042400619607054,-14.7482679890871,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.357649,6.322498,632,-4.042408673959156,-14.748298881266559,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.369539,6.334388,633,-4.042412175900435,-14.748309298194073,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.377935,6.342784,634,-4.042412175900435,-14.748309298194073,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.388512,6.353361,635,-4.042412175900435,-14.748309298194073,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.398505,6.363354,636,-4.042416153175989,-14.748350193497892,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.409429,6.374278,637,-4.042416153175989,-14.748350193497892,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.419875,6.384724,638,-4.042416153175989,-14.748350193497892,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.428719,6.393568,639,-4.042416153175989,-14.748350193497892,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.441075,6.405924,640,-4.0424300540217555,-14.748391895597909,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.450370,6.415219,641,-4.0424300540217555,-14.748391895597909,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.457986,6.422835,642,-4.0424300540217555,-14.748391895597909,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.480317,6.445166,643,-4.0424300540217555,-14.748391895597909,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.480356,6.445205,644,-4.0424300540217555,-14.748391895597909,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.488044,6.452893,645,-4.042440462788701,-14.74843301584762,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.498160,6.463009,646,-4.042440462788701,-14.74843301584762,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.508061,6.47291,647,-4.042440462788701,-14.74843301584762,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.522112,6.486961,648,-4.042449276746775,-14.748473493547225,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.530633,6.495482,649,-4.042449276746775,-14.748473493547225,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.538986,6.503835,650,-4.042449276746775,-14.748473493547225,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.547836,6.512685,651,-4.042449276746775,-14.748473493547225,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.558954,6.523803,652,-4.042449276746775,-14.748473493547225,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.571825,6.536674,653,-4.042459732687957,-14.748513404250541,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.581683,6.546532,654,-4.042459732687957,-14.748513404250541,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.587917,6.552766,655,-4.042459732687957,-14.748513404250541,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.598383,6.563232,656,-4.042461272497996,-14.748523179420582,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.607914,6.572763,657,-4.042465218729725,-14.748552178514712,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.624044,6.588893,658,-4.042465218729725,-14.748552178514712,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.629912,6.594761,659,-4.042465218729725,-14.748552178514712,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.641215,6.606064,660,-4.0424653214241175,-14.748589819668473,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.649539,6.614388,661,-4.0424653214241175,-14.748589819668473,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.658140,6.622989,662,-4.0424653214241175,-14.748589819668473,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.671251,6.6361,663,-4.0424653214241175,-14.748589819668473,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.678397,6.643246,664,-4.042454911242672,-14.74862620261442,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.688818,6.653667,665,-4.042454911242672,-14.74862620261442,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.698429,6.663278,666,-4.042454911242672,-14.74862620261442,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.707993,6.672842,667,-4.042454911242672,-14.74862620261442,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.723579,6.688428,668,-4.042486503591793,-14.748661737344822,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.728606,6.693455,669,-4.042486503591793,-14.748661737344822,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.738431,6.70328,670,-4.042486503591793,-14.748661737344822,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.748888,6.713737,671,-4.042486503591793,-14.748661737344822,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.759162,6.724011,672,-4.0424915225438705,-14.748695502707497,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.771530,6.736379,673,-4.0424915225438705,-14.748695502707497,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.778750,6.743599,674,-4.0424915225438705,-14.748695502707497,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.788579,6.753428,675,-4.0424915225438705,-14.748695502707497,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.799641,6.76449,676,-4.042494827855424,-14.748727732102008,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.808259,6.773108,677,-4.042494827855424,-14.748727732102008,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.820450,6.785299,678,-4.042494827855424,-14.748727732102008,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.841940,6.806789,679,-4.042494827855424,-14.748727732102008,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.841981,6.80683,680,-4.042494827855424,-14.748727732102008,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.848719,6.813568,681,-4.042494853198558,-14.748758373478454,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.858443,6.823292,682,-4.042494853198558,-14.748758373478454,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.870907,6.835756,683,-4.042494853198558,-14.748758373478454,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.885832,6.850681,684,-4.042502739254964,-14.748787246739552,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.892812,6.857661,685,-4.042502739254964,-14.748787246739552,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.898632,6.863481,686,-4.042502739254964,-14.748787246739552,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.908240,6.873089,687,-4.042502739254964,-14.748787246739552,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.919140,6.883989,688,-4.042503721645457,-14.748794199980775,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.929151,6.894,689,-4.042506589382952,-14.748814445342395,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.940574,6.905423,690,-4.042506589382952,-14.748814445342395,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.948359,6.913208,691,-4.042506589382952,-14.748814445342395,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.959341,6.92419,692,-4.042508802222381,-14.748839916206784,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.969339,6.934188,693,-4.042508802222381,-14.748839916206784,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.981703,6.946552,694,-4.042508802222381,-14.748839916206784,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:08.989557,6.954406,695,-4.042508802222381,-14.748839916206784,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.000467,6.965316,696,-4.042509711319559,-14.748863662101975,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.008363,6.973212,697,-4.042509711319559,-14.748863662101975,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.020772,6.985621,698,-4.042509711319559,-14.748863662101975,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.030965,6.995814,699,-4.042509711319559,-14.748863662101975,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.041402,7.006251,700,-4.04251004049604,-14.74888569225448,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.053622,7.018471,701,-4.04251004049604,-14.74888569225448,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.060169,7.025018,702,-4.04251004049604,-14.74888569225448,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.069659,7.034508,703,-4.04251004049604,-14.74888569225448,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.080377,7.045226,704,-4.042509721378209,-14.74890592126733,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.088413,7.053262,705,-4.042509721378209,-14.74890592126733,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.101883,7.066732,706,-4.042509721378209,-14.74890592126733,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.108407,7.073256,707,-4.042509721378209,-14.74890592126733,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.119508,7.084357,708,-4.04251400414343,-14.748924247986276,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.128787,7.093636,709,-4.04251400414343,-14.748924247986276,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.138975,7.103824,710,-4.04251400414343,-14.748924247986276,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.148517,7.113366,711,-4.04251400414343,-14.748924247986276,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.158404,7.123253,712,-4.042514725259557,-14.748940940258588,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.169457,7.134306,713,-4.042514725259557,-14.748940940258588,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.179551,7.1444,714,-4.042514725259557,-14.748940940258588,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.188462,7.153311,715,-4.042514725259557,-14.748940940258588,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.199669,7.164518,716,-4.042514064685323,-14.74895595070596,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.208797,7.173646,717,-4.042514064685323,-14.74895595070596,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.220414,7.185263,718,-4.042514064685323,-14.74895595070596,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.231286,7.196135,719,-4.042514064685323,-14.74895595070596,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.241958,7.206807,720,-4.042510589618841,-14.748969397064801,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.248780,7.213629,721,-4.042510589618841,-14.748969397064801,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.258662,7.223511,722,-4.042510589618841,-14.748969397064801,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.269231,7.23408,723,-4.042510589618841,-14.748969397064801,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.278836,7.243685,724,-4.042508818623633,-14.748981156054253,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.289664,7.254513,725,-4.042508818623633,-14.748981156054253,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.298812,7.263661,726,-4.042508818623633,-14.748981156054253,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.308426,7.273275,727,-4.042508818623633,-14.748981156054253,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.320166,7.285015,728,-4.0425143504781085,-14.748991055135042,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.329997,7.294846,729,-4.0425143504781085,-14.748991055135042,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.338868,7.303717,730,-4.0425143504781085,-14.748991055135042,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.348549,7.313398,731,-4.0425143504781085,-14.748991055135042,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.358475,7.323324,732,-4.0425143504781085,-14.748991055135042,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.369710,7.334559,733,-4.0425128353059705,-14.74899976041425,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.379249,7.344098,734,-4.0425128353059705,-14.74899976041425,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.388482,7.353331,735,-4.0425128353059705,-14.74899976041425,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.399254,7.364103,736,-4.042511171522819,-14.749007021459532,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.408814,7.373663,737,-4.042511171522819,-14.749007021459532,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.420781,7.38563,738,-4.042511171522819,-14.749007021459532,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.428980,7.393829,739,-4.042511171522819,-14.749007021459532,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.438682,7.403531,740,-4.042509853722725,-14.749012869788675,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.448749,7.413598,741,-4.042509853722725,-14.749012869788675,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.458413,7.423262,742,-4.042509853722725,-14.749012869788675,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.474565,7.439414,743,-4.042509853722725,-14.749012869788675,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.480807,7.445656,744,-4.042509799869558,-14.74901410223846,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.490441,7.45529,745,-4.042506467745829,-14.749017468158561,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.498844,7.463693,746,-4.042506467745829,-14.749017468158561,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.508988,7.473837,747,-4.042506467745829,-14.749017468158561,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.520269,7.485118,748,-4.0425074806199355,-14.7490206882932,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.528814,7.493663,749,-4.0425074806199355,-14.7490206882932,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.538692,7.503541,750,-4.0425074806199355,-14.7490206882932,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.548630,7.513479,751,-4.0425074806199355,-14.7490206882932,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.563028,7.527877,752,-4.042505475460306,-14.749022812676484,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.569495,7.534344,753,-4.042505475460306,-14.749022812676484,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.578789,7.543638,754,-4.042505475460306,-14.749022812676484,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.589177,7.554026,755,-4.042505475460306,-14.749022812676484,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.601685,7.566534,756,-4.042501930642057,-14.749023925539456,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.610327,7.575176,757,-4.042501930642057,-14.749023925539456,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.620988,7.585837,758,-4.042501930642057,-14.749023925539456,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.634017,7.598866,759,-4.042501930642057,-14.749023925539456,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.642694,7.607543,760,-4.042496386454966,-14.749024094580802,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.652541,7.61739,761,-4.042496386454966,-14.749024094580802,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.660581,7.62543,762,-4.042496386454966,-14.749024094580802,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.673099,7.637948,763,-4.042496386454966,-14.749024094580802,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.678930,7.643779,764,-4.042495197598855,-14.749023166498494,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.689138,7.653987,765,-4.042495197598855,-14.749023166498494,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.699069,7.663918,766,-4.042495197598855,-14.749023166498494,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.709056,7.673905,767,-4.042495197598855,-14.749023166498494,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.721641,7.68649,768,-4.0424987129191345,-14.7490212651885,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.729121,7.69397,769,-4.0424987129191345,-14.7490212651885,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.739316,7.704165,770,-4.0424987129191345,-14.7490212651885,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.748943,7.713792,771,-4.0424987129191345,-14.7490212651885,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.758851,7.7237,772,-4.042497291759808,-14.749018699766342,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.774841,7.73969,773,-4.042497291759808,-14.749018699766342,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.779938,7.744787,774,-4.042497291759808,-14.749018699766342,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.789367,7.754216,775,-4.042497291759808,-14.749018699766342,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.800743,7.765592,776,-4.042493499279864,-14.749015418593798,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.810348,7.775197,777,-4.042493499279864,-14.749015418593798,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.820406,7.785255,778,-4.042493499279864,-14.749015418593798,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.830790,7.795639,779,-4.042493499279864,-14.749015418593798,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.839102,7.803951,780,-4.042490129658101,-14.749011475700414,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.851537,7.816386,781,-4.042490129658101,-14.749011475700414,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.860791,7.82564,782,-4.042490129658101,-14.749011475700414,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.869113,7.833962,783,-4.042490129658101,-14.749011475700414,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.879606,7.844455,784,-4.042492759822738,-14.749006908971882,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.888926,7.853775,785,-4.042492759822738,-14.749006908971882,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.899218,7.864067,786,-4.042492759822738,-14.749006908971882,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.911383,7.876232,787,-4.042492759822738,-14.749006908971882,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.920177,7.885026,788,-4.042489761312828,-14.74900191276771,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.929448,7.894297,789,-4.042489761312828,-14.74900191276771,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.939040,7.903889,790,-4.042489761312828,-14.74900191276771,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.949060,7.913909,791,-4.042489761312828,-14.74900191276771,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.963217,7.928066,792,-4.042487165580265,-14.748996468603744,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.970734,7.935583,793,-4.042487165580265,-14.748996468603744,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.979596,7.944445,794,-4.042487165580265,-14.748996468603744,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.989666,7.954515,795,-4.042487165580265,-14.748996468603744,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:09.999947,7.964796,796,-4.04248461702898,-14.748990648949144,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.013638,7.978487,797,-4.04248461702898,-14.748990648949144,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.022947,7.987796,798,-4.04248461702898,-14.748990648949144,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.029883,7.994732,799,-4.04248461702898,-14.748990648949144,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.041560,8.006409,800,-4.042482848637423,-14.748984500600692,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.049671,8.01452,801,-4.042482848637423,-14.748984500600692,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.059875,8.024724,802,-4.042482848637423,-14.748984500600692,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.069646,8.034495,803,-4.042482848637423,-14.748984500600692,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.080665,8.045514,804,-4.042480948509272,-14.748978113445375,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.089289,8.054138,805,-4.042480948509272,-14.748978113445375,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.099271,8.06412,806,-4.042480948509272,-14.748978113445375,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.109763,8.074612,807,-4.042480948509272,-14.748978113445375,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.120800,8.085649,808,-4.042480725078119,-14.748971516228423,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.131005,8.095854,809,-4.042480725078119,-14.748971516228423,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.139350,8.104199,810,-4.042480725078119,-14.748971516228423,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.149165,8.114014,811,-4.042480725078119,-14.748971516228423,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.163461,8.12831,812,-4.042481553631252,-14.748964777391018,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.169667,8.134516,813,-4.042481553631252,-14.748964777391018,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.180268,8.145117,814,-4.042481553631252,-14.748964777391018,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.191679,8.156528,815,-4.042481553631252,-14.748964777391018,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.199640,8.164489,816,-4.042479042342298,-14.748957935288235,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.210012,8.174861,817,-4.042479042342298,-14.748957935288235,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.219891,8.18474,818,-4.042479042342298,-14.748957935288235,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.229631,8.19448,819,-4.042479042342298,-14.748957935288235,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.239335,8.204184,820,-4.042477474879128,-14.748951049765536,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.249474,8.214323,821,-4.042477474879128,-14.748951049765536,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.260033,8.224882,822,-4.042477474879128,-14.748951049765536,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.270953,8.235802,823,-4.042477474879128,-14.748951049765536,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.279658,8.244507,824,-4.042475317252202,-14.748944149266643,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.289226,8.254075,825,-4.042475317252202,-14.748944149266643,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.299605,8.264454,826,-4.042475317252202,-14.748944149266643,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.310001,8.27485,827,-4.042475317252202,-14.748944149266643,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.320419,8.285268,828,-4.042473673363,-14.748937256896115,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.329792,8.294641,829,-4.042473673363,-14.748937256896115,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.339575,8.304424,830,-4.042473673363,-14.748937256896115,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.350121,8.31497,831,-4.042473673363,-14.748937256896115,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.362386,8.327235,832,-4.042474701547006,-14.748930512329608,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.372018,8.336867,833,-4.042474701547006,-14.748930512329608,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.387395,8.352244,834,-4.042474701547006,-14.748930512329608,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.389879,8.354728,835,-4.042474701547006,-14.748930512329608,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.400523,8.365372,836,-4.042473278566956,-14.748923816484956,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.409576,8.374425,837,-4.042473278566956,-14.748923816484956,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.422057,8.386906,838,-4.042473278566956,-14.748923816484956,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.430264,8.395113,839,-4.042473278566956,-14.748923816484956,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.439933,8.404782,840,-4.042467539220675,-14.748917154557766,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.449733,8.414582,841,-4.042467539220675,-14.748917154557766,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.464319,8.429168,842,-4.042467539220675,-14.748917154557766,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.471587,8.436436,843,-4.042467539220675,-14.748917154557766,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.479783,8.444632,844,-4.042471692538886,-14.748910863062207,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.489792,8.454641,845,-4.042471692538886,-14.748910863062207,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.499829,8.464678,846,-4.042471692538886,-14.748910863062207,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.510398,8.475247,847,-4.042471692538886,-14.748910863062207,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.521067,8.485916,848,-4.04247210085088,-14.748904693907505,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.530907,8.495756,849,-4.04247210085088,-14.748904693907505,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.540095,8.504944,850,-4.04247210085088,-14.748904693907505,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.550126,8.514975,851,-4.04247210085088,-14.748904693907505,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.564821,8.52967,852,-4.042470368420191,-14.748898671857528,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.574248,8.539097,853,-4.042470368420191,-14.748898671857528,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.579588,8.544437,854,-4.042470368420191,-14.748898671857528,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.589981,8.55483,855,-4.042470368420191,-14.748898671857528,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.604020,8.568869,856,-4.042469746020707,-14.748892917742673,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.609955,8.574804,857,-4.042469746020707,-14.748892917742673,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.623157,8.588006,858,-4.042469746020707,-14.748892917742673,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.633311,8.59816,859,-4.042469746020707,-14.748892917742673,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.640728,8.605577,860,-4.042469725733977,-14.748887442627233,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.650282,8.615131,861,-4.042469725733977,-14.748887442627233,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.667844,8.632693,862,-4.042469725733977,-14.748887442627233,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.676535,8.641384,863,-4.042469725733977,-14.748887442627233,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.679965,8.644814,864,-4.0424585752673154,-14.748881901777276,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.691405,8.656254,865,-4.0424585752673154,-14.748881901777276,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.710086,8.674935,866,-4.0424585752673154,-14.748881901777276,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.717911,8.68276,867,-4.0424585752673154,-14.748881901777276,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.721153,8.686002,868,-4.042467250766205,-14.748877153656052,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.730118,8.694967,869,-4.042467250766205,-14.748877153656052,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.742648,8.707497,870,-4.042467250766205,-14.748877153656052,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.754557,8.719406,871,-4.042467250766205,-14.748877153656052,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.764036,8.728885,872,-4.042461523480083,-14.748872273324329,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.773492,8.738341,873,-4.042461523480083,-14.748872273324329,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.785335,8.750184,874,-4.042461523480083,-14.748872273324329,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.793147,8.757996,875,-4.042461523480083,-14.748872273324329,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.801858,8.766707,876,-4.04246873020056,-14.748868046617366,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.809831,8.77468,877,-4.04246873020056,-14.748868046617366,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.819770,8.784619,878,-4.04246873020056,-14.748868046617366,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.830347,8.795196,879,-4.04246873020056,-14.748868046617366,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.840528,8.805377,880,-4.04247036504531,-14.748863980649247,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.852136,8.816985,881,-4.04247036504531,-14.748863980649247,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.860846,8.825695,882,-4.04247036504531,-14.748863980649247,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.870975,8.835824,883,-4.04247036504531,-14.748863980649247,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.879694,8.844543,884,-4.0424690098267515,-14.74886007988687,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.889868,8.854717,885,-4.0424690098267515,-14.74886007988687,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.902794,8.867643,886,-4.0424690098267515,-14.74886007988687,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.913137,8.877986,887,-4.0424690098267515,-14.74886007988687,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.921366,8.886215,888,-4.0424682764572655,-14.748856480114853,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.933285,8.898134,889,-4.0424682764572655,-14.748856480114853,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.941544,8.906393,890,-4.0424682764572655,-14.748856480114853,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.950841,8.91569,891,-4.0424682764572655,-14.748856480114853,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.960603,8.925452,892,-4.042468321995418,-14.74885322622294,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.969919,8.934768,893,-4.042468321995418,-14.74885322622294,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.979737,8.944586,894,-4.042468321995418,-14.74885322622294,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:10.990285,8.955134,895,-4.042468321995418,-14.74885322622294,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:11.003079,8.967928,896,-4.042466643100115,-14.748850193480543,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:11.010545,8.975394,897,-4.042466643100115,-14.748850193480543,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769
+2024-04-07 10:33:11.022910,8.987759,898,-4.042466643100115,-14.748850193480543,0.0,0.0,0.0,0.0,-0.06284999839961529,0.0819499981403351,9.80910001850128,0.0,0.0,0.0,255,73.5730001765769

BIN
track.png


+ 21 - 0
track.py

@@ -0,0 +1,21 @@
+import pandas as pd
+import matplotlib.pyplot as plt
+
+# 创建一个dataframe
+file = r"C:\Users\cicv\Desktop\PJI_robot_evaluate_V1.1.0\task_0416\2024-04-16-10-20-45_obstacledetection_30\EgoState_pji.csv"
+
+df = pd.read_csv(file)
+
+# 绘制散点图
+
+plt.scatter(df['posX'], df['posY'], c=df['simTime'], s=0.1)
+plt.axis('equal')
+
+# 添加坐标轴标签和标题
+plt.xlabel('posX')
+plt.ylabel('posY')
+plt.title('Trajectory')
+
+# 显示图形
+plt.savefig("./track.png")
+plt.close()

Niektoré súbory nie sú zobrazené, pretože je v týchto rozdielových dátach zmenené mnoho súborov