From e14554c414157f91d923b0303a5635e5ea80a0c5 Mon Sep 17 00:00:00 2001 From: kim-mskw Date: Tue, 29 Oct 2024 14:18:43 +0100 Subject: [PATCH 1/4] - first draft storage learning --- .../learning_strategies_storages.py | 426 ++++++++++++++++++ 1 file changed, 426 insertions(+) create mode 100644 assume/strategies/learning_strategies_storages.py diff --git a/assume/strategies/learning_strategies_storages.py b/assume/strategies/learning_strategies_storages.py new file mode 100644 index 00000000..bcdaa472 --- /dev/null +++ b/assume/strategies/learning_strategies_storages.py @@ -0,0 +1,426 @@ +# SPDX-FileCopyrightText: ASSUME Developers +# +# SPDX-License-Identifier: AGPL-3.0-or-later + +import logging +from datetime import datetime, timedelta +from pathlib import Path + +import numpy as np +import pandas as pd +import torch as th + +from assume.common.base import LearningStrategy, SupportsMinMaxCharge +from assume.common.market_objects import MarketConfig, Orderbook, Product +from assume.reinforcement_learning.learning_utils import NormalActionNoise +from strategies.utils import load_actor_params + +logger = logging.getLogger(__name__) + + +class EOMBatteryRLStrategy(LearningStrategy): + def __init__(self, *args, **kwargs): + super().__init__(obs_dim=51, act_dim=2, unique_obs_dim=2, *args, + **kwargs) # need to be 50 and 2, all RL units the same + self.world = None + print("Init Battery RL Strategy for", kwargs["unit_id"]) + self.unit_id = kwargs["unit_id"] + + # tells us whether we are training the agents or just executing per-learnind stategies + self.learning_mode = kwargs.get("learning_mode", False) + self.perform_evaluation = kwargs.get("perform_evaluation", False) + + self.max_power_charge = kwargs.get("max_power_charge", 100) + self.max_power_discharge = kwargs.get("max_power_discharge", 90) + self.efficiency_charge = kwargs.get("efficiency_charge", 0.95) + self.efficiency_discharge = kwargs.get("efficiency_discharge", 0.95) + self.min_volume = kwargs.get("min_volume", 1) + self.max_volume = kwargs.get("max_volume", 190) + self.variable_cost_charge = kwargs.get("variable_cost_charge", 30) + self.variable_cost_discharge = kwargs.get("variable_cost_discharge", 30) + self.natural_inflow = kwargs.get("natural_inflow", 0) + + self.max_bid_price = kwargs.get("max_bid_price", 100) + + self.float_type = th.float + + # sets the devide of the actor network + device = kwargs.get("device", "cpu") + self.device = th.device(device if th.cuda.is_available() else "cpu") + if not self.learning_mode: + self.device = th.device("cpu") + + # for definition of observation space + self.foresight = pd.Timedelta(kwargs.get("eom_foresight", "24h")) + self.foresight_int = kwargs.get("foresight", 24) + + # define used order types + self.order_types = kwargs.get("order_types", ["SB"]) + if self.learning_mode or self.perform_evaluation: + self.collect_initial_experience_mode = kwargs.get( + "episodes_collecting_initial_experience", True + ) + + self.action_noise = NormalActionNoise( + mu=0.0, + sigma=kwargs.get("noise_sigma", 0.1), + action_dimension=self.act_dim, + scale=kwargs.get("noise_scale", 1.0), + dt=kwargs.get("noise_dt", 1.0), + ) + + elif Path(kwargs["trained_policies_save_path"]).is_dir(): + load_actor_params(self, load_path=(kwargs["trained_policies_save_path"])) + else: + raise FileNotFoundError( + f"No policies were provided for DRL unit {self.unit_id}!. Please provide a valid path to the trained policies." + ) + + def calculate_bids( + self, + unit: SupportsMinMaxCharge, + market_config: MarketConfig, + product_tuples: list[Product], + **kwargs, + ) -> Orderbook: + """ + Takes information from a unit that the unit operator manages and + defines how it is dispatched to the market. + + Args: + unit (SupportsMinMaxCharge): The unit that is dispatched. + market_config (MarketConfig): The market configuration. + product_tuples (list[Product]): List of product tuples. + **kwargs: Additional keyword arguments. + + Returns: + Orderbook: Bids containing start_time, end_time, only_hours, price, volume. + + Note: + The strategy is analogue to flexABLE + """ + start = product_tuples[0][0] + end_all = product_tuples[-1][1] + next_observation = self.create_observation( + unit=unit, + market_id=market_config.market_id, + start=start, + end=end_all, + ) + # ============================================================================= + # Storage Unit is either charging, discharging, or off + # ============================================================================= + previous_power = unit.get_output_before(start) + # save a theoretic SOC to calculate the ramping + + actions, noise = self.get_actions(next_observation) + # ============================================================================= + # 3. Transform Actions into bids + # ============================================================================= + # actions are in the range [0,1], we need to transform them into actual bids + # we can use our domain knowledge to guide the bid formulation + bid_prices = actions * self.max_bid_price + + min_charge, max_charge = unit.calculate_min_max_charge(start, end_all) + min_discharge, max_discharge = unit.calculate_min_max_discharge(start, end_all) + + bids = [] + + for bid in bid_prices: + if bid > 0: ## Demand == we have to pay, positive bid + bids.append({ + "start_time": start, + "end_time": end_all, + "only_hours": None, + "price": bid, + "volume": max_charge[start], # Charge == Demand, negative Values + "node": unit.node, + }) + if bid < 0: ## Supply == we get payed, bid need converted to positive price + bids.append({ + "start_time": start, + "end_time": end_all, + "only_hours": None, + "price": -bid, + "volume": max_discharge[start], ## Discharge == Supply, positive Values + "node": unit.node, + }) + bids = self.remove_empty_bids(bids) + + # Try to fix inhomogeneous shapes if don't submit min 2 bids + if len(bids) == 0: + if max_charge[start] < 0: # Charging possible, bid with zero to get never accepted + for i in range(2): + bids.append({ + "start_time": start, + "end_time": end_all, + "only_hours": None, + "price": 0, + "volume": max_charge[start] / 2, + "node": unit.node, + }) + if max_charge[start] >= 0 and max_discharge[start] > 0: # Charging impossible, discharge the highest price + for i in range(2): + bids.append({ + "start_time": start, + "end_time": end_all, + "only_hours": None, + "price": self.max_bid_price, + "volume": max_discharge[start] / 2, + "node": unit.node, + }) + bids = self.remove_empty_bids(bids) + unit.outputs["rl_observations"].append(next_observation) + unit.outputs["rl_actions"].append(actions) + + # store results in unit outputs as series to be written to the database by the unit operator + unit.outputs["actions"][start] = actions + unit.outputs["exploration_noise"][start] = noise + + return bids + + def get_actions(self, next_observation): + """ + Gets actions for a unit containing two bid prices depending on the observation. + + Args: + next_observation (torch.Tensor): Next observation. + + Returns: + Actions (torch.Tensor): Actions containing two bid prices. + + Note: + If the agent is in learning mode, the actions are chosen by the actor neuronal net and noise is added to the action + In the first x episodes the agent is in initial exploration mode, where the action is chosen by noise only to explore the entire action space. + X is defined by episodes_collecting_initial_experience. + If the agent is not in learning mode, the actions are chosen by the actor neuronal net without noise. + """ + + # distinction whether we are in learning mode or not to handle exploration realised with noise + if self.learning_mode and not self.perform_evaluation: + # if we are in learning mode the first x episodes we want to explore the entire action space + # to get a good initial experience, in the area around the costs of the agent + if self.collect_initial_experience_mode: + # define current action as soley noise + noise = ( + th.normal( + mean=0.0, std=0.2, size=(1, self.act_dim), dtype=self.float_type + ) + .to(self.device) + .squeeze() + ) + + # ============================================================================= + # 2.1 Get Actions and handle exploration + # ============================================================================= + base_bid = next_observation[-1] + + # add noise to the last dimension of the observation + # needs to be adjusted if observation space is changed, because only makes sense + # if the last dimension of the observation space are the marginal cost + curr_action = noise + base_bid.clone().detach() + + else: + # if we are not in the initial exploration phase we chose the action with the actor neural net + # and add noise to the action + curr_action = self.actor(next_observation).detach() + noise = th.tensor( + self.action_noise.noise(), device=self.device, dtype=self.float_type + ) + curr_action += noise + else: + # if we are not in learning mode we just use the actor neural net to get the action without adding noise + + curr_action = self.actor(next_observation).detach() + noise = tuple(0 for _ in range(self.act_dim)) + + curr_action = curr_action.clamp(-1, 1) + return curr_action, noise + + def calculate_reward( + self, + unit: SupportsMinMaxCharge, + marketconfig: MarketConfig, + orderbook: Orderbook, + ): + """ + Calculates the reward for the unit. + + Args: + unit (SupportsMinMax): Unit to calculate reward for. + marketconfig (MarketConfig): Market configuration. + orderbook (Orderbook): Orderbook. + """ + + # ============================================================================= + # 4. Calculate Reward + # ============================================================================= + # function is called after the market is cleared and we get the market feedback, + # so we can calculate the profit + product_type = marketconfig.product_type + + order = None + profit = 0 + costs = 0 + marginal_cost = 0 + last_order = None + duration = 0 + start = None + end_excl = None + # iterate over all orders in the orderbook, to calculate order specific profit + for order in orderbook: + start = order["start_time"] + end = order["end_time"] + end_excl = end - unit.index.freq + + # depending on way the unit calculates marginal costs we take costs + marginal_cost = unit.calculate_marginal_cost( + pd.Timestamp(start), unit.outputs[product_type].loc[start] + ) + + duration = (end - start) / timedelta(hours=1) + + marginal_cost += unit.get_starting_costs(int(duration)) + + # calculate profit as income - running_cost from this event + order_profit = order["accepted_price"] * order["accepted_volume"] * duration + order_cost = marginal_cost * order["accepted_volume"] * duration + + # collect profit and opportunity cost for all orders + profit += order_profit + costs += order_cost + + # calculate opportunity cost + # as the loss of income we have because we are not running at full power + opportunity_cost = ( + (order["accepted_price"] - marginal_cost) + * (unit.max_power_charge - unit.outputs[product_type].loc[start:end_excl]).sum() + * duration + ) + + # if our opportunity costs are negative, we did not miss an opportunity to earn money and we set them to 0 + opportunity_cost = max(opportunity_cost, 0) + + profit = profit - costs + + scaling = 0.1 / unit.max_volume + regret_scale = 0.2 + reward = float(profit - regret_scale * opportunity_cost) * scaling + + # store results in unit outputs which are written to database by unit operator + unit.outputs["profit"].loc[start:end_excl] += profit + unit.outputs["reward"].loc[start:end_excl] = reward + unit.outputs["regret"].loc[start:end_excl] = opportunity_cost + unit.outputs["total_costs"].loc[start:end_excl] = costs + # Cause error if orderbook does not contain 2 bids the same as powerplant + unit.outputs["rl_rewards"].append(reward) + + if start == datetime(2019, 4, 1, 0, 0): + print("SOC Printing at the end" + str(np.average(unit.outputs["soc"]))) + pd.Series(unit.outputs["soc"]).to_csv(path_or_buf="./outputs/storage/soc_" + unit.id + ".csv") + + def create_observation( + self, + unit: SupportsMinMaxCharge, + market_id: str, + start: datetime, + end: datetime, + ): + + end_excl = end - unit.index.freq + + # get the forecast length depending on the tme unit considered in the modelled unit + forecast_len = pd.Timedelta((self.foresight_int - 1) * unit.index.freq) + + # ============================================================================= + # 1.1 Get the Observations, which are the basis of the action decision + # ============================================================================= + scaling_factor_res_load = self.max_volume + + # price forecast + scaling_factor_price = 100 + + # total capacity and marginal cost + scaling_factor_total_capacity = unit.max_power_charge + + # marginal cost + # Obs[2*foresight+1:2*foresight+2] + scaling_factor_marginal_cost = 100 + + # checks if we are at end of simulation horizon, since we need to change the forecast then + # for residual load and price forecast and scale them + if ( + end_excl + forecast_len + > unit.forecaster[f"residual_load_{market_id}"].index[-1] + ): + scaled_res_load_forecast = ( + unit.forecaster[f"residual_load_{market_id}"].loc[start:].values + / scaling_factor_res_load + ) + scaled_res_load_forecast = np.concatenate( + [ + scaled_res_load_forecast, + unit.forecaster[f"residual_load_{market_id}"].iloc[ + : self.foresight - len(scaled_res_load_forecast) + ], + ] + ) + + else: + scaled_res_load_forecast = ( + unit.forecaster[f"residual_load_{market_id}"] + .loc[start: end_excl + forecast_len] + .values + / scaling_factor_res_load + ) + + if end_excl + forecast_len > unit.forecaster[f"price_{market_id}"].index[-1]: + scaled_price_forecast = ( + unit.forecaster[f"price_{market_id}"].loc[start:].values + / scaling_factor_price + ) + scaled_price_forecast = np.concatenate( + [ + scaled_price_forecast, + unit.forecaster[f"price_{market_id}"].iloc[ + : self.foresight - len(scaled_price_forecast) + ], + ] + ) + + else: + scaled_price_forecast = ( + unit.forecaster[f"price_{market_id}"] + .loc[start: end_excl + forecast_len] + .values + / scaling_factor_price + ) + + # get last accapted bid volume and the current marginal costs of the unit + current_volume = unit.get_output_before(start) + current_costs = unit.calculate_marginal_cost(start, current_volume) + + soc = unit.outputs["soc"].loc[start:end_excl] + soc_scaled = np.average(soc / scaling_factor_res_load) + + # scale unit outpus + scaled_total_capacity = current_volume / scaling_factor_total_capacity + scaled_marginal_cost = current_costs / scaling_factor_marginal_cost + + # concat all obsverations into one array + observation = np.concatenate( + [ + scaled_res_load_forecast, + scaled_price_forecast, + np.array([scaled_total_capacity, scaled_marginal_cost, soc_scaled]), + ] + ) + + # transfer arry to GPU for NN processing + observation = ( + th.tensor(observation, dtype=self.float_type) + .to(self.device, non_blocking=True) + .view(-1) + ) + + return observation.detach().clone() \ No newline at end of file From 55ff6ccd2ad61dbed3eb1f9b5af045d346eef334 Mon Sep 17 00:00:00 2001 From: kim-mskw Date: Tue, 29 Oct 2024 18:52:08 +0100 Subject: [PATCH 2/4] - intital commit with functioning yet not proved converging RL storage startegies --- assume/strategies/__init__.py | 4 +- assume/strategies/learning_strategies.py | 549 +- .../learning_strategies_storages.py | 406 - examples/examples.py | 6 +- examples/inputs/example_02e/config.yaml | 93 + examples/inputs/example_02e/demand_df.csv | 35041 ++++++++++++++++ .../inputs/example_02e/demand_df.csv.license | 3 + examples/inputs/example_02e/demand_units.csv | 2 + .../example_02e/demand_units.csv.license | 3 + .../inputs/example_02e/fuel_prices_df.csv | 2 + .../example_02e/fuel_prices_df.csv.license | 3 + .../inputs/example_02e/powerplant_units.csv | 8 + .../example_02e/powerplant_units.csv.license | 3 + examples/inputs/example_02e/storage_units.csv | 2 + .../example_02e/storage_units.csv.license | 3 + 15 files changed, 35718 insertions(+), 410 deletions(-) create mode 100644 examples/inputs/example_02e/config.yaml create mode 100644 examples/inputs/example_02e/demand_df.csv create mode 100644 examples/inputs/example_02e/demand_df.csv.license create mode 100644 examples/inputs/example_02e/demand_units.csv create mode 100644 examples/inputs/example_02e/demand_units.csv.license create mode 100644 examples/inputs/example_02e/fuel_prices_df.csv create mode 100644 examples/inputs/example_02e/fuel_prices_df.csv.license create mode 100644 examples/inputs/example_02e/powerplant_units.csv create mode 100644 examples/inputs/example_02e/powerplant_units.csv.license create mode 100644 examples/inputs/example_02e/storage_units.csv create mode 100644 examples/inputs/example_02e/storage_units.csv.license diff --git a/assume/strategies/__init__.py b/assume/strategies/__init__.py index 8bacd44c..47b60b60 100644 --- a/assume/strategies/__init__.py +++ b/assume/strategies/__init__.py @@ -51,9 +51,11 @@ from assume.strategies.learning_advanced_orders import ( RLAdvancedOrderStrategy, ) - from assume.strategies.learning_strategies import RLStrategy + from assume.strategies.learning_strategies import RLStrategy, BatteryRLStrategy, BatteryRLStrategy_Curve bidding_strategies["pp_learning"] = RLStrategy + bidding_strategies["storage_learning"] = BatteryRLStrategy + bidding_strategies["storage_learning_curve"] = BatteryRLStrategy_Curve bidding_strategies["learning_advanced_orders"] = RLAdvancedOrderStrategy except ImportError: diff --git a/assume/strategies/learning_strategies.py b/assume/strategies/learning_strategies.py index 4d3e541c..959067cb 100644 --- a/assume/strategies/learning_strategies.py +++ b/assume/strategies/learning_strategies.py @@ -10,7 +10,7 @@ import pandas as pd import torch as th -from assume.common.base import LearningStrategy, SupportsMinMax +from assume.common.base import LearningStrategy, SupportsMinMax, SupportsMinMaxCharge from assume.common.market_objects import MarketConfig, Orderbook, Product from assume.reinforcement_learning.algorithms import actor_architecture_aliases from assume.reinforcement_learning.learning_utils import NormalActionNoise @@ -506,3 +506,550 @@ def load_actor_params(self, load_path): self.actor_target.load_state_dict(params["actor_target"]) self.actor_target.eval() self.actor.optimizer.load_state_dict(params["actor_optimizer"]) + + +class BatteryRLStrategy(LearningStrategy): + def __init__(self, *args, **kwargs): + super().__init__(obs_dim=51, act_dim=2, unique_obs_dim=2, *args, + **kwargs) # need to be 50 and 2, all RL units the same + self.world = None + self.unit_id = kwargs["unit_id"] + + # tells us whether we are training the agents or just executing per-learnind stategies + self.learning_mode = kwargs.get("learning_mode", False) + self.perform_evaluation = kwargs.get("perform_evaluation", False) + + #technical parameters of power plant + self.max_power_charge = kwargs.get("max_power_charge", 100) + self.max_power_discharge = kwargs.get("max_power_discharge", 90) + self.efficiency_charge = kwargs.get("efficiency_charge", 0.95) + self.efficiency_discharge = kwargs.get("efficiency_discharge", 0.95) + self.min_volume = kwargs.get("min_volume", 1) + self.max_volume = kwargs.get("max_volume", 190) + self.variable_cost_charge = kwargs.get("variable_cost_charge", 30) + self.variable_cost_discharge = kwargs.get("variable_cost_discharge", 30) + self.natural_inflow = kwargs.get("natural_inflow", 0) + + self.max_bid_price = kwargs.get("max_bid_price", 100) + + self.float_type = th.float + + # sets the devide of the actor network + device = kwargs.get("device", "cpu") + self.device = th.device(device if th.cuda.is_available() else "cpu") + if not self.learning_mode: + self.device = th.device("cpu") + + # for definition of observation space + self.foresight = kwargs.get("foresight", 24) + + # define used order types + self.order_types = kwargs.get("order_types", ["SB"]) + if self.learning_mode or self.perform_evaluation: + self.collect_initial_experience_mode = kwargs.get( + "episodes_collecting_initial_experience", True + ) + + self.action_noise = NormalActionNoise( + mu=0.0, + sigma=kwargs.get("noise_sigma", 0.1), + action_dimension=self.act_dim, + scale=kwargs.get("noise_scale", 1.0), + dt=kwargs.get("noise_dt", 1.0), + ) + + elif Path(kwargs["trained_policies_save_path"]).is_dir(): + self.load_actor_params(load_path=kwargs["trained_policies_save_path"]) + else: + raise FileNotFoundError( + f"No policies were provided for DRL unit {self.unit_id}!. Please provide a valid path to the trained policies." + ) + + def calculate_bids( + self, + unit: SupportsMinMaxCharge, + market_config: MarketConfig, + product_tuples: list[Product], + **kwargs, + ) -> Orderbook: + """ + Takes information from a unit that the unit operator manages and + defines how it is dispatched to the market. + + Args: + unit (SupportsMinMaxCharge): The unit that is dispatched. + market_config (MarketConfig): The market configuration. + product_tuples (list[Product]): List of product tuples. + **kwargs: Additional keyword arguments. + + Returns: + Orderbook: Bids containing start_time, end_time, only_hours, price, volume. + + Note: + The strategy is analogue to flexABLE + """ + start = product_tuples[0][0] + end_all = product_tuples[-1][1] + next_observation = self.create_observation( + unit=unit, + market_id=market_config.market_id, + start=start, + end=end_all, + ) + # ============================================================================= + # Storage Unit is either charging, discharging, or off + # ============================================================================= + actions, noise = self.get_actions(next_observation) + + + # ============================================================================= + # 3. Transform Actions into bids + # ============================================================================= + # actions are in the range [-1,1], we need to transform them into actual bids + # we can use our domain knowledge to guide the bid formulation + bid_price = actions[0] * self.max_bid_price + + bid_direction = 'sell' if actions[1] >= 0 else 'buy' + + min_charge, max_charge = unit.calculate_min_max_charge(start, end_all) + min_discharge, max_discharge = unit.calculate_min_max_discharge(start, end_all) + + bid_quantity_demand=max_charge.iloc[0] + bid_quantity_supply=max_discharge.iloc[0] + + bids = [] + + #TODO: check if we need to add a check for the minimum volume + if bid_direction == 'sell': + bids.append({ + "start_time": start, + "end_time": end_all, + "only_hours": None, + "price": bid_price, + "volume": bid_quantity_supply, + "node": unit.node, + }) + if bid_direction == 'buy': + bids.append({ + "start_time": start, + "end_time": end_all, + "only_hours": None, + "price": -bid_price, + "volume": bid_quantity_demand, + "node": unit.node, + }) + bids = self.remove_empty_bids(bids) + + + unit.outputs["rl_observations"].append(next_observation) + unit.outputs["rl_actions"].append(actions) + + # store results in unit outputs as series to be written to the database by the unit operator + unit.outputs["actions"][start] = actions + unit.outputs["exploration_noise"][start] = noise + + return bids + + def get_actions(self, next_observation): + """ + Gets actions for a unit containing two bid prices depending on the observation. + + Args: + next_observation (torch.Tensor): Next observation. + + Returns: + Actions (torch.Tensor): Actions containing two bid prices. + + Note: + If the agent is in learning mode, the actions are chosen by the actor neuronal net and noise is added to the action + In the first x episodes the agent is in initial exploration mode, where the action is chosen by noise only to explore the entire action space. + X is defined by episodes_collecting_initial_experience. + If the agent is not in learning mode, the actions are chosen by the actor neuronal net without noise. + """ + + # distinction whether we are in learning mode or not to handle exploration realised with noise + if self.learning_mode and not self.perform_evaluation: + # if we are in learning mode the first x episodes we want to explore the entire action space + # to get a good initial experience, in the area around the costs of the agent + if self.collect_initial_experience_mode: + # define current action as soley noise + noise = ( + th.normal( + mean=0.0, std=0.4, size=(1, self.act_dim), dtype=self.float_type + ) + .to(self.device) + .squeeze() + ) + + # ============================================================================= + # 2.1 Get Actions and handle exploration + # ============================================================================= + # only use noise as the action to enforce exploration + curr_action = noise + + else: + # if we are not in the initial exploration phase we chose the action with the actor neural net + # and add noise to the action + curr_action = self.actor(next_observation).detach() + noise = th.tensor( + self.action_noise.noise(), device=self.device, dtype=self.float_type + ) + curr_action += noise + else: + # if we are not in learning mode we just use the actor neural net to get the action without adding noise + + curr_action = self.actor(next_observation).detach() + noise = tuple(0 for _ in range(self.act_dim)) + + curr_action = curr_action.clamp(-1, 1) + return curr_action, noise + + def calculate_reward( + self, + unit: SupportsMinMaxCharge, + marketconfig: MarketConfig, + orderbook: Orderbook, + ): + """ + Calculates the reward for the unit. + + Args: + unit (SupportsMinMax): Unit to calculate reward for. + marketconfig (MarketConfig): Market configuration. + orderbook (Orderbook): Orderbook. + """ + + # ============================================================================= + # 4. Calculate Reward + # ============================================================================= + # function is called after the market is cleared and we get the market feedback, + # so we can calculate the profit + product_type = marketconfig.product_type + + order = None + profit = 0 + costs = 0 + marginal_cost = 0 + duration = 0 + start = None + end_excl = None + # iterate over all orders in the orderbook, to calculate order specific profit + for order in orderbook: + start = order["start_time"] + end = order["end_time"] + end_excl = end - unit.index.freq + + # depending on way the unit calculates marginal costs we take costs + marginal_cost = unit.calculate_marginal_cost( + pd.Timestamp(start), unit.outputs[product_type].loc[start] + ) + + duration = (end - start) / timedelta(hours=1) + + marginal_cost += unit.get_starting_costs(int(duration)) + + # calculate profit as income - running_cost from this event + order_profit = order["accepted_price"] * order["accepted_volume"] * duration + order_cost = marginal_cost * order["accepted_volume"] * duration + + # collect profit and opportunity cost for all orders + profit += order_profit + costs += order_cost + + # calculate opportunity cost + # as the loss of income we have because we are not running at full power + opportunity_cost = ( + (order["accepted_price"] - marginal_cost) + * (unit.max_power_charge - unit.outputs[product_type].loc[start:end_excl]).sum() + * duration + ) + + # if our opportunity costs are negative, we did not miss an opportunity to earn money and we set them to 0 + opportunity_cost = max(opportunity_cost, 0) + + profit = profit - costs + + scaling = 0.1 / unit.max_volume + regret_scale = 0.2 + reward = float(profit - regret_scale * opportunity_cost) * scaling + + # store results in unit outputs which are written to database by unit operator + unit.outputs["profit"].loc[start:end_excl] += profit + unit.outputs["reward"].loc[start:end_excl] = reward + unit.outputs["regret"].loc[start:end_excl] = opportunity_cost + unit.outputs["total_costs"].loc[start:end_excl] = costs + # Cause error if orderbook does not contain 2 bids the same as powerplant + unit.outputs["rl_rewards"].append(reward) + + if start == datetime(2019, 4, 1, 0, 0): + print("SOC Printing at the end" + str(np.average(unit.outputs["soc"]))) + pd.Series(unit.outputs["soc"]).to_csv(path_or_buf="./outputs/storage/soc_" + unit.id + ".csv") + + def create_observation( + self, + unit: SupportsMinMaxCharge, + market_id: str, + start: datetime, + end: datetime, + ): + + end_excl = end - unit.index.freq + + # get the forecast length depending on the tme unit considered in the modelled unit + forecast_len = pd.Timedelta((self.foresight - 1) * unit.index.freq) + + # ============================================================================= + # 1.1 Get the Observations, which are the basis of the action decision + # ============================================================================= + scaling_factor_res_load = self.max_volume + + # price forecast + scaling_factor_price = 100 + + # total capacity and marginal cost + scaling_factor_total_capacity = unit.max_power_charge + + # marginal cost + # Obs[2*foresight+1:2*foresight+2] + scaling_factor_marginal_cost = 100 + + # checks if we are at end of simulation horizon, since we need to change the forecast then + # for residual load and price forecast and scale them + if ( + end_excl + forecast_len + > unit.forecaster[f"residual_load_{market_id}"].index[-1] + ): + scaled_res_load_forecast = ( + unit.forecaster[f"residual_load_{market_id}"].loc[start:].values + / scaling_factor_res_load + ) + scaled_res_load_forecast = np.concatenate( + [ + scaled_res_load_forecast, + unit.forecaster[f"residual_load_{market_id}"].iloc[ + : self.foresight - len(scaled_res_load_forecast) + ], + ] + ) + + else: + scaled_res_load_forecast = ( + unit.forecaster[f"residual_load_{market_id}"] + .loc[start: end_excl + forecast_len] + .values + / scaling_factor_res_load + ) + + if end_excl + forecast_len > unit.forecaster[f"price_{market_id}"].index[-1]: + scaled_price_forecast = ( + unit.forecaster[f"price_{market_id}"].loc[start:].values + / scaling_factor_price + ) + scaled_price_forecast = np.concatenate( + [ + scaled_price_forecast, + unit.forecaster[f"price_{market_id}"].iloc[ + : self.foresight - len(scaled_price_forecast) + ], + ] + ) + + else: + scaled_price_forecast = ( + unit.forecaster[f"price_{market_id}"] + .loc[start: end_excl + forecast_len] + .values + / scaling_factor_price + ) + + # get last accapted bid volume and the current marginal costs of the unit + current_volume = unit.get_output_before(start) + current_costs = unit.calculate_marginal_cost(start, current_volume) + + soc = unit.outputs["soc"].loc[start:end_excl] + soc_scaled = np.average(soc / scaling_factor_res_load) + + # scale unit outpus + scaled_total_capacity = current_volume / scaling_factor_total_capacity + scaled_marginal_cost = current_costs / scaling_factor_marginal_cost + + # concat all obsverations into one array + observation = np.concatenate( + [ + scaled_res_load_forecast, + scaled_price_forecast, + np.array([scaled_total_capacity, scaled_marginal_cost, soc_scaled]), + ] + ) + + # transfer arry to GPU for NN processing + observation = ( + th.tensor(observation, dtype=self.float_type) + .to(self.device, non_blocking=True) + .view(-1) + ) + + return observation.detach().clone() + +class BatteryRLStrategy_Curve(BatteryRLStrategy): + """ + Reinforcement Learning strategy for a battery unit, which submits a two stage bidding curve. + The agents decides on two prices , on for the maximal discharge and one for the maximal charge capacity. + + """ + def __init__(self, *args, **kwargs): + super().__init__(obs_dim=51, act_dim=2, unique_obs_dim=2, *args, + **kwargs) # need to be 50 and 2, all RL units the same + self.world = None + self.unit_id = kwargs["unit_id"] + + # tells us whether we are training the agents or just executing per-learnind stategies + self.learning_mode = kwargs.get("learning_mode", False) + self.perform_evaluation = kwargs.get("perform_evaluation", False) + + #technical parameters of power plant + self.max_power_charge = kwargs.get("max_power_charge", 100) + self.max_power_discharge = kwargs.get("max_power_discharge", 90) + self.efficiency_charge = kwargs.get("efficiency_charge", 0.95) + self.efficiency_discharge = kwargs.get("efficiency_discharge", 0.95) + self.min_volume = kwargs.get("min_volume", 1) + self.max_volume = kwargs.get("max_volume", 190) + self.variable_cost_charge = kwargs.get("variable_cost_charge", 30) + self.variable_cost_discharge = kwargs.get("variable_cost_discharge", 30) + self.natural_inflow = kwargs.get("natural_inflow", 0) + + self.max_bid_price = kwargs.get("max_bid_price", 100) + + self.float_type = th.float + + # sets the devide of the actor network + device = kwargs.get("device", "cpu") + self.device = th.device(device if th.cuda.is_available() else "cpu") + if not self.learning_mode: + self.device = th.device("cpu") + + # for definition of observation space + self.foresight = kwargs.get("foresight", 24) + + # define used order types + self.order_types = kwargs.get("order_types", ["SB"]) + if self.learning_mode or self.perform_evaluation: + self.collect_initial_experience_mode = kwargs.get( + "episodes_collecting_initial_experience", True + ) + + self.action_noise = NormalActionNoise( + mu=0.0, + sigma=kwargs.get("noise_sigma", 0.1), + action_dimension=self.act_dim, + scale=kwargs.get("noise_scale", 1.0), + dt=kwargs.get("noise_dt", 1.0), + ) + + elif Path(kwargs["trained_policies_save_path"]).is_dir(): + self.load_actor_params(load_path=kwargs["trained_policies_save_path"]) + else: + raise FileNotFoundError( + f"No policies were provided for DRL unit {self.unit_id}!. Please provide a valid path to the trained policies." + ) + + + def calculate_bids( + self, + unit: SupportsMinMaxCharge, + market_config: MarketConfig, + product_tuples: list[Product], + **kwargs, + ) -> Orderbook: + """ + Takes information from a storage unit that the unit operator manages and + defines how bids for the market are defined, by submitting a two stage bidding curve. + + Args: + unit (SupportsMinMaxCharge): The unit that is dispatched. + market_config (MarketConfig): The market configuration. + product_tuples (list[Product]): List of product tuples. + **kwargs: Additional keyword arguments. + + Returns: + Orderbook: Bids containing start_time, end_time, only_hours, price, volume. + + Note: + The strategy is analogue to flexABLE + """ + start = product_tuples[0][0] + end_all = product_tuples[-1][1] + next_observation = self.create_observation( + unit=unit, + market_id=market_config.market_id, + start=start, + end=end_all, + ) + # ============================================================================= + # Storage Unit is either charging, discharging, or off + # ============================================================================= + actions, noise = self.get_actions(next_observation) + # ============================================================================= + # 3. Transform Actions into bids + # ============================================================================= + # actions are in the range [0,1], we need to transform them into actual bids + # we can use our domain knowledge to guide the bid formulation + bid_prices = actions * self.max_bid_price + + min_charge, max_charge = unit.calculate_min_max_charge(start, end_all) + min_discharge, max_discharge = unit.calculate_min_max_discharge(start, end_all) + + bids = [] + + for bid in bid_prices: + if bid > 0: ## Demand == we have to pay, positive bid + bids.append({ + "start_time": start, + "end_time": end_all, + "only_hours": None, + "price": bid, + "volume": max_charge[start], # Charge == Demand, negative Values + "node": unit.node, + }) + if bid < 0: ## Supply == we get payed, bid need converted to positive price + bids.append({ + "start_time": start, + "end_time": end_all, + "only_hours": None, + "price": -bid, + "volume": max_discharge[start], ## Discharge == Supply, positive Values + "node": unit.node, + }) + bids = self.remove_empty_bids(bids) + + # Try to fix inhomogeneous shapes if don't submit min 2 bids + if len(bids) == 0: + if max_charge[start] < 0: # Charging possible, bid with zero to get never accepted + for i in range(2): + bids.append({ + "start_time": start, + "end_time": end_all, + "only_hours": None, + "price": 0, + "volume": max_charge[start] / 2, + "node": unit.node, + }) + if max_charge[start] >= 0 and max_discharge[start] > 0: # Charging impossible, discharge the highest price + for i in range(2): + bids.append({ + "start_time": start, + "end_time": end_all, + "only_hours": None, + "price": self.max_bid_price, + "volume": max_discharge[start] / 2, + "node": unit.node, + }) + bids = self.remove_empty_bids(bids) + unit.outputs["rl_observations"].append(next_observation) + unit.outputs["rl_actions"].append(actions) + + # store results in unit outputs as series to be written to the database by the unit operator + unit.outputs["actions"][start] = actions + unit.outputs["exploration_noise"][start] = noise + + return bids \ No newline at end of file diff --git a/assume/strategies/learning_strategies_storages.py b/assume/strategies/learning_strategies_storages.py index bcdaa472..e85bdc88 100644 --- a/assume/strategies/learning_strategies_storages.py +++ b/assume/strategies/learning_strategies_storages.py @@ -18,409 +18,3 @@ logger = logging.getLogger(__name__) -class EOMBatteryRLStrategy(LearningStrategy): - def __init__(self, *args, **kwargs): - super().__init__(obs_dim=51, act_dim=2, unique_obs_dim=2, *args, - **kwargs) # need to be 50 and 2, all RL units the same - self.world = None - print("Init Battery RL Strategy for", kwargs["unit_id"]) - self.unit_id = kwargs["unit_id"] - - # tells us whether we are training the agents or just executing per-learnind stategies - self.learning_mode = kwargs.get("learning_mode", False) - self.perform_evaluation = kwargs.get("perform_evaluation", False) - - self.max_power_charge = kwargs.get("max_power_charge", 100) - self.max_power_discharge = kwargs.get("max_power_discharge", 90) - self.efficiency_charge = kwargs.get("efficiency_charge", 0.95) - self.efficiency_discharge = kwargs.get("efficiency_discharge", 0.95) - self.min_volume = kwargs.get("min_volume", 1) - self.max_volume = kwargs.get("max_volume", 190) - self.variable_cost_charge = kwargs.get("variable_cost_charge", 30) - self.variable_cost_discharge = kwargs.get("variable_cost_discharge", 30) - self.natural_inflow = kwargs.get("natural_inflow", 0) - - self.max_bid_price = kwargs.get("max_bid_price", 100) - - self.float_type = th.float - - # sets the devide of the actor network - device = kwargs.get("device", "cpu") - self.device = th.device(device if th.cuda.is_available() else "cpu") - if not self.learning_mode: - self.device = th.device("cpu") - - # for definition of observation space - self.foresight = pd.Timedelta(kwargs.get("eom_foresight", "24h")) - self.foresight_int = kwargs.get("foresight", 24) - - # define used order types - self.order_types = kwargs.get("order_types", ["SB"]) - if self.learning_mode or self.perform_evaluation: - self.collect_initial_experience_mode = kwargs.get( - "episodes_collecting_initial_experience", True - ) - - self.action_noise = NormalActionNoise( - mu=0.0, - sigma=kwargs.get("noise_sigma", 0.1), - action_dimension=self.act_dim, - scale=kwargs.get("noise_scale", 1.0), - dt=kwargs.get("noise_dt", 1.0), - ) - - elif Path(kwargs["trained_policies_save_path"]).is_dir(): - load_actor_params(self, load_path=(kwargs["trained_policies_save_path"])) - else: - raise FileNotFoundError( - f"No policies were provided for DRL unit {self.unit_id}!. Please provide a valid path to the trained policies." - ) - - def calculate_bids( - self, - unit: SupportsMinMaxCharge, - market_config: MarketConfig, - product_tuples: list[Product], - **kwargs, - ) -> Orderbook: - """ - Takes information from a unit that the unit operator manages and - defines how it is dispatched to the market. - - Args: - unit (SupportsMinMaxCharge): The unit that is dispatched. - market_config (MarketConfig): The market configuration. - product_tuples (list[Product]): List of product tuples. - **kwargs: Additional keyword arguments. - - Returns: - Orderbook: Bids containing start_time, end_time, only_hours, price, volume. - - Note: - The strategy is analogue to flexABLE - """ - start = product_tuples[0][0] - end_all = product_tuples[-1][1] - next_observation = self.create_observation( - unit=unit, - market_id=market_config.market_id, - start=start, - end=end_all, - ) - # ============================================================================= - # Storage Unit is either charging, discharging, or off - # ============================================================================= - previous_power = unit.get_output_before(start) - # save a theoretic SOC to calculate the ramping - - actions, noise = self.get_actions(next_observation) - # ============================================================================= - # 3. Transform Actions into bids - # ============================================================================= - # actions are in the range [0,1], we need to transform them into actual bids - # we can use our domain knowledge to guide the bid formulation - bid_prices = actions * self.max_bid_price - - min_charge, max_charge = unit.calculate_min_max_charge(start, end_all) - min_discharge, max_discharge = unit.calculate_min_max_discharge(start, end_all) - - bids = [] - - for bid in bid_prices: - if bid > 0: ## Demand == we have to pay, positive bid - bids.append({ - "start_time": start, - "end_time": end_all, - "only_hours": None, - "price": bid, - "volume": max_charge[start], # Charge == Demand, negative Values - "node": unit.node, - }) - if bid < 0: ## Supply == we get payed, bid need converted to positive price - bids.append({ - "start_time": start, - "end_time": end_all, - "only_hours": None, - "price": -bid, - "volume": max_discharge[start], ## Discharge == Supply, positive Values - "node": unit.node, - }) - bids = self.remove_empty_bids(bids) - - # Try to fix inhomogeneous shapes if don't submit min 2 bids - if len(bids) == 0: - if max_charge[start] < 0: # Charging possible, bid with zero to get never accepted - for i in range(2): - bids.append({ - "start_time": start, - "end_time": end_all, - "only_hours": None, - "price": 0, - "volume": max_charge[start] / 2, - "node": unit.node, - }) - if max_charge[start] >= 0 and max_discharge[start] > 0: # Charging impossible, discharge the highest price - for i in range(2): - bids.append({ - "start_time": start, - "end_time": end_all, - "only_hours": None, - "price": self.max_bid_price, - "volume": max_discharge[start] / 2, - "node": unit.node, - }) - bids = self.remove_empty_bids(bids) - unit.outputs["rl_observations"].append(next_observation) - unit.outputs["rl_actions"].append(actions) - - # store results in unit outputs as series to be written to the database by the unit operator - unit.outputs["actions"][start] = actions - unit.outputs["exploration_noise"][start] = noise - - return bids - - def get_actions(self, next_observation): - """ - Gets actions for a unit containing two bid prices depending on the observation. - - Args: - next_observation (torch.Tensor): Next observation. - - Returns: - Actions (torch.Tensor): Actions containing two bid prices. - - Note: - If the agent is in learning mode, the actions are chosen by the actor neuronal net and noise is added to the action - In the first x episodes the agent is in initial exploration mode, where the action is chosen by noise only to explore the entire action space. - X is defined by episodes_collecting_initial_experience. - If the agent is not in learning mode, the actions are chosen by the actor neuronal net without noise. - """ - - # distinction whether we are in learning mode or not to handle exploration realised with noise - if self.learning_mode and not self.perform_evaluation: - # if we are in learning mode the first x episodes we want to explore the entire action space - # to get a good initial experience, in the area around the costs of the agent - if self.collect_initial_experience_mode: - # define current action as soley noise - noise = ( - th.normal( - mean=0.0, std=0.2, size=(1, self.act_dim), dtype=self.float_type - ) - .to(self.device) - .squeeze() - ) - - # ============================================================================= - # 2.1 Get Actions and handle exploration - # ============================================================================= - base_bid = next_observation[-1] - - # add noise to the last dimension of the observation - # needs to be adjusted if observation space is changed, because only makes sense - # if the last dimension of the observation space are the marginal cost - curr_action = noise + base_bid.clone().detach() - - else: - # if we are not in the initial exploration phase we chose the action with the actor neural net - # and add noise to the action - curr_action = self.actor(next_observation).detach() - noise = th.tensor( - self.action_noise.noise(), device=self.device, dtype=self.float_type - ) - curr_action += noise - else: - # if we are not in learning mode we just use the actor neural net to get the action without adding noise - - curr_action = self.actor(next_observation).detach() - noise = tuple(0 for _ in range(self.act_dim)) - - curr_action = curr_action.clamp(-1, 1) - return curr_action, noise - - def calculate_reward( - self, - unit: SupportsMinMaxCharge, - marketconfig: MarketConfig, - orderbook: Orderbook, - ): - """ - Calculates the reward for the unit. - - Args: - unit (SupportsMinMax): Unit to calculate reward for. - marketconfig (MarketConfig): Market configuration. - orderbook (Orderbook): Orderbook. - """ - - # ============================================================================= - # 4. Calculate Reward - # ============================================================================= - # function is called after the market is cleared and we get the market feedback, - # so we can calculate the profit - product_type = marketconfig.product_type - - order = None - profit = 0 - costs = 0 - marginal_cost = 0 - last_order = None - duration = 0 - start = None - end_excl = None - # iterate over all orders in the orderbook, to calculate order specific profit - for order in orderbook: - start = order["start_time"] - end = order["end_time"] - end_excl = end - unit.index.freq - - # depending on way the unit calculates marginal costs we take costs - marginal_cost = unit.calculate_marginal_cost( - pd.Timestamp(start), unit.outputs[product_type].loc[start] - ) - - duration = (end - start) / timedelta(hours=1) - - marginal_cost += unit.get_starting_costs(int(duration)) - - # calculate profit as income - running_cost from this event - order_profit = order["accepted_price"] * order["accepted_volume"] * duration - order_cost = marginal_cost * order["accepted_volume"] * duration - - # collect profit and opportunity cost for all orders - profit += order_profit - costs += order_cost - - # calculate opportunity cost - # as the loss of income we have because we are not running at full power - opportunity_cost = ( - (order["accepted_price"] - marginal_cost) - * (unit.max_power_charge - unit.outputs[product_type].loc[start:end_excl]).sum() - * duration - ) - - # if our opportunity costs are negative, we did not miss an opportunity to earn money and we set them to 0 - opportunity_cost = max(opportunity_cost, 0) - - profit = profit - costs - - scaling = 0.1 / unit.max_volume - regret_scale = 0.2 - reward = float(profit - regret_scale * opportunity_cost) * scaling - - # store results in unit outputs which are written to database by unit operator - unit.outputs["profit"].loc[start:end_excl] += profit - unit.outputs["reward"].loc[start:end_excl] = reward - unit.outputs["regret"].loc[start:end_excl] = opportunity_cost - unit.outputs["total_costs"].loc[start:end_excl] = costs - # Cause error if orderbook does not contain 2 bids the same as powerplant - unit.outputs["rl_rewards"].append(reward) - - if start == datetime(2019, 4, 1, 0, 0): - print("SOC Printing at the end" + str(np.average(unit.outputs["soc"]))) - pd.Series(unit.outputs["soc"]).to_csv(path_or_buf="./outputs/storage/soc_" + unit.id + ".csv") - - def create_observation( - self, - unit: SupportsMinMaxCharge, - market_id: str, - start: datetime, - end: datetime, - ): - - end_excl = end - unit.index.freq - - # get the forecast length depending on the tme unit considered in the modelled unit - forecast_len = pd.Timedelta((self.foresight_int - 1) * unit.index.freq) - - # ============================================================================= - # 1.1 Get the Observations, which are the basis of the action decision - # ============================================================================= - scaling_factor_res_load = self.max_volume - - # price forecast - scaling_factor_price = 100 - - # total capacity and marginal cost - scaling_factor_total_capacity = unit.max_power_charge - - # marginal cost - # Obs[2*foresight+1:2*foresight+2] - scaling_factor_marginal_cost = 100 - - # checks if we are at end of simulation horizon, since we need to change the forecast then - # for residual load and price forecast and scale them - if ( - end_excl + forecast_len - > unit.forecaster[f"residual_load_{market_id}"].index[-1] - ): - scaled_res_load_forecast = ( - unit.forecaster[f"residual_load_{market_id}"].loc[start:].values - / scaling_factor_res_load - ) - scaled_res_load_forecast = np.concatenate( - [ - scaled_res_load_forecast, - unit.forecaster[f"residual_load_{market_id}"].iloc[ - : self.foresight - len(scaled_res_load_forecast) - ], - ] - ) - - else: - scaled_res_load_forecast = ( - unit.forecaster[f"residual_load_{market_id}"] - .loc[start: end_excl + forecast_len] - .values - / scaling_factor_res_load - ) - - if end_excl + forecast_len > unit.forecaster[f"price_{market_id}"].index[-1]: - scaled_price_forecast = ( - unit.forecaster[f"price_{market_id}"].loc[start:].values - / scaling_factor_price - ) - scaled_price_forecast = np.concatenate( - [ - scaled_price_forecast, - unit.forecaster[f"price_{market_id}"].iloc[ - : self.foresight - len(scaled_price_forecast) - ], - ] - ) - - else: - scaled_price_forecast = ( - unit.forecaster[f"price_{market_id}"] - .loc[start: end_excl + forecast_len] - .values - / scaling_factor_price - ) - - # get last accapted bid volume and the current marginal costs of the unit - current_volume = unit.get_output_before(start) - current_costs = unit.calculate_marginal_cost(start, current_volume) - - soc = unit.outputs["soc"].loc[start:end_excl] - soc_scaled = np.average(soc / scaling_factor_res_load) - - # scale unit outpus - scaled_total_capacity = current_volume / scaling_factor_total_capacity - scaled_marginal_cost = current_costs / scaling_factor_marginal_cost - - # concat all obsverations into one array - observation = np.concatenate( - [ - scaled_res_load_forecast, - scaled_price_forecast, - np.array([scaled_total_capacity, scaled_marginal_cost, soc_scaled]), - ] - ) - - # transfer arry to GPU for NN processing - observation = ( - th.tensor(observation, dtype=self.float_type) - .to(self.device, non_blocking=True) - .view(-1) - ) - - return observation.detach().clone() \ No newline at end of file diff --git a/examples/examples.py b/examples/examples.py index e6737161..2eab740a 100644 --- a/examples/examples.py +++ b/examples/examples.py @@ -73,6 +73,8 @@ "small_learning_2_lstm": {"scenario": "example_02b", "study_case": "base_lstm"}, # Further DRL example simulation showcasing learning features "learning_with_complex_bids": {"scenario": "example_02d", "study_case": "dam"}, + "small_learning_storage": {"scenario": "example_02e", "study_case": "base"}, + # # full year examples to show real-world scenarios "large_2019_eom": {"scenario": "example_03", "study_case": "base_case_2019"}, @@ -100,8 +102,8 @@ - local_db: without database and grafana - timescale: with database and grafana (note: you need docker installed) """ - data_format = "local_db" # "local_db" or "timescale" - example = "small" + data_format = "timescale" # "local_db" or "timescale" + example = "small_learning_storage" if data_format == "local_db": db_uri = f"sqlite:///./examples/local_db/assume_db_{example}.db" diff --git a/examples/inputs/example_02e/config.yaml b/examples/inputs/example_02e/config.yaml new file mode 100644 index 00000000..ad164741 --- /dev/null +++ b/examples/inputs/example_02e/config.yaml @@ -0,0 +1,93 @@ +# SPDX-FileCopyrightText: ASSUME Developers +# +# SPDX-License-Identifier: AGPL-3.0-or-later + +tiny: + start_date: 2019-01-01 00:00 + end_date: 2019-01-05 00:00 + time_step: 1h + save_frequency_hours: null + learning_mode: True + + learning_config: + continue_learning: False + trained_policies_save_path: null + max_bid_price: 100 + algorithm: matd3 + actor_architecture: mlp + learning_rate: 0.001 + training_episodes: 10 + episodes_collecting_initial_experience: 3 + train_freq: 24h + gradient_steps: -1 + batch_size: 64 + gamma: 0.99 + device: cpu + noise_sigma: 0.1 + noise_scale: 1 + noise_dt: 1 + validation_episodes_interval: 5 + + markets_config: + EOM: + operator: EOM_operator + product_type: energy + products: + - duration: 1h + count: 1 + first_delivery: 1h + opening_frequency: 1h + opening_duration: 1h + volume_unit: MWh + maximum_bid_volume: 100000 + maximum_bid_price: 3000 + minimum_bid_price: -500 + price_unit: EUR/MWh + market_mechanism: pay_as_clear + + +base: + start_date: 2019-03-01 00:00 + end_date: 2019-03-31 00:00 + time_step: 1h + save_frequency_hours: null + learning_mode: True + + learning_config: + continue_learning: False + trained_policies_save_path: null + max_bid_price: 100 + algorithm: matd3 + actor_architecture: mlp + learning_rate: 0.001 + training_episodes: 50 + episodes_collecting_initial_experience: 5 + train_freq: 24h + gradient_steps: -1 + batch_size: 256 + gamma: 0.99 + device: cpu + noise_sigma: 0.1 + noise_scale: 1 + noise_dt: 1 + validation_episodes_interval: 5 + early_stopping_steps: 10 + early_stopping_threshold: 0.05 + + markets_config: + EOM: + operator: EOM_operator + product_type: energy + products: + - duration: 1h + count: 1 + first_delivery: 1h + opening_frequency: 1h + opening_duration: 1h + volume_unit: MWh + maximum_bid_volume: 100000 + maximum_bid_price: 3000 + minimum_bid_price: -500 + price_unit: EUR/MWh + market_mechanism: pay_as_clear + diff --git a/examples/inputs/example_02e/demand_df.csv b/examples/inputs/example_02e/demand_df.csv new file mode 100644 index 00000000..146eff88 --- /dev/null +++ b/examples/inputs/example_02e/demand_df.csv @@ -0,0 +1,35041 @@ +datetime,demand_EOM +2019-01-01 00:00:00,4420.0 +2019-01-01 00:15:00,4369.6 +2019-01-01 00:30:00,4320.4 +2019-01-01 00:45:00,4300.8 +2019-01-01 01:00:00,4266.0 +2019-01-01 01:15:00,4218.0 +2019-01-01 01:30:00,4165.2 +2019-01-01 01:45:00,4071.6 +2019-01-01 02:00:00,4082.4 +2019-01-01 02:15:00,4038.8 +2019-01-01 02:30:00,3971.6 +2019-01-01 02:45:00,3952.4 +2019-01-01 03:00:00,3979.2 +2019-01-01 03:15:00,3943.2 +2019-01-01 03:30:00,3938.0 +2019-01-01 03:45:00,3935.6 +2019-01-01 04:00:00,3936.0 +2019-01-01 04:15:00,3930.0 +2019-01-01 04:30:00,3929.6 +2019-01-01 04:45:00,3913.6 +2019-01-01 05:00:00,3912.8 +2019-01-01 05:15:00,3885.6 +2019-01-01 05:30:00,3880.0 +2019-01-01 05:45:00,3848.8 +2019-01-01 06:00:00,3809.6 +2019-01-01 06:15:00,3817.2 +2019-01-01 06:30:00,3829.2 +2019-01-01 06:45:00,3811.2 +2019-01-01 07:00:00,3865.2 +2019-01-01 07:15:00,3884.0 +2019-01-01 07:30:00,3886.8 +2019-01-01 07:45:00,3922.8 +2019-01-01 08:00:00,3927.2 +2019-01-01 08:15:00,3938.4 +2019-01-01 08:30:00,3983.2 +2019-01-01 08:45:00,4020.8 +2019-01-01 09:00:00,4113.6 +2019-01-01 09:15:00,4189.2 +2019-01-01 09:30:00,4260.4 +2019-01-01 09:45:00,4322.8 +2019-01-01 10:00:00,4396.8 +2019-01-01 10:15:00,4455.6 +2019-01-01 10:30:00,4528.0 +2019-01-01 10:45:00,4584.4 +2019-01-01 11:00:00,4686.4 +2019-01-01 11:15:00,4767.2 +2019-01-01 11:30:00,4835.6 +2019-01-01 11:45:00,4859.6 +2019-01-01 12:00:00,4902.0 +2019-01-01 12:15:00,4916.8 +2019-01-01 12:30:00,4917.2 +2019-01-01 12:45:00,4930.0 +2019-01-01 13:00:00,4906.0 +2019-01-01 13:15:00,4884.4 +2019-01-01 13:30:00,4886.8 +2019-01-01 13:45:00,4876.8 +2019-01-01 14:00:00,4882.4 +2019-01-01 14:15:00,4864.0 +2019-01-01 14:30:00,4860.4 +2019-01-01 14:45:00,4853.2 +2019-01-01 15:00:00,4881.6 +2019-01-01 15:15:00,4887.6 +2019-01-01 15:30:00,4904.0 +2019-01-01 15:45:00,4914.4 +2019-01-01 16:00:00,4956.8 +2019-01-01 16:15:00,5016.8 +2019-01-01 16:30:00,5129.2 +2019-01-01 16:45:00,5221.6 +2019-01-01 17:00:00,5336.0 +2019-01-01 17:15:00,5374.4 +2019-01-01 17:30:00,5418.4 +2019-01-01 17:45:00,5458.4 +2019-01-01 18:00:00,5473.6 +2019-01-01 18:15:00,5472.0 +2019-01-01 18:30:00,5468.8 +2019-01-01 18:45:00,5461.2 +2019-01-01 19:00:00,5452.0 +2019-01-01 19:15:00,5403.2 +2019-01-01 19:30:00,5358.8 +2019-01-01 19:45:00,5297.2 +2019-01-01 20:00:00,5241.6 +2019-01-01 20:15:00,5192.0 +2019-01-01 20:30:00,5126.0 +2019-01-01 20:45:00,5059.2 +2019-01-01 21:00:00,5019.6 +2019-01-01 21:15:00,4997.2 +2019-01-01 21:30:00,4976.8 +2019-01-01 21:45:00,4962.0 +2019-01-01 22:00:00,4982.4 +2019-01-01 22:15:00,4912.0 +2019-01-01 22:30:00,4855.2 +2019-01-01 22:45:00,4786.8 +2019-01-01 23:00:00,4714.8 +2019-01-01 23:15:00,4656.8 +2019-01-01 23:30:00,4560.4 +2019-01-01 23:45:00,4512.0 +2019-01-02 00:00:00,4504.4 +2019-01-02 00:15:00,4436.0 +2019-01-02 00:30:00,4359.2 +2019-01-02 00:45:00,4326.0 +2019-01-02 01:00:00,4298.0 +2019-01-02 01:15:00,4233.6 +2019-01-02 01:30:00,4217.6 +2019-01-02 01:45:00,4203.6 +2019-01-02 02:00:00,4210.4 +2019-01-02 02:15:00,4197.2 +2019-01-02 02:30:00,4188.0 +2019-01-02 02:45:00,4152.4 +2019-01-02 03:00:00,4198.8 +2019-01-02 03:15:00,4238.4 +2019-01-02 03:30:00,4242.8 +2019-01-02 03:45:00,4271.2 +2019-01-02 04:00:00,4335.6 +2019-01-02 04:15:00,4372.0 +2019-01-02 04:30:00,4436.8 +2019-01-02 04:45:00,4490.8 +2019-01-02 05:00:00,4560.4 +2019-01-02 05:15:00,4621.6 +2019-01-02 05:30:00,4755.6 +2019-01-02 05:45:00,4901.2 +2019-01-02 06:00:00,5058.4 +2019-01-02 06:15:00,5209.6 +2019-01-02 06:30:00,5343.2 +2019-01-02 06:45:00,5481.6 +2019-01-02 07:00:00,5652.4 +2019-01-02 07:15:00,5763.2 +2019-01-02 07:30:00,5869.6 +2019-01-02 07:45:00,5965.6 +2019-01-02 08:00:00,6080.4 +2019-01-02 08:15:00,6110.8 +2019-01-02 08:30:00,6145.6 +2019-01-02 08:45:00,6192.0 +2019-01-02 09:00:00,6249.6 +2019-01-02 09:15:00,6263.2 +2019-01-02 09:30:00,6325.2 +2019-01-02 09:45:00,6360.0 +2019-01-02 10:00:00,6382.0 +2019-01-02 10:15:00,6394.4 +2019-01-02 10:30:00,6429.2 +2019-01-02 10:45:00,6454.8 +2019-01-02 11:00:00,6488.4 +2019-01-02 11:15:00,6533.6 +2019-01-02 11:30:00,6581.2 +2019-01-02 11:45:00,6576.4 +2019-01-02 12:00:00,6588.8 +2019-01-02 12:15:00,6572.8 +2019-01-02 12:30:00,6569.6 +2019-01-02 12:45:00,6564.4 +2019-01-02 13:00:00,6563.2 +2019-01-02 13:15:00,6524.4 +2019-01-02 13:30:00,6500.0 +2019-01-02 13:45:00,6429.6 +2019-01-02 14:00:00,6430.0 +2019-01-02 14:15:00,6394.4 +2019-01-02 14:30:00,6372.8 +2019-01-02 14:45:00,6331.6 +2019-01-02 15:00:00,6394.8 +2019-01-02 15:15:00,6376.8 +2019-01-02 15:30:00,6363.6 +2019-01-02 15:45:00,6346.4 +2019-01-02 16:00:00,6400.4 +2019-01-02 16:15:00,6411.2 +2019-01-02 16:30:00,6515.6 +2019-01-02 16:45:00,6629.6 +2019-01-02 17:00:00,6752.0 +2019-01-02 17:15:00,6812.8 +2019-01-02 17:30:00,6827.6 +2019-01-02 17:45:00,6840.8 +2019-01-02 18:00:00,6808.8 +2019-01-02 18:15:00,6783.2 +2019-01-02 18:30:00,6778.0 +2019-01-02 18:45:00,6761.6 +2019-01-02 19:00:00,6727.2 +2019-01-02 19:15:00,6634.0 +2019-01-02 19:30:00,6561.2 +2019-01-02 19:45:00,6496.8 +2019-01-02 20:00:00,6384.0 +2019-01-02 20:15:00,6284.0 +2019-01-02 20:30:00,6173.2 +2019-01-02 20:45:00,6093.2 +2019-01-02 21:00:00,5999.2 +2019-01-02 21:15:00,5945.2 +2019-01-02 21:30:00,5890.4 +2019-01-02 21:45:00,5850.0 +2019-01-02 22:00:00,5854.4 +2019-01-02 22:15:00,5786.8 +2019-01-02 22:30:00,5687.2 +2019-01-02 22:45:00,5586.8 +2019-01-02 23:00:00,5522.0 +2019-01-02 23:15:00,5408.4 +2019-01-02 23:30:00,5302.8 +2019-01-02 23:45:00,5216.0 +2019-01-03 00:00:00,5125.2 +2019-01-03 00:15:00,5105.2 +2019-01-03 00:30:00,5060.4 +2019-01-03 00:45:00,4981.2 +2019-01-03 01:00:00,4991.6 +2019-01-03 01:15:00,4974.4 +2019-01-03 01:30:00,4974.4 +2019-01-03 01:45:00,4949.2 +2019-01-03 02:00:00,4943.2 +2019-01-03 02:15:00,4939.2 +2019-01-03 02:30:00,4948.0 +2019-01-03 02:45:00,4944.4 +2019-01-03 03:00:00,4941.2 +2019-01-03 03:15:00,4916.8 +2019-01-03 03:30:00,4924.8 +2019-01-03 03:45:00,4948.0 +2019-01-03 04:00:00,4960.0 +2019-01-03 04:15:00,4984.0 +2019-01-03 04:30:00,5026.4 +2019-01-03 04:45:00,5074.4 +2019-01-03 05:00:00,5174.8 +2019-01-03 05:15:00,5213.6 +2019-01-03 05:30:00,5297.6 +2019-01-03 05:45:00,5406.4 +2019-01-03 06:00:00,5559.2 +2019-01-03 06:15:00,5688.8 +2019-01-03 06:30:00,5822.4 +2019-01-03 06:45:00,5937.6 +2019-01-03 07:00:00,6058.0 +2019-01-03 07:15:00,6140.4 +2019-01-03 07:30:00,6238.0 +2019-01-03 07:45:00,6323.6 +2019-01-03 08:00:00,6375.6 +2019-01-03 08:15:00,6422.4 +2019-01-03 08:30:00,6463.2 +2019-01-03 08:45:00,6508.0 +2019-01-03 09:00:00,6554.0 +2019-01-03 09:15:00,6569.2 +2019-01-03 09:30:00,6582.0 +2019-01-03 09:45:00,6610.4 +2019-01-03 10:00:00,6625.6 +2019-01-03 10:15:00,6629.2 +2019-01-03 10:30:00,6654.0 +2019-01-03 10:45:00,6669.6 +2019-01-03 11:00:00,6705.6 +2019-01-03 11:15:00,6743.6 +2019-01-03 11:30:00,6765.6 +2019-01-03 11:45:00,6756.8 +2019-01-03 12:00:00,6785.6 +2019-01-03 12:15:00,6766.4 +2019-01-03 12:30:00,6763.2 +2019-01-03 12:45:00,6742.0 +2019-01-03 13:00:00,6711.2 +2019-01-03 13:15:00,6659.6 +2019-01-03 13:30:00,6623.2 +2019-01-03 13:45:00,6580.4 +2019-01-03 14:00:00,6590.8 +2019-01-03 14:15:00,6566.8 +2019-01-03 14:30:00,6551.6 +2019-01-03 14:45:00,6520.0 +2019-01-03 15:00:00,6532.4 +2019-01-03 15:15:00,6487.6 +2019-01-03 15:30:00,6465.2 +2019-01-03 15:45:00,6483.2 +2019-01-03 16:00:00,6510.8 +2019-01-03 16:15:00,6562.8 +2019-01-03 16:30:00,6638.0 +2019-01-03 16:45:00,6756.4 +2019-01-03 17:00:00,6866.0 +2019-01-03 17:15:00,6921.2 +2019-01-03 17:30:00,6950.4 +2019-01-03 17:45:00,6957.6 +2019-01-03 18:00:00,6932.4 +2019-01-03 18:15:00,6905.6 +2019-01-03 18:30:00,6876.4 +2019-01-03 18:45:00,6859.6 +2019-01-03 19:00:00,6810.8 +2019-01-03 19:15:00,6727.2 +2019-01-03 19:30:00,6654.8 +2019-01-03 19:45:00,6597.2 +2019-01-03 20:00:00,6484.4 +2019-01-03 20:15:00,6356.8 +2019-01-03 20:30:00,6273.6 +2019-01-03 20:45:00,6192.4 +2019-01-03 21:00:00,6124.8 +2019-01-03 21:15:00,6076.8 +2019-01-03 21:30:00,5978.4 +2019-01-03 21:45:00,5944.8 +2019-01-03 22:00:00,5932.4 +2019-01-03 22:15:00,5856.8 +2019-01-03 22:30:00,5753.2 +2019-01-03 22:45:00,5696.4 +2019-01-03 23:00:00,5613.6 +2019-01-03 23:15:00,5511.6 +2019-01-03 23:30:00,5430.8 +2019-01-03 23:45:00,5371.2 +2019-01-04 00:00:00,5256.4 +2019-01-04 00:15:00,5189.2 +2019-01-04 00:30:00,5136.8 +2019-01-04 00:45:00,5080.0 +2019-01-04 01:00:00,4993.6 +2019-01-04 01:15:00,4962.4 +2019-01-04 01:30:00,4977.6 +2019-01-04 01:45:00,4967.6 +2019-01-04 02:00:00,4920.8 +2019-01-04 02:15:00,4897.2 +2019-01-04 02:30:00,4925.6 +2019-01-04 02:45:00,4933.6 +2019-01-04 03:00:00,4945.2 +2019-01-04 03:15:00,4949.6 +2019-01-04 03:30:00,4961.6 +2019-01-04 03:45:00,5003.6 +2019-01-04 04:00:00,5043.2 +2019-01-04 04:15:00,5042.4 +2019-01-04 04:30:00,5067.2 +2019-01-04 04:45:00,5126.0 +2019-01-04 05:00:00,5222.0 +2019-01-04 05:15:00,5252.0 +2019-01-04 05:30:00,5330.4 +2019-01-04 05:45:00,5441.6 +2019-01-04 06:00:00,5607.2 +2019-01-04 06:15:00,5747.2 +2019-01-04 06:30:00,5856.4 +2019-01-04 06:45:00,6002.4 +2019-01-04 07:00:00,6183.6 +2019-01-04 07:15:00,6300.4 +2019-01-04 07:30:00,6394.4 +2019-01-04 07:45:00,6478.0 +2019-01-04 08:00:00,6589.6 +2019-01-04 08:15:00,6643.6 +2019-01-04 08:30:00,6669.6 +2019-01-04 08:45:00,6711.2 +2019-01-04 09:00:00,6752.4 +2019-01-04 09:15:00,6812.8 +2019-01-04 09:30:00,6858.0 +2019-01-04 09:45:00,6850.8 +2019-01-04 10:00:00,6859.2 +2019-01-04 10:15:00,6935.2 +2019-01-04 10:30:00,6970.0 +2019-01-04 10:45:00,6994.4 +2019-01-04 11:00:00,6968.4 +2019-01-04 11:15:00,7001.2 +2019-01-04 11:30:00,7020.8 +2019-01-04 11:45:00,7040.0 +2019-01-04 12:00:00,7059.2 +2019-01-04 12:15:00,7041.2 +2019-01-04 12:30:00,7043.6 +2019-01-04 12:45:00,7016.8 +2019-01-04 13:00:00,7009.6 +2019-01-04 13:15:00,6962.0 +2019-01-04 13:30:00,6908.4 +2019-01-04 13:45:00,6861.2 +2019-01-04 14:00:00,6820.0 +2019-01-04 14:15:00,6771.2 +2019-01-04 14:30:00,6729.2 +2019-01-04 14:45:00,6702.4 +2019-01-04 15:00:00,6648.0 +2019-01-04 15:15:00,6618.4 +2019-01-04 15:30:00,6607.2 +2019-01-04 15:45:00,6601.6 +2019-01-04 16:00:00,6682.4 +2019-01-04 16:15:00,6717.2 +2019-01-04 16:30:00,6777.6 +2019-01-04 16:45:00,6834.0 +2019-01-04 17:00:00,6917.6 +2019-01-04 17:15:00,6947.2 +2019-01-04 17:30:00,6980.0 +2019-01-04 17:45:00,6977.6 +2019-01-04 18:00:00,6943.6 +2019-01-04 18:15:00,6905.2 +2019-01-04 18:30:00,6873.2 +2019-01-04 18:45:00,6833.6 +2019-01-04 19:00:00,6789.6 +2019-01-04 19:15:00,6703.2 +2019-01-04 19:30:00,6666.0 +2019-01-04 19:45:00,6589.6 +2019-01-04 20:00:00,6431.2 +2019-01-04 20:15:00,6330.0 +2019-01-04 20:30:00,6253.6 +2019-01-04 20:45:00,6155.6 +2019-01-04 21:00:00,6073.6 +2019-01-04 21:15:00,6022.0 +2019-01-04 21:30:00,5983.6 +2019-01-04 21:45:00,5912.0 +2019-01-04 22:00:00,5902.0 +2019-01-04 22:15:00,5871.6 +2019-01-04 22:30:00,5783.6 +2019-01-04 22:45:00,5700.0 +2019-01-04 23:00:00,5552.0 +2019-01-04 23:15:00,5470.4 +2019-01-04 23:30:00,5378.0 +2019-01-04 23:45:00,5287.2 +2019-01-05 00:00:00,5183.6 +2019-01-05 00:15:00,5137.2 +2019-01-05 00:30:00,5100.0 +2019-01-05 00:45:00,5045.6 +2019-01-05 01:00:00,4968.4 +2019-01-05 01:15:00,4898.8 +2019-01-05 01:30:00,4887.2 +2019-01-05 01:45:00,4842.0 +2019-01-05 02:00:00,4806.4 +2019-01-05 02:15:00,4765.2 +2019-01-05 02:30:00,4781.6 +2019-01-05 02:45:00,4755.2 +2019-01-05 03:00:00,4733.2 +2019-01-05 03:15:00,4721.6 +2019-01-05 03:30:00,4727.2 +2019-01-05 03:45:00,4733.2 +2019-01-05 04:00:00,4748.8 +2019-01-05 04:15:00,4738.0 +2019-01-05 04:30:00,4741.2 +2019-01-05 04:45:00,4740.4 +2019-01-05 05:00:00,4752.8 +2019-01-05 05:15:00,4750.4 +2019-01-05 05:30:00,4747.6 +2019-01-05 05:45:00,4746.8 +2019-01-05 06:00:00,4793.6 +2019-01-05 06:15:00,4831.6 +2019-01-05 06:30:00,4880.4 +2019-01-05 06:45:00,4875.6 +2019-01-05 07:00:00,5007.2 +2019-01-05 07:15:00,5074.4 +2019-01-05 07:30:00,5116.4 +2019-01-05 07:45:00,5152.4 +2019-01-05 08:00:00,5343.6 +2019-01-05 08:15:00,5445.6 +2019-01-05 08:30:00,5421.2 +2019-01-05 08:45:00,5502.0 +2019-01-05 09:00:00,5667.6 +2019-01-05 09:15:00,5726.8 +2019-01-05 09:30:00,5827.6 +2019-01-05 09:45:00,5869.2 +2019-01-05 10:00:00,5942.0 +2019-01-05 10:15:00,5980.4 +2019-01-05 10:30:00,6007.6 +2019-01-05 10:45:00,6036.8 +2019-01-05 11:00:00,6094.8 +2019-01-05 11:15:00,6101.2 +2019-01-05 11:30:00,6138.8 +2019-01-05 11:45:00,6113.6 +2019-01-05 12:00:00,6130.0 +2019-01-05 12:15:00,6112.4 +2019-01-05 12:30:00,6099.6 +2019-01-05 12:45:00,6062.0 +2019-01-05 13:00:00,6051.2 +2019-01-05 13:15:00,5994.0 +2019-01-05 13:30:00,5949.2 +2019-01-05 13:45:00,5924.0 +2019-01-05 14:00:00,5904.8 +2019-01-05 14:15:00,5862.8 +2019-01-05 14:30:00,5851.2 +2019-01-05 14:45:00,5828.4 +2019-01-05 15:00:00,5842.4 +2019-01-05 15:15:00,5813.2 +2019-01-05 15:30:00,5802.8 +2019-01-05 15:45:00,5808.8 +2019-01-05 16:00:00,5838.4 +2019-01-05 16:15:00,5872.4 +2019-01-05 16:30:00,5934.0 +2019-01-05 16:45:00,6040.4 +2019-01-05 17:00:00,6165.2 +2019-01-05 17:15:00,6194.0 +2019-01-05 17:30:00,6222.4 +2019-01-05 17:45:00,6242.4 +2019-01-05 18:00:00,6264.4 +2019-01-05 18:15:00,6197.2 +2019-01-05 18:30:00,6213.2 +2019-01-05 18:45:00,6175.2 +2019-01-05 19:00:00,6124.8 +2019-01-05 19:15:00,6056.0 +2019-01-05 19:30:00,6003.2 +2019-01-05 19:45:00,5937.2 +2019-01-05 20:00:00,5792.0 +2019-01-05 20:15:00,5689.6 +2019-01-05 20:30:00,5612.8 +2019-01-05 20:45:00,5551.6 +2019-01-05 21:00:00,5488.0 +2019-01-05 21:15:00,5442.8 +2019-01-05 21:30:00,5405.6 +2019-01-05 21:45:00,5363.6 +2019-01-05 22:00:00,5408.0 +2019-01-05 22:15:00,5356.0 +2019-01-05 22:30:00,5278.8 +2019-01-05 22:45:00,5235.6 +2019-01-05 23:00:00,5124.4 +2019-01-05 23:15:00,5040.0 +2019-01-05 23:30:00,4984.4 +2019-01-05 23:45:00,4929.2 +2019-01-06 00:00:00,4805.6 +2019-01-06 00:15:00,4710.0 +2019-01-06 00:30:00,4652.0 +2019-01-06 00:45:00,4600.8 +2019-01-06 01:00:00,4535.6 +2019-01-06 01:15:00,4494.8 +2019-01-06 01:30:00,4477.2 +2019-01-06 01:45:00,4440.0 +2019-01-06 02:00:00,4372.0 +2019-01-06 02:15:00,4358.4 +2019-01-06 02:30:00,4333.6 +2019-01-06 02:45:00,4320.8 +2019-01-06 03:00:00,4332.0 +2019-01-06 03:15:00,4345.6 +2019-01-06 03:30:00,4320.0 +2019-01-06 03:45:00,4306.0 +2019-01-06 04:00:00,4317.6 +2019-01-06 04:15:00,4324.8 +2019-01-06 04:30:00,4323.6 +2019-01-06 04:45:00,4326.0 +2019-01-06 05:00:00,4303.6 +2019-01-06 05:15:00,4261.2 +2019-01-06 05:30:00,4244.0 +2019-01-06 05:45:00,4228.0 +2019-01-06 06:00:00,4208.8 +2019-01-06 06:15:00,4211.6 +2019-01-06 06:30:00,4214.4 +2019-01-06 06:45:00,4247.6 +2019-01-06 07:00:00,4282.0 +2019-01-06 07:15:00,4301.6 +2019-01-06 07:30:00,4331.2 +2019-01-06 07:45:00,4406.8 +2019-01-06 08:00:00,4502.4 +2019-01-06 08:15:00,4563.2 +2019-01-06 08:30:00,4626.4 +2019-01-06 08:45:00,4716.4 +2019-01-06 09:00:00,4832.0 +2019-01-06 09:15:00,4926.8 +2019-01-06 09:30:00,5006.8 +2019-01-06 09:45:00,5070.8 +2019-01-06 10:00:00,5157.2 +2019-01-06 10:15:00,5221.6 +2019-01-06 10:30:00,5291.2 +2019-01-06 10:45:00,5354.4 +2019-01-06 11:00:00,5442.0 +2019-01-06 11:15:00,5496.8 +2019-01-06 11:30:00,5549.6 +2019-01-06 11:45:00,5575.6 +2019-01-06 12:00:00,5603.2 +2019-01-06 12:15:00,5577.6 +2019-01-06 12:30:00,5558.8 +2019-01-06 12:45:00,5527.6 +2019-01-06 13:00:00,5476.4 +2019-01-06 13:15:00,5431.6 +2019-01-06 13:30:00,5419.6 +2019-01-06 13:45:00,5390.4 +2019-01-06 14:00:00,5417.6 +2019-01-06 14:15:00,5393.2 +2019-01-06 14:30:00,5368.4 +2019-01-06 14:45:00,5331.6 +2019-01-06 15:00:00,5286.4 +2019-01-06 15:15:00,5297.2 +2019-01-06 15:30:00,5294.0 +2019-01-06 15:45:00,5294.4 +2019-01-06 16:00:00,5332.8 +2019-01-06 16:15:00,5398.4 +2019-01-06 16:30:00,5500.4 +2019-01-06 16:45:00,5625.6 +2019-01-06 17:00:00,5732.4 +2019-01-06 17:15:00,5804.8 +2019-01-06 17:30:00,5844.0 +2019-01-06 17:45:00,5856.0 +2019-01-06 18:00:00,5940.8 +2019-01-06 18:15:00,5936.8 +2019-01-06 18:30:00,5905.6 +2019-01-06 18:45:00,5846.0 +2019-01-06 19:00:00,5842.0 +2019-01-06 19:15:00,5776.0 +2019-01-06 19:30:00,5756.0 +2019-01-06 19:45:00,5695.2 +2019-01-06 20:00:00,5652.0 +2019-01-06 20:15:00,5578.4 +2019-01-06 20:30:00,5489.6 +2019-01-06 20:45:00,5438.0 +2019-01-06 21:00:00,5399.6 +2019-01-06 21:15:00,5379.2 +2019-01-06 21:30:00,5338.4 +2019-01-06 21:45:00,5268.8 +2019-01-06 22:00:00,5328.8 +2019-01-06 22:15:00,5367.2 +2019-01-06 22:30:00,5242.0 +2019-01-06 22:45:00,5156.8 +2019-01-06 23:00:00,5127.6 +2019-01-06 23:15:00,5056.4 +2019-01-06 23:30:00,4977.6 +2019-01-06 23:45:00,4847.2 +2019-01-07 00:00:00,4805.6 +2019-01-07 00:15:00,4737.2 +2019-01-07 00:30:00,4640.0 +2019-01-07 00:45:00,4584.0 +2019-01-07 01:00:00,4608.0 +2019-01-07 01:15:00,4544.8 +2019-01-07 01:30:00,4498.4 +2019-01-07 01:45:00,4469.6 +2019-01-07 02:00:00,4513.6 +2019-01-07 02:15:00,4487.2 +2019-01-07 02:30:00,4459.2 +2019-01-07 02:45:00,4472.8 +2019-01-07 03:00:00,4543.6 +2019-01-07 03:15:00,4560.0 +2019-01-07 03:30:00,4536.8 +2019-01-07 03:45:00,4556.8 +2019-01-07 04:00:00,4668.8 +2019-01-07 04:15:00,4674.8 +2019-01-07 04:30:00,4737.6 +2019-01-07 04:45:00,4815.2 +2019-01-07 05:00:00,5008.8 +2019-01-07 05:15:00,5046.8 +2019-01-07 05:30:00,5170.8 +2019-01-07 05:45:00,5355.2 +2019-01-07 06:00:00,5725.2 +2019-01-07 06:15:00,5973.6 +2019-01-07 06:30:00,6157.2 +2019-01-07 06:45:00,6296.4 +2019-01-07 07:00:00,6522.8 +2019-01-07 07:15:00,6618.4 +2019-01-07 07:30:00,6750.4 +2019-01-07 07:45:00,6826.4 +2019-01-07 08:00:00,6944.0 +2019-01-07 08:15:00,6950.8 +2019-01-07 08:30:00,6981.2 +2019-01-07 08:45:00,7002.0 +2019-01-07 09:00:00,6986.8 +2019-01-07 09:15:00,6982.8 +2019-01-07 09:30:00,7006.8 +2019-01-07 09:45:00,7032.0 +2019-01-07 10:00:00,7080.0 +2019-01-07 10:15:00,7116.4 +2019-01-07 10:30:00,7150.4 +2019-01-07 10:45:00,7173.6 +2019-01-07 11:00:00,7206.0 +2019-01-07 11:15:00,7240.4 +2019-01-07 11:30:00,7246.8 +2019-01-07 11:45:00,7245.6 +2019-01-07 12:00:00,7221.6 +2019-01-07 12:15:00,7222.4 +2019-01-07 12:30:00,7224.4 +2019-01-07 12:45:00,7220.0 +2019-01-07 13:00:00,7237.6 +2019-01-07 13:15:00,7244.0 +2019-01-07 13:30:00,7225.2 +2019-01-07 13:45:00,7170.4 +2019-01-07 14:00:00,7185.2 +2019-01-07 14:15:00,7202.0 +2019-01-07 14:30:00,7209.6 +2019-01-07 14:45:00,7186.4 +2019-01-07 15:00:00,7217.6 +2019-01-07 15:15:00,7189.6 +2019-01-07 15:30:00,7158.4 +2019-01-07 15:45:00,7166.4 +2019-01-07 16:00:00,7198.0 +2019-01-07 16:15:00,7245.6 +2019-01-07 16:30:00,7290.0 +2019-01-07 16:45:00,7374.4 +2019-01-07 17:00:00,7476.8 +2019-01-07 17:15:00,7506.4 +2019-01-07 17:30:00,7509.2 +2019-01-07 17:45:00,7519.2 +2019-01-07 18:00:00,7464.0 +2019-01-07 18:15:00,7422.8 +2019-01-07 18:30:00,7401.6 +2019-01-07 18:45:00,7376.4 +2019-01-07 19:00:00,7328.0 +2019-01-07 19:15:00,7247.2 +2019-01-07 19:30:00,7191.6 +2019-01-07 19:45:00,7156.4 +2019-01-07 20:00:00,7030.4 +2019-01-07 20:15:00,6927.6 +2019-01-07 20:30:00,6846.0 +2019-01-07 20:45:00,6752.4 +2019-01-07 21:00:00,6688.4 +2019-01-07 21:15:00,6620.8 +2019-01-07 21:30:00,6547.2 +2019-01-07 21:45:00,6443.6 +2019-01-07 22:00:00,6408.0 +2019-01-07 22:15:00,6319.2 +2019-01-07 22:30:00,6196.0 +2019-01-07 22:45:00,6082.4 +2019-01-07 23:00:00,5962.0 +2019-01-07 23:15:00,5892.4 +2019-01-07 23:30:00,5796.8 +2019-01-07 23:45:00,5740.8 +2019-01-08 00:00:00,5545.6 +2019-01-08 00:15:00,5484.8 +2019-01-08 00:30:00,5423.6 +2019-01-08 00:45:00,5383.6 +2019-01-08 01:00:00,5322.4 +2019-01-08 01:15:00,5291.2 +2019-01-08 01:30:00,5252.8 +2019-01-08 01:45:00,5210.0 +2019-01-08 02:00:00,5196.4 +2019-01-08 02:15:00,5190.8 +2019-01-08 02:30:00,5187.6 +2019-01-08 02:45:00,5192.4 +2019-01-08 03:00:00,5221.6 +2019-01-08 03:15:00,5233.2 +2019-01-08 03:30:00,5260.0 +2019-01-08 03:45:00,5283.6 +2019-01-08 04:00:00,5327.2 +2019-01-08 04:15:00,5366.8 +2019-01-08 04:30:00,5423.2 +2019-01-08 04:45:00,5476.8 +2019-01-08 05:00:00,5597.2 +2019-01-08 05:15:00,5674.4 +2019-01-08 05:30:00,5790.8 +2019-01-08 05:45:00,5930.4 +2019-01-08 06:00:00,6226.0 +2019-01-08 06:15:00,6411.2 +2019-01-08 06:30:00,6586.4 +2019-01-08 06:45:00,6751.2 +2019-01-08 07:00:00,6954.8 +2019-01-08 07:15:00,7064.4 +2019-01-08 07:30:00,7174.8 +2019-01-08 07:45:00,7255.6 +2019-01-08 08:00:00,7346.4 +2019-01-08 08:15:00,7387.2 +2019-01-08 08:30:00,7385.6 +2019-01-08 08:45:00,7318.4 +2019-01-08 09:00:00,7360.4 +2019-01-08 09:15:00,7392.0 +2019-01-08 09:30:00,7343.6 +2019-01-08 09:45:00,7357.2 +2019-01-08 10:00:00,7449.6 +2019-01-08 10:15:00,7363.6 +2019-01-08 10:30:00,7389.2 +2019-01-08 10:45:00,7398.0 +2019-01-08 11:00:00,7489.6 +2019-01-08 11:15:00,7504.8 +2019-01-08 11:30:00,7466.4 +2019-01-08 11:45:00,7441.6 +2019-01-08 12:00:00,7496.8 +2019-01-08 12:15:00,7480.4 +2019-01-08 12:30:00,7479.2 +2019-01-08 12:45:00,7416.8 +2019-01-08 13:00:00,7477.2 +2019-01-08 13:15:00,7471.6 +2019-01-08 13:30:00,7444.0 +2019-01-08 13:45:00,7425.6 +2019-01-08 14:00:00,7398.8 +2019-01-08 14:15:00,7386.4 +2019-01-08 14:30:00,7377.2 +2019-01-08 14:45:00,7344.4 +2019-01-08 15:00:00,7354.0 +2019-01-08 15:15:00,7341.2 +2019-01-08 15:30:00,7323.2 +2019-01-08 15:45:00,7276.4 +2019-01-08 16:00:00,7349.2 +2019-01-08 16:15:00,7373.6 +2019-01-08 16:30:00,7420.0 +2019-01-08 16:45:00,7442.4 +2019-01-08 17:00:00,7560.4 +2019-01-08 17:15:00,7584.8 +2019-01-08 17:30:00,7566.4 +2019-01-08 17:45:00,7562.0 +2019-01-08 18:00:00,7561.2 +2019-01-08 18:15:00,7566.8 +2019-01-08 18:30:00,7548.0 +2019-01-08 18:45:00,7504.0 +2019-01-08 19:00:00,7457.2 +2019-01-08 19:15:00,7388.4 +2019-01-08 19:30:00,7357.6 +2019-01-08 19:45:00,7288.4 +2019-01-08 20:00:00,7153.2 +2019-01-08 20:15:00,7028.0 +2019-01-08 20:30:00,6920.8 +2019-01-08 20:45:00,6775.2 +2019-01-08 21:00:00,6730.8 +2019-01-08 21:15:00,6668.4 +2019-01-08 21:30:00,6576.0 +2019-01-08 21:45:00,6513.2 +2019-01-08 22:00:00,6446.8 +2019-01-08 22:15:00,6362.4 +2019-01-08 22:30:00,6267.6 +2019-01-08 22:45:00,6163.6 +2019-01-08 23:00:00,6065.6 +2019-01-08 23:15:00,5971.2 +2019-01-08 23:30:00,5898.4 +2019-01-08 23:45:00,5816.8 +2019-01-09 00:00:00,5661.2 +2019-01-09 00:15:00,5584.4 +2019-01-09 00:30:00,5508.8 +2019-01-09 00:45:00,5455.2 +2019-01-09 01:00:00,5422.0 +2019-01-09 01:15:00,5394.8 +2019-01-09 01:30:00,5352.0 +2019-01-09 01:45:00,5280.4 +2019-01-09 02:00:00,5250.0 +2019-01-09 02:15:00,5284.4 +2019-01-09 02:30:00,5275.6 +2019-01-09 02:45:00,5286.4 +2019-01-09 03:00:00,5300.0 +2019-01-09 03:15:00,5295.6 +2019-01-09 03:30:00,5330.8 +2019-01-09 03:45:00,5370.4 +2019-01-09 04:00:00,5394.0 +2019-01-09 04:15:00,5462.8 +2019-01-09 04:30:00,5511.2 +2019-01-09 04:45:00,5534.8 +2019-01-09 05:00:00,5639.6 +2019-01-09 05:15:00,5698.8 +2019-01-09 05:30:00,5818.8 +2019-01-09 05:45:00,5931.2 +2019-01-09 06:00:00,6164.8 +2019-01-09 06:15:00,6422.0 +2019-01-09 06:30:00,6605.2 +2019-01-09 06:45:00,6791.2 +2019-01-09 07:00:00,6986.8 +2019-01-09 07:15:00,7096.4 +2019-01-09 07:30:00,7193.6 +2019-01-09 07:45:00,7265.6 +2019-01-09 08:00:00,7396.8 +2019-01-09 08:15:00,7451.2 +2019-01-09 08:30:00,7436.8 +2019-01-09 08:45:00,7446.0 +2019-01-09 09:00:00,7438.8 +2019-01-09 09:15:00,7486.8 +2019-01-09 09:30:00,7513.2 +2019-01-09 09:45:00,7552.8 +2019-01-09 10:00:00,7569.6 +2019-01-09 10:15:00,7560.8 +2019-01-09 10:30:00,7579.2 +2019-01-09 10:45:00,7623.2 +2019-01-09 11:00:00,7660.0 +2019-01-09 11:15:00,7665.6 +2019-01-09 11:30:00,7698.0 +2019-01-09 11:45:00,7690.8 +2019-01-09 12:00:00,7638.8 +2019-01-09 12:15:00,7622.8 +2019-01-09 12:30:00,7607.6 +2019-01-09 12:45:00,7614.0 +2019-01-09 13:00:00,7639.2 +2019-01-09 13:15:00,7615.6 +2019-01-09 13:30:00,7570.8 +2019-01-09 13:45:00,7533.6 +2019-01-09 14:00:00,7539.2 +2019-01-09 14:15:00,7541.6 +2019-01-09 14:30:00,7505.6 +2019-01-09 14:45:00,7476.4 +2019-01-09 15:00:00,7488.4 +2019-01-09 15:15:00,7440.8 +2019-01-09 15:30:00,7435.6 +2019-01-09 15:45:00,7414.8 +2019-01-09 16:00:00,7422.4 +2019-01-09 16:15:00,7438.8 +2019-01-09 16:30:00,7492.8 +2019-01-09 16:45:00,7582.8 +2019-01-09 17:00:00,7659.2 +2019-01-09 17:15:00,7724.4 +2019-01-09 17:30:00,7746.4 +2019-01-09 17:45:00,7740.0 +2019-01-09 18:00:00,7668.8 +2019-01-09 18:15:00,7626.4 +2019-01-09 18:30:00,7624.0 +2019-01-09 18:45:00,7588.0 +2019-01-09 19:00:00,7546.4 +2019-01-09 19:15:00,7474.4 +2019-01-09 19:30:00,7407.6 +2019-01-09 19:45:00,7333.2 +2019-01-09 20:00:00,7200.0 +2019-01-09 20:15:00,7068.4 +2019-01-09 20:30:00,6980.0 +2019-01-09 20:45:00,6894.0 +2019-01-09 21:00:00,6815.6 +2019-01-09 21:15:00,6740.8 +2019-01-09 21:30:00,6625.2 +2019-01-09 21:45:00,6513.6 +2019-01-09 22:00:00,6520.4 +2019-01-09 22:15:00,6442.8 +2019-01-09 22:30:00,6308.0 +2019-01-09 22:45:00,6176.4 +2019-01-09 23:00:00,6059.2 +2019-01-09 23:15:00,5945.6 +2019-01-09 23:30:00,5845.2 +2019-01-09 23:45:00,5771.2 +2019-01-10 00:00:00,5720.8 +2019-01-10 00:15:00,5673.6 +2019-01-10 00:30:00,5631.6 +2019-01-10 00:45:00,5534.4 +2019-01-10 01:00:00,5467.6 +2019-01-10 01:15:00,5414.4 +2019-01-10 01:30:00,5370.0 +2019-01-10 01:45:00,5335.2 +2019-01-10 02:00:00,5310.4 +2019-01-10 02:15:00,5295.6 +2019-01-10 02:30:00,5284.0 +2019-01-10 02:45:00,5258.8 +2019-01-10 03:00:00,5312.4 +2019-01-10 03:15:00,5300.0 +2019-01-10 03:30:00,5297.2 +2019-01-10 03:45:00,5314.0 +2019-01-10 04:00:00,5350.0 +2019-01-10 04:15:00,5356.0 +2019-01-10 04:30:00,5386.0 +2019-01-10 04:45:00,5437.6 +2019-01-10 05:00:00,5540.0 +2019-01-10 05:15:00,5588.0 +2019-01-10 05:30:00,5677.2 +2019-01-10 05:45:00,5830.0 +2019-01-10 06:00:00,6085.2 +2019-01-10 06:15:00,6265.6 +2019-01-10 06:30:00,6420.0 +2019-01-10 06:45:00,6574.8 +2019-01-10 07:00:00,6809.2 +2019-01-10 07:15:00,6912.4 +2019-01-10 07:30:00,6970.0 +2019-01-10 07:45:00,7048.0 +2019-01-10 08:00:00,7193.2 +2019-01-10 08:15:00,7232.8 +2019-01-10 08:30:00,7226.8 +2019-01-10 08:45:00,7227.2 +2019-01-10 09:00:00,7195.6 +2019-01-10 09:15:00,7233.6 +2019-01-10 09:30:00,7277.2 +2019-01-10 09:45:00,7252.4 +2019-01-10 10:00:00,7332.0 +2019-01-10 10:15:00,7338.0 +2019-01-10 10:30:00,7346.4 +2019-01-10 10:45:00,7368.8 +2019-01-10 11:00:00,7394.8 +2019-01-10 11:15:00,7398.4 +2019-01-10 11:30:00,7414.8 +2019-01-10 11:45:00,7386.0 +2019-01-10 12:00:00,7374.8 +2019-01-10 12:15:00,7358.4 +2019-01-10 12:30:00,7351.6 +2019-01-10 12:45:00,7349.2 +2019-01-10 13:00:00,7367.6 +2019-01-10 13:15:00,7350.4 +2019-01-10 13:30:00,7287.6 +2019-01-10 13:45:00,7231.2 +2019-01-10 14:00:00,7208.4 +2019-01-10 14:15:00,7206.8 +2019-01-10 14:30:00,7184.0 +2019-01-10 14:45:00,7184.0 +2019-01-10 15:00:00,7188.0 +2019-01-10 15:15:00,7161.6 +2019-01-10 15:30:00,7135.6 +2019-01-10 15:45:00,7137.2 +2019-01-10 16:00:00,7127.6 +2019-01-10 16:15:00,7146.4 +2019-01-10 16:30:00,7199.6 +2019-01-10 16:45:00,7281.6 +2019-01-10 17:00:00,7388.0 +2019-01-10 17:15:00,7425.6 +2019-01-10 17:30:00,7446.4 +2019-01-10 17:45:00,7452.8 +2019-01-10 18:00:00,7400.0 +2019-01-10 18:15:00,7357.2 +2019-01-10 18:30:00,7336.0 +2019-01-10 18:45:00,7335.6 +2019-01-10 19:00:00,7311.6 +2019-01-10 19:15:00,7242.4 +2019-01-10 19:30:00,7166.0 +2019-01-10 19:45:00,7109.2 +2019-01-10 20:00:00,7011.2 +2019-01-10 20:15:00,6918.4 +2019-01-10 20:30:00,6817.2 +2019-01-10 20:45:00,6729.2 +2019-01-10 21:00:00,6638.8 +2019-01-10 21:15:00,6540.0 +2019-01-10 21:30:00,6446.8 +2019-01-10 21:45:00,6379.2 +2019-01-10 22:00:00,6408.8 +2019-01-10 22:15:00,6348.4 +2019-01-10 22:30:00,6231.2 +2019-01-10 22:45:00,6163.6 +2019-01-10 23:00:00,6017.6 +2019-01-10 23:15:00,5940.8 +2019-01-10 23:30:00,5897.2 +2019-01-10 23:45:00,5830.8 +2019-01-11 00:00:00,5799.6 +2019-01-11 00:15:00,5734.0 +2019-01-11 00:30:00,5672.4 +2019-01-11 00:45:00,5619.6 +2019-01-11 01:00:00,5542.0 +2019-01-11 01:15:00,5481.6 +2019-01-11 01:30:00,5460.0 +2019-01-11 01:45:00,5438.8 +2019-01-11 02:00:00,5404.4 +2019-01-11 02:15:00,5412.4 +2019-01-11 02:30:00,5432.8 +2019-01-11 02:45:00,5434.4 +2019-01-11 03:00:00,5447.2 +2019-01-11 03:15:00,5458.0 +2019-01-11 03:30:00,5478.4 +2019-01-11 03:45:00,5506.8 +2019-01-11 04:00:00,5541.2 +2019-01-11 04:15:00,5574.0 +2019-01-11 04:30:00,5616.4 +2019-01-11 04:45:00,5664.0 +2019-01-11 05:00:00,5747.6 +2019-01-11 05:15:00,5804.4 +2019-01-11 05:30:00,5926.8 +2019-01-11 05:45:00,6070.0 +2019-01-11 06:00:00,6337.2 +2019-01-11 06:15:00,6555.6 +2019-01-11 06:30:00,6756.0 +2019-01-11 06:45:00,6937.2 +2019-01-11 07:00:00,7115.2 +2019-01-11 07:15:00,7226.4 +2019-01-11 07:30:00,7327.2 +2019-01-11 07:45:00,7410.8 +2019-01-11 08:00:00,7484.4 +2019-01-11 08:15:00,7503.2 +2019-01-11 08:30:00,7523.2 +2019-01-11 08:45:00,7557.2 +2019-01-11 09:00:00,7536.8 +2019-01-11 09:15:00,7564.4 +2019-01-11 09:30:00,7576.0 +2019-01-11 09:45:00,7626.0 +2019-01-11 10:00:00,7621.6 +2019-01-11 10:15:00,7610.0 +2019-01-11 10:30:00,7660.0 +2019-01-11 10:45:00,7579.2 +2019-01-11 11:00:00,7676.8 +2019-01-11 11:15:00,7724.0 +2019-01-11 11:30:00,7716.0 +2019-01-11 11:45:00,7638.4 +2019-01-11 12:00:00,7674.0 +2019-01-11 12:15:00,7640.8 +2019-01-11 12:30:00,7566.4 +2019-01-11 12:45:00,7543.6 +2019-01-11 13:00:00,7610.0 +2019-01-11 13:15:00,7569.6 +2019-01-11 13:30:00,7433.2 +2019-01-11 13:45:00,7346.4 +2019-01-11 14:00:00,7400.8 +2019-01-11 14:15:00,7284.0 +2019-01-11 14:30:00,7273.6 +2019-01-11 14:45:00,7238.8 +2019-01-11 15:00:00,7216.4 +2019-01-11 15:15:00,7188.0 +2019-01-11 15:30:00,7164.0 +2019-01-11 15:45:00,7159.6 +2019-01-11 16:00:00,7248.8 +2019-01-11 16:15:00,7255.6 +2019-01-11 16:30:00,7294.0 +2019-01-11 16:45:00,7354.4 +2019-01-11 17:00:00,7454.0 +2019-01-11 17:15:00,7510.4 +2019-01-11 17:30:00,7512.0 +2019-01-11 17:45:00,7488.8 +2019-01-11 18:00:00,7438.4 +2019-01-11 18:15:00,7396.8 +2019-01-11 18:30:00,7376.0 +2019-01-11 18:45:00,7338.8 +2019-01-11 19:00:00,7302.8 +2019-01-11 19:15:00,7249.2 +2019-01-11 19:30:00,7182.0 +2019-01-11 19:45:00,7101.2 +2019-01-11 20:00:00,6950.8 +2019-01-11 20:15:00,6810.4 +2019-01-11 20:30:00,6693.6 +2019-01-11 20:45:00,6617.6 +2019-01-11 21:00:00,6528.4 +2019-01-11 21:15:00,6433.6 +2019-01-11 21:30:00,6353.2 +2019-01-11 21:45:00,6271.6 +2019-01-11 22:00:00,6270.8 +2019-01-11 22:15:00,6194.0 +2019-01-11 22:30:00,6100.4 +2019-01-11 22:45:00,6014.0 +2019-01-11 23:00:00,5892.0 +2019-01-11 23:15:00,5806.0 +2019-01-11 23:30:00,5726.0 +2019-01-11 23:45:00,5670.0 +2019-01-12 00:00:00,5476.8 +2019-01-12 00:15:00,5385.2 +2019-01-12 00:30:00,5312.4 +2019-01-12 00:45:00,5262.8 +2019-01-12 01:00:00,5189.6 +2019-01-12 01:15:00,5126.4 +2019-01-12 01:30:00,5102.0 +2019-01-12 01:45:00,5059.6 +2019-01-12 02:00:00,4993.6 +2019-01-12 02:15:00,4953.6 +2019-01-12 02:30:00,4924.4 +2019-01-12 02:45:00,4938.0 +2019-01-12 03:00:00,4895.6 +2019-01-12 03:15:00,4874.0 +2019-01-12 03:30:00,4864.8 +2019-01-12 03:45:00,4823.2 +2019-01-12 04:00:00,4900.0 +2019-01-12 04:15:00,4908.4 +2019-01-12 04:30:00,4900.0 +2019-01-12 04:45:00,4893.6 +2019-01-12 05:00:00,4955.6 +2019-01-12 05:15:00,4950.0 +2019-01-12 05:30:00,4938.0 +2019-01-12 05:45:00,4953.2 +2019-01-12 06:00:00,5034.0 +2019-01-12 06:15:00,5077.6 +2019-01-12 06:30:00,5126.8 +2019-01-12 06:45:00,5159.2 +2019-01-12 07:00:00,5286.8 +2019-01-12 07:15:00,5388.0 +2019-01-12 07:30:00,5460.8 +2019-01-12 07:45:00,5528.8 +2019-01-12 08:00:00,5651.6 +2019-01-12 08:15:00,5728.8 +2019-01-12 08:30:00,5782.0 +2019-01-12 08:45:00,5829.6 +2019-01-12 09:00:00,5997.2 +2019-01-12 09:15:00,6073.2 +2019-01-12 09:30:00,6128.8 +2019-01-12 09:45:00,6154.0 +2019-01-12 10:00:00,6299.2 +2019-01-12 10:15:00,6321.2 +2019-01-12 10:30:00,6375.2 +2019-01-12 10:45:00,6376.4 +2019-01-12 11:00:00,6449.6 +2019-01-12 11:15:00,6505.2 +2019-01-12 11:30:00,6521.2 +2019-01-12 11:45:00,6526.0 +2019-01-12 12:00:00,6491.6 +2019-01-12 12:15:00,6492.4 +2019-01-12 12:30:00,6467.2 +2019-01-12 12:45:00,6424.8 +2019-01-12 13:00:00,6383.2 +2019-01-12 13:15:00,6311.2 +2019-01-12 13:30:00,6287.2 +2019-01-12 13:45:00,6248.0 +2019-01-12 14:00:00,6222.8 +2019-01-12 14:15:00,6186.8 +2019-01-12 14:30:00,6183.6 +2019-01-12 14:45:00,6158.4 +2019-01-12 15:00:00,6145.2 +2019-01-12 15:15:00,6134.4 +2019-01-12 15:30:00,6130.4 +2019-01-12 15:45:00,6138.8 +2019-01-12 16:00:00,6159.6 +2019-01-12 16:15:00,6198.8 +2019-01-12 16:30:00,6245.6 +2019-01-12 16:45:00,6348.4 +2019-01-12 17:00:00,6470.0 +2019-01-12 17:15:00,6512.0 +2019-01-12 17:30:00,6514.0 +2019-01-12 17:45:00,6509.6 +2019-01-12 18:00:00,6545.6 +2019-01-12 18:15:00,6490.8 +2019-01-12 18:30:00,6459.2 +2019-01-12 18:45:00,6440.0 +2019-01-12 19:00:00,6376.0 +2019-01-12 19:15:00,6300.8 +2019-01-12 19:30:00,6220.0 +2019-01-12 19:45:00,6174.4 +2019-01-12 20:00:00,6078.8 +2019-01-12 20:15:00,5962.8 +2019-01-12 20:30:00,5855.6 +2019-01-12 20:45:00,5795.2 +2019-01-12 21:00:00,5704.4 +2019-01-12 21:15:00,5662.8 +2019-01-12 21:30:00,5603.6 +2019-01-12 21:45:00,5578.0 +2019-01-12 22:00:00,5615.6 +2019-01-12 22:15:00,5551.2 +2019-01-12 22:30:00,5471.2 +2019-01-12 22:45:00,5414.8 +2019-01-12 23:00:00,5352.8 +2019-01-12 23:15:00,5290.8 +2019-01-12 23:30:00,5229.2 +2019-01-12 23:45:00,5141.6 +2019-01-13 00:00:00,5013.2 +2019-01-13 00:15:00,4918.4 +2019-01-13 00:30:00,4874.4 +2019-01-13 00:45:00,4804.8 +2019-01-13 01:00:00,4743.6 +2019-01-13 01:15:00,4704.0 +2019-01-13 01:30:00,4658.0 +2019-01-13 01:45:00,4614.8 +2019-01-13 02:00:00,4580.4 +2019-01-13 02:15:00,4566.0 +2019-01-13 02:30:00,4524.8 +2019-01-13 02:45:00,4512.8 +2019-01-13 03:00:00,4490.8 +2019-01-13 03:15:00,4482.8 +2019-01-13 03:30:00,4484.8 +2019-01-13 03:45:00,4471.6 +2019-01-13 04:00:00,4470.8 +2019-01-13 04:15:00,4448.4 +2019-01-13 04:30:00,4487.2 +2019-01-13 04:45:00,4481.2 +2019-01-13 05:00:00,4479.2 +2019-01-13 05:15:00,4456.8 +2019-01-13 05:30:00,4424.4 +2019-01-13 05:45:00,4408.0 +2019-01-13 06:00:00,4375.2 +2019-01-13 06:15:00,4366.4 +2019-01-13 06:30:00,4382.8 +2019-01-13 06:45:00,4433.6 +2019-01-13 07:00:00,4507.2 +2019-01-13 07:15:00,4550.0 +2019-01-13 07:30:00,4627.6 +2019-01-13 07:45:00,4665.2 +2019-01-13 08:00:00,4828.8 +2019-01-13 08:15:00,4912.0 +2019-01-13 08:30:00,5018.0 +2019-01-13 08:45:00,5048.8 +2019-01-13 09:00:00,5226.8 +2019-01-13 09:15:00,5325.6 +2019-01-13 09:30:00,5422.8 +2019-01-13 09:45:00,5502.4 +2019-01-13 10:00:00,5572.8 +2019-01-13 10:15:00,5638.8 +2019-01-13 10:30:00,5718.4 +2019-01-13 10:45:00,5798.8 +2019-01-13 11:00:00,5901.2 +2019-01-13 11:15:00,5980.4 +2019-01-13 11:30:00,6035.2 +2019-01-13 11:45:00,6059.2 +2019-01-13 12:00:00,6042.0 +2019-01-13 12:15:00,6037.6 +2019-01-13 12:30:00,6008.8 +2019-01-13 12:45:00,5980.0 +2019-01-13 13:00:00,5948.8 +2019-01-13 13:15:00,5911.2 +2019-01-13 13:30:00,5908.8 +2019-01-13 13:45:00,5859.6 +2019-01-13 14:00:00,5828.0 +2019-01-13 14:15:00,5814.4 +2019-01-13 14:30:00,5807.6 +2019-01-13 14:45:00,5780.0 +2019-01-13 15:00:00,5782.8 +2019-01-13 15:15:00,5759.2 +2019-01-13 15:30:00,5754.8 +2019-01-13 15:45:00,5761.2 +2019-01-13 16:00:00,5791.2 +2019-01-13 16:15:00,5823.6 +2019-01-13 16:30:00,5877.2 +2019-01-13 16:45:00,5943.6 +2019-01-13 17:00:00,6065.6 +2019-01-13 17:15:00,6124.8 +2019-01-13 17:30:00,6173.6 +2019-01-13 17:45:00,6234.4 +2019-01-13 18:00:00,6277.6 +2019-01-13 18:15:00,6249.6 +2019-01-13 18:30:00,6243.2 +2019-01-13 18:45:00,6213.6 +2019-01-13 19:00:00,6168.0 +2019-01-13 19:15:00,6117.6 +2019-01-13 19:30:00,6075.2 +2019-01-13 19:45:00,6025.2 +2019-01-13 20:00:00,5928.4 +2019-01-13 20:15:00,5836.8 +2019-01-13 20:30:00,5767.6 +2019-01-13 20:45:00,5721.6 +2019-01-13 21:00:00,5706.4 +2019-01-13 21:15:00,5668.0 +2019-01-13 21:30:00,5635.6 +2019-01-13 21:45:00,5636.0 +2019-01-13 22:00:00,5697.6 +2019-01-13 22:15:00,5652.4 +2019-01-13 22:30:00,5603.2 +2019-01-13 22:45:00,5550.8 +2019-01-13 23:00:00,5463.2 +2019-01-13 23:15:00,5396.0 +2019-01-13 23:30:00,5344.4 +2019-01-13 23:45:00,5245.6 +2019-01-14 00:00:00,5177.6 +2019-01-14 00:15:00,5134.8 +2019-01-14 00:30:00,5091.6 +2019-01-14 00:45:00,5032.8 +2019-01-14 01:00:00,4922.4 +2019-01-14 01:15:00,4900.0 +2019-01-14 01:30:00,4891.2 +2019-01-14 01:45:00,4866.4 +2019-01-14 02:00:00,4832.4 +2019-01-14 02:15:00,4811.2 +2019-01-14 02:30:00,4802.0 +2019-01-14 02:45:00,4858.8 +2019-01-14 03:00:00,4863.6 +2019-01-14 03:15:00,4872.4 +2019-01-14 03:30:00,4887.6 +2019-01-14 03:45:00,4908.8 +2019-01-14 04:00:00,4969.6 +2019-01-14 04:15:00,5023.2 +2019-01-14 04:30:00,5085.6 +2019-01-14 04:45:00,5152.4 +2019-01-14 05:00:00,5341.2 +2019-01-14 05:15:00,5424.0 +2019-01-14 05:30:00,5540.8 +2019-01-14 05:45:00,5708.8 +2019-01-14 06:00:00,6030.4 +2019-01-14 06:15:00,6270.4 +2019-01-14 06:30:00,6456.4 +2019-01-14 06:45:00,6650.8 +2019-01-14 07:00:00,6880.0 +2019-01-14 07:15:00,7012.4 +2019-01-14 07:30:00,7108.0 +2019-01-14 07:45:00,7192.0 +2019-01-14 08:00:00,7253.2 +2019-01-14 08:15:00,7302.8 +2019-01-14 08:30:00,7313.2 +2019-01-14 08:45:00,7339.2 +2019-01-14 09:00:00,7263.2 +2019-01-14 09:15:00,7314.0 +2019-01-14 09:30:00,7354.0 +2019-01-14 09:45:00,7370.0 +2019-01-14 10:00:00,7348.0 +2019-01-14 10:15:00,7355.2 +2019-01-14 10:30:00,7342.8 +2019-01-14 10:45:00,7363.2 +2019-01-14 11:00:00,7398.4 +2019-01-14 11:15:00,7398.8 +2019-01-14 11:30:00,7432.8 +2019-01-14 11:45:00,7447.2 +2019-01-14 12:00:00,7402.4 +2019-01-14 12:15:00,7369.6 +2019-01-14 12:30:00,7395.6 +2019-01-14 12:45:00,7401.2 +2019-01-14 13:00:00,7428.4 +2019-01-14 13:15:00,7402.0 +2019-01-14 13:30:00,7373.6 +2019-01-14 13:45:00,7329.2 +2019-01-14 14:00:00,7322.4 +2019-01-14 14:15:00,7317.6 +2019-01-14 14:30:00,7314.8 +2019-01-14 14:45:00,7300.0 +2019-01-14 15:00:00,7296.8 +2019-01-14 15:15:00,7245.6 +2019-01-14 15:30:00,7218.4 +2019-01-14 15:45:00,7178.4 +2019-01-14 16:00:00,7182.0 +2019-01-14 16:15:00,7172.0 +2019-01-14 16:30:00,7180.8 +2019-01-14 16:45:00,7289.6 +2019-01-14 17:00:00,7443.6 +2019-01-14 17:15:00,7532.0 +2019-01-14 17:30:00,7572.8 +2019-01-14 17:45:00,7570.4 +2019-01-14 18:00:00,7516.8 +2019-01-14 18:15:00,7462.8 +2019-01-14 18:30:00,7465.6 +2019-01-14 18:45:00,7432.8 +2019-01-14 19:00:00,7372.0 +2019-01-14 19:15:00,7290.4 +2019-01-14 19:30:00,7275.2 +2019-01-14 19:45:00,7198.0 +2019-01-14 20:00:00,7048.4 +2019-01-14 20:15:00,6919.2 +2019-01-14 20:30:00,6839.2 +2019-01-14 20:45:00,6766.8 +2019-01-14 21:00:00,6679.2 +2019-01-14 21:15:00,6577.6 +2019-01-14 21:30:00,6500.8 +2019-01-14 21:45:00,6410.8 +2019-01-14 22:00:00,6382.0 +2019-01-14 22:15:00,6269.2 +2019-01-14 22:30:00,6188.8 +2019-01-14 22:45:00,6098.0 +2019-01-14 23:00:00,5950.4 +2019-01-14 23:15:00,5856.4 +2019-01-14 23:30:00,5784.0 +2019-01-14 23:45:00,5694.0 +2019-01-15 00:00:00,5626.8 +2019-01-15 00:15:00,5574.0 +2019-01-15 00:30:00,5533.2 +2019-01-15 00:45:00,5494.8 +2019-01-15 01:00:00,5398.4 +2019-01-15 01:15:00,5374.0 +2019-01-15 01:30:00,5359.2 +2019-01-15 01:45:00,5386.8 +2019-01-15 02:00:00,5328.4 +2019-01-15 02:15:00,5306.0 +2019-01-15 02:30:00,5300.8 +2019-01-15 02:45:00,5306.4 +2019-01-15 03:00:00,5320.8 +2019-01-15 03:15:00,5309.6 +2019-01-15 03:30:00,5336.0 +2019-01-15 03:45:00,5337.6 +2019-01-15 04:00:00,5368.4 +2019-01-15 04:15:00,5399.2 +2019-01-15 04:30:00,5455.6 +2019-01-15 04:45:00,5458.0 +2019-01-15 05:00:00,5638.4 +2019-01-15 05:15:00,5711.2 +2019-01-15 05:30:00,5814.4 +2019-01-15 05:45:00,5876.0 +2019-01-15 06:00:00,6213.6 +2019-01-15 06:15:00,6390.8 +2019-01-15 06:30:00,6557.6 +2019-01-15 06:45:00,6744.0 +2019-01-15 07:00:00,6967.2 +2019-01-15 07:15:00,7093.2 +2019-01-15 07:30:00,7210.0 +2019-01-15 07:45:00,7305.6 +2019-01-15 08:00:00,7377.6 +2019-01-15 08:15:00,7400.4 +2019-01-15 08:30:00,7413.2 +2019-01-15 08:45:00,7426.8 +2019-01-15 09:00:00,7378.4 +2019-01-15 09:15:00,7374.4 +2019-01-15 09:30:00,7428.4 +2019-01-15 09:45:00,7442.8 +2019-01-15 10:00:00,7490.0 +2019-01-15 10:15:00,7493.2 +2019-01-15 10:30:00,7490.0 +2019-01-15 10:45:00,7442.0 +2019-01-15 11:00:00,7528.0 +2019-01-15 11:15:00,7537.6 +2019-01-15 11:30:00,7465.2 +2019-01-15 11:45:00,7449.2 +2019-01-15 12:00:00,7481.2 +2019-01-15 12:15:00,7393.6 +2019-01-15 12:30:00,7385.6 +2019-01-15 12:45:00,7395.6 +2019-01-15 13:00:00,7496.0 +2019-01-15 13:15:00,7436.8 +2019-01-15 13:30:00,7405.2 +2019-01-15 13:45:00,7368.8 +2019-01-15 14:00:00,7425.2 +2019-01-15 14:15:00,7433.2 +2019-01-15 14:30:00,7425.2 +2019-01-15 14:45:00,7440.4 +2019-01-15 15:00:00,7411.2 +2019-01-15 15:15:00,7399.2 +2019-01-15 15:30:00,7351.2 +2019-01-15 15:45:00,7340.8 +2019-01-15 16:00:00,7330.0 +2019-01-15 16:15:00,7328.4 +2019-01-15 16:30:00,7359.2 +2019-01-15 16:45:00,7401.2 +2019-01-15 17:00:00,7484.0 +2019-01-15 17:15:00,7543.6 +2019-01-15 17:30:00,7575.2 +2019-01-15 17:45:00,7591.6 +2019-01-15 18:00:00,7533.6 +2019-01-15 18:15:00,7491.6 +2019-01-15 18:30:00,7453.2 +2019-01-15 18:45:00,7461.6 +2019-01-15 19:00:00,7430.4 +2019-01-15 19:15:00,7333.6 +2019-01-15 19:30:00,7302.0 +2019-01-15 19:45:00,7224.8 +2019-01-15 20:00:00,7069.6 +2019-01-15 20:15:00,6976.4 +2019-01-15 20:30:00,6906.0 +2019-01-15 20:45:00,6726.4 +2019-01-15 21:00:00,6708.4 +2019-01-15 21:15:00,6625.6 +2019-01-15 21:30:00,6572.0 +2019-01-15 21:45:00,6458.4 +2019-01-15 22:00:00,6407.6 +2019-01-15 22:15:00,6360.8 +2019-01-15 22:30:00,6246.0 +2019-01-15 22:45:00,6152.0 +2019-01-15 23:00:00,6012.4 +2019-01-15 23:15:00,5895.6 +2019-01-15 23:30:00,5848.4 +2019-01-15 23:45:00,5750.0 +2019-01-16 00:00:00,5640.8 +2019-01-16 00:15:00,5550.4 +2019-01-16 00:30:00,5500.0 +2019-01-16 00:45:00,5420.0 +2019-01-16 01:00:00,5359.6 +2019-01-16 01:15:00,5318.8 +2019-01-16 01:30:00,5274.0 +2019-01-16 01:45:00,5248.4 +2019-01-16 02:00:00,5202.0 +2019-01-16 02:15:00,5206.0 +2019-01-16 02:30:00,5174.0 +2019-01-16 02:45:00,5167.6 +2019-01-16 03:00:00,5169.2 +2019-01-16 03:15:00,5199.2 +2019-01-16 03:30:00,5217.2 +2019-01-16 03:45:00,5240.8 +2019-01-16 04:00:00,5316.4 +2019-01-16 04:15:00,5357.2 +2019-01-16 04:30:00,5390.8 +2019-01-16 04:45:00,5406.0 +2019-01-16 05:00:00,5568.4 +2019-01-16 05:15:00,5622.8 +2019-01-16 05:30:00,5717.6 +2019-01-16 05:45:00,5870.4 +2019-01-16 06:00:00,6156.4 +2019-01-16 06:15:00,6396.4 +2019-01-16 06:30:00,6628.8 +2019-01-16 06:45:00,6834.4 +2019-01-16 07:00:00,7037.6 +2019-01-16 07:15:00,7168.0 +2019-01-16 07:30:00,7270.4 +2019-01-16 07:45:00,7332.8 +2019-01-16 08:00:00,7403.2 +2019-01-16 08:15:00,7414.8 +2019-01-16 08:30:00,7416.8 +2019-01-16 08:45:00,7435.6 +2019-01-16 09:00:00,7408.0 +2019-01-16 09:15:00,7412.0 +2019-01-16 09:30:00,7429.6 +2019-01-16 09:45:00,7430.0 +2019-01-16 10:00:00,7430.8 +2019-01-16 10:15:00,7458.0 +2019-01-16 10:30:00,7476.0 +2019-01-16 10:45:00,7496.0 +2019-01-16 11:00:00,7496.8 +2019-01-16 11:15:00,7517.6 +2019-01-16 11:30:00,7551.2 +2019-01-16 11:45:00,7554.0 +2019-01-16 12:00:00,7515.6 +2019-01-16 12:15:00,7485.2 +2019-01-16 12:30:00,7498.0 +2019-01-16 12:45:00,7507.2 +2019-01-16 13:00:00,7532.4 +2019-01-16 13:15:00,7516.4 +2019-01-16 13:30:00,7484.4 +2019-01-16 13:45:00,7402.8 +2019-01-16 14:00:00,7364.8 +2019-01-16 14:15:00,7345.6 +2019-01-16 14:30:00,7336.4 +2019-01-16 14:45:00,7334.0 +2019-01-16 15:00:00,7341.2 +2019-01-16 15:15:00,7304.0 +2019-01-16 15:30:00,7288.0 +2019-01-16 15:45:00,7248.0 +2019-01-16 16:00:00,7224.0 +2019-01-16 16:15:00,7241.2 +2019-01-16 16:30:00,7289.2 +2019-01-16 16:45:00,7354.8 +2019-01-16 17:00:00,7475.2 +2019-01-16 17:15:00,7574.8 +2019-01-16 17:30:00,7633.2 +2019-01-16 17:45:00,7640.0 +2019-01-16 18:00:00,7586.8 +2019-01-16 18:15:00,7543.2 +2019-01-16 18:30:00,7513.2 +2019-01-16 18:45:00,7500.8 +2019-01-16 19:00:00,7471.6 +2019-01-16 19:15:00,7390.8 +2019-01-16 19:30:00,7326.4 +2019-01-16 19:45:00,7208.8 +2019-01-16 20:00:00,7109.2 +2019-01-16 20:15:00,6984.8 +2019-01-16 20:30:00,6875.2 +2019-01-16 20:45:00,6806.8 +2019-01-16 21:00:00,6725.6 +2019-01-16 21:15:00,6649.2 +2019-01-16 21:30:00,6568.0 +2019-01-16 21:45:00,6466.8 +2019-01-16 22:00:00,6428.4 +2019-01-16 22:15:00,6346.8 +2019-01-16 22:30:00,6265.6 +2019-01-16 22:45:00,6170.4 +2019-01-16 23:00:00,6042.4 +2019-01-16 23:15:00,5958.0 +2019-01-16 23:30:00,5881.2 +2019-01-16 23:45:00,5797.2 +2019-01-17 00:00:00,5704.4 +2019-01-17 00:15:00,5638.4 +2019-01-17 00:30:00,5608.8 +2019-01-17 00:45:00,5550.8 +2019-01-17 01:00:00,5497.2 +2019-01-17 01:15:00,5425.2 +2019-01-17 01:30:00,5421.2 +2019-01-17 01:45:00,5413.2 +2019-01-17 02:00:00,5333.6 +2019-01-17 02:15:00,5312.4 +2019-01-17 02:30:00,5303.2 +2019-01-17 02:45:00,5312.4 +2019-01-17 03:00:00,5309.6 +2019-01-17 03:15:00,5336.4 +2019-01-17 03:30:00,5312.0 +2019-01-17 03:45:00,5334.0 +2019-01-17 04:00:00,5399.6 +2019-01-17 04:15:00,5469.6 +2019-01-17 04:30:00,5502.8 +2019-01-17 04:45:00,5524.0 +2019-01-17 05:00:00,5687.6 +2019-01-17 05:15:00,5740.8 +2019-01-17 05:30:00,5837.2 +2019-01-17 05:45:00,5962.0 +2019-01-17 06:00:00,6245.2 +2019-01-17 06:15:00,6469.6 +2019-01-17 06:30:00,6650.0 +2019-01-17 06:45:00,6830.4 +2019-01-17 07:00:00,7058.4 +2019-01-17 07:15:00,7216.4 +2019-01-17 07:30:00,7316.4 +2019-01-17 07:45:00,7420.4 +2019-01-17 08:00:00,7453.2 +2019-01-17 08:15:00,7485.6 +2019-01-17 08:30:00,7499.2 +2019-01-17 08:45:00,7477.6 +2019-01-17 09:00:00,7433.2 +2019-01-17 09:15:00,7466.4 +2019-01-17 09:30:00,7474.8 +2019-01-17 09:45:00,7485.6 +2019-01-17 10:00:00,7486.0 +2019-01-17 10:15:00,7516.8 +2019-01-17 10:30:00,7534.4 +2019-01-17 10:45:00,7566.4 +2019-01-17 11:00:00,7568.4 +2019-01-17 11:15:00,7600.0 +2019-01-17 11:30:00,7638.8 +2019-01-17 11:45:00,7663.2 +2019-01-17 12:00:00,7623.6 +2019-01-17 12:15:00,7606.0 +2019-01-17 12:30:00,7610.0 +2019-01-17 12:45:00,7563.6 +2019-01-17 13:00:00,7642.0 +2019-01-17 13:15:00,7610.0 +2019-01-17 13:30:00,7561.2 +2019-01-17 13:45:00,7443.6 +2019-01-17 14:00:00,7501.2 +2019-01-17 14:15:00,7492.0 +2019-01-17 14:30:00,7422.4 +2019-01-17 14:45:00,7382.4 +2019-01-17 15:00:00,7415.6 +2019-01-17 15:15:00,7323.2 +2019-01-17 15:30:00,7318.4 +2019-01-17 15:45:00,7278.4 +2019-01-17 16:00:00,7321.2 +2019-01-17 16:15:00,7324.4 +2019-01-17 16:30:00,7347.2 +2019-01-17 16:45:00,7392.8 +2019-01-17 17:00:00,7510.0 +2019-01-17 17:15:00,7618.4 +2019-01-17 17:30:00,7675.6 +2019-01-17 17:45:00,7684.8 +2019-01-17 18:00:00,7639.2 +2019-01-17 18:15:00,7609.2 +2019-01-17 18:30:00,7612.8 +2019-01-17 18:45:00,7528.8 +2019-01-17 19:00:00,7516.4 +2019-01-17 19:15:00,7432.0 +2019-01-17 19:30:00,7366.0 +2019-01-17 19:45:00,7341.2 +2019-01-17 20:00:00,7236.4 +2019-01-17 20:15:00,7117.6 +2019-01-17 20:30:00,7010.8 +2019-01-17 20:45:00,6890.4 +2019-01-17 21:00:00,6775.2 +2019-01-17 21:15:00,6699.2 +2019-01-17 21:30:00,6612.8 +2019-01-17 21:45:00,6586.4 +2019-01-17 22:00:00,6526.4 +2019-01-17 22:15:00,6412.0 +2019-01-17 22:30:00,6283.2 +2019-01-17 22:45:00,6178.8 +2019-01-17 23:00:00,6012.0 +2019-01-17 23:15:00,5980.4 +2019-01-17 23:30:00,5875.6 +2019-01-17 23:45:00,5788.0 +2019-01-18 00:00:00,5732.0 +2019-01-18 00:15:00,5688.4 +2019-01-18 00:30:00,5646.0 +2019-01-18 00:45:00,5588.0 +2019-01-18 01:00:00,5496.0 +2019-01-18 01:15:00,5450.8 +2019-01-18 01:30:00,5411.6 +2019-01-18 01:45:00,5370.4 +2019-01-18 02:00:00,5323.2 +2019-01-18 02:15:00,5297.6 +2019-01-18 02:30:00,5264.8 +2019-01-18 02:45:00,5218.8 +2019-01-18 03:00:00,5310.4 +2019-01-18 03:15:00,5294.4 +2019-01-18 03:30:00,5314.8 +2019-01-18 03:45:00,5346.0 +2019-01-18 04:00:00,5412.4 +2019-01-18 04:15:00,5452.4 +2019-01-18 04:30:00,5458.0 +2019-01-18 04:45:00,5499.6 +2019-01-18 05:00:00,5602.8 +2019-01-18 05:15:00,5648.0 +2019-01-18 05:30:00,5746.8 +2019-01-18 05:45:00,5878.0 +2019-01-18 06:00:00,6140.8 +2019-01-18 06:15:00,6358.0 +2019-01-18 06:30:00,6546.4 +2019-01-18 06:45:00,6644.0 +2019-01-18 07:00:00,6913.2 +2019-01-18 07:15:00,7031.6 +2019-01-18 07:30:00,7136.4 +2019-01-18 07:45:00,7188.0 +2019-01-18 08:00:00,7282.8 +2019-01-18 08:15:00,7305.2 +2019-01-18 08:30:00,7307.2 +2019-01-18 08:45:00,7221.6 +2019-01-18 09:00:00,7263.6 +2019-01-18 09:15:00,7275.6 +2019-01-18 09:30:00,7212.8 +2019-01-18 09:45:00,7224.0 +2019-01-18 10:00:00,7262.4 +2019-01-18 10:15:00,7260.4 +2019-01-18 10:30:00,7173.2 +2019-01-18 10:45:00,7184.8 +2019-01-18 11:00:00,7270.8 +2019-01-18 11:15:00,7296.8 +2019-01-18 11:30:00,7220.4 +2019-01-18 11:45:00,7204.0 +2019-01-18 12:00:00,7248.8 +2019-01-18 12:15:00,7146.4 +2019-01-18 12:30:00,7106.8 +2019-01-18 12:45:00,7099.6 +2019-01-18 13:00:00,7142.4 +2019-01-18 13:15:00,7087.2 +2019-01-18 13:30:00,7040.8 +2019-01-18 13:45:00,6884.8 +2019-01-18 14:00:00,6971.6 +2019-01-18 14:15:00,6951.2 +2019-01-18 14:30:00,6918.0 +2019-01-18 14:45:00,6918.4 +2019-01-18 15:00:00,6888.8 +2019-01-18 15:15:00,6860.0 +2019-01-18 15:30:00,6846.0 +2019-01-18 15:45:00,6832.4 +2019-01-18 16:00:00,6831.6 +2019-01-18 16:15:00,6836.8 +2019-01-18 16:30:00,6871.2 +2019-01-18 16:45:00,6952.8 +2019-01-18 17:00:00,7100.4 +2019-01-18 17:15:00,7209.2 +2019-01-18 17:30:00,7259.6 +2019-01-18 17:45:00,7254.8 +2019-01-18 18:00:00,7234.0 +2019-01-18 18:15:00,7192.8 +2019-01-18 18:30:00,7152.0 +2019-01-18 18:45:00,7085.6 +2019-01-18 19:00:00,7100.8 +2019-01-18 19:15:00,7027.6 +2019-01-18 19:30:00,6893.6 +2019-01-18 19:45:00,6810.4 +2019-01-18 20:00:00,6732.4 +2019-01-18 20:15:00,6630.0 +2019-01-18 20:30:00,6541.6 +2019-01-18 20:45:00,6453.2 +2019-01-18 21:00:00,6382.4 +2019-01-18 21:15:00,6331.6 +2019-01-18 21:30:00,6267.6 +2019-01-18 21:45:00,6183.6 +2019-01-18 22:00:00,6178.4 +2019-01-18 22:15:00,6091.6 +2019-01-18 22:30:00,6008.0 +2019-01-18 22:45:00,5958.4 +2019-01-18 23:00:00,5881.6 +2019-01-18 23:15:00,5812.0 +2019-01-18 23:30:00,5768.8 +2019-01-18 23:45:00,5711.6 +2019-01-19 00:00:00,5614.0 +2019-01-19 00:15:00,5542.0 +2019-01-19 00:30:00,5516.8 +2019-01-19 00:45:00,5468.8 +2019-01-19 01:00:00,5383.2 +2019-01-19 01:15:00,5332.0 +2019-01-19 01:30:00,5278.8 +2019-01-19 01:45:00,5258.0 +2019-01-19 02:00:00,5208.4 +2019-01-19 02:15:00,5164.0 +2019-01-19 02:30:00,5149.2 +2019-01-19 02:45:00,5101.2 +2019-01-19 03:00:00,5132.0 +2019-01-19 03:15:00,5109.6 +2019-01-19 03:30:00,5091.6 +2019-01-19 03:45:00,5025.6 +2019-01-19 04:00:00,5084.0 +2019-01-19 04:15:00,5076.0 +2019-01-19 04:30:00,5050.8 +2019-01-19 04:45:00,5055.6 +2019-01-19 05:00:00,5073.6 +2019-01-19 05:15:00,5065.6 +2019-01-19 05:30:00,5034.8 +2019-01-19 05:45:00,5029.2 +2019-01-19 06:00:00,5071.2 +2019-01-19 06:15:00,5098.4 +2019-01-19 06:30:00,5106.0 +2019-01-19 06:45:00,5184.8 +2019-01-19 07:00:00,5284.4 +2019-01-19 07:15:00,5343.6 +2019-01-19 07:30:00,5409.2 +2019-01-19 07:45:00,5497.6 +2019-01-19 08:00:00,5615.6 +2019-01-19 08:15:00,5717.2 +2019-01-19 08:30:00,5781.6 +2019-01-19 08:45:00,5858.0 +2019-01-19 09:00:00,5958.0 +2019-01-19 09:15:00,6029.6 +2019-01-19 09:30:00,6116.4 +2019-01-19 09:45:00,6141.6 +2019-01-19 10:00:00,6181.6 +2019-01-19 10:15:00,6209.6 +2019-01-19 10:30:00,6243.2 +2019-01-19 10:45:00,6238.0 +2019-01-19 11:00:00,6260.0 +2019-01-19 11:15:00,6255.2 +2019-01-19 11:30:00,6283.6 +2019-01-19 11:45:00,6284.8 +2019-01-19 12:00:00,6220.8 +2019-01-19 12:15:00,6191.6 +2019-01-19 12:30:00,6139.6 +2019-01-19 12:45:00,6088.4 +2019-01-19 13:00:00,6049.6 +2019-01-19 13:15:00,5956.4 +2019-01-19 13:30:00,5921.6 +2019-01-19 13:45:00,5875.2 +2019-01-19 14:00:00,5845.6 +2019-01-19 14:15:00,5804.4 +2019-01-19 14:30:00,5768.0 +2019-01-19 14:45:00,5742.8 +2019-01-19 15:00:00,5762.4 +2019-01-19 15:15:00,5772.8 +2019-01-19 15:30:00,5752.4 +2019-01-19 15:45:00,5749.2 +2019-01-19 16:00:00,5792.8 +2019-01-19 16:15:00,5827.6 +2019-01-19 16:30:00,5889.6 +2019-01-19 16:45:00,5970.8 +2019-01-19 17:00:00,6150.4 +2019-01-19 17:15:00,6276.8 +2019-01-19 17:30:00,6368.0 +2019-01-19 17:45:00,6364.4 +2019-01-19 18:00:00,6385.2 +2019-01-19 18:15:00,6380.4 +2019-01-19 18:30:00,6368.0 +2019-01-19 18:45:00,6332.4 +2019-01-19 19:00:00,6276.4 +2019-01-19 19:15:00,6221.2 +2019-01-19 19:30:00,6161.6 +2019-01-19 19:45:00,6109.2 +2019-01-19 20:00:00,5987.2 +2019-01-19 20:15:00,5860.8 +2019-01-19 20:30:00,5764.8 +2019-01-19 20:45:00,5687.6 +2019-01-19 21:00:00,5654.4 +2019-01-19 21:15:00,5613.6 +2019-01-19 21:30:00,5565.2 +2019-01-19 21:45:00,5542.8 +2019-01-19 22:00:00,5612.4 +2019-01-19 22:15:00,5556.4 +2019-01-19 22:30:00,5494.8 +2019-01-19 22:45:00,5442.8 +2019-01-19 23:00:00,5395.6 +2019-01-19 23:15:00,5350.8 +2019-01-19 23:30:00,5291.6 +2019-01-19 23:45:00,5239.6 +2019-01-20 00:00:00,5154.0 +2019-01-20 00:15:00,5095.2 +2019-01-20 00:30:00,5055.6 +2019-01-20 00:45:00,5029.2 +2019-01-20 01:00:00,4940.8 +2019-01-20 01:15:00,4918.0 +2019-01-20 01:30:00,4874.4 +2019-01-20 01:45:00,4836.4 +2019-01-20 02:00:00,4821.2 +2019-01-20 02:15:00,4781.2 +2019-01-20 02:30:00,4767.6 +2019-01-20 02:45:00,4735.6 +2019-01-20 03:00:00,4720.4 +2019-01-20 03:15:00,4714.4 +2019-01-20 03:30:00,4696.8 +2019-01-20 03:45:00,4702.8 +2019-01-20 04:00:00,4684.8 +2019-01-20 04:15:00,4653.2 +2019-01-20 04:30:00,4654.8 +2019-01-20 04:45:00,4668.4 +2019-01-20 05:00:00,4646.0 +2019-01-20 05:15:00,4626.8 +2019-01-20 05:30:00,4599.6 +2019-01-20 05:45:00,4594.8 +2019-01-20 06:00:00,4518.0 +2019-01-20 06:15:00,4554.0 +2019-01-20 06:30:00,4556.0 +2019-01-20 06:45:00,4575.6 +2019-01-20 07:00:00,4625.6 +2019-01-20 07:15:00,4698.0 +2019-01-20 07:30:00,4747.6 +2019-01-20 07:45:00,4812.8 +2019-01-20 08:00:00,4902.4 +2019-01-20 08:15:00,5013.6 +2019-01-20 08:30:00,5103.2 +2019-01-20 08:45:00,5172.0 +2019-01-20 09:00:00,5281.6 +2019-01-20 09:15:00,5374.0 +2019-01-20 09:30:00,5425.6 +2019-01-20 09:45:00,5464.8 +2019-01-20 10:00:00,5499.2 +2019-01-20 10:15:00,5547.6 +2019-01-20 10:30:00,5601.2 +2019-01-20 10:45:00,5636.4 +2019-01-20 11:00:00,5671.6 +2019-01-20 11:15:00,5746.8 +2019-01-20 11:30:00,5789.2 +2019-01-20 11:45:00,5786.8 +2019-01-20 12:00:00,5775.2 +2019-01-20 12:15:00,5738.4 +2019-01-20 12:30:00,5720.4 +2019-01-20 12:45:00,5679.6 +2019-01-20 13:00:00,5640.8 +2019-01-20 13:15:00,5579.6 +2019-01-20 13:30:00,5554.8 +2019-01-20 13:45:00,5497.2 +2019-01-20 14:00:00,5461.2 +2019-01-20 14:15:00,5427.2 +2019-01-20 14:30:00,5408.0 +2019-01-20 14:45:00,5374.8 +2019-01-20 15:00:00,5386.4 +2019-01-20 15:15:00,5373.6 +2019-01-20 15:30:00,5387.2 +2019-01-20 15:45:00,5385.6 +2019-01-20 16:00:00,5439.6 +2019-01-20 16:15:00,5453.2 +2019-01-20 16:30:00,5533.2 +2019-01-20 16:45:00,5613.6 +2019-01-20 17:00:00,5752.0 +2019-01-20 17:15:00,5939.6 +2019-01-20 17:30:00,6033.6 +2019-01-20 17:45:00,6093.2 +2019-01-20 18:00:00,6148.0 +2019-01-20 18:15:00,6129.2 +2019-01-20 18:30:00,6156.0 +2019-01-20 18:45:00,6131.6 +2019-01-20 19:00:00,6101.6 +2019-01-20 19:15:00,6038.4 +2019-01-20 19:30:00,6012.4 +2019-01-20 19:45:00,5963.2 +2019-01-20 20:00:00,5886.4 +2019-01-20 20:15:00,5822.0 +2019-01-20 20:30:00,5744.0 +2019-01-20 20:45:00,5690.0 +2019-01-20 21:00:00,5631.2 +2019-01-20 21:15:00,5637.2 +2019-01-20 21:30:00,5629.6 +2019-01-20 21:45:00,5650.8 +2019-01-20 22:00:00,5744.0 +2019-01-20 22:15:00,5724.8 +2019-01-20 22:30:00,5665.6 +2019-01-20 22:45:00,5608.0 +2019-01-20 23:00:00,5543.2 +2019-01-20 23:15:00,5505.6 +2019-01-20 23:30:00,5471.6 +2019-01-20 23:45:00,5411.2 +2019-01-21 00:00:00,5382.4 +2019-01-21 00:15:00,5337.6 +2019-01-21 00:30:00,5308.0 +2019-01-21 00:45:00,5251.2 +2019-01-21 01:00:00,5183.2 +2019-01-21 01:15:00,5154.8 +2019-01-21 01:30:00,5150.8 +2019-01-21 01:45:00,5089.6 +2019-01-21 02:00:00,5087.6 +2019-01-21 02:15:00,5086.4 +2019-01-21 02:30:00,5082.8 +2019-01-21 02:45:00,5094.8 +2019-01-21 03:00:00,5075.2 +2019-01-21 03:15:00,5110.4 +2019-01-21 03:30:00,5138.4 +2019-01-21 03:45:00,5135.6 +2019-01-21 04:00:00,5196.8 +2019-01-21 04:15:00,5236.4 +2019-01-21 04:30:00,5299.2 +2019-01-21 04:45:00,5351.6 +2019-01-21 05:00:00,5495.2 +2019-01-21 05:15:00,5600.0 +2019-01-21 05:30:00,5710.4 +2019-01-21 05:45:00,5888.8 +2019-01-21 06:00:00,6176.4 +2019-01-21 06:15:00,6434.0 +2019-01-21 06:30:00,6647.2 +2019-01-21 06:45:00,6817.6 +2019-01-21 07:00:00,7034.8 +2019-01-21 07:15:00,7146.0 +2019-01-21 07:30:00,7262.4 +2019-01-21 07:45:00,7351.6 +2019-01-21 08:00:00,7356.4 +2019-01-21 08:15:00,7375.6 +2019-01-21 08:30:00,7428.4 +2019-01-21 08:45:00,7444.0 +2019-01-21 09:00:00,7402.8 +2019-01-21 09:15:00,7410.0 +2019-01-21 09:30:00,7449.2 +2019-01-21 09:45:00,7434.0 +2019-01-21 10:00:00,7406.4 +2019-01-21 10:15:00,7415.2 +2019-01-21 10:30:00,7428.4 +2019-01-21 10:45:00,7434.0 +2019-01-21 11:00:00,7436.8 +2019-01-21 11:15:00,7444.0 +2019-01-21 11:30:00,7461.2 +2019-01-21 11:45:00,7455.6 +2019-01-21 12:00:00,7424.0 +2019-01-21 12:15:00,7371.2 +2019-01-21 12:30:00,7389.2 +2019-01-21 12:45:00,7380.4 +2019-01-21 13:00:00,7408.4 +2019-01-21 13:15:00,7363.6 +2019-01-21 13:30:00,7334.8 +2019-01-21 13:45:00,7268.8 +2019-01-21 14:00:00,7264.8 +2019-01-21 14:15:00,7241.6 +2019-01-21 14:30:00,7226.0 +2019-01-21 14:45:00,7215.6 +2019-01-21 15:00:00,7210.4 +2019-01-21 15:15:00,7187.2 +2019-01-21 15:30:00,7162.0 +2019-01-21 15:45:00,7128.8 +2019-01-21 16:00:00,7131.2 +2019-01-21 16:15:00,7137.6 +2019-01-21 16:30:00,7188.4 +2019-01-21 16:45:00,7260.4 +2019-01-21 17:00:00,7388.8 +2019-01-21 17:15:00,7510.4 +2019-01-21 17:30:00,7589.2 +2019-01-21 17:45:00,7616.4 +2019-01-21 18:00:00,7580.4 +2019-01-21 18:15:00,7538.0 +2019-01-21 18:30:00,7525.2 +2019-01-21 18:45:00,7523.6 +2019-01-21 19:00:00,7501.2 +2019-01-21 19:15:00,7435.6 +2019-01-21 19:30:00,7387.2 +2019-01-21 19:45:00,7328.0 +2019-01-21 20:00:00,7222.0 +2019-01-21 20:15:00,7113.2 +2019-01-21 20:30:00,6990.4 +2019-01-21 20:45:00,6901.2 +2019-01-21 21:00:00,6836.8 +2019-01-21 21:15:00,6796.8 +2019-01-21 21:30:00,6669.6 +2019-01-21 21:45:00,6584.4 +2019-01-21 22:00:00,6580.4 +2019-01-21 22:15:00,6546.8 +2019-01-21 22:30:00,6441.2 +2019-01-21 22:45:00,6336.4 +2019-01-21 23:00:00,6206.8 +2019-01-21 23:15:00,6122.4 +2019-01-21 23:30:00,6032.4 +2019-01-21 23:45:00,5963.6 +2019-01-22 00:00:00,5846.0 +2019-01-22 00:15:00,5812.0 +2019-01-22 00:30:00,5806.0 +2019-01-22 00:45:00,5752.8 +2019-01-22 01:00:00,5692.0 +2019-01-22 01:15:00,5661.2 +2019-01-22 01:30:00,5642.4 +2019-01-22 01:45:00,5593.2 +2019-01-22 02:00:00,5541.6 +2019-01-22 02:15:00,5536.4 +2019-01-22 02:30:00,5529.2 +2019-01-22 02:45:00,5520.8 +2019-01-22 03:00:00,5520.8 +2019-01-22 03:15:00,5490.8 +2019-01-22 03:30:00,5501.2 +2019-01-22 03:45:00,5504.4 +2019-01-22 04:00:00,5553.6 +2019-01-22 04:15:00,5592.4 +2019-01-22 04:30:00,5617.6 +2019-01-22 04:45:00,5678.4 +2019-01-22 05:00:00,5815.2 +2019-01-22 05:15:00,5865.6 +2019-01-22 05:30:00,5946.0 +2019-01-22 05:45:00,6094.4 +2019-01-22 06:00:00,6360.0 +2019-01-22 06:15:00,6588.0 +2019-01-22 06:30:00,6796.0 +2019-01-22 06:45:00,6976.0 +2019-01-22 07:00:00,7182.0 +2019-01-22 07:15:00,7296.4 +2019-01-22 07:30:00,7408.8 +2019-01-22 07:45:00,7442.0 +2019-01-22 08:00:00,7500.0 +2019-01-22 08:15:00,7540.0 +2019-01-22 08:30:00,7564.8 +2019-01-22 08:45:00,7569.2 +2019-01-22 09:00:00,7550.4 +2019-01-22 09:15:00,7600.4 +2019-01-22 09:30:00,7640.0 +2019-01-22 09:45:00,7650.0 +2019-01-22 10:00:00,7625.6 +2019-01-22 10:15:00,7620.0 +2019-01-22 10:30:00,7630.8 +2019-01-22 10:45:00,7636.8 +2019-01-22 11:00:00,7649.6 +2019-01-22 11:15:00,7663.6 +2019-01-22 11:30:00,7669.2 +2019-01-22 11:45:00,7682.8 +2019-01-22 12:00:00,7637.6 +2019-01-22 12:15:00,7609.2 +2019-01-22 12:30:00,7595.6 +2019-01-22 12:45:00,7613.2 +2019-01-22 13:00:00,7600.4 +2019-01-22 13:15:00,7578.0 +2019-01-22 13:30:00,7556.8 +2019-01-22 13:45:00,7500.0 +2019-01-22 14:00:00,7518.4 +2019-01-22 14:15:00,7495.6 +2019-01-22 14:30:00,7498.8 +2019-01-22 14:45:00,7462.0 +2019-01-22 15:00:00,7470.8 +2019-01-22 15:15:00,7446.4 +2019-01-22 15:30:00,7410.8 +2019-01-22 15:45:00,7374.8 +2019-01-22 16:00:00,7370.0 +2019-01-22 16:15:00,7395.6 +2019-01-22 16:30:00,7431.6 +2019-01-22 16:45:00,7487.6 +2019-01-22 17:00:00,7602.4 +2019-01-22 17:15:00,7696.8 +2019-01-22 17:30:00,7756.8 +2019-01-22 17:45:00,7793.2 +2019-01-22 18:00:00,7732.4 +2019-01-22 18:15:00,7725.2 +2019-01-22 18:30:00,7704.0 +2019-01-22 18:45:00,7679.2 +2019-01-22 19:00:00,7657.2 +2019-01-22 19:15:00,7592.0 +2019-01-22 19:30:00,7520.0 +2019-01-22 19:45:00,7473.6 +2019-01-22 20:00:00,7332.8 +2019-01-22 20:15:00,7218.8 +2019-01-22 20:30:00,7128.0 +2019-01-22 20:45:00,7025.6 +2019-01-22 21:00:00,6953.6 +2019-01-22 21:15:00,6866.0 +2019-01-22 21:30:00,6773.6 +2019-01-22 21:45:00,6651.2 +2019-01-22 22:00:00,6655.2 +2019-01-22 22:15:00,6597.2 +2019-01-22 22:30:00,6488.0 +2019-01-22 22:45:00,6388.0 +2019-01-22 23:00:00,6280.0 +2019-01-22 23:15:00,6204.0 +2019-01-22 23:30:00,6133.2 +2019-01-22 23:45:00,6081.6 +2019-01-23 00:00:00,6006.8 +2019-01-23 00:15:00,5941.6 +2019-01-23 00:30:00,5920.4 +2019-01-23 00:45:00,5848.0 +2019-01-23 01:00:00,5766.4 +2019-01-23 01:15:00,5748.4 +2019-01-23 01:30:00,5724.8 +2019-01-23 01:45:00,5690.0 +2019-01-23 02:00:00,5655.6 +2019-01-23 02:15:00,5646.0 +2019-01-23 02:30:00,5649.2 +2019-01-23 02:45:00,5655.2 +2019-01-23 03:00:00,5648.8 +2019-01-23 03:15:00,5642.8 +2019-01-23 03:30:00,5653.2 +2019-01-23 03:45:00,5655.6 +2019-01-23 04:00:00,5679.6 +2019-01-23 04:15:00,5691.6 +2019-01-23 04:30:00,5742.0 +2019-01-23 04:45:00,5782.8 +2019-01-23 05:00:00,5896.4 +2019-01-23 05:15:00,5969.6 +2019-01-23 05:30:00,6043.2 +2019-01-23 05:45:00,6157.2 +2019-01-23 06:00:00,6394.8 +2019-01-23 06:15:00,6614.4 +2019-01-23 06:30:00,6824.0 +2019-01-23 06:45:00,7041.6 +2019-01-23 07:00:00,7226.8 +2019-01-23 07:15:00,7322.0 +2019-01-23 07:30:00,7416.8 +2019-01-23 07:45:00,7481.2 +2019-01-23 08:00:00,7502.4 +2019-01-23 08:15:00,7524.8 +2019-01-23 08:30:00,7566.8 +2019-01-23 08:45:00,7600.8 +2019-01-23 09:00:00,7557.2 +2019-01-23 09:15:00,7569.6 +2019-01-23 09:30:00,7611.6 +2019-01-23 09:45:00,7625.6 +2019-01-23 10:00:00,7613.6 +2019-01-23 10:15:00,7616.4 +2019-01-23 10:30:00,7632.0 +2019-01-23 10:45:00,7640.8 +2019-01-23 11:00:00,7637.2 +2019-01-23 11:15:00,7659.2 +2019-01-23 11:30:00,7659.2 +2019-01-23 11:45:00,7662.0 +2019-01-23 12:00:00,7629.2 +2019-01-23 12:15:00,7599.2 +2019-01-23 12:30:00,7585.6 +2019-01-23 12:45:00,7593.6 +2019-01-23 13:00:00,7606.8 +2019-01-23 13:15:00,7574.4 +2019-01-23 13:30:00,7516.4 +2019-01-23 13:45:00,7478.8 +2019-01-23 14:00:00,7478.0 +2019-01-23 14:15:00,7468.8 +2019-01-23 14:30:00,7441.2 +2019-01-23 14:45:00,7426.4 +2019-01-23 15:00:00,7426.0 +2019-01-23 15:15:00,7380.0 +2019-01-23 15:30:00,7332.8 +2019-01-23 15:45:00,7307.6 +2019-01-23 16:00:00,7321.2 +2019-01-23 16:15:00,7290.8 +2019-01-23 16:30:00,7336.0 +2019-01-23 16:45:00,7386.8 +2019-01-23 17:00:00,7498.0 +2019-01-23 17:15:00,7604.4 +2019-01-23 17:30:00,7650.8 +2019-01-23 17:45:00,7676.8 +2019-01-23 18:00:00,7657.2 +2019-01-23 18:15:00,7638.8 +2019-01-23 18:30:00,7614.8 +2019-01-23 18:45:00,7606.8 +2019-01-23 19:00:00,7560.8 +2019-01-23 19:15:00,7482.8 +2019-01-23 19:30:00,7448.0 +2019-01-23 19:45:00,7388.8 +2019-01-23 20:00:00,7254.8 +2019-01-23 20:15:00,7140.4 +2019-01-23 20:30:00,7053.2 +2019-01-23 20:45:00,6968.0 +2019-01-23 21:00:00,6913.2 +2019-01-23 21:15:00,6842.0 +2019-01-23 21:30:00,6745.2 +2019-01-23 21:45:00,6658.8 +2019-01-23 22:00:00,6680.0 +2019-01-23 22:15:00,6599.2 +2019-01-23 22:30:00,6491.2 +2019-01-23 22:45:00,6403.2 +2019-01-23 23:00:00,6284.0 +2019-01-23 23:15:00,6208.4 +2019-01-23 23:30:00,6117.2 +2019-01-23 23:45:00,6054.8 +2019-01-24 00:00:00,6001.2 +2019-01-24 00:15:00,5954.8 +2019-01-24 00:30:00,5923.6 +2019-01-24 00:45:00,5878.8 +2019-01-24 01:00:00,5790.8 +2019-01-24 01:15:00,5724.4 +2019-01-24 01:30:00,5724.0 +2019-01-24 01:45:00,5669.2 +2019-01-24 02:00:00,5592.8 +2019-01-24 02:15:00,5554.8 +2019-01-24 02:30:00,5546.4 +2019-01-24 02:45:00,5517.2 +2019-01-24 03:00:00,5540.0 +2019-01-24 03:15:00,5532.0 +2019-01-24 03:30:00,5543.6 +2019-01-24 03:45:00,5535.2 +2019-01-24 04:00:00,5542.8 +2019-01-24 04:15:00,5574.8 +2019-01-24 04:30:00,5612.4 +2019-01-24 04:45:00,5658.8 +2019-01-24 05:00:00,5762.8 +2019-01-24 05:15:00,5828.0 +2019-01-24 05:30:00,5936.4 +2019-01-24 05:45:00,6061.6 +2019-01-24 06:00:00,6284.8 +2019-01-24 06:15:00,6443.6 +2019-01-24 06:30:00,6655.2 +2019-01-24 06:45:00,6850.0 +2019-01-24 07:00:00,7024.8 +2019-01-24 07:15:00,7134.0 +2019-01-24 07:30:00,7248.4 +2019-01-24 07:45:00,7270.0 +2019-01-24 08:00:00,7399.2 +2019-01-24 08:15:00,7412.8 +2019-01-24 08:30:00,7442.4 +2019-01-24 08:45:00,7460.0 +2019-01-24 09:00:00,7432.8 +2019-01-24 09:15:00,7488.4 +2019-01-24 09:30:00,7505.2 +2019-01-24 09:45:00,7544.0 +2019-01-24 10:00:00,7545.2 +2019-01-24 10:15:00,7569.2 +2019-01-24 10:30:00,7613.2 +2019-01-24 10:45:00,7623.6 +2019-01-24 11:00:00,7628.0 +2019-01-24 11:15:00,7629.6 +2019-01-24 11:30:00,7652.0 +2019-01-24 11:45:00,7615.6 +2019-01-24 12:00:00,7582.8 +2019-01-24 12:15:00,7556.0 +2019-01-24 12:30:00,7558.8 +2019-01-24 12:45:00,7550.0 +2019-01-24 13:00:00,7589.2 +2019-01-24 13:15:00,7556.0 +2019-01-24 13:30:00,7523.2 +2019-01-24 13:45:00,7459.2 +2019-01-24 14:00:00,7456.4 +2019-01-24 14:15:00,7439.2 +2019-01-24 14:30:00,7459.2 +2019-01-24 14:45:00,7428.0 +2019-01-24 15:00:00,7446.8 +2019-01-24 15:15:00,7405.2 +2019-01-24 15:30:00,7390.8 +2019-01-24 15:45:00,7360.8 +2019-01-24 16:00:00,7345.2 +2019-01-24 16:15:00,7330.0 +2019-01-24 16:30:00,7359.6 +2019-01-24 16:45:00,7406.0 +2019-01-24 17:00:00,7484.4 +2019-01-24 17:15:00,7597.6 +2019-01-24 17:30:00,7673.2 +2019-01-24 17:45:00,7668.8 +2019-01-24 18:00:00,7616.0 +2019-01-24 18:15:00,7601.2 +2019-01-24 18:30:00,7557.6 +2019-01-24 18:45:00,7466.4 +2019-01-24 19:00:00,7509.2 +2019-01-24 19:15:00,7364.8 +2019-01-24 19:30:00,7310.4 +2019-01-24 19:45:00,7237.6 +2019-01-24 20:00:00,7186.8 +2019-01-24 20:15:00,7064.0 +2019-01-24 20:30:00,6870.4 +2019-01-24 20:45:00,6776.4 +2019-01-24 21:00:00,6785.6 +2019-01-24 21:15:00,6709.6 +2019-01-24 21:30:00,6623.2 +2019-01-24 21:45:00,6533.6 +2019-01-24 22:00:00,6535.2 +2019-01-24 22:15:00,6450.4 +2019-01-24 22:30:00,6336.4 +2019-01-24 22:45:00,6260.4 +2019-01-24 23:00:00,6142.0 +2019-01-24 23:15:00,6049.6 +2019-01-24 23:30:00,5994.8 +2019-01-24 23:45:00,5921.2 +2019-01-25 00:00:00,5853.6 +2019-01-25 00:15:00,5805.2 +2019-01-25 00:30:00,5788.8 +2019-01-25 00:45:00,5726.8 +2019-01-25 01:00:00,5676.8 +2019-01-25 01:15:00,5633.6 +2019-01-25 01:30:00,5612.4 +2019-01-25 01:45:00,5554.4 +2019-01-25 02:00:00,5542.8 +2019-01-25 02:15:00,5550.0 +2019-01-25 02:30:00,5527.2 +2019-01-25 02:45:00,5518.4 +2019-01-25 03:00:00,5506.4 +2019-01-25 03:15:00,5495.6 +2019-01-25 03:30:00,5498.8 +2019-01-25 03:45:00,5523.2 +2019-01-25 04:00:00,5553.2 +2019-01-25 04:15:00,5593.2 +2019-01-25 04:30:00,5633.6 +2019-01-25 04:45:00,5626.4 +2019-01-25 05:00:00,5736.4 +2019-01-25 05:15:00,5796.0 +2019-01-25 05:30:00,5903.2 +2019-01-25 05:45:00,6041.6 +2019-01-25 06:00:00,6276.8 +2019-01-25 06:15:00,6511.2 +2019-01-25 06:30:00,6697.2 +2019-01-25 06:45:00,6875.6 +2019-01-25 07:00:00,7063.6 +2019-01-25 07:15:00,7212.8 +2019-01-25 07:30:00,7316.4 +2019-01-25 07:45:00,7386.0 +2019-01-25 08:00:00,7451.6 +2019-01-25 08:15:00,7488.4 +2019-01-25 08:30:00,7501.2 +2019-01-25 08:45:00,7514.8 +2019-01-25 09:00:00,7510.4 +2019-01-25 09:15:00,7529.6 +2019-01-25 09:30:00,7561.2 +2019-01-25 09:45:00,7553.2 +2019-01-25 10:00:00,7549.6 +2019-01-25 10:15:00,7565.6 +2019-01-25 10:30:00,7596.4 +2019-01-25 10:45:00,7590.4 +2019-01-25 11:00:00,7588.8 +2019-01-25 11:15:00,7608.4 +2019-01-25 11:30:00,7610.8 +2019-01-25 11:45:00,7581.6 +2019-01-25 12:00:00,7552.0 +2019-01-25 12:15:00,7524.4 +2019-01-25 12:30:00,7495.2 +2019-01-25 12:45:00,7470.4 +2019-01-25 13:00:00,7440.0 +2019-01-25 13:15:00,7394.8 +2019-01-25 13:30:00,7356.8 +2019-01-25 13:45:00,7278.4 +2019-01-25 14:00:00,7269.2 +2019-01-25 14:15:00,7274.0 +2019-01-25 14:30:00,7190.8 +2019-01-25 14:45:00,7159.2 +2019-01-25 15:00:00,7189.6 +2019-01-25 15:15:00,7108.8 +2019-01-25 15:30:00,7091.2 +2019-01-25 15:45:00,7062.4 +2019-01-25 16:00:00,7070.8 +2019-01-25 16:15:00,7077.6 +2019-01-25 16:30:00,7123.2 +2019-01-25 16:45:00,7175.2 +2019-01-25 17:00:00,7334.4 +2019-01-25 17:15:00,7434.0 +2019-01-25 17:30:00,7488.8 +2019-01-25 17:45:00,7471.2 +2019-01-25 18:00:00,7497.2 +2019-01-25 18:15:00,7462.4 +2019-01-25 18:30:00,7446.4 +2019-01-25 18:45:00,7425.6 +2019-01-25 19:00:00,7423.6 +2019-01-25 19:15:00,7326.4 +2019-01-25 19:30:00,7269.6 +2019-01-25 19:45:00,7193.2 +2019-01-25 20:00:00,7043.6 +2019-01-25 20:15:00,6956.0 +2019-01-25 20:30:00,6855.6 +2019-01-25 20:45:00,6786.8 +2019-01-25 21:00:00,6726.8 +2019-01-25 21:15:00,6665.6 +2019-01-25 21:30:00,6585.6 +2019-01-25 21:45:00,6525.6 +2019-01-25 22:00:00,6545.6 +2019-01-25 22:15:00,6493.2 +2019-01-25 22:30:00,6384.8 +2019-01-25 22:45:00,6321.6 +2019-01-25 23:00:00,6185.2 +2019-01-25 23:15:00,6129.2 +2019-01-25 23:30:00,6058.4 +2019-01-25 23:45:00,5988.0 +2019-01-26 00:00:00,5909.2 +2019-01-26 00:15:00,5819.6 +2019-01-26 00:30:00,5774.8 +2019-01-26 00:45:00,5694.0 +2019-01-26 01:00:00,5604.0 +2019-01-26 01:15:00,5548.4 +2019-01-26 01:30:00,5530.0 +2019-01-26 01:45:00,5488.0 +2019-01-26 02:00:00,5416.0 +2019-01-26 02:15:00,5394.0 +2019-01-26 02:30:00,5358.8 +2019-01-26 02:45:00,5354.0 +2019-01-26 03:00:00,5334.8 +2019-01-26 03:15:00,5305.2 +2019-01-26 03:30:00,5292.8 +2019-01-26 03:45:00,5267.6 +2019-01-26 04:00:00,5280.0 +2019-01-26 04:15:00,5256.4 +2019-01-26 04:30:00,5274.4 +2019-01-26 04:45:00,5276.0 +2019-01-26 05:00:00,5302.8 +2019-01-26 05:15:00,5258.0 +2019-01-26 05:30:00,5201.2 +2019-01-26 05:45:00,5174.4 +2019-01-26 06:00:00,5250.0 +2019-01-26 06:15:00,5268.8 +2019-01-26 06:30:00,5332.4 +2019-01-26 06:45:00,5358.8 +2019-01-26 07:00:00,5520.0 +2019-01-26 07:15:00,5584.8 +2019-01-26 07:30:00,5627.2 +2019-01-26 07:45:00,5708.8 +2019-01-26 08:00:00,5886.8 +2019-01-26 08:15:00,5945.2 +2019-01-26 08:30:00,6019.6 +2019-01-26 08:45:00,6080.8 +2019-01-26 09:00:00,6192.4 +2019-01-26 09:15:00,6254.8 +2019-01-26 09:30:00,6340.4 +2019-01-26 09:45:00,6414.8 +2019-01-26 10:00:00,6441.2 +2019-01-26 10:15:00,6488.8 +2019-01-26 10:30:00,6501.2 +2019-01-26 10:45:00,6526.4 +2019-01-26 11:00:00,6530.4 +2019-01-26 11:15:00,6537.6 +2019-01-26 11:30:00,6584.8 +2019-01-26 11:45:00,6560.8 +2019-01-26 12:00:00,6531.2 +2019-01-26 12:15:00,6518.0 +2019-01-26 12:30:00,6498.0 +2019-01-26 12:45:00,6429.6 +2019-01-26 13:00:00,6369.6 +2019-01-26 13:15:00,6293.6 +2019-01-26 13:30:00,6285.2 +2019-01-26 13:45:00,6221.2 +2019-01-26 14:00:00,6191.6 +2019-01-26 14:15:00,6162.0 +2019-01-26 14:30:00,6161.2 +2019-01-26 14:45:00,6146.8 +2019-01-26 15:00:00,6115.6 +2019-01-26 15:15:00,6112.8 +2019-01-26 15:30:00,6083.2 +2019-01-26 15:45:00,6066.0 +2019-01-26 16:00:00,6039.2 +2019-01-26 16:15:00,6090.0 +2019-01-26 16:30:00,6108.8 +2019-01-26 16:45:00,6164.4 +2019-01-26 17:00:00,6286.4 +2019-01-26 17:15:00,6385.6 +2019-01-26 17:30:00,6465.6 +2019-01-26 17:45:00,6491.2 +2019-01-26 18:00:00,6521.6 +2019-01-26 18:15:00,6491.6 +2019-01-26 18:30:00,6425.6 +2019-01-26 18:45:00,6391.6 +2019-01-26 19:00:00,6381.2 +2019-01-26 19:15:00,6308.8 +2019-01-26 19:30:00,6187.2 +2019-01-26 19:45:00,6103.2 +2019-01-26 20:00:00,5986.0 +2019-01-26 20:15:00,5881.6 +2019-01-26 20:30:00,5788.4 +2019-01-26 20:45:00,5743.2 +2019-01-26 21:00:00,5689.6 +2019-01-26 21:15:00,5672.8 +2019-01-26 21:30:00,5658.0 +2019-01-26 21:45:00,5628.4 +2019-01-26 22:00:00,5687.6 +2019-01-26 22:15:00,5616.0 +2019-01-26 22:30:00,5552.0 +2019-01-26 22:45:00,5485.2 +2019-01-26 23:00:00,5370.4 +2019-01-26 23:15:00,5296.8 +2019-01-26 23:30:00,5260.4 +2019-01-26 23:45:00,5216.0 +2019-01-27 00:00:00,5110.4 +2019-01-27 00:15:00,5035.6 +2019-01-27 00:30:00,5012.0 +2019-01-27 00:45:00,4955.6 +2019-01-27 01:00:00,4886.0 +2019-01-27 01:15:00,4834.0 +2019-01-27 01:30:00,4801.6 +2019-01-27 01:45:00,4771.2 +2019-01-27 02:00:00,4709.6 +2019-01-27 02:15:00,4672.0 +2019-01-27 02:30:00,4681.2 +2019-01-27 02:45:00,4668.0 +2019-01-27 03:00:00,4660.4 +2019-01-27 03:15:00,4647.2 +2019-01-27 03:30:00,4638.0 +2019-01-27 03:45:00,4645.6 +2019-01-27 04:00:00,4646.4 +2019-01-27 04:15:00,4631.2 +2019-01-27 04:30:00,4646.0 +2019-01-27 04:45:00,4625.2 +2019-01-27 05:00:00,4622.0 +2019-01-27 05:15:00,4605.6 +2019-01-27 05:30:00,4578.8 +2019-01-27 05:45:00,4548.4 +2019-01-27 06:00:00,4504.8 +2019-01-27 06:15:00,4492.0 +2019-01-27 06:30:00,4504.0 +2019-01-27 06:45:00,4528.4 +2019-01-27 07:00:00,4630.8 +2019-01-27 07:15:00,4696.0 +2019-01-27 07:30:00,4756.8 +2019-01-27 07:45:00,4850.8 +2019-01-27 08:00:00,4901.6 +2019-01-27 08:15:00,4965.6 +2019-01-27 08:30:00,5023.2 +2019-01-27 08:45:00,5105.2 +2019-01-27 09:00:00,5248.4 +2019-01-27 09:15:00,5309.2 +2019-01-27 09:30:00,5402.4 +2019-01-27 09:45:00,5445.6 +2019-01-27 10:00:00,5546.8 +2019-01-27 10:15:00,5562.8 +2019-01-27 10:30:00,5632.0 +2019-01-27 10:45:00,5677.2 +2019-01-27 11:00:00,5807.6 +2019-01-27 11:15:00,5865.2 +2019-01-27 11:30:00,5920.0 +2019-01-27 11:45:00,5910.0 +2019-01-27 12:00:00,5917.6 +2019-01-27 12:15:00,5882.8 +2019-01-27 12:30:00,5847.6 +2019-01-27 12:45:00,5790.4 +2019-01-27 13:00:00,5699.6 +2019-01-27 13:15:00,5654.8 +2019-01-27 13:30:00,5599.6 +2019-01-27 13:45:00,5540.8 +2019-01-27 14:00:00,5514.0 +2019-01-27 14:15:00,5470.8 +2019-01-27 14:30:00,5486.4 +2019-01-27 14:45:00,5448.0 +2019-01-27 15:00:00,5450.8 +2019-01-27 15:15:00,5429.6 +2019-01-27 15:30:00,5391.6 +2019-01-27 15:45:00,5370.4 +2019-01-27 16:00:00,5405.2 +2019-01-27 16:15:00,5453.6 +2019-01-27 16:30:00,5476.4 +2019-01-27 16:45:00,5549.6 +2019-01-27 17:00:00,5715.6 +2019-01-27 17:15:00,5831.6 +2019-01-27 17:30:00,5942.8 +2019-01-27 17:45:00,5994.0 +2019-01-27 18:00:00,6041.2 +2019-01-27 18:15:00,6048.0 +2019-01-27 18:30:00,6056.8 +2019-01-27 18:45:00,6040.4 +2019-01-27 19:00:00,6055.2 +2019-01-27 19:15:00,6000.8 +2019-01-27 19:30:00,5969.2 +2019-01-27 19:45:00,5905.2 +2019-01-27 20:00:00,5874.8 +2019-01-27 20:15:00,5803.6 +2019-01-27 20:30:00,5716.4 +2019-01-27 20:45:00,5640.4 +2019-01-27 21:00:00,5637.6 +2019-01-27 21:15:00,5629.2 +2019-01-27 21:30:00,5608.4 +2019-01-27 21:45:00,5602.8 +2019-01-27 22:00:00,5696.4 +2019-01-27 22:15:00,5655.6 +2019-01-27 22:30:00,5587.6 +2019-01-27 22:45:00,5536.0 +2019-01-27 23:00:00,5432.0 +2019-01-27 23:15:00,5350.0 +2019-01-27 23:30:00,5268.0 +2019-01-27 23:45:00,5214.4 +2019-01-28 00:00:00,5166.8 +2019-01-28 00:15:00,5100.8 +2019-01-28 00:30:00,5037.2 +2019-01-28 00:45:00,5021.6 +2019-01-28 01:00:00,4961.6 +2019-01-28 01:15:00,4912.8 +2019-01-28 01:30:00,4900.8 +2019-01-28 01:45:00,4874.0 +2019-01-28 02:00:00,4863.2 +2019-01-28 02:15:00,4861.6 +2019-01-28 02:30:00,4862.8 +2019-01-28 02:45:00,4870.0 +2019-01-28 03:00:00,4882.8 +2019-01-28 03:15:00,4886.4 +2019-01-28 03:30:00,4920.8 +2019-01-28 03:45:00,4938.4 +2019-01-28 04:00:00,5002.4 +2019-01-28 04:15:00,5041.2 +2019-01-28 04:30:00,5112.0 +2019-01-28 04:45:00,5154.4 +2019-01-28 05:00:00,5268.8 +2019-01-28 05:15:00,5351.6 +2019-01-28 05:30:00,5473.2 +2019-01-28 05:45:00,5655.2 +2019-01-28 06:00:00,5952.8 +2019-01-28 06:15:00,6206.4 +2019-01-28 06:30:00,6466.0 +2019-01-28 06:45:00,6688.0 +2019-01-28 07:00:00,6865.6 +2019-01-28 07:15:00,7016.0 +2019-01-28 07:30:00,7105.6 +2019-01-28 07:45:00,7186.0 +2019-01-28 08:00:00,7268.4 +2019-01-28 08:15:00,7308.0 +2019-01-28 08:30:00,7323.2 +2019-01-28 08:45:00,7288.8 +2019-01-28 09:00:00,7340.8 +2019-01-28 09:15:00,7321.6 +2019-01-28 09:30:00,7362.8 +2019-01-28 09:45:00,7410.8 +2019-01-28 10:00:00,7445.2 +2019-01-28 10:15:00,7480.8 +2019-01-28 10:30:00,7494.0 +2019-01-28 10:45:00,7528.0 +2019-01-28 11:00:00,7508.4 +2019-01-28 11:15:00,7534.0 +2019-01-28 11:30:00,7560.0 +2019-01-28 11:45:00,7560.4 +2019-01-28 12:00:00,7533.2 +2019-01-28 12:15:00,7520.4 +2019-01-28 12:30:00,7549.6 +2019-01-28 12:45:00,7566.0 +2019-01-28 13:00:00,7554.8 +2019-01-28 13:15:00,7548.0 +2019-01-28 13:30:00,7528.4 +2019-01-28 13:45:00,7467.2 +2019-01-28 14:00:00,7435.2 +2019-01-28 14:15:00,7464.8 +2019-01-28 14:30:00,7435.2 +2019-01-28 14:45:00,7443.2 +2019-01-28 15:00:00,7422.4 +2019-01-28 15:15:00,7395.2 +2019-01-28 15:30:00,7368.0 +2019-01-28 15:45:00,7344.4 +2019-01-28 16:00:00,7326.0 +2019-01-28 16:15:00,7310.0 +2019-01-28 16:30:00,7322.0 +2019-01-28 16:45:00,7356.4 +2019-01-28 17:00:00,7435.6 +2019-01-28 17:15:00,7523.2 +2019-01-28 17:30:00,7596.8 +2019-01-28 17:45:00,7623.6 +2019-01-28 18:00:00,7574.0 +2019-01-28 18:15:00,7537.6 +2019-01-28 18:30:00,7525.6 +2019-01-28 18:45:00,7450.0 +2019-01-28 19:00:00,7435.2 +2019-01-28 19:15:00,7326.0 +2019-01-28 19:30:00,7265.2 +2019-01-28 19:45:00,7232.0 +2019-01-28 20:00:00,7102.8 +2019-01-28 20:15:00,6976.8 +2019-01-28 20:30:00,6858.0 +2019-01-28 20:45:00,6785.6 +2019-01-28 21:00:00,6688.8 +2019-01-28 21:15:00,6624.8 +2019-01-28 21:30:00,6545.2 +2019-01-28 21:45:00,6474.8 +2019-01-28 22:00:00,6471.6 +2019-01-28 22:15:00,6387.2 +2019-01-28 22:30:00,6275.2 +2019-01-28 22:45:00,6124.8 +2019-01-28 23:00:00,6035.2 +2019-01-28 23:15:00,5963.2 +2019-01-28 23:30:00,5894.0 +2019-01-28 23:45:00,5730.4 +2019-01-29 00:00:00,5710.4 +2019-01-29 00:15:00,5615.6 +2019-01-29 00:30:00,5574.0 +2019-01-29 00:45:00,5524.8 +2019-01-29 01:00:00,5458.0 +2019-01-29 01:15:00,5441.2 +2019-01-29 01:30:00,5420.4 +2019-01-29 01:45:00,5390.0 +2019-01-29 02:00:00,5333.6 +2019-01-29 02:15:00,5316.4 +2019-01-29 02:30:00,5325.6 +2019-01-29 02:45:00,5347.6 +2019-01-29 03:00:00,5367.6 +2019-01-29 03:15:00,5360.8 +2019-01-29 03:30:00,5359.2 +2019-01-29 03:45:00,5384.0 +2019-01-29 04:00:00,5417.6 +2019-01-29 04:15:00,5470.4 +2019-01-29 04:30:00,5517.6 +2019-01-29 04:45:00,5580.4 +2019-01-29 05:00:00,5733.2 +2019-01-29 05:15:00,5776.4 +2019-01-29 05:30:00,5891.6 +2019-01-29 05:45:00,6042.8 +2019-01-29 06:00:00,6310.4 +2019-01-29 06:15:00,6552.4 +2019-01-29 06:30:00,6729.6 +2019-01-29 06:45:00,6875.2 +2019-01-29 07:00:00,7070.0 +2019-01-29 07:15:00,7192.4 +2019-01-29 07:30:00,7280.8 +2019-01-29 07:45:00,7323.6 +2019-01-29 08:00:00,7401.2 +2019-01-29 08:15:00,7427.6 +2019-01-29 08:30:00,7419.2 +2019-01-29 08:45:00,7430.8 +2019-01-29 09:00:00,7420.8 +2019-01-29 09:15:00,7445.2 +2019-01-29 09:30:00,7457.6 +2019-01-29 09:45:00,7459.2 +2019-01-29 10:00:00,7414.0 +2019-01-29 10:15:00,7433.2 +2019-01-29 10:30:00,7456.4 +2019-01-29 10:45:00,7441.6 +2019-01-29 11:00:00,7456.0 +2019-01-29 11:15:00,7458.4 +2019-01-29 11:30:00,7412.4 +2019-01-29 11:45:00,7368.8 +2019-01-29 12:00:00,7389.6 +2019-01-29 12:15:00,7356.8 +2019-01-29 12:30:00,7368.8 +2019-01-29 12:45:00,7348.4 +2019-01-29 13:00:00,7350.0 +2019-01-29 13:15:00,7341.2 +2019-01-29 13:30:00,7317.2 +2019-01-29 13:45:00,7256.0 +2019-01-29 14:00:00,7243.2 +2019-01-29 14:15:00,7233.2 +2019-01-29 14:30:00,7227.2 +2019-01-29 14:45:00,7132.4 +2019-01-29 15:00:00,7221.2 +2019-01-29 15:15:00,7165.6 +2019-01-29 15:30:00,7129.6 +2019-01-29 15:45:00,7098.8 +2019-01-29 16:00:00,7057.6 +2019-01-29 16:15:00,7034.0 +2019-01-29 16:30:00,7044.0 +2019-01-29 16:45:00,7101.6 +2019-01-29 17:00:00,7193.6 +2019-01-29 17:15:00,7253.2 +2019-01-29 17:30:00,7380.0 +2019-01-29 17:45:00,7450.4 +2019-01-29 18:00:00,7450.8 +2019-01-29 18:15:00,7427.6 +2019-01-29 18:30:00,7403.2 +2019-01-29 18:45:00,7400.0 +2019-01-29 19:00:00,7345.2 +2019-01-29 19:15:00,7264.8 +2019-01-29 19:30:00,7203.6 +2019-01-29 19:45:00,7150.8 +2019-01-29 20:00:00,7062.0 +2019-01-29 20:15:00,6931.2 +2019-01-29 20:30:00,6842.8 +2019-01-29 20:45:00,6750.0 +2019-01-29 21:00:00,6637.6 +2019-01-29 21:15:00,6587.6 +2019-01-29 21:30:00,6471.6 +2019-01-29 21:45:00,6408.8 +2019-01-29 22:00:00,6415.2 +2019-01-29 22:15:00,6351.2 +2019-01-29 22:30:00,6217.6 +2019-01-29 22:45:00,6144.4 +2019-01-29 23:00:00,6023.2 +2019-01-29 23:15:00,5918.8 +2019-01-29 23:30:00,5830.8 +2019-01-29 23:45:00,5769.6 +2019-01-30 00:00:00,5779.6 +2019-01-30 00:15:00,5716.4 +2019-01-30 00:30:00,5668.8 +2019-01-30 00:45:00,5612.0 +2019-01-30 01:00:00,5595.6 +2019-01-30 01:15:00,5544.8 +2019-01-30 01:30:00,5520.8 +2019-01-30 01:45:00,5430.0 +2019-01-30 02:00:00,5388.4 +2019-01-30 02:15:00,5384.8 +2019-01-30 02:30:00,5387.2 +2019-01-30 02:45:00,5382.8 +2019-01-30 03:00:00,5430.4 +2019-01-30 03:15:00,5360.4 +2019-01-30 03:30:00,5390.4 +2019-01-30 03:45:00,5415.6 +2019-01-30 04:00:00,5441.2 +2019-01-30 04:15:00,5464.4 +2019-01-30 04:30:00,5518.0 +2019-01-30 04:45:00,5558.0 +2019-01-30 05:00:00,5705.2 +2019-01-30 05:15:00,5805.6 +2019-01-30 05:30:00,5906.0 +2019-01-30 05:45:00,6005.2 +2019-01-30 06:00:00,6216.4 +2019-01-30 06:15:00,6548.8 +2019-01-30 06:30:00,6721.2 +2019-01-30 06:45:00,6849.2 +2019-01-30 07:00:00,7016.4 +2019-01-30 07:15:00,7097.2 +2019-01-30 07:30:00,7159.2 +2019-01-30 07:45:00,7217.2 +2019-01-30 08:00:00,7271.2 +2019-01-30 08:15:00,7273.2 +2019-01-30 08:30:00,7280.4 +2019-01-30 08:45:00,7300.0 +2019-01-30 09:00:00,7278.8 +2019-01-30 09:15:00,7273.6 +2019-01-30 09:30:00,7280.0 +2019-01-30 09:45:00,7278.4 +2019-01-30 10:00:00,7445.6 +2019-01-30 10:15:00,7455.6 +2019-01-30 10:30:00,7484.8 +2019-01-30 10:45:00,7494.0 +2019-01-30 11:00:00,7525.2 +2019-01-30 11:15:00,7552.8 +2019-01-30 11:30:00,7566.4 +2019-01-30 11:45:00,7530.8 +2019-01-30 12:00:00,7507.6 +2019-01-30 12:15:00,7500.0 +2019-01-30 12:30:00,7493.2 +2019-01-30 12:45:00,7499.2 +2019-01-30 13:00:00,7534.8 +2019-01-30 13:15:00,7502.8 +2019-01-30 13:30:00,7475.2 +2019-01-30 13:45:00,7410.8 +2019-01-30 14:00:00,7392.0 +2019-01-30 14:15:00,7396.8 +2019-01-30 14:30:00,7354.8 +2019-01-30 14:45:00,7306.0 +2019-01-30 15:00:00,7298.8 +2019-01-30 15:15:00,7258.8 +2019-01-30 15:30:00,7247.2 +2019-01-30 15:45:00,7186.0 +2019-01-30 16:00:00,7165.2 +2019-01-30 16:15:00,7157.2 +2019-01-30 16:30:00,7185.2 +2019-01-30 16:45:00,7210.8 +2019-01-30 17:00:00,7292.0 +2019-01-30 17:15:00,7402.0 +2019-01-30 17:30:00,7495.2 +2019-01-30 17:45:00,7544.8 +2019-01-30 18:00:00,7517.2 +2019-01-30 18:15:00,7484.4 +2019-01-30 18:30:00,7470.0 +2019-01-30 18:45:00,7432.8 +2019-01-30 19:00:00,7414.4 +2019-01-30 19:15:00,7340.4 +2019-01-30 19:30:00,7274.0 +2019-01-30 19:45:00,7206.4 +2019-01-30 20:00:00,7100.0 +2019-01-30 20:15:00,6967.6 +2019-01-30 20:30:00,6880.4 +2019-01-30 20:45:00,6794.0 +2019-01-30 21:00:00,6712.0 +2019-01-30 21:15:00,6646.4 +2019-01-30 21:30:00,6540.0 +2019-01-30 21:45:00,6483.2 +2019-01-30 22:00:00,6470.8 +2019-01-30 22:15:00,6410.0 +2019-01-30 22:30:00,6300.4 +2019-01-30 22:45:00,6221.6 +2019-01-30 23:00:00,6090.0 +2019-01-30 23:15:00,5999.2 +2019-01-30 23:30:00,5899.2 +2019-01-30 23:45:00,5832.0 +2019-01-31 00:00:00,5724.4 +2019-01-31 00:15:00,5691.2 +2019-01-31 00:30:00,5661.6 +2019-01-31 00:45:00,5598.0 +2019-01-31 01:00:00,5528.8 +2019-01-31 01:15:00,5502.4 +2019-01-31 01:30:00,5474.0 +2019-01-31 01:45:00,5425.2 +2019-01-31 02:00:00,5399.6 +2019-01-31 02:15:00,5366.8 +2019-01-31 02:30:00,5383.6 +2019-01-31 02:45:00,5374.4 +2019-01-31 03:00:00,5369.2 +2019-01-31 03:15:00,5372.0 +2019-01-31 03:30:00,5384.0 +2019-01-31 03:45:00,5400.4 +2019-01-31 04:00:00,5450.0 +2019-01-31 04:15:00,5454.4 +2019-01-31 04:30:00,5506.0 +2019-01-31 04:45:00,5574.8 +2019-01-31 05:00:00,5688.0 +2019-01-31 05:15:00,5732.0 +2019-01-31 05:30:00,5820.0 +2019-01-31 05:45:00,5930.8 +2019-01-31 06:00:00,6148.8 +2019-01-31 06:15:00,6385.2 +2019-01-31 06:30:00,6554.8 +2019-01-31 06:45:00,6716.8 +2019-01-31 07:00:00,6910.0 +2019-01-31 07:15:00,7013.2 +2019-01-31 07:30:00,7108.0 +2019-01-31 07:45:00,7180.0 +2019-01-31 08:00:00,7226.8 +2019-01-31 08:15:00,7236.4 +2019-01-31 08:30:00,7239.6 +2019-01-31 08:45:00,7233.6 +2019-01-31 09:00:00,7216.0 +2019-01-31 09:15:00,7218.8 +2019-01-31 09:30:00,7249.2 +2019-01-31 09:45:00,7289.2 +2019-01-31 10:00:00,7314.0 +2019-01-31 10:15:00,7314.0 +2019-01-31 10:30:00,7318.8 +2019-01-31 10:45:00,7331.2 +2019-01-31 11:00:00,7336.0 +2019-01-31 11:15:00,7357.2 +2019-01-31 11:30:00,7350.4 +2019-01-31 11:45:00,7309.2 +2019-01-31 12:00:00,7264.8 +2019-01-31 12:15:00,7230.8 +2019-01-31 12:30:00,7226.4 +2019-01-31 12:45:00,7228.8 +2019-01-31 13:00:00,7238.8 +2019-01-31 13:15:00,7211.2 +2019-01-31 13:30:00,7158.8 +2019-01-31 13:45:00,7078.0 +2019-01-31 14:00:00,7090.4 +2019-01-31 14:15:00,7066.0 +2019-01-31 14:30:00,7042.4 +2019-01-31 14:45:00,7017.6 +2019-01-31 15:00:00,7047.2 +2019-01-31 15:15:00,7010.4 +2019-01-31 15:30:00,6990.4 +2019-01-31 15:45:00,6927.6 +2019-01-31 16:00:00,6946.0 +2019-01-31 16:15:00,6956.4 +2019-01-31 16:30:00,6966.8 +2019-01-31 16:45:00,7015.2 +2019-01-31 17:00:00,7112.4 +2019-01-31 17:15:00,7236.4 +2019-01-31 17:30:00,7362.0 +2019-01-31 17:45:00,7415.2 +2019-01-31 18:00:00,7386.0 +2019-01-31 18:15:00,7365.6 +2019-01-31 18:30:00,7368.0 +2019-01-31 18:45:00,7332.8 +2019-01-31 19:00:00,7288.4 +2019-01-31 19:15:00,7251.6 +2019-01-31 19:30:00,7187.2 +2019-01-31 19:45:00,7153.6 +2019-01-31 20:00:00,7016.8 +2019-01-31 20:15:00,6929.2 +2019-01-31 20:30:00,6840.0 +2019-01-31 20:45:00,6759.2 +2019-01-31 21:00:00,6681.6 +2019-01-31 21:15:00,6610.0 +2019-01-31 21:30:00,6535.6 +2019-01-31 21:45:00,6472.8 +2019-01-31 22:00:00,6465.6 +2019-01-31 22:15:00,6427.6 +2019-01-31 22:30:00,6338.4 +2019-01-31 22:45:00,6246.8 +2019-01-31 23:00:00,6151.2 +2019-01-31 23:15:00,6058.0 +2019-01-31 23:30:00,5968.0 +2019-01-31 23:45:00,5866.4 +2019-02-01 00:00:00,5798.0 +2019-02-01 00:15:00,5748.4 +2019-02-01 00:30:00,5760.0 +2019-02-01 00:45:00,5690.8 +2019-02-01 01:00:00,5615.6 +2019-02-01 01:15:00,5576.8 +2019-02-01 01:30:00,5556.8 +2019-02-01 01:45:00,5551.6 +2019-02-01 02:00:00,5528.0 +2019-02-01 02:15:00,5515.6 +2019-02-01 02:30:00,5504.8 +2019-02-01 02:45:00,5521.6 +2019-02-01 03:00:00,5506.4 +2019-02-01 03:15:00,5506.8 +2019-02-01 03:30:00,5529.6 +2019-02-01 03:45:00,5552.8 +2019-02-01 04:00:00,5577.6 +2019-02-01 04:15:00,5566.8 +2019-02-01 04:30:00,5627.2 +2019-02-01 04:45:00,5666.4 +2019-02-01 05:00:00,5799.2 +2019-02-01 05:15:00,5876.0 +2019-02-01 05:30:00,5949.6 +2019-02-01 05:45:00,6086.8 +2019-02-01 06:00:00,6329.2 +2019-02-01 06:15:00,6534.8 +2019-02-01 06:30:00,6678.0 +2019-02-01 06:45:00,6855.2 +2019-02-01 07:00:00,7036.0 +2019-02-01 07:15:00,7168.4 +2019-02-01 07:30:00,7241.2 +2019-02-01 07:45:00,7304.0 +2019-02-01 08:00:00,7330.4 +2019-02-01 08:15:00,7364.8 +2019-02-01 08:30:00,7410.0 +2019-02-01 08:45:00,7425.2 +2019-02-01 09:00:00,7388.0 +2019-02-01 09:15:00,7443.2 +2019-02-01 09:30:00,7487.6 +2019-02-01 09:45:00,7497.6 +2019-02-01 10:00:00,7482.8 +2019-02-01 10:15:00,7492.4 +2019-02-01 10:30:00,7520.8 +2019-02-01 10:45:00,7546.4 +2019-02-01 11:00:00,7524.8 +2019-02-01 11:15:00,7542.8 +2019-02-01 11:30:00,7534.0 +2019-02-01 11:45:00,7508.4 +2019-02-01 12:00:00,7473.2 +2019-02-01 12:15:00,7433.6 +2019-02-01 12:30:00,7407.6 +2019-02-01 12:45:00,7378.4 +2019-02-01 13:00:00,7356.0 +2019-02-01 13:15:00,7290.4 +2019-02-01 13:30:00,7228.0 +2019-02-01 13:45:00,7146.0 +2019-02-01 14:00:00,7112.0 +2019-02-01 14:15:00,7080.0 +2019-02-01 14:30:00,7054.8 +2019-02-01 14:45:00,7017.6 +2019-02-01 15:00:00,7012.4 +2019-02-01 15:15:00,6988.4 +2019-02-01 15:30:00,6938.0 +2019-02-01 15:45:00,6895.6 +2019-02-01 16:00:00,6879.6 +2019-02-01 16:15:00,6892.0 +2019-02-01 16:30:00,6922.8 +2019-02-01 16:45:00,6947.6 +2019-02-01 17:00:00,6986.0 +2019-02-01 17:15:00,7096.4 +2019-02-01 17:30:00,7230.4 +2019-02-01 17:45:00,7281.2 +2019-02-01 18:00:00,7253.6 +2019-02-01 18:15:00,7243.6 +2019-02-01 18:30:00,7204.0 +2019-02-01 18:45:00,7145.6 +2019-02-01 19:00:00,7136.4 +2019-02-01 19:15:00,7066.4 +2019-02-01 19:30:00,6981.6 +2019-02-01 19:45:00,6900.8 +2019-02-01 20:00:00,6798.0 +2019-02-01 20:15:00,6678.8 +2019-02-01 20:30:00,6552.4 +2019-02-01 20:45:00,6458.8 +2019-02-01 21:00:00,6342.0 +2019-02-01 21:15:00,6253.2 +2019-02-01 21:30:00,6180.8 +2019-02-01 21:45:00,6125.2 +2019-02-01 22:00:00,6142.0 +2019-02-01 22:15:00,6060.8 +2019-02-01 22:30:00,5945.6 +2019-02-01 22:45:00,5878.4 +2019-02-01 23:00:00,5768.4 +2019-02-01 23:15:00,5655.2 +2019-02-01 23:30:00,5569.2 +2019-02-01 23:45:00,5485.2 +2019-02-02 00:00:00,5462.8 +2019-02-02 00:15:00,5384.4 +2019-02-02 00:30:00,5341.2 +2019-02-02 00:45:00,5281.6 +2019-02-02 01:00:00,5234.8 +2019-02-02 01:15:00,5178.4 +2019-02-02 01:30:00,5153.2 +2019-02-02 01:45:00,5114.8 +2019-02-02 02:00:00,5050.0 +2019-02-02 02:15:00,5010.8 +2019-02-02 02:30:00,4991.6 +2019-02-02 02:45:00,4994.4 +2019-02-02 03:00:00,5000.4 +2019-02-02 03:15:00,4994.4 +2019-02-02 03:30:00,5004.4 +2019-02-02 03:45:00,4993.2 +2019-02-02 04:00:00,4994.8 +2019-02-02 04:15:00,4989.6 +2019-02-02 04:30:00,4989.6 +2019-02-02 04:45:00,4991.6 +2019-02-02 05:00:00,5007.6 +2019-02-02 05:15:00,4994.8 +2019-02-02 05:30:00,4998.4 +2019-02-02 05:45:00,4986.0 +2019-02-02 06:00:00,5002.0 +2019-02-02 06:15:00,5036.8 +2019-02-02 06:30:00,5095.6 +2019-02-02 06:45:00,5142.0 +2019-02-02 07:00:00,5245.2 +2019-02-02 07:15:00,5342.0 +2019-02-02 07:30:00,5429.6 +2019-02-02 07:45:00,5521.6 +2019-02-02 08:00:00,5632.4 +2019-02-02 08:15:00,5698.4 +2019-02-02 08:30:00,5790.4 +2019-02-02 08:45:00,5864.8 +2019-02-02 09:00:00,5977.2 +2019-02-02 09:15:00,6012.4 +2019-02-02 09:30:00,6082.8 +2019-02-02 09:45:00,6128.0 +2019-02-02 10:00:00,6179.6 +2019-02-02 10:15:00,6196.8 +2019-02-02 10:30:00,6225.2 +2019-02-02 10:45:00,6249.6 +2019-02-02 11:00:00,6276.4 +2019-02-02 11:15:00,6285.6 +2019-02-02 11:30:00,6310.4 +2019-02-02 11:45:00,6311.6 +2019-02-02 12:00:00,6266.8 +2019-02-02 12:15:00,6248.0 +2019-02-02 12:30:00,6194.4 +2019-02-02 12:45:00,6122.0 +2019-02-02 13:00:00,6076.8 +2019-02-02 13:15:00,6023.6 +2019-02-02 13:30:00,5990.8 +2019-02-02 13:45:00,5948.8 +2019-02-02 14:00:00,5944.0 +2019-02-02 14:15:00,5948.4 +2019-02-02 14:30:00,5917.6 +2019-02-02 14:45:00,5879.2 +2019-02-02 15:00:00,5883.6 +2019-02-02 15:15:00,5860.8 +2019-02-02 15:30:00,5852.4 +2019-02-02 15:45:00,5818.0 +2019-02-02 16:00:00,5812.0 +2019-02-02 16:15:00,5840.4 +2019-02-02 16:30:00,5878.4 +2019-02-02 16:45:00,5921.2 +2019-02-02 17:00:00,5998.4 +2019-02-02 17:15:00,6125.2 +2019-02-02 17:30:00,6252.4 +2019-02-02 17:45:00,6323.2 +2019-02-02 18:00:00,6360.4 +2019-02-02 18:15:00,6352.4 +2019-02-02 18:30:00,6333.2 +2019-02-02 18:45:00,6306.8 +2019-02-02 19:00:00,6231.6 +2019-02-02 19:15:00,6159.2 +2019-02-02 19:30:00,6093.2 +2019-02-02 19:45:00,6032.4 +2019-02-02 20:00:00,5917.2 +2019-02-02 20:15:00,5782.4 +2019-02-02 20:30:00,5721.2 +2019-02-02 20:45:00,5660.4 +2019-02-02 21:00:00,5615.2 +2019-02-02 21:15:00,5532.4 +2019-02-02 21:30:00,5489.2 +2019-02-02 21:45:00,5471.2 +2019-02-02 22:00:00,5552.0 +2019-02-02 22:15:00,5504.0 +2019-02-02 22:30:00,5425.2 +2019-02-02 22:45:00,5387.6 +2019-02-02 23:00:00,5317.6 +2019-02-02 23:15:00,5265.6 +2019-02-02 23:30:00,5216.8 +2019-02-02 23:45:00,5182.8 +2019-02-03 00:00:00,5090.8 +2019-02-03 00:15:00,5020.0 +2019-02-03 00:30:00,4965.2 +2019-02-03 00:45:00,4929.6 +2019-02-03 01:00:00,4859.6 +2019-02-03 01:15:00,4834.8 +2019-02-03 01:30:00,4772.8 +2019-02-03 01:45:00,4740.0 +2019-02-03 02:00:00,4689.2 +2019-02-03 02:15:00,4648.0 +2019-02-03 02:30:00,4640.0 +2019-02-03 02:45:00,4650.4 +2019-02-03 03:00:00,4592.0 +2019-02-03 03:15:00,4556.8 +2019-02-03 03:30:00,4569.6 +2019-02-03 03:45:00,4596.0 +2019-02-03 04:00:00,4615.2 +2019-02-03 04:15:00,4598.4 +2019-02-03 04:30:00,4609.2 +2019-02-03 04:45:00,4618.8 +2019-02-03 05:00:00,4619.6 +2019-02-03 05:15:00,4577.6 +2019-02-03 05:30:00,4578.8 +2019-02-03 05:45:00,4540.4 +2019-02-03 06:00:00,4514.8 +2019-02-03 06:15:00,4510.0 +2019-02-03 06:30:00,4541.6 +2019-02-03 06:45:00,4589.6 +2019-02-03 07:00:00,4632.8 +2019-02-03 07:15:00,4657.6 +2019-02-03 07:30:00,4692.4 +2019-02-03 07:45:00,4753.2 +2019-02-03 08:00:00,4878.0 +2019-02-03 08:15:00,4990.0 +2019-02-03 08:30:00,5092.8 +2019-02-03 08:45:00,5182.0 +2019-02-03 09:00:00,5319.6 +2019-02-03 09:15:00,5394.8 +2019-02-03 09:30:00,5452.8 +2019-02-03 09:45:00,5494.4 +2019-02-03 10:00:00,5586.8 +2019-02-03 10:15:00,5645.2 +2019-02-03 10:30:00,5698.4 +2019-02-03 10:45:00,5728.8 +2019-02-03 11:00:00,5778.4 +2019-02-03 11:15:00,5860.0 +2019-02-03 11:30:00,5890.4 +2019-02-03 11:45:00,5876.4 +2019-02-03 12:00:00,5869.2 +2019-02-03 12:15:00,5866.8 +2019-02-03 12:30:00,5831.2 +2019-02-03 12:45:00,5760.4 +2019-02-03 13:00:00,5737.2 +2019-02-03 13:15:00,5664.4 +2019-02-03 13:30:00,5620.8 +2019-02-03 13:45:00,5571.2 +2019-02-03 14:00:00,5536.8 +2019-02-03 14:15:00,5536.4 +2019-02-03 14:30:00,5526.0 +2019-02-03 14:45:00,5505.6 +2019-02-03 15:00:00,5486.0 +2019-02-03 15:15:00,5458.8 +2019-02-03 15:30:00,5451.2 +2019-02-03 15:45:00,5424.0 +2019-02-03 16:00:00,5447.6 +2019-02-03 16:15:00,5468.8 +2019-02-03 16:30:00,5502.4 +2019-02-03 16:45:00,5542.0 +2019-02-03 17:00:00,5623.2 +2019-02-03 17:15:00,5756.0 +2019-02-03 17:30:00,5888.8 +2019-02-03 17:45:00,6002.0 +2019-02-03 18:00:00,6120.8 +2019-02-03 18:15:00,6174.0 +2019-02-03 18:30:00,6144.8 +2019-02-03 18:45:00,6126.8 +2019-02-03 19:00:00,6101.2 +2019-02-03 19:15:00,6075.6 +2019-02-03 19:30:00,6016.4 +2019-02-03 19:45:00,5967.6 +2019-02-03 20:00:00,5902.0 +2019-02-03 20:15:00,5807.6 +2019-02-03 20:30:00,5720.4 +2019-02-03 20:45:00,5658.0 +2019-02-03 21:00:00,5621.6 +2019-02-03 21:15:00,5602.0 +2019-02-03 21:30:00,5584.4 +2019-02-03 21:45:00,5598.8 +2019-02-03 22:00:00,5700.0 +2019-02-03 22:15:00,5672.4 +2019-02-03 22:30:00,5593.2 +2019-02-03 22:45:00,5538.8 +2019-02-03 23:00:00,5486.8 +2019-02-03 23:15:00,5411.6 +2019-02-03 23:30:00,5347.6 +2019-02-03 23:45:00,5315.2 +2019-02-04 00:00:00,5234.0 +2019-02-04 00:15:00,5177.2 +2019-02-04 00:30:00,5155.6 +2019-02-04 00:45:00,5111.6 +2019-02-04 01:00:00,5060.4 +2019-02-04 01:15:00,5026.0 +2019-02-04 01:30:00,5018.8 +2019-02-04 01:45:00,5001.2 +2019-02-04 02:00:00,4960.0 +2019-02-04 02:15:00,4970.8 +2019-02-04 02:30:00,4984.0 +2019-02-04 02:45:00,4977.2 +2019-02-04 03:00:00,4953.6 +2019-02-04 03:15:00,4955.6 +2019-02-04 03:30:00,4979.6 +2019-02-04 03:45:00,5010.4 +2019-02-04 04:00:00,5058.8 +2019-02-04 04:15:00,5120.0 +2019-02-04 04:30:00,5167.6 +2019-02-04 04:45:00,5243.6 +2019-02-04 05:00:00,5419.2 +2019-02-04 05:15:00,5472.0 +2019-02-04 05:30:00,5595.2 +2019-02-04 05:45:00,5762.8 +2019-02-04 06:00:00,6013.6 +2019-02-04 06:15:00,6259.6 +2019-02-04 06:30:00,6483.6 +2019-02-04 06:45:00,6690.4 +2019-02-04 07:00:00,6894.8 +2019-02-04 07:15:00,7039.6 +2019-02-04 07:30:00,7096.8 +2019-02-04 07:45:00,7156.0 +2019-02-04 08:00:00,7220.0 +2019-02-04 08:15:00,7251.2 +2019-02-04 08:30:00,7255.2 +2019-02-04 08:45:00,7265.2 +2019-02-04 09:00:00,7229.2 +2019-02-04 09:15:00,7256.0 +2019-02-04 09:30:00,7268.4 +2019-02-04 09:45:00,7296.8 +2019-02-04 10:00:00,7308.4 +2019-02-04 10:15:00,7292.0 +2019-02-04 10:30:00,7298.4 +2019-02-04 10:45:00,7310.8 +2019-02-04 11:00:00,7348.8 +2019-02-04 11:15:00,7349.2 +2019-02-04 11:30:00,7347.2 +2019-02-04 11:45:00,7333.2 +2019-02-04 12:00:00,7289.2 +2019-02-04 12:15:00,7263.2 +2019-02-04 12:30:00,7244.8 +2019-02-04 12:45:00,7236.0 +2019-02-04 13:00:00,7258.8 +2019-02-04 13:15:00,7230.8 +2019-02-04 13:30:00,7201.6 +2019-02-04 13:45:00,7140.4 +2019-02-04 14:00:00,7117.6 +2019-02-04 14:15:00,7123.6 +2019-02-04 14:30:00,7127.2 +2019-02-04 14:45:00,7094.4 +2019-02-04 15:00:00,7112.8 +2019-02-04 15:15:00,7105.2 +2019-02-04 15:30:00,7086.0 +2019-02-04 15:45:00,7080.4 +2019-02-04 16:00:00,7066.4 +2019-02-04 16:15:00,7084.8 +2019-02-04 16:30:00,7089.6 +2019-02-04 16:45:00,7131.2 +2019-02-04 17:00:00,7200.8 +2019-02-04 17:15:00,7300.4 +2019-02-04 17:30:00,7430.4 +2019-02-04 17:45:00,7549.2 +2019-02-04 18:00:00,7561.2 +2019-02-04 18:15:00,7549.6 +2019-02-04 18:30:00,7559.6 +2019-02-04 18:45:00,7547.2 +2019-02-04 19:00:00,7514.0 +2019-02-04 19:15:00,7426.0 +2019-02-04 19:30:00,7355.6 +2019-02-04 19:45:00,7325.2 +2019-02-04 20:00:00,7174.8 +2019-02-04 20:15:00,7045.2 +2019-02-04 20:30:00,6927.6 +2019-02-04 20:45:00,6840.0 +2019-02-04 21:00:00,6757.2 +2019-02-04 21:15:00,6654.8 +2019-02-04 21:30:00,6577.2 +2019-02-04 21:45:00,6501.2 +2019-02-04 22:00:00,6507.6 +2019-02-04 22:15:00,6446.0 +2019-02-04 22:30:00,6316.4 +2019-02-04 22:45:00,6246.4 +2019-02-04 23:00:00,6136.8 +2019-02-04 23:15:00,6048.8 +2019-02-04 23:30:00,5948.0 +2019-02-04 23:45:00,5910.8 +2019-02-05 00:00:00,5788.0 +2019-02-05 00:15:00,5736.0 +2019-02-05 00:30:00,5660.8 +2019-02-05 00:45:00,5612.4 +2019-02-05 01:00:00,5534.8 +2019-02-05 01:15:00,5487.2 +2019-02-05 01:30:00,5474.4 +2019-02-05 01:45:00,5428.8 +2019-02-05 02:00:00,5400.4 +2019-02-05 02:15:00,5352.0 +2019-02-05 02:30:00,5364.0 +2019-02-05 02:45:00,5356.8 +2019-02-05 03:00:00,5395.6 +2019-02-05 03:15:00,5357.2 +2019-02-05 03:30:00,5385.6 +2019-02-05 03:45:00,5418.4 +2019-02-05 04:00:00,5474.4 +2019-02-05 04:15:00,5489.2 +2019-02-05 04:30:00,5534.0 +2019-02-05 04:45:00,5577.2 +2019-02-05 05:00:00,5702.4 +2019-02-05 05:15:00,5761.2 +2019-02-05 05:30:00,5853.6 +2019-02-05 05:45:00,5992.8 +2019-02-05 06:00:00,6243.2 +2019-02-05 06:15:00,6482.4 +2019-02-05 06:30:00,6670.0 +2019-02-05 06:45:00,6860.8 +2019-02-05 07:00:00,7032.4 +2019-02-05 07:15:00,7173.6 +2019-02-05 07:30:00,7227.6 +2019-02-05 07:45:00,7274.4 +2019-02-05 08:00:00,7328.0 +2019-02-05 08:15:00,7386.4 +2019-02-05 08:30:00,7390.8 +2019-02-05 08:45:00,7396.8 +2019-02-05 09:00:00,7367.2 +2019-02-05 09:15:00,7368.4 +2019-02-05 09:30:00,7377.6 +2019-02-05 09:45:00,7386.4 +2019-02-05 10:00:00,7390.4 +2019-02-05 10:15:00,7403.6 +2019-02-05 10:30:00,7416.0 +2019-02-05 10:45:00,7432.8 +2019-02-05 11:00:00,7460.0 +2019-02-05 11:15:00,7489.6 +2019-02-05 11:30:00,7481.6 +2019-02-05 11:45:00,7480.0 +2019-02-05 12:00:00,7461.6 +2019-02-05 12:15:00,7454.8 +2019-02-05 12:30:00,7421.2 +2019-02-05 12:45:00,7421.2 +2019-02-05 13:00:00,7414.0 +2019-02-05 13:15:00,7390.4 +2019-02-05 13:30:00,7348.8 +2019-02-05 13:45:00,7282.8 +2019-02-05 14:00:00,7254.8 +2019-02-05 14:15:00,7255.2 +2019-02-05 14:30:00,7233.2 +2019-02-05 14:45:00,7200.0 +2019-02-05 15:00:00,7189.2 +2019-02-05 15:15:00,7156.8 +2019-02-05 15:30:00,7123.2 +2019-02-05 15:45:00,7069.6 +2019-02-05 16:00:00,7034.4 +2019-02-05 16:15:00,7038.8 +2019-02-05 16:30:00,7043.2 +2019-02-05 16:45:00,7080.4 +2019-02-05 17:00:00,7174.8 +2019-02-05 17:15:00,7272.8 +2019-02-05 17:30:00,7386.0 +2019-02-05 17:45:00,7476.4 +2019-02-05 18:00:00,7501.2 +2019-02-05 18:15:00,7501.2 +2019-02-05 18:30:00,7497.2 +2019-02-05 18:45:00,7474.0 +2019-02-05 19:00:00,7440.4 +2019-02-05 19:15:00,7384.4 +2019-02-05 19:30:00,7308.4 +2019-02-05 19:45:00,7236.4 +2019-02-05 20:00:00,7123.6 +2019-02-05 20:15:00,6999.6 +2019-02-05 20:30:00,6925.2 +2019-02-05 20:45:00,6839.6 +2019-02-05 21:00:00,6753.2 +2019-02-05 21:15:00,6678.8 +2019-02-05 21:30:00,6607.6 +2019-02-05 21:45:00,6503.6 +2019-02-05 22:00:00,6458.0 +2019-02-05 22:15:00,6426.4 +2019-02-05 22:30:00,6324.4 +2019-02-05 22:45:00,6210.4 +2019-02-05 23:00:00,6107.6 +2019-02-05 23:15:00,6036.0 +2019-02-05 23:30:00,5958.0 +2019-02-05 23:45:00,5853.6 +2019-02-06 00:00:00,5787.2 +2019-02-06 00:15:00,5721.6 +2019-02-06 00:30:00,5671.2 +2019-02-06 00:45:00,5598.8 +2019-02-06 01:00:00,5524.4 +2019-02-06 01:15:00,5486.0 +2019-02-06 01:30:00,5447.6 +2019-02-06 01:45:00,5424.4 +2019-02-06 02:00:00,5380.0 +2019-02-06 02:15:00,5351.2 +2019-02-06 02:30:00,5409.6 +2019-02-06 02:45:00,5394.4 +2019-02-06 03:00:00,5420.0 +2019-02-06 03:15:00,5453.6 +2019-02-06 03:30:00,5465.6 +2019-02-06 03:45:00,5483.2 +2019-02-06 04:00:00,5513.2 +2019-02-06 04:15:00,5568.4 +2019-02-06 04:30:00,5616.4 +2019-02-06 04:45:00,5686.8 +2019-02-06 05:00:00,5820.4 +2019-02-06 05:15:00,5897.2 +2019-02-06 05:30:00,5988.8 +2019-02-06 05:45:00,6127.2 +2019-02-06 06:00:00,6365.2 +2019-02-06 06:15:00,6548.0 +2019-02-06 06:30:00,6740.4 +2019-02-06 06:45:00,6909.2 +2019-02-06 07:00:00,7091.6 +2019-02-06 07:15:00,7209.6 +2019-02-06 07:30:00,7258.4 +2019-02-06 07:45:00,7294.0 +2019-02-06 08:00:00,7350.4 +2019-02-06 08:15:00,7372.0 +2019-02-06 08:30:00,7367.2 +2019-02-06 08:45:00,7381.2 +2019-02-06 09:00:00,7372.4 +2019-02-06 09:15:00,7370.4 +2019-02-06 09:30:00,7389.2 +2019-02-06 09:45:00,7388.8 +2019-02-06 10:00:00,7378.0 +2019-02-06 10:15:00,7385.2 +2019-02-06 10:30:00,7424.8 +2019-02-06 10:45:00,7428.8 +2019-02-06 11:00:00,7425.6 +2019-02-06 11:15:00,7448.8 +2019-02-06 11:30:00,7456.8 +2019-02-06 11:45:00,7425.2 +2019-02-06 12:00:00,7396.4 +2019-02-06 12:15:00,7378.4 +2019-02-06 12:30:00,7388.4 +2019-02-06 12:45:00,7364.4 +2019-02-06 13:00:00,7361.6 +2019-02-06 13:15:00,7334.0 +2019-02-06 13:30:00,7300.0 +2019-02-06 13:45:00,7242.4 +2019-02-06 14:00:00,7208.4 +2019-02-06 14:15:00,7189.2 +2019-02-06 14:30:00,7164.0 +2019-02-06 14:45:00,7126.8 +2019-02-06 15:00:00,7129.6 +2019-02-06 15:15:00,7082.4 +2019-02-06 15:30:00,7035.2 +2019-02-06 15:45:00,7008.8 +2019-02-06 16:00:00,6996.8 +2019-02-06 16:15:00,6982.8 +2019-02-06 16:30:00,6987.2 +2019-02-06 16:45:00,7032.4 +2019-02-06 17:00:00,7108.4 +2019-02-06 17:15:00,7200.4 +2019-02-06 17:30:00,7321.6 +2019-02-06 17:45:00,7460.8 +2019-02-06 18:00:00,7475.2 +2019-02-06 18:15:00,7463.2 +2019-02-06 18:30:00,7445.2 +2019-02-06 18:45:00,7438.0 +2019-02-06 19:00:00,7434.0 +2019-02-06 19:15:00,7365.6 +2019-02-06 19:30:00,7273.2 +2019-02-06 19:45:00,7185.6 +2019-02-06 20:00:00,7142.4 +2019-02-06 20:15:00,7036.4 +2019-02-06 20:30:00,6927.6 +2019-02-06 20:45:00,6834.0 +2019-02-06 21:00:00,6759.2 +2019-02-06 21:15:00,6660.8 +2019-02-06 21:30:00,6570.4 +2019-02-06 21:45:00,6432.4 +2019-02-06 22:00:00,6452.4 +2019-02-06 22:15:00,6385.2 +2019-02-06 22:30:00,6268.0 +2019-02-06 22:45:00,6169.6 +2019-02-06 23:00:00,6132.0 +2019-02-06 23:15:00,6023.2 +2019-02-06 23:30:00,5930.0 +2019-02-06 23:45:00,5857.2 +2019-02-07 00:00:00,5693.6 +2019-02-07 00:15:00,5605.2 +2019-02-07 00:30:00,5552.4 +2019-02-07 00:45:00,5492.4 +2019-02-07 01:00:00,5446.4 +2019-02-07 01:15:00,5377.6 +2019-02-07 01:30:00,5336.0 +2019-02-07 01:45:00,5290.0 +2019-02-07 02:00:00,5240.4 +2019-02-07 02:15:00,5206.4 +2019-02-07 02:30:00,5229.6 +2019-02-07 02:45:00,5243.6 +2019-02-07 03:00:00,5281.6 +2019-02-07 03:15:00,5305.2 +2019-02-07 03:30:00,5326.0 +2019-02-07 03:45:00,5350.8 +2019-02-07 04:00:00,5387.2 +2019-02-07 04:15:00,5431.6 +2019-02-07 04:30:00,5488.8 +2019-02-07 04:45:00,5528.0 +2019-02-07 05:00:00,5660.0 +2019-02-07 05:15:00,5755.2 +2019-02-07 05:30:00,5866.8 +2019-02-07 05:45:00,6019.2 +2019-02-07 06:00:00,6256.8 +2019-02-07 06:15:00,6492.8 +2019-02-07 06:30:00,6698.4 +2019-02-07 06:45:00,6882.4 +2019-02-07 07:00:00,7070.0 +2019-02-07 07:15:00,7199.2 +2019-02-07 07:30:00,7294.0 +2019-02-07 07:45:00,7350.0 +2019-02-07 08:00:00,7407.6 +2019-02-07 08:15:00,7417.2 +2019-02-07 08:30:00,7444.0 +2019-02-07 08:45:00,7464.8 +2019-02-07 09:00:00,7512.4 +2019-02-07 09:15:00,7543.2 +2019-02-07 09:30:00,7569.2 +2019-02-07 09:45:00,7537.2 +2019-02-07 10:00:00,7608.0 +2019-02-07 10:15:00,7630.0 +2019-02-07 10:30:00,7643.6 +2019-02-07 10:45:00,7668.8 +2019-02-07 11:00:00,7690.8 +2019-02-07 11:15:00,7723.6 +2019-02-07 11:30:00,7738.4 +2019-02-07 11:45:00,7735.2 +2019-02-07 12:00:00,7669.2 +2019-02-07 12:15:00,7639.2 +2019-02-07 12:30:00,7636.8 +2019-02-07 12:45:00,7637.6 +2019-02-07 13:00:00,7626.4 +2019-02-07 13:15:00,7604.0 +2019-02-07 13:30:00,7561.6 +2019-02-07 13:45:00,7450.8 +2019-02-07 14:00:00,7497.6 +2019-02-07 14:15:00,7466.8 +2019-02-07 14:30:00,7453.2 +2019-02-07 14:45:00,7405.6 +2019-02-07 15:00:00,7382.8 +2019-02-07 15:15:00,7329.2 +2019-02-07 15:30:00,7319.6 +2019-02-07 15:45:00,7277.6 +2019-02-07 16:00:00,7244.4 +2019-02-07 16:15:00,7226.8 +2019-02-07 16:30:00,7200.0 +2019-02-07 16:45:00,7214.8 +2019-02-07 17:00:00,7270.8 +2019-02-07 17:15:00,7346.4 +2019-02-07 17:30:00,7494.4 +2019-02-07 17:45:00,7592.4 +2019-02-07 18:00:00,7616.0 +2019-02-07 18:15:00,7598.0 +2019-02-07 18:30:00,7602.8 +2019-02-07 18:45:00,7594.0 +2019-02-07 19:00:00,7538.4 +2019-02-07 19:15:00,7461.2 +2019-02-07 19:30:00,7382.0 +2019-02-07 19:45:00,7301.6 +2019-02-07 20:00:00,7235.2 +2019-02-07 20:15:00,7081.2 +2019-02-07 20:30:00,6970.4 +2019-02-07 20:45:00,6884.0 +2019-02-07 21:00:00,6795.6 +2019-02-07 21:15:00,6723.2 +2019-02-07 21:30:00,6653.6 +2019-02-07 21:45:00,6588.4 +2019-02-07 22:00:00,6572.0 +2019-02-07 22:15:00,6498.4 +2019-02-07 22:30:00,6384.4 +2019-02-07 22:45:00,6270.8 +2019-02-07 23:00:00,6188.0 +2019-02-07 23:15:00,6074.0 +2019-02-07 23:30:00,5960.0 +2019-02-07 23:45:00,5802.4 +2019-02-08 00:00:00,5793.2 +2019-02-08 00:15:00,5720.8 +2019-02-08 00:30:00,5661.2 +2019-02-08 00:45:00,5594.0 +2019-02-08 01:00:00,5538.4 +2019-02-08 01:15:00,5478.4 +2019-02-08 01:30:00,5436.4 +2019-02-08 01:45:00,5419.6 +2019-02-08 02:00:00,5418.8 +2019-02-08 02:15:00,5368.8 +2019-02-08 02:30:00,5361.2 +2019-02-08 02:45:00,5356.0 +2019-02-08 03:00:00,5366.4 +2019-02-08 03:15:00,5378.4 +2019-02-08 03:30:00,5363.6 +2019-02-08 03:45:00,5404.8 +2019-02-08 04:00:00,5432.8 +2019-02-08 04:15:00,5459.2 +2019-02-08 04:30:00,5514.4 +2019-02-08 04:45:00,5559.6 +2019-02-08 05:00:00,5694.4 +2019-02-08 05:15:00,5762.0 +2019-02-08 05:30:00,5866.4 +2019-02-08 05:45:00,5983.2 +2019-02-08 06:00:00,6296.0 +2019-02-08 06:15:00,6505.6 +2019-02-08 06:30:00,6687.2 +2019-02-08 06:45:00,6853.6 +2019-02-08 07:00:00,7073.6 +2019-02-08 07:15:00,7222.4 +2019-02-08 07:30:00,7258.4 +2019-02-08 07:45:00,7316.8 +2019-02-08 08:00:00,7364.8 +2019-02-08 08:15:00,7385.6 +2019-02-08 08:30:00,7410.0 +2019-02-08 08:45:00,7400.8 +2019-02-08 09:00:00,7387.6 +2019-02-08 09:15:00,7317.6 +2019-02-08 09:30:00,7312.4 +2019-02-08 09:45:00,7322.0 +2019-02-08 10:00:00,7400.4 +2019-02-08 10:15:00,7380.0 +2019-02-08 10:30:00,7336.4 +2019-02-08 10:45:00,7334.8 +2019-02-08 11:00:00,7336.0 +2019-02-08 11:15:00,7360.8 +2019-02-08 11:30:00,7372.8 +2019-02-08 11:45:00,7357.6 +2019-02-08 12:00:00,7376.0 +2019-02-08 12:15:00,7364.0 +2019-02-08 12:30:00,7264.0 +2019-02-08 12:45:00,7237.2 +2019-02-08 13:00:00,7266.0 +2019-02-08 13:15:00,7219.2 +2019-02-08 13:30:00,7161.2 +2019-02-08 13:45:00,7085.6 +2019-02-08 14:00:00,7066.4 +2019-02-08 14:15:00,7049.2 +2019-02-08 14:30:00,7022.8 +2019-02-08 14:45:00,7019.6 +2019-02-08 15:00:00,7033.2 +2019-02-08 15:15:00,7018.0 +2019-02-08 15:30:00,6985.2 +2019-02-08 15:45:00,6963.2 +2019-02-08 16:00:00,6962.4 +2019-02-08 16:15:00,6911.2 +2019-02-08 16:30:00,6921.2 +2019-02-08 16:45:00,6943.6 +2019-02-08 17:00:00,7067.6 +2019-02-08 17:15:00,7156.8 +2019-02-08 17:30:00,7261.6 +2019-02-08 17:45:00,7355.2 +2019-02-08 18:00:00,7339.6 +2019-02-08 18:15:00,7330.8 +2019-02-08 18:30:00,7300.4 +2019-02-08 18:45:00,7280.4 +2019-02-08 19:00:00,7240.8 +2019-02-08 19:15:00,7121.2 +2019-02-08 19:30:00,7049.6 +2019-02-08 19:45:00,6981.6 +2019-02-08 20:00:00,6896.8 +2019-02-08 20:15:00,6751.2 +2019-02-08 20:30:00,6640.4 +2019-02-08 20:45:00,6566.4 +2019-02-08 21:00:00,6453.2 +2019-02-08 21:15:00,6378.8 +2019-02-08 21:30:00,6287.2 +2019-02-08 21:45:00,6243.6 +2019-02-08 22:00:00,6296.4 +2019-02-08 22:15:00,6176.8 +2019-02-08 22:30:00,6079.6 +2019-02-08 22:45:00,5997.6 +2019-02-08 23:00:00,5944.8 +2019-02-08 23:15:00,5863.2 +2019-02-08 23:30:00,5711.6 +2019-02-08 23:45:00,5622.8 +2019-02-09 00:00:00,5546.0 +2019-02-09 00:15:00,5431.2 +2019-02-09 00:30:00,5347.6 +2019-02-09 00:45:00,5278.4 +2019-02-09 01:00:00,5278.8 +2019-02-09 01:15:00,5230.4 +2019-02-09 01:30:00,5182.0 +2019-02-09 01:45:00,5172.8 +2019-02-09 02:00:00,5100.8 +2019-02-09 02:15:00,5080.8 +2019-02-09 02:30:00,5059.6 +2019-02-09 02:45:00,5043.2 +2019-02-09 03:00:00,5056.8 +2019-02-09 03:15:00,5044.4 +2019-02-09 03:30:00,5036.0 +2019-02-09 03:45:00,5045.2 +2019-02-09 04:00:00,5052.8 +2019-02-09 04:15:00,5051.2 +2019-02-09 04:30:00,5056.8 +2019-02-09 04:45:00,5036.0 +2019-02-09 05:00:00,5084.0 +2019-02-09 05:15:00,5056.4 +2019-02-09 05:30:00,5036.4 +2019-02-09 05:45:00,5048.0 +2019-02-09 06:00:00,5072.8 +2019-02-09 06:15:00,5139.2 +2019-02-09 06:30:00,5150.0 +2019-02-09 06:45:00,5207.2 +2019-02-09 07:00:00,5344.4 +2019-02-09 07:15:00,5408.0 +2019-02-09 07:30:00,5504.0 +2019-02-09 07:45:00,5572.4 +2019-02-09 08:00:00,5702.0 +2019-02-09 08:15:00,5818.8 +2019-02-09 08:30:00,5911.6 +2019-02-09 08:45:00,5988.0 +2019-02-09 09:00:00,6071.2 +2019-02-09 09:15:00,6133.6 +2019-02-09 09:30:00,6160.0 +2019-02-09 09:45:00,6225.2 +2019-02-09 10:00:00,6250.0 +2019-02-09 10:15:00,6276.8 +2019-02-09 10:30:00,6323.2 +2019-02-09 10:45:00,6337.6 +2019-02-09 11:00:00,6388.4 +2019-02-09 11:15:00,6424.4 +2019-02-09 11:30:00,6455.6 +2019-02-09 11:45:00,6416.0 +2019-02-09 12:00:00,6354.8 +2019-02-09 12:15:00,6299.6 +2019-02-09 12:30:00,6287.6 +2019-02-09 12:45:00,6283.6 +2019-02-09 13:00:00,6205.6 +2019-02-09 13:15:00,6161.2 +2019-02-09 13:30:00,6124.8 +2019-02-09 13:45:00,6055.2 +2019-02-09 14:00:00,6016.8 +2019-02-09 14:15:00,5985.6 +2019-02-09 14:30:00,5971.6 +2019-02-09 14:45:00,5956.0 +2019-02-09 15:00:00,5934.4 +2019-02-09 15:15:00,5943.6 +2019-02-09 15:30:00,5910.0 +2019-02-09 15:45:00,5866.8 +2019-02-09 16:00:00,5879.2 +2019-02-09 16:15:00,5849.2 +2019-02-09 16:30:00,5884.4 +2019-02-09 16:45:00,5892.4 +2019-02-09 17:00:00,5998.4 +2019-02-09 17:15:00,6074.4 +2019-02-09 17:30:00,6218.0 +2019-02-09 17:45:00,6327.2 +2019-02-09 18:00:00,6432.0 +2019-02-09 18:15:00,6429.6 +2019-02-09 18:30:00,6422.4 +2019-02-09 18:45:00,6347.6 +2019-02-09 19:00:00,6282.4 +2019-02-09 19:15:00,6220.4 +2019-02-09 19:30:00,6143.6 +2019-02-09 19:45:00,6036.0 +2019-02-09 20:00:00,5946.4 +2019-02-09 20:15:00,5850.0 +2019-02-09 20:30:00,5756.8 +2019-02-09 20:45:00,5664.0 +2019-02-09 21:00:00,5622.4 +2019-02-09 21:15:00,5570.0 +2019-02-09 21:30:00,5499.6 +2019-02-09 21:45:00,5460.0 +2019-02-09 22:00:00,5485.6 +2019-02-09 22:15:00,5438.4 +2019-02-09 22:30:00,5370.0 +2019-02-09 22:45:00,5283.2 +2019-02-09 23:00:00,5210.8 +2019-02-09 23:15:00,5155.6 +2019-02-09 23:30:00,5096.0 +2019-02-09 23:45:00,4946.0 +2019-02-10 00:00:00,4811.6 +2019-02-10 00:15:00,4719.2 +2019-02-10 00:30:00,4639.6 +2019-02-10 00:45:00,4570.0 +2019-02-10 01:00:00,4526.0 +2019-02-10 01:15:00,4473.2 +2019-02-10 01:30:00,4430.0 +2019-02-10 01:45:00,4388.8 +2019-02-10 02:00:00,4465.2 +2019-02-10 02:15:00,4440.8 +2019-02-10 02:30:00,4428.0 +2019-02-10 02:45:00,4432.4 +2019-02-10 03:00:00,4418.8 +2019-02-10 03:15:00,4402.8 +2019-02-10 03:30:00,4458.4 +2019-02-10 03:45:00,4433.2 +2019-02-10 04:00:00,4470.0 +2019-02-10 04:15:00,4474.0 +2019-02-10 04:30:00,4478.4 +2019-02-10 04:45:00,4472.0 +2019-02-10 05:00:00,4469.2 +2019-02-10 05:15:00,4433.2 +2019-02-10 05:30:00,4430.8 +2019-02-10 05:45:00,4431.2 +2019-02-10 06:00:00,4382.4 +2019-02-10 06:15:00,4389.2 +2019-02-10 06:30:00,4425.6 +2019-02-10 06:45:00,4483.6 +2019-02-10 07:00:00,4554.8 +2019-02-10 07:15:00,4589.6 +2019-02-10 07:30:00,4637.2 +2019-02-10 07:45:00,4672.8 +2019-02-10 08:00:00,4796.4 +2019-02-10 08:15:00,4892.4 +2019-02-10 08:30:00,4991.6 +2019-02-10 08:45:00,5072.8 +2019-02-10 09:00:00,5171.2 +2019-02-10 09:15:00,5241.2 +2019-02-10 09:30:00,5317.2 +2019-02-10 09:45:00,5345.2 +2019-02-10 10:00:00,5406.8 +2019-02-10 10:15:00,5474.0 +2019-02-10 10:30:00,5522.4 +2019-02-10 10:45:00,5596.4 +2019-02-10 11:00:00,5658.8 +2019-02-10 11:15:00,5724.0 +2019-02-10 11:30:00,5810.8 +2019-02-10 11:45:00,5828.8 +2019-02-10 12:00:00,5821.2 +2019-02-10 12:15:00,5790.4 +2019-02-10 12:30:00,5735.6 +2019-02-10 12:45:00,5651.2 +2019-02-10 13:00:00,5588.8 +2019-02-10 13:15:00,5566.8 +2019-02-10 13:30:00,5520.4 +2019-02-10 13:45:00,5489.2 +2019-02-10 14:00:00,5458.0 +2019-02-10 14:15:00,5440.4 +2019-02-10 14:30:00,5423.6 +2019-02-10 14:45:00,5398.8 +2019-02-10 15:00:00,5405.2 +2019-02-10 15:15:00,5400.8 +2019-02-10 15:30:00,5408.8 +2019-02-10 15:45:00,5399.6 +2019-02-10 16:00:00,5405.2 +2019-02-10 16:15:00,5400.8 +2019-02-10 16:30:00,5428.4 +2019-02-10 16:45:00,5443.6 +2019-02-10 17:00:00,5555.2 +2019-02-10 17:15:00,5651.6 +2019-02-10 17:30:00,5792.0 +2019-02-10 17:45:00,5919.2 +2019-02-10 18:00:00,6028.4 +2019-02-10 18:15:00,6031.6 +2019-02-10 18:30:00,6023.2 +2019-02-10 18:45:00,6002.8 +2019-02-10 19:00:00,6004.0 +2019-02-10 19:15:00,5952.4 +2019-02-10 19:30:00,5926.8 +2019-02-10 19:45:00,5874.4 +2019-02-10 20:00:00,5844.0 +2019-02-10 20:15:00,5766.4 +2019-02-10 20:30:00,5668.4 +2019-02-10 20:45:00,5584.4 +2019-02-10 21:00:00,5596.4 +2019-02-10 21:15:00,5568.8 +2019-02-10 21:30:00,5546.4 +2019-02-10 21:45:00,5539.6 +2019-02-10 22:00:00,5596.8 +2019-02-10 22:15:00,5577.2 +2019-02-10 22:30:00,5514.4 +2019-02-10 22:45:00,5440.4 +2019-02-10 23:00:00,5347.6 +2019-02-10 23:15:00,5302.0 +2019-02-10 23:30:00,5207.2 +2019-02-10 23:45:00,5034.8 +2019-02-11 00:00:00,5112.4 +2019-02-11 00:15:00,5040.0 +2019-02-11 00:30:00,4955.6 +2019-02-11 00:45:00,4945.6 +2019-02-11 01:00:00,4930.4 +2019-02-11 01:15:00,4914.8 +2019-02-11 01:30:00,4886.8 +2019-02-11 01:45:00,4871.6 +2019-02-11 02:00:00,4830.8 +2019-02-11 02:15:00,4843.2 +2019-02-11 02:30:00,4868.4 +2019-02-11 02:45:00,4829.2 +2019-02-11 03:00:00,4882.8 +2019-02-11 03:15:00,4909.2 +2019-02-11 03:30:00,4943.2 +2019-02-11 03:45:00,4990.8 +2019-02-11 04:00:00,5045.6 +2019-02-11 04:15:00,5100.0 +2019-02-11 04:30:00,5156.4 +2019-02-11 04:45:00,5212.8 +2019-02-11 05:00:00,5377.2 +2019-02-11 05:15:00,5443.2 +2019-02-11 05:30:00,5603.6 +2019-02-11 05:45:00,5760.4 +2019-02-11 06:00:00,6050.8 +2019-02-11 06:15:00,6287.6 +2019-02-11 06:30:00,6457.6 +2019-02-11 06:45:00,6651.6 +2019-02-11 07:00:00,6887.2 +2019-02-11 07:15:00,7032.4 +2019-02-11 07:30:00,7084.0 +2019-02-11 07:45:00,7125.6 +2019-02-11 08:00:00,7244.4 +2019-02-11 08:15:00,7281.2 +2019-02-11 08:30:00,7340.8 +2019-02-11 08:45:00,7356.4 +2019-02-11 09:00:00,7335.6 +2019-02-11 09:15:00,7348.0 +2019-02-11 09:30:00,7395.6 +2019-02-11 09:45:00,7420.4 +2019-02-11 10:00:00,7414.0 +2019-02-11 10:15:00,7431.6 +2019-02-11 10:30:00,7452.4 +2019-02-11 10:45:00,7484.4 +2019-02-11 11:00:00,7542.4 +2019-02-11 11:15:00,7552.8 +2019-02-11 11:30:00,7590.8 +2019-02-11 11:45:00,7584.8 +2019-02-11 12:00:00,7547.2 +2019-02-11 12:15:00,7472.4 +2019-02-11 12:30:00,7479.6 +2019-02-11 12:45:00,7466.4 +2019-02-11 13:00:00,7458.0 +2019-02-11 13:15:00,7424.0 +2019-02-11 13:30:00,7372.8 +2019-02-11 13:45:00,7315.2 +2019-02-11 14:00:00,7300.0 +2019-02-11 14:15:00,7281.2 +2019-02-11 14:30:00,7246.4 +2019-02-11 14:45:00,7233.2 +2019-02-11 15:00:00,7221.6 +2019-02-11 15:15:00,7184.8 +2019-02-11 15:30:00,7151.6 +2019-02-11 15:45:00,7107.6 +2019-02-11 16:00:00,7058.4 +2019-02-11 16:15:00,7036.8 +2019-02-11 16:30:00,7047.2 +2019-02-11 16:45:00,7018.0 +2019-02-11 17:00:00,7079.6 +2019-02-11 17:15:00,7154.0 +2019-02-11 17:30:00,7252.4 +2019-02-11 17:45:00,7378.8 +2019-02-11 18:00:00,7420.8 +2019-02-11 18:15:00,7440.8 +2019-02-11 18:30:00,7442.0 +2019-02-11 18:45:00,7431.6 +2019-02-11 19:00:00,7398.4 +2019-02-11 19:15:00,7318.8 +2019-02-11 19:30:00,7284.4 +2019-02-11 19:45:00,7219.6 +2019-02-11 20:00:00,7106.4 +2019-02-11 20:15:00,6964.8 +2019-02-11 20:30:00,6856.4 +2019-02-11 20:45:00,6736.4 +2019-02-11 21:00:00,6681.2 +2019-02-11 21:15:00,6604.4 +2019-02-11 21:30:00,6530.8 +2019-02-11 21:45:00,6436.8 +2019-02-11 22:00:00,6404.8 +2019-02-11 22:15:00,6315.6 +2019-02-11 22:30:00,6204.0 +2019-02-11 22:45:00,6104.4 +2019-02-11 23:00:00,5990.4 +2019-02-11 23:15:00,5888.4 +2019-02-11 23:30:00,5801.2 +2019-02-11 23:45:00,5737.2 +2019-02-12 00:00:00,5625.6 +2019-02-12 00:15:00,5584.8 +2019-02-12 00:30:00,5527.6 +2019-02-12 00:45:00,5448.4 +2019-02-12 01:00:00,5438.0 +2019-02-12 01:15:00,5406.0 +2019-02-12 01:30:00,5350.4 +2019-02-12 01:45:00,5316.0 +2019-02-12 02:00:00,5290.8 +2019-02-12 02:15:00,5260.4 +2019-02-12 02:30:00,5250.8 +2019-02-12 02:45:00,5266.8 +2019-02-12 03:00:00,5293.2 +2019-02-12 03:15:00,5292.0 +2019-02-12 03:30:00,5303.6 +2019-02-12 03:45:00,5332.0 +2019-02-12 04:00:00,5368.0 +2019-02-12 04:15:00,5379.2 +2019-02-12 04:30:00,5452.4 +2019-02-12 04:45:00,5484.0 +2019-02-12 05:00:00,5625.2 +2019-02-12 05:15:00,5668.8 +2019-02-12 05:30:00,5765.6 +2019-02-12 05:45:00,5918.0 +2019-02-12 06:00:00,6243.6 +2019-02-12 06:15:00,6427.6 +2019-02-12 06:30:00,6568.4 +2019-02-12 06:45:00,6732.0 +2019-02-12 07:00:00,6930.8 +2019-02-12 07:15:00,7056.4 +2019-02-12 07:30:00,7100.0 +2019-02-12 07:45:00,7131.2 +2019-02-12 08:00:00,7224.8 +2019-02-12 08:15:00,7244.4 +2019-02-12 08:30:00,7258.8 +2019-02-12 08:45:00,7249.6 +2019-02-12 09:00:00,7218.4 +2019-02-12 09:15:00,7226.0 +2019-02-12 09:30:00,7268.8 +2019-02-12 09:45:00,7279.2 +2019-02-12 10:00:00,7294.8 +2019-02-12 10:15:00,7305.2 +2019-02-12 10:30:00,7346.8 +2019-02-12 10:45:00,7391.2 +2019-02-12 11:00:00,7432.8 +2019-02-12 11:15:00,7472.8 +2019-02-12 11:30:00,7476.8 +2019-02-12 11:45:00,7483.2 +2019-02-12 12:00:00,7449.2 +2019-02-12 12:15:00,7444.4 +2019-02-12 12:30:00,7424.0 +2019-02-12 12:45:00,7403.2 +2019-02-12 13:00:00,7409.2 +2019-02-12 13:15:00,7371.6 +2019-02-12 13:30:00,7337.2 +2019-02-12 13:45:00,7265.6 +2019-02-12 14:00:00,7243.2 +2019-02-12 14:15:00,7203.6 +2019-02-12 14:30:00,7174.0 +2019-02-12 14:45:00,7110.0 +2019-02-12 15:00:00,7139.2 +2019-02-12 15:15:00,7096.4 +2019-02-12 15:30:00,7043.2 +2019-02-12 15:45:00,6946.0 +2019-02-12 16:00:00,6977.2 +2019-02-12 16:15:00,6950.0 +2019-02-12 16:30:00,6939.6 +2019-02-12 16:45:00,6958.4 +2019-02-12 17:00:00,7000.0 +2019-02-12 17:15:00,7037.6 +2019-02-12 17:30:00,7162.0 +2019-02-12 17:45:00,7312.8 +2019-02-12 18:00:00,7386.0 +2019-02-12 18:15:00,7400.4 +2019-02-12 18:30:00,7401.6 +2019-02-12 18:45:00,7370.4 +2019-02-12 19:00:00,7324.8 +2019-02-12 19:15:00,7246.8 +2019-02-12 19:30:00,7192.0 +2019-02-12 19:45:00,7140.8 +2019-02-12 20:00:00,6988.8 +2019-02-12 20:15:00,6866.8 +2019-02-12 20:30:00,6794.0 +2019-02-12 20:45:00,6700.8 +2019-02-12 21:00:00,6668.0 +2019-02-12 21:15:00,6605.2 +2019-02-12 21:30:00,6562.4 +2019-02-12 21:45:00,6475.2 +2019-02-12 22:00:00,6466.0 +2019-02-12 22:15:00,6393.2 +2019-02-12 22:30:00,6290.4 +2019-02-12 22:45:00,6193.6 +2019-02-12 23:00:00,6067.6 +2019-02-12 23:15:00,5994.0 +2019-02-12 23:30:00,5891.6 +2019-02-12 23:45:00,5826.4 +2019-02-13 00:00:00,5687.6 +2019-02-13 00:15:00,5627.6 +2019-02-13 00:30:00,5596.0 +2019-02-13 00:45:00,5574.0 +2019-02-13 01:00:00,5507.2 +2019-02-13 01:15:00,5462.0 +2019-02-13 01:30:00,5418.8 +2019-02-13 01:45:00,5414.4 +2019-02-13 02:00:00,5387.2 +2019-02-13 02:15:00,5380.4 +2019-02-13 02:30:00,5382.0 +2019-02-13 02:45:00,5415.6 +2019-02-13 03:00:00,5416.0 +2019-02-13 03:15:00,5431.6 +2019-02-13 03:30:00,5421.2 +2019-02-13 03:45:00,5442.8 +2019-02-13 04:00:00,5476.0 +2019-02-13 04:15:00,5506.0 +2019-02-13 04:30:00,5539.6 +2019-02-13 04:45:00,5605.2 +2019-02-13 05:00:00,5703.2 +2019-02-13 05:15:00,5771.6 +2019-02-13 05:30:00,5884.8 +2019-02-13 05:45:00,6042.0 +2019-02-13 06:00:00,6342.0 +2019-02-13 06:15:00,6553.6 +2019-02-13 06:30:00,6743.6 +2019-02-13 06:45:00,6896.0 +2019-02-13 07:00:00,7085.6 +2019-02-13 07:15:00,7180.8 +2019-02-13 07:30:00,7211.6 +2019-02-13 07:45:00,7273.6 +2019-02-13 08:00:00,7326.4 +2019-02-13 08:15:00,7352.4 +2019-02-13 08:30:00,7362.0 +2019-02-13 08:45:00,7272.8 +2019-02-13 09:00:00,7337.2 +2019-02-13 09:15:00,7362.0 +2019-02-13 09:30:00,7355.6 +2019-02-13 09:45:00,7367.6 +2019-02-13 10:00:00,7383.6 +2019-02-13 10:15:00,7386.0 +2019-02-13 10:30:00,7399.6 +2019-02-13 10:45:00,7372.8 +2019-02-13 11:00:00,7364.8 +2019-02-13 11:15:00,7400.4 +2019-02-13 11:30:00,7422.0 +2019-02-13 11:45:00,7408.4 +2019-02-13 12:00:00,7344.4 +2019-02-13 12:15:00,7304.0 +2019-02-13 12:30:00,7310.4 +2019-02-13 12:45:00,7292.4 +2019-02-13 13:00:00,7307.2 +2019-02-13 13:15:00,7265.2 +2019-02-13 13:30:00,7210.0 +2019-02-13 13:45:00,7161.2 +2019-02-13 14:00:00,7153.2 +2019-02-13 14:15:00,7119.6 +2019-02-13 14:30:00,7096.8 +2019-02-13 14:45:00,7074.8 +2019-02-13 15:00:00,7048.8 +2019-02-13 15:15:00,7052.8 +2019-02-13 15:30:00,7027.6 +2019-02-13 15:45:00,7007.2 +2019-02-13 16:00:00,6984.8 +2019-02-13 16:15:00,6970.0 +2019-02-13 16:30:00,6964.8 +2019-02-13 16:45:00,6945.6 +2019-02-13 17:00:00,7020.4 +2019-02-13 17:15:00,7105.2 +2019-02-13 17:30:00,7222.4 +2019-02-13 17:45:00,7361.6 +2019-02-13 18:00:00,7444.0 +2019-02-13 18:15:00,7466.0 +2019-02-13 18:30:00,7472.0 +2019-02-13 18:45:00,7457.6 +2019-02-13 19:00:00,7426.0 +2019-02-13 19:15:00,7335.2 +2019-02-13 19:30:00,7267.6 +2019-02-13 19:45:00,7217.2 +2019-02-13 20:00:00,7088.4 +2019-02-13 20:15:00,6955.2 +2019-02-13 20:30:00,6848.0 +2019-02-13 20:45:00,6759.6 +2019-02-13 21:00:00,6701.6 +2019-02-13 21:15:00,6634.8 +2019-02-13 21:30:00,6551.2 +2019-02-13 21:45:00,6410.8 +2019-02-13 22:00:00,6436.4 +2019-02-13 22:15:00,6358.0 +2019-02-13 22:30:00,6233.6 +2019-02-13 22:45:00,6113.6 +2019-02-13 23:00:00,6026.8 +2019-02-13 23:15:00,5939.2 +2019-02-13 23:30:00,5826.8 +2019-02-13 23:45:00,5729.2 +2019-02-14 00:00:00,5642.0 +2019-02-14 00:15:00,5572.8 +2019-02-14 00:30:00,5550.8 +2019-02-14 00:45:00,5501.2 +2019-02-14 01:00:00,5443.6 +2019-02-14 01:15:00,5371.6 +2019-02-14 01:30:00,5357.2 +2019-02-14 01:45:00,5345.6 +2019-02-14 02:00:00,5281.2 +2019-02-14 02:15:00,5268.0 +2019-02-14 02:30:00,5278.0 +2019-02-14 02:45:00,5289.6 +2019-02-14 03:00:00,5286.4 +2019-02-14 03:15:00,5302.0 +2019-02-14 03:30:00,5326.0 +2019-02-14 03:45:00,5356.0 +2019-02-14 04:00:00,5395.6 +2019-02-14 04:15:00,5431.2 +2019-02-14 04:30:00,5506.8 +2019-02-14 04:45:00,5576.0 +2019-02-14 05:00:00,5724.8 +2019-02-14 05:15:00,5800.8 +2019-02-14 05:30:00,5872.8 +2019-02-14 05:45:00,5988.4 +2019-02-14 06:00:00,6256.8 +2019-02-14 06:15:00,6491.6 +2019-02-14 06:30:00,6687.6 +2019-02-14 06:45:00,6868.8 +2019-02-14 07:00:00,7021.2 +2019-02-14 07:15:00,7108.4 +2019-02-14 07:30:00,7150.8 +2019-02-14 07:45:00,7198.8 +2019-02-14 08:00:00,7244.0 +2019-02-14 08:15:00,7277.2 +2019-02-14 08:30:00,7278.8 +2019-02-14 08:45:00,7237.2 +2019-02-14 09:00:00,7194.4 +2019-02-14 09:15:00,7198.0 +2019-02-14 09:30:00,7221.6 +2019-02-14 09:45:00,7222.4 +2019-02-14 10:00:00,7175.6 +2019-02-14 10:15:00,7168.0 +2019-02-14 10:30:00,7116.0 +2019-02-14 10:45:00,7146.4 +2019-02-14 11:00:00,7204.4 +2019-02-14 11:15:00,7210.4 +2019-02-14 11:30:00,7200.0 +2019-02-14 11:45:00,7192.4 +2019-02-14 12:00:00,7218.4 +2019-02-14 12:15:00,7109.6 +2019-02-14 12:30:00,7088.0 +2019-02-14 12:45:00,7079.6 +2019-02-14 13:00:00,7129.6 +2019-02-14 13:15:00,7080.8 +2019-02-14 13:30:00,6975.2 +2019-02-14 13:45:00,6929.6 +2019-02-14 14:00:00,6962.8 +2019-02-14 14:15:00,6966.0 +2019-02-14 14:30:00,6921.2 +2019-02-14 14:45:00,6855.2 +2019-02-14 15:00:00,6870.4 +2019-02-14 15:15:00,6836.8 +2019-02-14 15:30:00,6825.2 +2019-02-14 15:45:00,6782.0 +2019-02-14 16:00:00,6748.0 +2019-02-14 16:15:00,6742.4 +2019-02-14 16:30:00,6727.2 +2019-02-14 16:45:00,6744.4 +2019-02-14 17:00:00,6806.8 +2019-02-14 17:15:00,6858.0 +2019-02-14 17:30:00,6977.6 +2019-02-14 17:45:00,7118.0 +2019-02-14 18:00:00,7238.8 +2019-02-14 18:15:00,7294.4 +2019-02-14 18:30:00,7284.8 +2019-02-14 18:45:00,7287.2 +2019-02-14 19:00:00,7243.6 +2019-02-14 19:15:00,7160.8 +2019-02-14 19:30:00,7115.2 +2019-02-14 19:45:00,7061.2 +2019-02-14 20:00:00,6936.4 +2019-02-14 20:15:00,6825.2 +2019-02-14 20:30:00,6730.4 +2019-02-14 20:45:00,6641.2 +2019-02-14 21:00:00,6562.4 +2019-02-14 21:15:00,6486.0 +2019-02-14 21:30:00,6404.8 +2019-02-14 21:45:00,6334.0 +2019-02-14 22:00:00,6296.8 +2019-02-14 22:15:00,6223.6 +2019-02-14 22:30:00,6124.4 +2019-02-14 22:45:00,6035.6 +2019-02-14 23:00:00,5921.6 +2019-02-14 23:15:00,5828.4 +2019-02-14 23:30:00,5737.2 +2019-02-14 23:45:00,5647.2 +2019-02-15 00:00:00,5549.2 +2019-02-15 00:15:00,5512.0 +2019-02-15 00:30:00,5465.2 +2019-02-15 00:45:00,5418.4 +2019-02-15 01:00:00,5354.8 +2019-02-15 01:15:00,5314.0 +2019-02-15 01:30:00,5288.0 +2019-02-15 01:45:00,5274.0 +2019-02-15 02:00:00,5218.8 +2019-02-15 02:15:00,5206.8 +2019-02-15 02:30:00,5222.8 +2019-02-15 02:45:00,5228.8 +2019-02-15 03:00:00,5228.0 +2019-02-15 03:15:00,5238.0 +2019-02-15 03:30:00,5253.2 +2019-02-15 03:45:00,5269.6 +2019-02-15 04:00:00,5322.0 +2019-02-15 04:15:00,5375.6 +2019-02-15 04:30:00,5408.8 +2019-02-15 04:45:00,5456.8 +2019-02-15 05:00:00,5595.2 +2019-02-15 05:15:00,5686.8 +2019-02-15 05:30:00,5748.0 +2019-02-15 05:45:00,5901.6 +2019-02-15 06:00:00,6161.2 +2019-02-15 06:15:00,6382.8 +2019-02-15 06:30:00,6578.4 +2019-02-15 06:45:00,6748.8 +2019-02-15 07:00:00,6932.0 +2019-02-15 07:15:00,7019.2 +2019-02-15 07:30:00,7062.0 +2019-02-15 07:45:00,7096.4 +2019-02-15 08:00:00,7133.2 +2019-02-15 08:15:00,7143.6 +2019-02-15 08:30:00,7150.8 +2019-02-15 08:45:00,7109.6 +2019-02-15 09:00:00,7090.4 +2019-02-15 09:15:00,7117.2 +2019-02-15 09:30:00,7164.0 +2019-02-15 09:45:00,7178.0 +2019-02-15 10:00:00,7160.0 +2019-02-15 10:15:00,7156.8 +2019-02-15 10:30:00,7166.0 +2019-02-15 10:45:00,7171.2 +2019-02-15 11:00:00,7148.0 +2019-02-15 11:15:00,7164.4 +2019-02-15 11:30:00,7150.4 +2019-02-15 11:45:00,7148.0 +2019-02-15 12:00:00,7070.8 +2019-02-15 12:15:00,7020.8 +2019-02-15 12:30:00,6991.6 +2019-02-15 12:45:00,6949.6 +2019-02-15 13:00:00,6922.0 +2019-02-15 13:15:00,6863.2 +2019-02-15 13:30:00,6796.0 +2019-02-15 13:45:00,6720.8 +2019-02-15 14:00:00,6668.8 +2019-02-15 14:15:00,6644.8 +2019-02-15 14:30:00,6604.0 +2019-02-15 14:45:00,6564.4 +2019-02-15 15:00:00,6557.2 +2019-02-15 15:15:00,6521.2 +2019-02-15 15:30:00,6493.6 +2019-02-15 15:45:00,6483.2 +2019-02-15 16:00:00,6436.0 +2019-02-15 16:15:00,6444.4 +2019-02-15 16:30:00,6471.6 +2019-02-15 16:45:00,6494.8 +2019-02-15 17:00:00,6559.6 +2019-02-15 17:15:00,6618.4 +2019-02-15 17:30:00,6741.2 +2019-02-15 17:45:00,6894.8 +2019-02-15 18:00:00,7049.6 +2019-02-15 18:15:00,7124.8 +2019-02-15 18:30:00,7132.4 +2019-02-15 18:45:00,7073.2 +2019-02-15 19:00:00,7098.8 +2019-02-15 19:15:00,7054.0 +2019-02-15 19:30:00,6994.4 +2019-02-15 19:45:00,6914.4 +2019-02-15 20:00:00,6782.4 +2019-02-15 20:15:00,6658.4 +2019-02-15 20:30:00,6568.0 +2019-02-15 20:45:00,6478.0 +2019-02-15 21:00:00,6368.8 +2019-02-15 21:15:00,6312.4 +2019-02-15 21:30:00,6222.8 +2019-02-15 21:45:00,6131.6 +2019-02-15 22:00:00,6132.0 +2019-02-15 22:15:00,6020.8 +2019-02-15 22:30:00,5923.2 +2019-02-15 22:45:00,5843.6 +2019-02-15 23:00:00,5734.4 +2019-02-15 23:15:00,5636.8 +2019-02-15 23:30:00,5550.4 +2019-02-15 23:45:00,5488.8 +2019-02-16 00:00:00,5338.8 +2019-02-16 00:15:00,5253.2 +2019-02-16 00:30:00,5233.6 +2019-02-16 00:45:00,5181.6 +2019-02-16 01:00:00,5105.6 +2019-02-16 01:15:00,5030.8 +2019-02-16 01:30:00,5000.0 +2019-02-16 01:45:00,4992.0 +2019-02-16 02:00:00,4948.8 +2019-02-16 02:15:00,4922.4 +2019-02-16 02:30:00,4910.8 +2019-02-16 02:45:00,4910.8 +2019-02-16 03:00:00,4898.4 +2019-02-16 03:15:00,4911.2 +2019-02-16 03:30:00,4916.8 +2019-02-16 03:45:00,4902.4 +2019-02-16 04:00:00,4877.2 +2019-02-16 04:15:00,4879.6 +2019-02-16 04:30:00,4895.2 +2019-02-16 04:45:00,4898.8 +2019-02-16 05:00:00,4900.0 +2019-02-16 05:15:00,4896.8 +2019-02-16 05:30:00,4894.8 +2019-02-16 05:45:00,4918.4 +2019-02-16 06:00:00,4987.6 +2019-02-16 06:15:00,5054.0 +2019-02-16 06:30:00,5138.0 +2019-02-16 06:45:00,5211.2 +2019-02-16 07:00:00,5286.4 +2019-02-16 07:15:00,5336.4 +2019-02-16 07:30:00,5422.4 +2019-02-16 07:45:00,5517.6 +2019-02-16 08:00:00,5645.6 +2019-02-16 08:15:00,5708.0 +2019-02-16 08:30:00,5765.6 +2019-02-16 08:45:00,5832.8 +2019-02-16 09:00:00,5860.4 +2019-02-16 09:15:00,5900.4 +2019-02-16 09:30:00,5949.6 +2019-02-16 09:45:00,5980.8 +2019-02-16 10:00:00,5952.4 +2019-02-16 10:15:00,5978.0 +2019-02-16 10:30:00,5951.2 +2019-02-16 10:45:00,5964.4 +2019-02-16 11:00:00,6003.2 +2019-02-16 11:15:00,6006.0 +2019-02-16 11:30:00,6024.4 +2019-02-16 11:45:00,5995.6 +2019-02-16 12:00:00,5984.8 +2019-02-16 12:15:00,5957.2 +2019-02-16 12:30:00,5925.6 +2019-02-16 12:45:00,5879.6 +2019-02-16 13:00:00,5819.2 +2019-02-16 13:15:00,5744.4 +2019-02-16 13:30:00,5690.8 +2019-02-16 13:45:00,5617.6 +2019-02-16 14:00:00,5600.0 +2019-02-16 14:15:00,5556.8 +2019-02-16 14:30:00,5534.4 +2019-02-16 14:45:00,5501.6 +2019-02-16 15:00:00,5487.6 +2019-02-16 15:15:00,5475.6 +2019-02-16 15:30:00,5421.2 +2019-02-16 15:45:00,5396.0 +2019-02-16 16:00:00,5403.2 +2019-02-16 16:15:00,5402.8 +2019-02-16 16:30:00,5442.4 +2019-02-16 16:45:00,5504.0 +2019-02-16 17:00:00,5614.8 +2019-02-16 17:15:00,5671.6 +2019-02-16 17:30:00,5814.8 +2019-02-16 17:45:00,5983.6 +2019-02-16 18:00:00,6191.2 +2019-02-16 18:15:00,6261.2 +2019-02-16 18:30:00,6249.6 +2019-02-16 18:45:00,6228.4 +2019-02-16 19:00:00,6194.8 +2019-02-16 19:15:00,6125.6 +2019-02-16 19:30:00,6058.0 +2019-02-16 19:45:00,5982.4 +2019-02-16 20:00:00,5934.8 +2019-02-16 20:15:00,5811.2 +2019-02-16 20:30:00,5727.6 +2019-02-16 20:45:00,5617.2 +2019-02-16 21:00:00,5555.2 +2019-02-16 21:15:00,5513.2 +2019-02-16 21:30:00,5446.0 +2019-02-16 21:45:00,5398.0 +2019-02-16 22:00:00,5427.2 +2019-02-16 22:15:00,5362.0 +2019-02-16 22:30:00,5275.2 +2019-02-16 22:45:00,5192.0 +2019-02-16 23:00:00,5110.8 +2019-02-16 23:15:00,5042.8 +2019-02-16 23:30:00,4961.6 +2019-02-16 23:45:00,4886.8 +2019-02-17 00:00:00,4784.8 +2019-02-17 00:15:00,4725.6 +2019-02-17 00:30:00,4656.0 +2019-02-17 00:45:00,4627.2 +2019-02-17 01:00:00,4574.8 +2019-02-17 01:15:00,4501.2 +2019-02-17 01:30:00,4480.8 +2019-02-17 01:45:00,4446.4 +2019-02-17 02:00:00,4434.4 +2019-02-17 02:15:00,4418.4 +2019-02-17 02:30:00,4413.6 +2019-02-17 02:45:00,4413.2 +2019-02-17 03:00:00,4414.8 +2019-02-17 03:15:00,4397.2 +2019-02-17 03:30:00,4419.2 +2019-02-17 03:45:00,4402.4 +2019-02-17 04:00:00,4438.4 +2019-02-17 04:15:00,4405.6 +2019-02-17 04:30:00,4434.0 +2019-02-17 04:45:00,4424.8 +2019-02-17 05:00:00,4422.8 +2019-02-17 05:15:00,4389.6 +2019-02-17 05:30:00,4374.0 +2019-02-17 05:45:00,4349.2 +2019-02-17 06:00:00,4323.6 +2019-02-17 06:15:00,4323.2 +2019-02-17 06:30:00,4356.0 +2019-02-17 06:45:00,4390.8 +2019-02-17 07:00:00,4441.6 +2019-02-17 07:15:00,4459.2 +2019-02-17 07:30:00,4510.0 +2019-02-17 07:45:00,4599.6 +2019-02-17 08:00:00,4721.2 +2019-02-17 08:15:00,4790.4 +2019-02-17 08:30:00,4865.6 +2019-02-17 08:45:00,4893.2 +2019-02-17 09:00:00,5015.2 +2019-02-17 09:15:00,5072.8 +2019-02-17 09:30:00,5136.8 +2019-02-17 09:45:00,5219.6 +2019-02-17 10:00:00,5248.0 +2019-02-17 10:15:00,5269.6 +2019-02-17 10:30:00,5313.2 +2019-02-17 10:45:00,5362.4 +2019-02-17 11:00:00,5432.8 +2019-02-17 11:15:00,5472.4 +2019-02-17 11:30:00,5486.8 +2019-02-17 11:45:00,5477.2 +2019-02-17 12:00:00,5438.0 +2019-02-17 12:15:00,5430.8 +2019-02-17 12:30:00,5365.6 +2019-02-17 12:45:00,5295.2 +2019-02-17 13:00:00,5254.8 +2019-02-17 13:15:00,5178.4 +2019-02-17 13:30:00,5140.8 +2019-02-17 13:45:00,5070.8 +2019-02-17 14:00:00,5048.8 +2019-02-17 14:15:00,5012.8 +2019-02-17 14:30:00,4959.2 +2019-02-17 14:45:00,4947.2 +2019-02-17 15:00:00,4934.4 +2019-02-17 15:15:00,4912.4 +2019-02-17 15:30:00,4868.0 +2019-02-17 15:45:00,4861.2 +2019-02-17 16:00:00,4891.6 +2019-02-17 16:15:00,4901.6 +2019-02-17 16:30:00,4945.2 +2019-02-17 16:45:00,5017.6 +2019-02-17 17:00:00,5127.6 +2019-02-17 17:15:00,5248.0 +2019-02-17 17:30:00,5378.0 +2019-02-17 17:45:00,5565.6 +2019-02-17 18:00:00,5795.6 +2019-02-17 18:15:00,5897.2 +2019-02-17 18:30:00,5924.4 +2019-02-17 18:45:00,5894.8 +2019-02-17 19:00:00,5872.8 +2019-02-17 19:15:00,5822.4 +2019-02-17 19:30:00,5788.8 +2019-02-17 19:45:00,5702.0 +2019-02-17 20:00:00,5625.6 +2019-02-17 20:15:00,5577.6 +2019-02-17 20:30:00,5513.6 +2019-02-17 20:45:00,5433.6 +2019-02-17 21:00:00,5375.6 +2019-02-17 21:15:00,5350.0 +2019-02-17 21:30:00,5354.0 +2019-02-17 21:45:00,5347.2 +2019-02-17 22:00:00,5438.4 +2019-02-17 22:15:00,5408.4 +2019-02-17 22:30:00,5339.2 +2019-02-17 22:45:00,5275.6 +2019-02-17 23:00:00,5165.6 +2019-02-17 23:15:00,5104.8 +2019-02-17 23:30:00,5040.8 +2019-02-17 23:45:00,4958.4 +2019-02-18 00:00:00,4902.8 +2019-02-18 00:15:00,4867.2 +2019-02-18 00:30:00,4819.6 +2019-02-18 00:45:00,4790.0 +2019-02-18 01:00:00,4722.0 +2019-02-18 01:15:00,4701.2 +2019-02-18 01:30:00,4665.6 +2019-02-18 01:45:00,4662.0 +2019-02-18 02:00:00,4626.0 +2019-02-18 02:15:00,4630.4 +2019-02-18 02:30:00,4620.4 +2019-02-18 02:45:00,4631.2 +2019-02-18 03:00:00,4648.0 +2019-02-18 03:15:00,4675.2 +2019-02-18 03:30:00,4704.8 +2019-02-18 03:45:00,4754.8 +2019-02-18 04:00:00,4792.0 +2019-02-18 04:15:00,4837.2 +2019-02-18 04:30:00,4914.8 +2019-02-18 04:45:00,4982.0 +2019-02-18 05:00:00,5142.4 +2019-02-18 05:15:00,5236.8 +2019-02-18 05:30:00,5354.4 +2019-02-18 05:45:00,5546.0 +2019-02-18 06:00:00,5889.6 +2019-02-18 06:15:00,6136.4 +2019-02-18 06:30:00,6375.6 +2019-02-18 06:45:00,6552.8 +2019-02-18 07:00:00,6722.4 +2019-02-18 07:15:00,6806.0 +2019-02-18 07:30:00,6826.4 +2019-02-18 07:45:00,6847.2 +2019-02-18 08:00:00,6940.8 +2019-02-18 08:15:00,6949.2 +2019-02-18 08:30:00,6963.6 +2019-02-18 08:45:00,6969.6 +2019-02-18 09:00:00,6942.8 +2019-02-18 09:15:00,6941.2 +2019-02-18 09:30:00,6964.4 +2019-02-18 09:45:00,6962.8 +2019-02-18 10:00:00,6954.4 +2019-02-18 10:15:00,6961.6 +2019-02-18 10:30:00,6955.6 +2019-02-18 10:45:00,6988.0 +2019-02-18 11:00:00,7018.4 +2019-02-18 11:15:00,7042.0 +2019-02-18 11:30:00,7022.4 +2019-02-18 11:45:00,7023.2 +2019-02-18 12:00:00,6975.6 +2019-02-18 12:15:00,6908.0 +2019-02-18 12:30:00,6896.4 +2019-02-18 12:45:00,6864.4 +2019-02-18 13:00:00,6868.8 +2019-02-18 13:15:00,6841.2 +2019-02-18 13:30:00,6788.4 +2019-02-18 13:45:00,6705.6 +2019-02-18 14:00:00,6695.6 +2019-02-18 14:15:00,6681.6 +2019-02-18 14:30:00,6656.8 +2019-02-18 14:45:00,6618.4 +2019-02-18 15:00:00,6637.2 +2019-02-18 15:15:00,6604.4 +2019-02-18 15:30:00,6558.0 +2019-02-18 15:45:00,6508.8 +2019-02-18 16:00:00,6491.6 +2019-02-18 16:15:00,6486.8 +2019-02-18 16:30:00,6500.4 +2019-02-18 16:45:00,6517.6 +2019-02-18 17:00:00,6592.8 +2019-02-18 17:15:00,6641.2 +2019-02-18 17:30:00,6758.8 +2019-02-18 17:45:00,6908.0 +2019-02-18 18:00:00,7052.0 +2019-02-18 18:15:00,7115.6 +2019-02-18 18:30:00,7150.4 +2019-02-18 18:45:00,7136.4 +2019-02-18 19:00:00,7084.0 +2019-02-18 19:15:00,7031.6 +2019-02-18 19:30:00,6950.8 +2019-02-18 19:45:00,6891.2 +2019-02-18 20:00:00,6770.0 +2019-02-18 20:15:00,6666.4 +2019-02-18 20:30:00,6552.8 +2019-02-18 20:45:00,6454.4 +2019-02-18 21:00:00,6390.4 +2019-02-18 21:15:00,6289.2 +2019-02-18 21:30:00,6205.2 +2019-02-18 21:45:00,6098.0 +2019-02-18 22:00:00,6102.4 +2019-02-18 22:15:00,5995.6 +2019-02-18 22:30:00,5883.2 +2019-02-18 22:45:00,5801.6 +2019-02-18 23:00:00,5653.2 +2019-02-18 23:15:00,5530.8 +2019-02-18 23:30:00,5473.2 +2019-02-18 23:45:00,5385.6 +2019-02-19 00:00:00,5328.4 +2019-02-19 00:15:00,5246.8 +2019-02-19 00:30:00,5219.6 +2019-02-19 00:45:00,5168.0 +2019-02-19 01:00:00,5133.6 +2019-02-19 01:15:00,5106.4 +2019-02-19 01:30:00,5073.6 +2019-02-19 01:45:00,5060.0 +2019-02-19 02:00:00,5042.8 +2019-02-19 02:15:00,5032.0 +2019-02-19 02:30:00,5047.6 +2019-02-19 02:45:00,5061.2 +2019-02-19 03:00:00,5090.4 +2019-02-19 03:15:00,5090.4 +2019-02-19 03:30:00,5104.0 +2019-02-19 03:45:00,5124.4 +2019-02-19 04:00:00,5134.0 +2019-02-19 04:15:00,5202.0 +2019-02-19 04:30:00,5266.8 +2019-02-19 04:45:00,5323.6 +2019-02-19 05:00:00,5446.4 +2019-02-19 05:15:00,5508.0 +2019-02-19 05:30:00,5613.2 +2019-02-19 05:45:00,5804.0 +2019-02-19 06:00:00,6118.4 +2019-02-19 06:15:00,6369.6 +2019-02-19 06:30:00,6572.4 +2019-02-19 06:45:00,6788.0 +2019-02-19 07:00:00,6970.8 +2019-02-19 07:15:00,7076.4 +2019-02-19 07:30:00,7116.4 +2019-02-19 07:45:00,7173.6 +2019-02-19 08:00:00,7254.8 +2019-02-19 08:15:00,7272.4 +2019-02-19 08:30:00,7310.4 +2019-02-19 08:45:00,7320.4 +2019-02-19 09:00:00,7282.8 +2019-02-19 09:15:00,7296.0 +2019-02-19 09:30:00,7324.0 +2019-02-19 09:45:00,7316.8 +2019-02-19 10:00:00,7320.0 +2019-02-19 10:15:00,7321.6 +2019-02-19 10:30:00,7338.4 +2019-02-19 10:45:00,7349.2 +2019-02-19 11:00:00,7339.2 +2019-02-19 11:15:00,7376.8 +2019-02-19 11:30:00,7405.2 +2019-02-19 11:45:00,7386.0 +2019-02-19 12:00:00,7331.6 +2019-02-19 12:15:00,7283.6 +2019-02-19 12:30:00,7268.0 +2019-02-19 12:45:00,7242.0 +2019-02-19 13:00:00,7241.6 +2019-02-19 13:15:00,7245.2 +2019-02-19 13:30:00,7202.8 +2019-02-19 13:45:00,7114.4 +2019-02-19 14:00:00,7098.0 +2019-02-19 14:15:00,7093.2 +2019-02-19 14:30:00,7091.6 +2019-02-19 14:45:00,7052.4 +2019-02-19 15:00:00,7072.8 +2019-02-19 15:15:00,7046.4 +2019-02-19 15:30:00,7034.8 +2019-02-19 15:45:00,6980.8 +2019-02-19 16:00:00,6948.8 +2019-02-19 16:15:00,6924.8 +2019-02-19 16:30:00,6936.0 +2019-02-19 16:45:00,6916.8 +2019-02-19 17:00:00,6956.4 +2019-02-19 17:15:00,7037.6 +2019-02-19 17:30:00,7132.8 +2019-02-19 17:45:00,7249.6 +2019-02-19 18:00:00,7374.4 +2019-02-19 18:15:00,7443.2 +2019-02-19 18:30:00,7463.2 +2019-02-19 18:45:00,7457.6 +2019-02-19 19:00:00,7405.6 +2019-02-19 19:15:00,7348.4 +2019-02-19 19:30:00,7268.0 +2019-02-19 19:45:00,7182.8 +2019-02-19 20:00:00,7046.0 +2019-02-19 20:15:00,6924.8 +2019-02-19 20:30:00,6809.2 +2019-02-19 20:45:00,6700.0 +2019-02-19 21:00:00,6623.2 +2019-02-19 21:15:00,6532.8 +2019-02-19 21:30:00,6434.8 +2019-02-19 21:45:00,6357.2 +2019-02-19 22:00:00,6324.0 +2019-02-19 22:15:00,6216.8 +2019-02-19 22:30:00,6090.0 +2019-02-19 22:45:00,5978.8 +2019-02-19 23:00:00,5850.8 +2019-02-19 23:15:00,5788.8 +2019-02-19 23:30:00,5730.4 +2019-02-19 23:45:00,5625.6 +2019-02-20 00:00:00,5516.8 +2019-02-20 00:15:00,5443.2 +2019-02-20 00:30:00,5386.4 +2019-02-20 00:45:00,5344.4 +2019-02-20 01:00:00,5286.8 +2019-02-20 01:15:00,5240.4 +2019-02-20 01:30:00,5222.8 +2019-02-20 01:45:00,5210.4 +2019-02-20 02:00:00,5134.4 +2019-02-20 02:15:00,5118.4 +2019-02-20 02:30:00,5111.2 +2019-02-20 02:45:00,5153.6 +2019-02-20 03:00:00,5166.0 +2019-02-20 03:15:00,5171.6 +2019-02-20 03:30:00,5187.2 +2019-02-20 03:45:00,5208.4 +2019-02-20 04:00:00,5222.4 +2019-02-20 04:15:00,5259.2 +2019-02-20 04:30:00,5346.0 +2019-02-20 04:45:00,5410.0 +2019-02-20 05:00:00,5566.0 +2019-02-20 05:15:00,5636.0 +2019-02-20 05:30:00,5750.8 +2019-02-20 05:45:00,5895.6 +2019-02-20 06:00:00,6151.6 +2019-02-20 06:15:00,6407.6 +2019-02-20 06:30:00,6616.0 +2019-02-20 06:45:00,6796.4 +2019-02-20 07:00:00,6936.4 +2019-02-20 07:15:00,7025.6 +2019-02-20 07:30:00,7088.0 +2019-02-20 07:45:00,7151.6 +2019-02-20 08:00:00,7188.0 +2019-02-20 08:15:00,7196.8 +2019-02-20 08:30:00,7212.0 +2019-02-20 08:45:00,7189.6 +2019-02-20 09:00:00,7123.2 +2019-02-20 09:15:00,7145.2 +2019-02-20 09:30:00,7172.4 +2019-02-20 09:45:00,7189.2 +2019-02-20 10:00:00,7149.6 +2019-02-20 10:15:00,7132.8 +2019-02-20 10:30:00,7141.2 +2019-02-20 10:45:00,7120.8 +2019-02-20 11:00:00,7166.4 +2019-02-20 11:15:00,7210.8 +2019-02-20 11:30:00,7199.2 +2019-02-20 11:45:00,7205.6 +2019-02-20 12:00:00,7156.4 +2019-02-20 12:15:00,7134.4 +2019-02-20 12:30:00,7123.2 +2019-02-20 12:45:00,7102.4 +2019-02-20 13:00:00,7125.6 +2019-02-20 13:15:00,7088.4 +2019-02-20 13:30:00,7027.6 +2019-02-20 13:45:00,6967.2 +2019-02-20 14:00:00,6918.8 +2019-02-20 14:15:00,6898.0 +2019-02-20 14:30:00,6904.8 +2019-02-20 14:45:00,6881.6 +2019-02-20 15:00:00,6858.8 +2019-02-20 15:15:00,6826.4 +2019-02-20 15:30:00,6804.0 +2019-02-20 15:45:00,6713.6 +2019-02-20 16:00:00,6721.6 +2019-02-20 16:15:00,6710.0 +2019-02-20 16:30:00,6702.4 +2019-02-20 16:45:00,6649.6 +2019-02-20 17:00:00,6739.6 +2019-02-20 17:15:00,6816.0 +2019-02-20 17:30:00,6940.4 +2019-02-20 17:45:00,7074.4 +2019-02-20 18:00:00,7180.0 +2019-02-20 18:15:00,7265.6 +2019-02-20 18:30:00,7295.6 +2019-02-20 18:45:00,7288.8 +2019-02-20 19:00:00,7207.6 +2019-02-20 19:15:00,7105.6 +2019-02-20 19:30:00,7033.6 +2019-02-20 19:45:00,6972.0 +2019-02-20 20:00:00,6853.6 +2019-02-20 20:15:00,6721.6 +2019-02-20 20:30:00,6610.0 +2019-02-20 20:45:00,6509.6 +2019-02-20 21:00:00,6457.2 +2019-02-20 21:15:00,6383.6 +2019-02-20 21:30:00,6276.0 +2019-02-20 21:45:00,6170.8 +2019-02-20 22:00:00,6164.0 +2019-02-20 22:15:00,6069.6 +2019-02-20 22:30:00,5957.2 +2019-02-20 22:45:00,5840.0 +2019-02-20 23:00:00,5733.2 +2019-02-20 23:15:00,5640.4 +2019-02-20 23:30:00,5562.8 +2019-02-20 23:45:00,5456.8 +2019-02-21 00:00:00,5405.2 +2019-02-21 00:15:00,5278.8 +2019-02-21 00:30:00,5239.6 +2019-02-21 00:45:00,5187.2 +2019-02-21 01:00:00,5193.6 +2019-02-21 01:15:00,5177.2 +2019-02-21 01:30:00,5153.2 +2019-02-21 01:45:00,5120.8 +2019-02-21 02:00:00,5096.8 +2019-02-21 02:15:00,5078.8 +2019-02-21 02:30:00,5073.2 +2019-02-21 02:45:00,5081.6 +2019-02-21 03:00:00,5126.4 +2019-02-21 03:15:00,5138.0 +2019-02-21 03:30:00,5128.0 +2019-02-21 03:45:00,5141.2 +2019-02-21 04:00:00,5220.8 +2019-02-21 04:15:00,5257.2 +2019-02-21 04:30:00,5298.0 +2019-02-21 04:45:00,5354.8 +2019-02-21 05:00:00,5487.6 +2019-02-21 05:15:00,5566.0 +2019-02-21 05:30:00,5671.6 +2019-02-21 05:45:00,5827.6 +2019-02-21 06:00:00,6173.2 +2019-02-21 06:15:00,6369.6 +2019-02-21 06:30:00,6554.8 +2019-02-21 06:45:00,6721.2 +2019-02-21 07:00:00,6868.8 +2019-02-21 07:15:00,6949.2 +2019-02-21 07:30:00,6972.8 +2019-02-21 07:45:00,7040.4 +2019-02-21 08:00:00,7122.8 +2019-02-21 08:15:00,7173.2 +2019-02-21 08:30:00,7162.4 +2019-02-21 08:45:00,7143.6 +2019-02-21 09:00:00,7140.4 +2019-02-21 09:15:00,7179.6 +2019-02-21 09:30:00,7226.8 +2019-02-21 09:45:00,7242.0 +2019-02-21 10:00:00,7242.4 +2019-02-21 10:15:00,7249.2 +2019-02-21 10:30:00,7258.0 +2019-02-21 10:45:00,7280.4 +2019-02-21 11:00:00,7291.6 +2019-02-21 11:15:00,7282.4 +2019-02-21 11:30:00,7262.8 +2019-02-21 11:45:00,7234.4 +2019-02-21 12:00:00,7146.0 +2019-02-21 12:15:00,7126.0 +2019-02-21 12:30:00,7124.0 +2019-02-21 12:45:00,7104.0 +2019-02-21 13:00:00,7090.8 +2019-02-21 13:15:00,7059.6 +2019-02-21 13:30:00,7024.0 +2019-02-21 13:45:00,6943.6 +2019-02-21 14:00:00,6946.4 +2019-02-21 14:15:00,6974.4 +2019-02-21 14:30:00,6967.6 +2019-02-21 14:45:00,6962.0 +2019-02-21 15:00:00,6964.8 +2019-02-21 15:15:00,6948.0 +2019-02-21 15:30:00,6931.6 +2019-02-21 15:45:00,6904.0 +2019-02-21 16:00:00,6826.0 +2019-02-21 16:15:00,6818.4 +2019-02-21 16:30:00,6840.0 +2019-02-21 16:45:00,6822.4 +2019-02-21 17:00:00,6841.2 +2019-02-21 17:15:00,6900.8 +2019-02-21 17:30:00,6999.6 +2019-02-21 17:45:00,7083.6 +2019-02-21 18:00:00,7169.2 +2019-02-21 18:15:00,7228.4 +2019-02-21 18:30:00,7234.8 +2019-02-21 18:45:00,7239.2 +2019-02-21 19:00:00,7222.0 +2019-02-21 19:15:00,7187.2 +2019-02-21 19:30:00,7096.0 +2019-02-21 19:45:00,7024.8 +2019-02-21 20:00:00,6900.0 +2019-02-21 20:15:00,6762.0 +2019-02-21 20:30:00,6655.2 +2019-02-21 20:45:00,6502.4 +2019-02-21 21:00:00,6439.6 +2019-02-21 21:15:00,6360.4 +2019-02-21 21:30:00,6262.8 +2019-02-21 21:45:00,6197.6 +2019-02-21 22:00:00,6186.8 +2019-02-21 22:15:00,6084.0 +2019-02-21 22:30:00,5980.0 +2019-02-21 22:45:00,5866.4 +2019-02-21 23:00:00,5742.0 +2019-02-21 23:15:00,5644.8 +2019-02-21 23:30:00,5565.6 +2019-02-21 23:45:00,5477.6 +2019-02-22 00:00:00,5364.0 +2019-02-22 00:15:00,5305.6 +2019-02-22 00:30:00,5264.4 +2019-02-22 00:45:00,5189.6 +2019-02-22 01:00:00,5106.0 +2019-02-22 01:15:00,5063.2 +2019-02-22 01:30:00,5022.4 +2019-02-22 01:45:00,5005.2 +2019-02-22 02:00:00,4953.2 +2019-02-22 02:15:00,4940.8 +2019-02-22 02:30:00,4950.8 +2019-02-22 02:45:00,4948.4 +2019-02-22 03:00:00,4986.4 +2019-02-22 03:15:00,4996.4 +2019-02-22 03:30:00,5047.6 +2019-02-22 03:45:00,5076.0 +2019-02-22 04:00:00,5087.6 +2019-02-22 04:15:00,5155.6 +2019-02-22 04:30:00,5216.8 +2019-02-22 04:45:00,5285.6 +2019-02-22 05:00:00,5396.0 +2019-02-22 05:15:00,5491.2 +2019-02-22 05:30:00,5640.4 +2019-02-22 05:45:00,5774.4 +2019-02-22 06:00:00,6034.8 +2019-02-22 06:15:00,6264.0 +2019-02-22 06:30:00,6457.6 +2019-02-22 06:45:00,6621.2 +2019-02-22 07:00:00,6762.4 +2019-02-22 07:15:00,6847.2 +2019-02-22 07:30:00,6919.2 +2019-02-22 07:45:00,6985.6 +2019-02-22 08:00:00,7070.4 +2019-02-22 08:15:00,7080.4 +2019-02-22 08:30:00,7106.8 +2019-02-22 08:45:00,7127.2 +2019-02-22 09:00:00,7123.2 +2019-02-22 09:15:00,7161.2 +2019-02-22 09:30:00,7191.6 +2019-02-22 09:45:00,7222.8 +2019-02-22 10:00:00,7225.2 +2019-02-22 10:15:00,7218.0 +2019-02-22 10:30:00,7222.8 +2019-02-22 10:45:00,7210.0 +2019-02-22 11:00:00,7228.4 +2019-02-22 11:15:00,7243.6 +2019-02-22 11:30:00,7252.0 +2019-02-22 11:45:00,7227.6 +2019-02-22 12:00:00,7196.8 +2019-02-22 12:15:00,7145.2 +2019-02-22 12:30:00,7133.2 +2019-02-22 12:45:00,7112.0 +2019-02-22 13:00:00,7067.6 +2019-02-22 13:15:00,6982.0 +2019-02-22 13:30:00,6925.6 +2019-02-22 13:45:00,6861.2 +2019-02-22 14:00:00,6832.4 +2019-02-22 14:15:00,6790.8 +2019-02-22 14:30:00,6735.6 +2019-02-22 14:45:00,6702.4 +2019-02-22 15:00:00,6706.4 +2019-02-22 15:15:00,6653.2 +2019-02-22 15:30:00,6628.4 +2019-02-22 15:45:00,6569.6 +2019-02-22 16:00:00,6584.4 +2019-02-22 16:15:00,6564.0 +2019-02-22 16:30:00,6521.6 +2019-02-22 16:45:00,6534.0 +2019-02-22 17:00:00,6572.0 +2019-02-22 17:15:00,6609.2 +2019-02-22 17:30:00,6676.4 +2019-02-22 17:45:00,6751.2 +2019-02-22 18:00:00,6868.8 +2019-02-22 18:15:00,6957.6 +2019-02-22 18:30:00,7016.0 +2019-02-22 18:45:00,7001.6 +2019-02-22 19:00:00,6957.2 +2019-02-22 19:15:00,6886.8 +2019-02-22 19:30:00,6806.4 +2019-02-22 19:45:00,6755.2 +2019-02-22 20:00:00,6624.8 +2019-02-22 20:15:00,6506.8 +2019-02-22 20:30:00,6412.4 +2019-02-22 20:45:00,6308.0 +2019-02-22 21:00:00,6242.0 +2019-02-22 21:15:00,6188.8 +2019-02-22 21:30:00,6100.4 +2019-02-22 21:45:00,6015.6 +2019-02-22 22:00:00,5998.0 +2019-02-22 22:15:00,5955.6 +2019-02-22 22:30:00,5864.0 +2019-02-22 22:45:00,5776.0 +2019-02-22 23:00:00,5677.6 +2019-02-22 23:15:00,5577.2 +2019-02-22 23:30:00,5492.8 +2019-02-22 23:45:00,5402.0 +2019-02-23 00:00:00,5278.0 +2019-02-23 00:15:00,5195.6 +2019-02-23 00:30:00,5148.4 +2019-02-23 00:45:00,5120.8 +2019-02-23 01:00:00,5056.0 +2019-02-23 01:15:00,5043.6 +2019-02-23 01:30:00,4992.4 +2019-02-23 01:45:00,4978.0 +2019-02-23 02:00:00,4895.6 +2019-02-23 02:15:00,4867.2 +2019-02-23 02:30:00,4880.0 +2019-02-23 02:45:00,4868.0 +2019-02-23 03:00:00,4864.0 +2019-02-23 03:15:00,4865.2 +2019-02-23 03:30:00,4862.8 +2019-02-23 03:45:00,4880.0 +2019-02-23 04:00:00,4871.6 +2019-02-23 04:15:00,4863.2 +2019-02-23 04:30:00,4847.6 +2019-02-23 04:45:00,4871.6 +2019-02-23 05:00:00,4910.0 +2019-02-23 05:15:00,4881.6 +2019-02-23 05:30:00,4868.4 +2019-02-23 05:45:00,4888.8 +2019-02-23 06:00:00,4933.2 +2019-02-23 06:15:00,4981.2 +2019-02-23 06:30:00,5008.4 +2019-02-23 06:45:00,5076.4 +2019-02-23 07:00:00,5158.4 +2019-02-23 07:15:00,5207.6 +2019-02-23 07:30:00,5280.8 +2019-02-23 07:45:00,5384.4 +2019-02-23 08:00:00,5526.8 +2019-02-23 08:15:00,5638.8 +2019-02-23 08:30:00,5720.0 +2019-02-23 08:45:00,5790.0 +2019-02-23 09:00:00,5844.8 +2019-02-23 09:15:00,5907.6 +2019-02-23 09:30:00,5951.6 +2019-02-23 09:45:00,5982.0 +2019-02-23 10:00:00,5996.8 +2019-02-23 10:15:00,6002.0 +2019-02-23 10:30:00,6002.0 +2019-02-23 10:45:00,6014.4 +2019-02-23 11:00:00,6015.2 +2019-02-23 11:15:00,6022.0 +2019-02-23 11:30:00,6029.2 +2019-02-23 11:45:00,6007.2 +2019-02-23 12:00:00,5940.4 +2019-02-23 12:15:00,5903.6 +2019-02-23 12:30:00,5853.6 +2019-02-23 12:45:00,5804.8 +2019-02-23 13:00:00,5758.0 +2019-02-23 13:15:00,5726.0 +2019-02-23 13:30:00,5682.4 +2019-02-23 13:45:00,5626.4 +2019-02-23 14:00:00,5581.6 +2019-02-23 14:15:00,5554.4 +2019-02-23 14:30:00,5512.8 +2019-02-23 14:45:00,5491.6 +2019-02-23 15:00:00,5468.4 +2019-02-23 15:15:00,5450.4 +2019-02-23 15:30:00,5408.0 +2019-02-23 15:45:00,5397.2 +2019-02-23 16:00:00,5397.6 +2019-02-23 16:15:00,5390.0 +2019-02-23 16:30:00,5416.8 +2019-02-23 16:45:00,5436.0 +2019-02-23 17:00:00,5494.8 +2019-02-23 17:15:00,5559.2 +2019-02-23 17:30:00,5679.6 +2019-02-23 17:45:00,5791.6 +2019-02-23 18:00:00,5957.6 +2019-02-23 18:15:00,6078.0 +2019-02-23 18:30:00,6129.6 +2019-02-23 18:45:00,6103.2 +2019-02-23 19:00:00,6097.2 +2019-02-23 19:15:00,6008.8 +2019-02-23 19:30:00,5947.6 +2019-02-23 19:45:00,5855.6 +2019-02-23 20:00:00,5807.6 +2019-02-23 20:15:00,5707.6 +2019-02-23 20:30:00,5610.0 +2019-02-23 20:45:00,5547.2 +2019-02-23 21:00:00,5506.0 +2019-02-23 21:15:00,5457.6 +2019-02-23 21:30:00,5402.0 +2019-02-23 21:45:00,5381.6 +2019-02-23 22:00:00,5428.4 +2019-02-23 22:15:00,5376.0 +2019-02-23 22:30:00,5287.6 +2019-02-23 22:45:00,5203.2 +2019-02-23 23:00:00,5130.0 +2019-02-23 23:15:00,5068.0 +2019-02-23 23:30:00,5001.6 +2019-02-23 23:45:00,4922.0 +2019-02-24 00:00:00,4796.8 +2019-02-24 00:15:00,4742.4 +2019-02-24 00:30:00,4677.6 +2019-02-24 00:45:00,4619.2 +2019-02-24 01:00:00,4544.0 +2019-02-24 01:15:00,4509.2 +2019-02-24 01:30:00,4471.2 +2019-02-24 01:45:00,4452.8 +2019-02-24 02:00:00,4427.6 +2019-02-24 02:15:00,4408.4 +2019-02-24 02:30:00,4410.4 +2019-02-24 02:45:00,4393.2 +2019-02-24 03:00:00,4383.6 +2019-02-24 03:15:00,4379.6 +2019-02-24 03:30:00,4374.0 +2019-02-24 03:45:00,4372.0 +2019-02-24 04:00:00,4391.6 +2019-02-24 04:15:00,4403.2 +2019-02-24 04:30:00,4388.4 +2019-02-24 04:45:00,4396.4 +2019-02-24 05:00:00,4395.2 +2019-02-24 05:15:00,4366.8 +2019-02-24 05:30:00,4340.4 +2019-02-24 05:45:00,4315.6 +2019-02-24 06:00:00,4282.0 +2019-02-24 06:15:00,4297.2 +2019-02-24 06:30:00,4333.6 +2019-02-24 06:45:00,4360.8 +2019-02-24 07:00:00,4376.8 +2019-02-24 07:15:00,4416.8 +2019-02-24 07:30:00,4498.0 +2019-02-24 07:45:00,4573.6 +2019-02-24 08:00:00,4678.8 +2019-02-24 08:15:00,4768.8 +2019-02-24 08:30:00,4848.4 +2019-02-24 08:45:00,4892.8 +2019-02-24 09:00:00,4943.6 +2019-02-24 09:15:00,5030.8 +2019-02-24 09:30:00,5101.6 +2019-02-24 09:45:00,5165.2 +2019-02-24 10:00:00,5170.0 +2019-02-24 10:15:00,5210.8 +2019-02-24 10:30:00,5260.0 +2019-02-24 10:45:00,5308.0 +2019-02-24 11:00:00,5330.4 +2019-02-24 11:15:00,5386.8 +2019-02-24 11:30:00,5429.6 +2019-02-24 11:45:00,5425.6 +2019-02-24 12:00:00,5367.6 +2019-02-24 12:15:00,5323.2 +2019-02-24 12:30:00,5279.2 +2019-02-24 12:45:00,5248.0 +2019-02-24 13:00:00,5174.0 +2019-02-24 13:15:00,5109.2 +2019-02-24 13:30:00,5056.4 +2019-02-24 13:45:00,5013.2 +2019-02-24 14:00:00,4994.8 +2019-02-24 14:15:00,4954.8 +2019-02-24 14:30:00,4925.6 +2019-02-24 14:45:00,4898.0 +2019-02-24 15:00:00,4875.6 +2019-02-24 15:15:00,4866.4 +2019-02-24 15:30:00,4830.8 +2019-02-24 15:45:00,4831.6 +2019-02-24 16:00:00,4816.8 +2019-02-24 16:15:00,4854.4 +2019-02-24 16:30:00,4902.8 +2019-02-24 16:45:00,4924.8 +2019-02-24 17:00:00,4999.2 +2019-02-24 17:15:00,5095.6 +2019-02-24 17:30:00,5233.6 +2019-02-24 17:45:00,5366.8 +2019-02-24 18:00:00,5586.4 +2019-02-24 18:15:00,5748.8 +2019-02-24 18:30:00,5814.8 +2019-02-24 18:45:00,5803.2 +2019-02-24 19:00:00,5785.2 +2019-02-24 19:15:00,5704.0 +2019-02-24 19:30:00,5664.4 +2019-02-24 19:45:00,5602.8 +2019-02-24 20:00:00,5559.2 +2019-02-24 20:15:00,5492.0 +2019-02-24 20:30:00,5402.0 +2019-02-24 20:45:00,5333.6 +2019-02-24 21:00:00,5294.4 +2019-02-24 21:15:00,5260.8 +2019-02-24 21:30:00,5254.8 +2019-02-24 21:45:00,5265.6 +2019-02-24 22:00:00,5311.6 +2019-02-24 22:15:00,5281.2 +2019-02-24 22:30:00,5218.4 +2019-02-24 22:45:00,5114.8 +2019-02-24 23:00:00,5037.2 +2019-02-24 23:15:00,4980.8 +2019-02-24 23:30:00,4894.4 +2019-02-24 23:45:00,4826.0 +2019-02-25 00:00:00,4776.4 +2019-02-25 00:15:00,4721.6 +2019-02-25 00:30:00,4715.2 +2019-02-25 00:45:00,4699.6 +2019-02-25 01:00:00,4642.4 +2019-02-25 01:15:00,4613.2 +2019-02-25 01:30:00,4602.0 +2019-02-25 01:45:00,4596.4 +2019-02-25 02:00:00,4566.4 +2019-02-25 02:15:00,4566.0 +2019-02-25 02:30:00,4554.4 +2019-02-25 02:45:00,4569.6 +2019-02-25 03:00:00,4577.2 +2019-02-25 03:15:00,4601.2 +2019-02-25 03:30:00,4642.0 +2019-02-25 03:45:00,4660.0 +2019-02-25 04:00:00,4735.6 +2019-02-25 04:15:00,4789.6 +2019-02-25 04:30:00,4855.6 +2019-02-25 04:45:00,4916.8 +2019-02-25 05:00:00,5102.4 +2019-02-25 05:15:00,5182.8 +2019-02-25 05:30:00,5308.4 +2019-02-25 05:45:00,5475.6 +2019-02-25 06:00:00,5779.6 +2019-02-25 06:15:00,6031.6 +2019-02-25 06:30:00,6287.2 +2019-02-25 06:45:00,6464.8 +2019-02-25 07:00:00,6561.6 +2019-02-25 07:15:00,6647.2 +2019-02-25 07:30:00,6702.0 +2019-02-25 07:45:00,6779.2 +2019-02-25 08:00:00,6854.4 +2019-02-25 08:15:00,6878.4 +2019-02-25 08:30:00,6876.4 +2019-02-25 08:45:00,6846.4 +2019-02-25 09:00:00,6798.8 +2019-02-25 09:15:00,6846.0 +2019-02-25 09:30:00,6835.2 +2019-02-25 09:45:00,6880.4 +2019-02-25 10:00:00,6898.4 +2019-02-25 10:15:00,6878.0 +2019-02-25 10:30:00,6884.8 +2019-02-25 10:45:00,6871.2 +2019-02-25 11:00:00,6897.6 +2019-02-25 11:15:00,6924.4 +2019-02-25 11:30:00,6939.2 +2019-02-25 11:45:00,6934.0 +2019-02-25 12:00:00,6886.4 +2019-02-25 12:15:00,6862.4 +2019-02-25 12:30:00,6838.8 +2019-02-25 12:45:00,6829.6 +2019-02-25 13:00:00,6851.2 +2019-02-25 13:15:00,6826.4 +2019-02-25 13:30:00,6770.0 +2019-02-25 13:45:00,6721.6 +2019-02-25 14:00:00,6718.8 +2019-02-25 14:15:00,6697.2 +2019-02-25 14:30:00,6649.6 +2019-02-25 14:45:00,6621.6 +2019-02-25 15:00:00,6618.8 +2019-02-25 15:15:00,6554.8 +2019-02-25 15:30:00,6521.6 +2019-02-25 15:45:00,6495.2 +2019-02-25 16:00:00,6484.0 +2019-02-25 16:15:00,6470.0 +2019-02-25 16:30:00,6454.4 +2019-02-25 16:45:00,6450.4 +2019-02-25 17:00:00,6493.6 +2019-02-25 17:15:00,6547.2 +2019-02-25 17:30:00,6629.2 +2019-02-25 17:45:00,6761.2 +2019-02-25 18:00:00,6878.4 +2019-02-25 18:15:00,7002.0 +2019-02-25 18:30:00,7104.0 +2019-02-25 18:45:00,7131.6 +2019-02-25 19:00:00,7109.6 +2019-02-25 19:15:00,7020.8 +2019-02-25 19:30:00,6948.4 +2019-02-25 19:45:00,6876.4 +2019-02-25 20:00:00,6774.0 +2019-02-25 20:15:00,6624.4 +2019-02-25 20:30:00,6512.4 +2019-02-25 20:45:00,6432.8 +2019-02-25 21:00:00,6356.0 +2019-02-25 21:15:00,6276.0 +2019-02-25 21:30:00,6199.2 +2019-02-25 21:45:00,6131.2 +2019-02-25 22:00:00,6099.6 +2019-02-25 22:15:00,6007.6 +2019-02-25 22:30:00,5869.6 +2019-02-25 22:45:00,5766.0 +2019-02-25 23:00:00,5675.6 +2019-02-25 23:15:00,5574.4 +2019-02-25 23:30:00,5476.4 +2019-02-25 23:45:00,5398.8 +2019-02-26 00:00:00,5225.6 +2019-02-26 00:15:00,5159.2 +2019-02-26 00:30:00,5131.6 +2019-02-26 00:45:00,5079.2 +2019-02-26 01:00:00,5023.6 +2019-02-26 01:15:00,4974.0 +2019-02-26 01:30:00,4955.6 +2019-02-26 01:45:00,4923.2 +2019-02-26 02:00:00,4898.8 +2019-02-26 02:15:00,4883.6 +2019-02-26 02:30:00,4896.4 +2019-02-26 02:45:00,4938.8 +2019-02-26 03:00:00,4937.2 +2019-02-26 03:15:00,4960.0 +2019-02-26 03:30:00,4961.6 +2019-02-26 03:45:00,5000.4 +2019-02-26 04:00:00,5036.4 +2019-02-26 04:15:00,5046.0 +2019-02-26 04:30:00,5097.6 +2019-02-26 04:45:00,5149.2 +2019-02-26 05:00:00,5298.4 +2019-02-26 05:15:00,5361.2 +2019-02-26 05:30:00,5503.2 +2019-02-26 05:45:00,5674.4 +2019-02-26 06:00:00,5956.4 +2019-02-26 06:15:00,6192.4 +2019-02-26 06:30:00,6403.2 +2019-02-26 06:45:00,6565.2 +2019-02-26 07:00:00,6683.6 +2019-02-26 07:15:00,6739.6 +2019-02-26 07:30:00,6797.6 +2019-02-26 07:45:00,6832.8 +2019-02-26 08:00:00,6900.4 +2019-02-26 08:15:00,6919.6 +2019-02-26 08:30:00,6918.8 +2019-02-26 08:45:00,6877.6 +2019-02-26 09:00:00,6834.0 +2019-02-26 09:15:00,6897.2 +2019-02-26 09:30:00,6903.6 +2019-02-26 09:45:00,6888.0 +2019-02-26 10:00:00,6904.4 +2019-02-26 10:15:00,6884.4 +2019-02-26 10:30:00,6889.6 +2019-02-26 10:45:00,6909.2 +2019-02-26 11:00:00,6942.0 +2019-02-26 11:15:00,6879.6 +2019-02-26 11:30:00,6884.8 +2019-02-26 11:45:00,6874.0 +2019-02-26 12:00:00,6888.4 +2019-02-26 12:15:00,6831.6 +2019-02-26 12:30:00,6828.8 +2019-02-26 12:45:00,6791.6 +2019-02-26 13:00:00,6811.2 +2019-02-26 13:15:00,6785.6 +2019-02-26 13:30:00,6738.8 +2019-02-26 13:45:00,6674.8 +2019-02-26 14:00:00,6663.6 +2019-02-26 14:15:00,6660.0 +2019-02-26 14:30:00,6587.2 +2019-02-26 14:45:00,6573.6 +2019-02-26 15:00:00,6564.0 +2019-02-26 15:15:00,6531.6 +2019-02-26 15:30:00,6481.6 +2019-02-26 15:45:00,6466.8 +2019-02-26 16:00:00,6430.0 +2019-02-26 16:15:00,6398.0 +2019-02-26 16:30:00,6394.4 +2019-02-26 16:45:00,6423.6 +2019-02-26 17:00:00,6440.0 +2019-02-26 17:15:00,6492.8 +2019-02-26 17:30:00,6572.4 +2019-02-26 17:45:00,6670.4 +2019-02-26 18:00:00,6757.2 +2019-02-26 18:15:00,6908.0 +2019-02-26 18:30:00,7023.6 +2019-02-26 18:45:00,7057.6 +2019-02-26 19:00:00,7022.4 +2019-02-26 19:15:00,6925.6 +2019-02-26 19:30:00,6838.0 +2019-02-26 19:45:00,6782.4 +2019-02-26 20:00:00,6682.8 +2019-02-26 20:15:00,6541.6 +2019-02-26 20:30:00,6451.2 +2019-02-26 20:45:00,6333.6 +2019-02-26 21:00:00,6271.2 +2019-02-26 21:15:00,6166.8 +2019-02-26 21:30:00,6070.8 +2019-02-26 21:45:00,5959.6 +2019-02-26 22:00:00,5948.0 +2019-02-26 22:15:00,5861.6 +2019-02-26 22:30:00,5736.0 +2019-02-26 22:45:00,5636.0 +2019-02-26 23:00:00,5542.0 +2019-02-26 23:15:00,5409.6 +2019-02-26 23:30:00,5324.0 +2019-02-26 23:45:00,5254.8 +2019-02-27 00:00:00,5150.8 +2019-02-27 00:15:00,5086.4 +2019-02-27 00:30:00,5051.2 +2019-02-27 00:45:00,5016.4 +2019-02-27 01:00:00,4962.0 +2019-02-27 01:15:00,4937.6 +2019-02-27 01:30:00,4908.8 +2019-02-27 01:45:00,4890.4 +2019-02-27 02:00:00,4879.2 +2019-02-27 02:15:00,4869.6 +2019-02-27 02:30:00,4870.4 +2019-02-27 02:45:00,4889.6 +2019-02-27 03:00:00,4940.0 +2019-02-27 03:15:00,4973.2 +2019-02-27 03:30:00,4995.2 +2019-02-27 03:45:00,5024.4 +2019-02-27 04:00:00,5082.4 +2019-02-27 04:15:00,5120.8 +2019-02-27 04:30:00,5177.6 +2019-02-27 04:45:00,5248.4 +2019-02-27 05:00:00,5356.0 +2019-02-27 05:15:00,5445.6 +2019-02-27 05:30:00,5561.2 +2019-02-27 05:45:00,5706.8 +2019-02-27 06:00:00,5977.6 +2019-02-27 06:15:00,6196.4 +2019-02-27 06:30:00,6403.6 +2019-02-27 06:45:00,6548.8 +2019-02-27 07:00:00,6653.6 +2019-02-27 07:15:00,6725.6 +2019-02-27 07:30:00,6778.4 +2019-02-27 07:45:00,6845.6 +2019-02-27 08:00:00,6886.4 +2019-02-27 08:15:00,6913.6 +2019-02-27 08:30:00,6940.8 +2019-02-27 08:45:00,6930.8 +2019-02-27 09:00:00,6905.2 +2019-02-27 09:15:00,6908.8 +2019-02-27 09:30:00,6951.6 +2019-02-27 09:45:00,6965.6 +2019-02-27 10:00:00,6988.4 +2019-02-27 10:15:00,6991.6 +2019-02-27 10:30:00,6998.4 +2019-02-27 10:45:00,6980.0 +2019-02-27 11:00:00,6993.6 +2019-02-27 11:15:00,7004.8 +2019-02-27 11:30:00,7001.6 +2019-02-27 11:45:00,6969.6 +2019-02-27 12:00:00,6904.8 +2019-02-27 12:15:00,6870.0 +2019-02-27 12:30:00,6869.6 +2019-02-27 12:45:00,6838.8 +2019-02-27 13:00:00,6820.8 +2019-02-27 13:15:00,6791.2 +2019-02-27 13:30:00,6802.4 +2019-02-27 13:45:00,6728.0 +2019-02-27 14:00:00,6722.0 +2019-02-27 14:15:00,6696.8 +2019-02-27 14:30:00,6648.8 +2019-02-27 14:45:00,6588.4 +2019-02-27 15:00:00,6594.4 +2019-02-27 15:15:00,6558.4 +2019-02-27 15:30:00,6529.6 +2019-02-27 15:45:00,6476.4 +2019-02-27 16:00:00,6453.6 +2019-02-27 16:15:00,6450.8 +2019-02-27 16:30:00,6435.2 +2019-02-27 16:45:00,6456.0 +2019-02-27 17:00:00,6499.6 +2019-02-27 17:15:00,6532.8 +2019-02-27 17:30:00,6623.2 +2019-02-27 17:45:00,6736.4 +2019-02-27 18:00:00,6882.0 +2019-02-27 18:15:00,7028.0 +2019-02-27 18:30:00,7155.6 +2019-02-27 18:45:00,7202.4 +2019-02-27 19:00:00,7179.2 +2019-02-27 19:15:00,7112.0 +2019-02-27 19:30:00,7063.6 +2019-02-27 19:45:00,6970.8 +2019-02-27 20:00:00,6887.6 +2019-02-27 20:15:00,6794.4 +2019-02-27 20:30:00,6703.2 +2019-02-27 20:45:00,6575.6 +2019-02-27 21:00:00,6467.2 +2019-02-27 21:15:00,6373.6 +2019-02-27 21:30:00,6255.6 +2019-02-27 21:45:00,6142.0 +2019-02-27 22:00:00,6115.6 +2019-02-27 22:15:00,6035.6 +2019-02-27 22:30:00,5921.2 +2019-02-27 22:45:00,5812.8 +2019-02-27 23:00:00,5740.4 +2019-02-27 23:15:00,5636.0 +2019-02-27 23:30:00,5562.8 +2019-02-27 23:45:00,5491.6 +2019-02-28 00:00:00,5350.4 +2019-02-28 00:15:00,5309.6 +2019-02-28 00:30:00,5260.8 +2019-02-28 00:45:00,5181.2 +2019-02-28 01:00:00,5138.4 +2019-02-28 01:15:00,5079.6 +2019-02-28 01:30:00,5061.2 +2019-02-28 01:45:00,5019.6 +2019-02-28 02:00:00,4996.8 +2019-02-28 02:15:00,4986.4 +2019-02-28 02:30:00,5015.2 +2019-02-28 02:45:00,5002.0 +2019-02-28 03:00:00,5030.8 +2019-02-28 03:15:00,5070.0 +2019-02-28 03:30:00,5072.0 +2019-02-28 03:45:00,5092.4 +2019-02-28 04:00:00,5146.0 +2019-02-28 04:15:00,5173.6 +2019-02-28 04:30:00,5222.8 +2019-02-28 04:45:00,5250.8 +2019-02-28 05:00:00,5383.2 +2019-02-28 05:15:00,5430.0 +2019-02-28 05:30:00,5498.8 +2019-02-28 05:45:00,5621.2 +2019-02-28 06:00:00,5911.6 +2019-02-28 06:15:00,6143.6 +2019-02-28 06:30:00,6334.0 +2019-02-28 06:45:00,6475.2 +2019-02-28 07:00:00,6636.4 +2019-02-28 07:15:00,6714.0 +2019-02-28 07:30:00,6769.2 +2019-02-28 07:45:00,6814.4 +2019-02-28 08:00:00,6885.6 +2019-02-28 08:15:00,6924.8 +2019-02-28 08:30:00,6933.6 +2019-02-28 08:45:00,6916.4 +2019-02-28 09:00:00,6868.0 +2019-02-28 09:15:00,6908.4 +2019-02-28 09:30:00,6927.2 +2019-02-28 09:45:00,6966.4 +2019-02-28 10:00:00,6910.4 +2019-02-28 10:15:00,6888.8 +2019-02-28 10:30:00,6910.4 +2019-02-28 10:45:00,6924.0 +2019-02-28 11:00:00,6956.8 +2019-02-28 11:15:00,6938.4 +2019-02-28 11:30:00,6969.6 +2019-02-28 11:45:00,6957.2 +2019-02-28 12:00:00,6916.0 +2019-02-28 12:15:00,6847.6 +2019-02-28 12:30:00,6814.8 +2019-02-28 12:45:00,6823.2 +2019-02-28 13:00:00,6797.2 +2019-02-28 13:15:00,6787.6 +2019-02-28 13:30:00,6717.6 +2019-02-28 13:45:00,6632.0 +2019-02-28 14:00:00,6662.0 +2019-02-28 14:15:00,6617.2 +2019-02-28 14:30:00,6618.8 +2019-02-28 14:45:00,6621.6 +2019-02-28 15:00:00,6662.4 +2019-02-28 15:15:00,6659.2 +2019-02-28 15:30:00,6644.4 +2019-02-28 15:45:00,6639.6 +2019-02-28 16:00:00,6616.8 +2019-02-28 16:15:00,6598.0 +2019-02-28 16:30:00,6578.0 +2019-02-28 16:45:00,6595.6 +2019-02-28 17:00:00,6668.0 +2019-02-28 17:15:00,6709.6 +2019-02-28 17:30:00,6766.0 +2019-02-28 17:45:00,6825.2 +2019-02-28 18:00:00,6931.6 +2019-02-28 18:15:00,7032.8 +2019-02-28 18:30:00,7100.0 +2019-02-28 18:45:00,7117.2 +2019-02-28 19:00:00,7082.0 +2019-02-28 19:15:00,7010.4 +2019-02-28 19:30:00,6964.8 +2019-02-28 19:45:00,6872.8 +2019-02-28 20:00:00,6759.2 +2019-02-28 20:15:00,6615.2 +2019-02-28 20:30:00,6487.2 +2019-02-28 20:45:00,6399.2 +2019-02-28 21:00:00,6322.8 +2019-02-28 21:15:00,6231.6 +2019-02-28 21:30:00,6126.0 +2019-02-28 21:45:00,6036.4 +2019-02-28 22:00:00,5984.0 +2019-02-28 22:15:00,5879.6 +2019-02-28 22:30:00,5772.8 +2019-02-28 22:45:00,5666.8 +2019-02-28 23:00:00,5554.4 +2019-02-28 23:15:00,5450.8 +2019-02-28 23:30:00,5330.8 +2019-02-28 23:45:00,5227.2 +2019-03-01 00:00:00,5159.2 +2019-03-01 00:15:00,5100.0 +2019-03-01 00:30:00,5047.6 +2019-03-01 00:45:00,5008.0 +2019-03-01 01:00:00,4963.6 +2019-03-01 01:15:00,4926.8 +2019-03-01 01:30:00,4914.0 +2019-03-01 01:45:00,4878.4 +2019-03-01 02:00:00,4838.0 +2019-03-01 02:15:00,4818.4 +2019-03-01 02:30:00,4841.2 +2019-03-01 02:45:00,4832.4 +2019-03-01 03:00:00,4819.6 +2019-03-01 03:15:00,4834.4 +2019-03-01 03:30:00,4856.0 +2019-03-01 03:45:00,4888.0 +2019-03-01 04:00:00,4943.2 +2019-03-01 04:15:00,4981.2 +2019-03-01 04:30:00,5041.2 +2019-03-01 04:45:00,5091.2 +2019-03-01 05:00:00,5222.8 +2019-03-01 05:15:00,5280.4 +2019-03-01 05:30:00,5431.6 +2019-03-01 05:45:00,5584.0 +2019-03-01 06:00:00,5837.2 +2019-03-01 06:15:00,6058.8 +2019-03-01 06:30:00,6249.2 +2019-03-01 06:45:00,6400.8 +2019-03-01 07:00:00,6536.4 +2019-03-01 07:15:00,6614.8 +2019-03-01 07:30:00,6712.0 +2019-03-01 07:45:00,6796.4 +2019-03-01 08:00:00,6884.0 +2019-03-01 08:15:00,6936.0 +2019-03-01 08:30:00,6975.6 +2019-03-01 08:45:00,7011.2 +2019-03-01 09:00:00,6988.8 +2019-03-01 09:15:00,7036.0 +2019-03-01 09:30:00,7076.0 +2019-03-01 09:45:00,7126.8 +2019-03-01 10:00:00,7159.6 +2019-03-01 10:15:00,7196.0 +2019-03-01 10:30:00,7212.4 +2019-03-01 10:45:00,7244.4 +2019-03-01 11:00:00,7258.4 +2019-03-01 11:15:00,7296.0 +2019-03-01 11:30:00,7306.8 +2019-03-01 11:45:00,7288.8 +2019-03-01 12:00:00,7245.6 +2019-03-01 12:15:00,7206.8 +2019-03-01 12:30:00,7173.6 +2019-03-01 12:45:00,7153.2 +2019-03-01 13:00:00,7139.6 +2019-03-01 13:15:00,7073.6 +2019-03-01 13:30:00,7033.6 +2019-03-01 13:45:00,6948.0 +2019-03-01 14:00:00,6922.4 +2019-03-01 14:15:00,6874.8 +2019-03-01 14:30:00,6847.6 +2019-03-01 14:45:00,6823.6 +2019-03-01 15:00:00,6827.2 +2019-03-01 15:15:00,6780.4 +2019-03-01 15:30:00,6741.6 +2019-03-01 15:45:00,6685.2 +2019-03-01 16:00:00,6697.2 +2019-03-01 16:15:00,6668.4 +2019-03-01 16:30:00,6646.0 +2019-03-01 16:45:00,6642.8 +2019-03-01 17:00:00,6680.0 +2019-03-01 17:15:00,6698.4 +2019-03-01 17:30:00,6720.0 +2019-03-01 17:45:00,6806.4 +2019-03-01 18:00:00,6812.4 +2019-03-01 18:15:00,6874.4 +2019-03-01 18:30:00,6926.8 +2019-03-01 18:45:00,6902.4 +2019-03-01 19:00:00,6867.6 +2019-03-01 19:15:00,6785.2 +2019-03-01 19:30:00,6714.0 +2019-03-01 19:45:00,6628.8 +2019-03-01 20:00:00,6493.2 +2019-03-01 20:15:00,6404.8 +2019-03-01 20:30:00,6265.2 +2019-03-01 20:45:00,6138.4 +2019-03-01 21:00:00,6079.6 +2019-03-01 21:15:00,6037.6 +2019-03-01 21:30:00,5939.6 +2019-03-01 21:45:00,5856.8 +2019-03-01 22:00:00,5815.2 +2019-03-01 22:15:00,5753.2 +2019-03-01 22:30:00,5659.6 +2019-03-01 22:45:00,5586.4 +2019-03-01 23:00:00,5461.2 +2019-03-01 23:15:00,5382.4 +2019-03-01 23:30:00,5258.4 +2019-03-01 23:45:00,5215.2 +2019-03-02 00:00:00,5170.4 +2019-03-02 00:15:00,5093.2 +2019-03-02 00:30:00,5030.4 +2019-03-02 00:45:00,4958.0 +2019-03-02 01:00:00,4895.6 +2019-03-02 01:15:00,4854.8 +2019-03-02 01:30:00,4795.6 +2019-03-02 01:45:00,4780.4 +2019-03-02 02:00:00,4748.0 +2019-03-02 02:15:00,4739.2 +2019-03-02 02:30:00,4731.2 +2019-03-02 02:45:00,4716.8 +2019-03-02 03:00:00,4714.8 +2019-03-02 03:15:00,4700.8 +2019-03-02 03:30:00,4690.8 +2019-03-02 03:45:00,4663.6 +2019-03-02 04:00:00,4687.6 +2019-03-02 04:15:00,4670.8 +2019-03-02 04:30:00,4676.8 +2019-03-02 04:45:00,4686.8 +2019-03-02 05:00:00,4715.2 +2019-03-02 05:15:00,4694.0 +2019-03-02 05:30:00,4678.8 +2019-03-02 05:45:00,4693.2 +2019-03-02 06:00:00,4746.0 +2019-03-02 06:15:00,4790.4 +2019-03-02 06:30:00,4860.8 +2019-03-02 06:45:00,4909.6 +2019-03-02 07:00:00,4992.0 +2019-03-02 07:15:00,5072.0 +2019-03-02 07:30:00,5169.2 +2019-03-02 07:45:00,5308.0 +2019-03-02 08:00:00,5418.4 +2019-03-02 08:15:00,5527.6 +2019-03-02 08:30:00,5639.6 +2019-03-02 08:45:00,5696.0 +2019-03-02 09:00:00,5775.6 +2019-03-02 09:15:00,5859.2 +2019-03-02 09:30:00,5911.2 +2019-03-02 09:45:00,5970.0 +2019-03-02 10:00:00,5986.4 +2019-03-02 10:15:00,6019.6 +2019-03-02 10:30:00,6064.0 +2019-03-02 10:45:00,6043.2 +2019-03-02 11:00:00,6073.6 +2019-03-02 11:15:00,6100.0 +2019-03-02 11:30:00,6090.0 +2019-03-02 11:45:00,6069.6 +2019-03-02 12:00:00,5999.2 +2019-03-02 12:15:00,5975.6 +2019-03-02 12:30:00,5948.8 +2019-03-02 12:45:00,5888.4 +2019-03-02 13:00:00,5806.0 +2019-03-02 13:15:00,5776.4 +2019-03-02 13:30:00,5714.4 +2019-03-02 13:45:00,5669.2 +2019-03-02 14:00:00,5605.6 +2019-03-02 14:15:00,5558.8 +2019-03-02 14:30:00,5539.6 +2019-03-02 14:45:00,5523.6 +2019-03-02 15:00:00,5536.8 +2019-03-02 15:15:00,5506.8 +2019-03-02 15:30:00,5489.6 +2019-03-02 15:45:00,5480.4 +2019-03-02 16:00:00,5475.2 +2019-03-02 16:15:00,5499.2 +2019-03-02 16:30:00,5483.6 +2019-03-02 16:45:00,5516.8 +2019-03-02 17:00:00,5579.2 +2019-03-02 17:15:00,5655.2 +2019-03-02 17:30:00,5754.4 +2019-03-02 17:45:00,5859.6 +2019-03-02 18:00:00,5986.0 +2019-03-02 18:15:00,6076.4 +2019-03-02 18:30:00,6107.6 +2019-03-02 18:45:00,6090.4 +2019-03-02 19:00:00,6100.8 +2019-03-02 19:15:00,6083.6 +2019-03-02 19:30:00,6004.8 +2019-03-02 19:45:00,5930.8 +2019-03-02 20:00:00,5800.0 +2019-03-02 20:15:00,5695.6 +2019-03-02 20:30:00,5581.6 +2019-03-02 20:45:00,5429.6 +2019-03-02 21:00:00,5413.2 +2019-03-02 21:15:00,5344.8 +2019-03-02 21:30:00,5281.2 +2019-03-02 21:45:00,5224.0 +2019-03-02 22:00:00,5254.4 +2019-03-02 22:15:00,5200.4 +2019-03-02 22:30:00,5108.4 +2019-03-02 22:45:00,5016.0 +2019-03-02 23:00:00,4940.4 +2019-03-02 23:15:00,4877.2 +2019-03-02 23:30:00,4819.2 +2019-03-02 23:45:00,4759.2 +2019-03-03 00:00:00,4680.4 +2019-03-03 00:15:00,4609.6 +2019-03-03 00:30:00,4549.2 +2019-03-03 00:45:00,4502.8 +2019-03-03 01:00:00,4441.2 +2019-03-03 01:15:00,4372.4 +2019-03-03 01:30:00,4330.0 +2019-03-03 01:45:00,4297.6 +2019-03-03 02:00:00,4297.6 +2019-03-03 02:15:00,4260.4 +2019-03-03 02:30:00,4266.4 +2019-03-03 02:45:00,4273.6 +2019-03-03 03:00:00,4270.8 +2019-03-03 03:15:00,4275.2 +2019-03-03 03:30:00,4281.2 +2019-03-03 03:45:00,4301.2 +2019-03-03 04:00:00,4344.4 +2019-03-03 04:15:00,4343.6 +2019-03-03 04:30:00,4354.0 +2019-03-03 04:45:00,4360.0 +2019-03-03 05:00:00,4394.0 +2019-03-03 05:15:00,4368.8 +2019-03-03 05:30:00,4361.2 +2019-03-03 05:45:00,4348.8 +2019-03-03 06:00:00,4354.0 +2019-03-03 06:15:00,4368.0 +2019-03-03 06:30:00,4382.8 +2019-03-03 06:45:00,4409.6 +2019-03-03 07:00:00,4426.4 +2019-03-03 07:15:00,4466.8 +2019-03-03 07:30:00,4527.6 +2019-03-03 07:45:00,4640.8 +2019-03-03 08:00:00,4739.6 +2019-03-03 08:15:00,4852.4 +2019-03-03 08:30:00,4937.2 +2019-03-03 08:45:00,5012.0 +2019-03-03 09:00:00,5115.6 +2019-03-03 09:15:00,5152.4 +2019-03-03 09:30:00,5179.6 +2019-03-03 09:45:00,5256.8 +2019-03-03 10:00:00,5298.0 +2019-03-03 10:15:00,5367.2 +2019-03-03 10:30:00,5405.2 +2019-03-03 10:45:00,5492.0 +2019-03-03 11:00:00,5529.2 +2019-03-03 11:15:00,5596.0 +2019-03-03 11:30:00,5629.6 +2019-03-03 11:45:00,5614.4 +2019-03-03 12:00:00,5590.4 +2019-03-03 12:15:00,5563.6 +2019-03-03 12:30:00,5500.8 +2019-03-03 12:45:00,5437.6 +2019-03-03 13:00:00,5361.6 +2019-03-03 13:15:00,5310.8 +2019-03-03 13:30:00,5254.8 +2019-03-03 13:45:00,5214.0 +2019-03-03 14:00:00,5186.8 +2019-03-03 14:15:00,5154.8 +2019-03-03 14:30:00,5120.0 +2019-03-03 14:45:00,5100.8 +2019-03-03 15:00:00,5112.8 +2019-03-03 15:15:00,5116.0 +2019-03-03 15:30:00,5118.8 +2019-03-03 15:45:00,5098.4 +2019-03-03 16:00:00,5089.2 +2019-03-03 16:15:00,5089.2 +2019-03-03 16:30:00,5147.6 +2019-03-03 16:45:00,5182.4 +2019-03-03 17:00:00,5227.2 +2019-03-03 17:15:00,5237.6 +2019-03-03 17:30:00,5322.8 +2019-03-03 17:45:00,5432.0 +2019-03-03 18:00:00,5605.2 +2019-03-03 18:15:00,5686.4 +2019-03-03 18:30:00,5735.6 +2019-03-03 18:45:00,5742.4 +2019-03-03 19:00:00,5774.8 +2019-03-03 19:15:00,5723.6 +2019-03-03 19:30:00,5666.0 +2019-03-03 19:45:00,5629.2 +2019-03-03 20:00:00,5552.0 +2019-03-03 20:15:00,5467.6 +2019-03-03 20:30:00,5379.2 +2019-03-03 20:45:00,5311.6 +2019-03-03 21:00:00,5308.8 +2019-03-03 21:15:00,5256.8 +2019-03-03 21:30:00,5227.6 +2019-03-03 21:45:00,5238.4 +2019-03-03 22:00:00,5305.6 +2019-03-03 22:15:00,5236.8 +2019-03-03 22:30:00,5172.0 +2019-03-03 22:45:00,5114.4 +2019-03-03 23:00:00,5028.0 +2019-03-03 23:15:00,4973.2 +2019-03-03 23:30:00,4879.6 +2019-03-03 23:45:00,4817.6 +2019-03-04 00:00:00,4836.8 +2019-03-04 00:15:00,4776.0 +2019-03-04 00:30:00,4744.0 +2019-03-04 00:45:00,4683.2 +2019-03-04 01:00:00,4641.2 +2019-03-04 01:15:00,4583.6 +2019-03-04 01:30:00,4551.2 +2019-03-04 01:45:00,4532.8 +2019-03-04 02:00:00,4514.8 +2019-03-04 02:15:00,4522.4 +2019-03-04 02:30:00,4525.2 +2019-03-04 02:45:00,4558.4 +2019-03-04 03:00:00,4596.8 +2019-03-04 03:15:00,4648.8 +2019-03-04 03:30:00,4665.2 +2019-03-04 03:45:00,4654.8 +2019-03-04 04:00:00,4709.2 +2019-03-04 04:15:00,4773.2 +2019-03-04 04:30:00,4848.0 +2019-03-04 04:45:00,4918.4 +2019-03-04 05:00:00,5009.2 +2019-03-04 05:15:00,5091.6 +2019-03-04 05:30:00,5216.4 +2019-03-04 05:45:00,5364.8 +2019-03-04 06:00:00,5641.6 +2019-03-04 06:15:00,5890.8 +2019-03-04 06:30:00,6051.6 +2019-03-04 06:45:00,6159.2 +2019-03-04 07:00:00,6329.2 +2019-03-04 07:15:00,6400.0 +2019-03-04 07:30:00,6493.6 +2019-03-04 07:45:00,6600.4 +2019-03-04 08:00:00,6695.2 +2019-03-04 08:15:00,6780.4 +2019-03-04 08:30:00,6851.2 +2019-03-04 08:45:00,6870.4 +2019-03-04 09:00:00,6844.8 +2019-03-04 09:15:00,6900.4 +2019-03-04 09:30:00,6943.2 +2019-03-04 09:45:00,6965.2 +2019-03-04 10:00:00,6952.4 +2019-03-04 10:15:00,6978.0 +2019-03-04 10:30:00,7022.4 +2019-03-04 10:45:00,7034.8 +2019-03-04 11:00:00,7063.6 +2019-03-04 11:15:00,7114.8 +2019-03-04 11:30:00,7171.6 +2019-03-04 11:45:00,7166.8 +2019-03-04 12:00:00,7074.4 +2019-03-04 12:15:00,7016.8 +2019-03-04 12:30:00,6966.4 +2019-03-04 12:45:00,6952.4 +2019-03-04 13:00:00,6914.4 +2019-03-04 13:15:00,6886.0 +2019-03-04 13:30:00,6881.6 +2019-03-04 13:45:00,6801.2 +2019-03-04 14:00:00,6783.2 +2019-03-04 14:15:00,6774.0 +2019-03-04 14:30:00,6726.8 +2019-03-04 14:45:00,6726.4 +2019-03-04 15:00:00,6786.8 +2019-03-04 15:15:00,6751.2 +2019-03-04 15:30:00,6689.6 +2019-03-04 15:45:00,6653.2 +2019-03-04 16:00:00,6626.4 +2019-03-04 16:15:00,6622.8 +2019-03-04 16:30:00,6603.6 +2019-03-04 16:45:00,6600.0 +2019-03-04 17:00:00,6657.6 +2019-03-04 17:15:00,6687.6 +2019-03-04 17:30:00,6742.4 +2019-03-04 17:45:00,6816.8 +2019-03-04 18:00:00,6900.8 +2019-03-04 18:15:00,6985.2 +2019-03-04 18:30:00,7075.2 +2019-03-04 18:45:00,7106.4 +2019-03-04 19:00:00,7092.0 +2019-03-04 19:15:00,7035.2 +2019-03-04 19:30:00,6979.2 +2019-03-04 19:45:00,6877.2 +2019-03-04 20:00:00,6721.6 +2019-03-04 20:15:00,6616.4 +2019-03-04 20:30:00,6506.8 +2019-03-04 20:45:00,6404.4 +2019-03-04 21:00:00,6316.8 +2019-03-04 21:15:00,6241.6 +2019-03-04 21:30:00,6145.2 +2019-03-04 21:45:00,6063.2 +2019-03-04 22:00:00,6012.0 +2019-03-04 22:15:00,5972.0 +2019-03-04 22:30:00,5867.6 +2019-03-04 22:45:00,5781.2 +2019-03-04 23:00:00,5647.6 +2019-03-04 23:15:00,5542.0 +2019-03-04 23:30:00,5455.6 +2019-03-04 23:45:00,5376.4 +2019-03-05 00:00:00,5314.4 +2019-03-05 00:15:00,5204.0 +2019-03-05 00:30:00,5192.4 +2019-03-05 00:45:00,5161.2 +2019-03-05 01:00:00,5133.2 +2019-03-05 01:15:00,5104.8 +2019-03-05 01:30:00,5051.6 +2019-03-05 01:45:00,5037.6 +2019-03-05 02:00:00,5019.6 +2019-03-05 02:15:00,5001.2 +2019-03-05 02:30:00,5014.0 +2019-03-05 02:45:00,4986.0 +2019-03-05 03:00:00,5014.4 +2019-03-05 03:15:00,5038.8 +2019-03-05 03:30:00,5051.6 +2019-03-05 03:45:00,5080.0 +2019-03-05 04:00:00,5110.0 +2019-03-05 04:15:00,5152.8 +2019-03-05 04:30:00,5194.4 +2019-03-05 04:45:00,5219.6 +2019-03-05 05:00:00,5379.2 +2019-03-05 05:15:00,5455.2 +2019-03-05 05:30:00,5559.6 +2019-03-05 05:45:00,5670.0 +2019-03-05 06:00:00,5906.0 +2019-03-05 06:15:00,6121.6 +2019-03-05 06:30:00,6266.8 +2019-03-05 06:45:00,6376.0 +2019-03-05 07:00:00,6516.8 +2019-03-05 07:15:00,6630.8 +2019-03-05 07:30:00,6690.8 +2019-03-05 07:45:00,6794.0 +2019-03-05 08:00:00,6854.8 +2019-03-05 08:15:00,6932.4 +2019-03-05 08:30:00,6995.6 +2019-03-05 08:45:00,7012.0 +2019-03-05 09:00:00,6972.4 +2019-03-05 09:15:00,6983.6 +2019-03-05 09:30:00,7068.0 +2019-03-05 09:45:00,7114.4 +2019-03-05 10:00:00,7125.6 +2019-03-05 10:15:00,7116.8 +2019-03-05 10:30:00,7130.0 +2019-03-05 10:45:00,7156.8 +2019-03-05 11:00:00,7170.8 +2019-03-05 11:15:00,7197.2 +2019-03-05 11:30:00,7220.4 +2019-03-05 11:45:00,7198.0 +2019-03-05 12:00:00,7174.4 +2019-03-05 12:15:00,7139.2 +2019-03-05 12:30:00,7142.0 +2019-03-05 12:45:00,7134.8 +2019-03-05 13:00:00,7114.8 +2019-03-05 13:15:00,7052.0 +2019-03-05 13:30:00,7000.8 +2019-03-05 13:45:00,6911.6 +2019-03-05 14:00:00,6913.2 +2019-03-05 14:15:00,6910.4 +2019-03-05 14:30:00,6865.6 +2019-03-05 14:45:00,6827.2 +2019-03-05 15:00:00,6810.8 +2019-03-05 15:15:00,6787.2 +2019-03-05 15:30:00,6760.4 +2019-03-05 15:45:00,6722.8 +2019-03-05 16:00:00,6708.8 +2019-03-05 16:15:00,6675.2 +2019-03-05 16:30:00,6662.4 +2019-03-05 16:45:00,6651.6 +2019-03-05 17:00:00,6671.2 +2019-03-05 17:15:00,6733.2 +2019-03-05 17:30:00,6777.2 +2019-03-05 17:45:00,6829.6 +2019-03-05 18:00:00,6904.0 +2019-03-05 18:15:00,7010.0 +2019-03-05 18:30:00,7130.4 +2019-03-05 18:45:00,7148.4 +2019-03-05 19:00:00,7146.0 +2019-03-05 19:15:00,7066.8 +2019-03-05 19:30:00,6988.4 +2019-03-05 19:45:00,6923.2 +2019-03-05 20:00:00,6819.6 +2019-03-05 20:15:00,6710.4 +2019-03-05 20:30:00,6578.0 +2019-03-05 20:45:00,6471.6 +2019-03-05 21:00:00,6380.0 +2019-03-05 21:15:00,6311.2 +2019-03-05 21:30:00,6224.8 +2019-03-05 21:45:00,6142.8 +2019-03-05 22:00:00,6108.8 +2019-03-05 22:15:00,6008.4 +2019-03-05 22:30:00,5939.2 +2019-03-05 22:45:00,5834.4 +2019-03-05 23:00:00,5706.8 +2019-03-05 23:15:00,5563.2 +2019-03-05 23:30:00,5459.2 +2019-03-05 23:45:00,5384.8 +2019-03-06 00:00:00,5272.0 +2019-03-06 00:15:00,5190.0 +2019-03-06 00:30:00,5114.0 +2019-03-06 00:45:00,5074.4 +2019-03-06 01:00:00,4990.8 +2019-03-06 01:15:00,4951.6 +2019-03-06 01:30:00,4926.8 +2019-03-06 01:45:00,4919.2 +2019-03-06 02:00:00,4876.8 +2019-03-06 02:15:00,4861.6 +2019-03-06 02:30:00,4886.8 +2019-03-06 02:45:00,4906.0 +2019-03-06 03:00:00,4915.2 +2019-03-06 03:15:00,4928.8 +2019-03-06 03:30:00,4965.2 +2019-03-06 03:45:00,4994.0 +2019-03-06 04:00:00,5039.2 +2019-03-06 04:15:00,5092.4 +2019-03-06 04:30:00,5174.0 +2019-03-06 04:45:00,5228.4 +2019-03-06 05:00:00,5346.8 +2019-03-06 05:15:00,5416.4 +2019-03-06 05:30:00,5489.6 +2019-03-06 05:45:00,5648.4 +2019-03-06 06:00:00,5860.0 +2019-03-06 06:15:00,6082.4 +2019-03-06 06:30:00,6287.6 +2019-03-06 06:45:00,6411.2 +2019-03-06 07:00:00,6562.8 +2019-03-06 07:15:00,6642.8 +2019-03-06 07:30:00,6685.6 +2019-03-06 07:45:00,6750.0 +2019-03-06 08:00:00,6821.6 +2019-03-06 08:15:00,6887.6 +2019-03-06 08:30:00,6937.2 +2019-03-06 08:45:00,6962.4 +2019-03-06 09:00:00,6932.0 +2019-03-06 09:15:00,6958.4 +2019-03-06 09:30:00,6993.6 +2019-03-06 09:45:00,6975.6 +2019-03-06 10:00:00,6946.4 +2019-03-06 10:15:00,6927.6 +2019-03-06 10:30:00,6944.8 +2019-03-06 10:45:00,6982.8 +2019-03-06 11:00:00,7006.0 +2019-03-06 11:15:00,7057.2 +2019-03-06 11:30:00,7088.0 +2019-03-06 11:45:00,7100.8 +2019-03-06 12:00:00,7068.4 +2019-03-06 12:15:00,7012.8 +2019-03-06 12:30:00,7014.8 +2019-03-06 12:45:00,7008.8 +2019-03-06 13:00:00,7028.0 +2019-03-06 13:15:00,7005.6 +2019-03-06 13:30:00,6964.0 +2019-03-06 13:45:00,6930.8 +2019-03-06 14:00:00,6900.8 +2019-03-06 14:15:00,6894.0 +2019-03-06 14:30:00,6864.4 +2019-03-06 14:45:00,6874.0 +2019-03-06 15:00:00,6904.4 +2019-03-06 15:15:00,6897.2 +2019-03-06 15:30:00,6850.4 +2019-03-06 15:45:00,6804.4 +2019-03-06 16:00:00,6771.6 +2019-03-06 16:15:00,6724.8 +2019-03-06 16:30:00,6694.0 +2019-03-06 16:45:00,6684.4 +2019-03-06 17:00:00,6745.2 +2019-03-06 17:15:00,6770.0 +2019-03-06 17:30:00,6861.6 +2019-03-06 17:45:00,6920.0 +2019-03-06 18:00:00,7050.4 +2019-03-06 18:15:00,7158.4 +2019-03-06 18:30:00,7252.0 +2019-03-06 18:45:00,7259.6 +2019-03-06 19:00:00,7276.8 +2019-03-06 19:15:00,7200.8 +2019-03-06 19:30:00,7131.2 +2019-03-06 19:45:00,7049.6 +2019-03-06 20:00:00,6937.2 +2019-03-06 20:15:00,6806.4 +2019-03-06 20:30:00,6695.2 +2019-03-06 20:45:00,6580.8 +2019-03-06 21:00:00,6436.8 +2019-03-06 21:15:00,6349.2 +2019-03-06 21:30:00,6240.0 +2019-03-06 21:45:00,6162.4 +2019-03-06 22:00:00,6085.6 +2019-03-06 22:15:00,6024.4 +2019-03-06 22:30:00,5908.4 +2019-03-06 22:45:00,5803.6 +2019-03-06 23:00:00,5680.0 +2019-03-06 23:15:00,5564.8 +2019-03-06 23:30:00,5505.6 +2019-03-06 23:45:00,5378.8 +2019-03-07 00:00:00,5342.8 +2019-03-07 00:15:00,5241.2 +2019-03-07 00:30:00,5214.0 +2019-03-07 00:45:00,5179.2 +2019-03-07 01:00:00,5080.8 +2019-03-07 01:15:00,5033.6 +2019-03-07 01:30:00,5004.4 +2019-03-07 01:45:00,4948.4 +2019-03-07 02:00:00,4884.4 +2019-03-07 02:15:00,4863.2 +2019-03-07 02:30:00,4866.8 +2019-03-07 02:45:00,4876.8 +2019-03-07 03:00:00,4866.8 +2019-03-07 03:15:00,4880.4 +2019-03-07 03:30:00,4880.8 +2019-03-07 03:45:00,4903.6 +2019-03-07 04:00:00,4926.8 +2019-03-07 04:15:00,4958.8 +2019-03-07 04:30:00,5042.4 +2019-03-07 04:45:00,5108.4 +2019-03-07 05:00:00,5234.4 +2019-03-07 05:15:00,5314.4 +2019-03-07 05:30:00,5422.4 +2019-03-07 05:45:00,5551.6 +2019-03-07 06:00:00,5834.4 +2019-03-07 06:15:00,6085.6 +2019-03-07 06:30:00,6266.8 +2019-03-07 06:45:00,6392.0 +2019-03-07 07:00:00,6552.4 +2019-03-07 07:15:00,6646.4 +2019-03-07 07:30:00,6702.4 +2019-03-07 07:45:00,6788.0 +2019-03-07 08:00:00,6902.4 +2019-03-07 08:15:00,6956.4 +2019-03-07 08:30:00,6969.6 +2019-03-07 08:45:00,7001.6 +2019-03-07 09:00:00,6960.4 +2019-03-07 09:15:00,7011.6 +2019-03-07 09:30:00,7065.2 +2019-03-07 09:45:00,7086.4 +2019-03-07 10:00:00,7126.4 +2019-03-07 10:15:00,7137.2 +2019-03-07 10:30:00,7168.0 +2019-03-07 10:45:00,7176.4 +2019-03-07 11:00:00,7170.8 +2019-03-07 11:15:00,7150.0 +2019-03-07 11:30:00,7170.0 +2019-03-07 11:45:00,7161.6 +2019-03-07 12:00:00,7145.2 +2019-03-07 12:15:00,7136.8 +2019-03-07 12:30:00,7130.8 +2019-03-07 12:45:00,7100.4 +2019-03-07 13:00:00,7118.4 +2019-03-07 13:15:00,7061.6 +2019-03-07 13:30:00,7014.0 +2019-03-07 13:45:00,6995.2 +2019-03-07 14:00:00,6970.4 +2019-03-07 14:15:00,6981.2 +2019-03-07 14:30:00,6949.6 +2019-03-07 14:45:00,6904.4 +2019-03-07 15:00:00,6928.8 +2019-03-07 15:15:00,6936.8 +2019-03-07 15:30:00,6868.4 +2019-03-07 15:45:00,6811.2 +2019-03-07 16:00:00,6791.6 +2019-03-07 16:15:00,6784.0 +2019-03-07 16:30:00,6752.4 +2019-03-07 16:45:00,6732.4 +2019-03-07 17:00:00,6783.2 +2019-03-07 17:15:00,6756.4 +2019-03-07 17:30:00,6776.0 +2019-03-07 17:45:00,6868.4 +2019-03-07 18:00:00,6936.4 +2019-03-07 18:15:00,7044.8 +2019-03-07 18:30:00,7186.4 +2019-03-07 18:45:00,7236.8 +2019-03-07 19:00:00,7226.0 +2019-03-07 19:15:00,7181.2 +2019-03-07 19:30:00,7142.0 +2019-03-07 19:45:00,7084.0 +2019-03-07 20:00:00,6919.6 +2019-03-07 20:15:00,6803.6 +2019-03-07 20:30:00,6692.8 +2019-03-07 20:45:00,6592.0 +2019-03-07 21:00:00,6482.8 +2019-03-07 21:15:00,6396.0 +2019-03-07 21:30:00,6295.6 +2019-03-07 21:45:00,6211.6 +2019-03-07 22:00:00,6156.4 +2019-03-07 22:15:00,6080.0 +2019-03-07 22:30:00,5968.4 +2019-03-07 22:45:00,5835.6 +2019-03-07 23:00:00,5738.4 +2019-03-07 23:15:00,5664.0 +2019-03-07 23:30:00,5599.6 +2019-03-07 23:45:00,5503.6 +2019-03-08 00:00:00,5415.2 +2019-03-08 00:15:00,5323.2 +2019-03-08 00:30:00,5271.6 +2019-03-08 00:45:00,5216.0 +2019-03-08 01:00:00,5124.0 +2019-03-08 01:15:00,5081.6 +2019-03-08 01:30:00,5048.0 +2019-03-08 01:45:00,5036.0 +2019-03-08 02:00:00,4988.4 +2019-03-08 02:15:00,4968.4 +2019-03-08 02:30:00,4973.6 +2019-03-08 02:45:00,4999.6 +2019-03-08 03:00:00,5046.0 +2019-03-08 03:15:00,5050.4 +2019-03-08 03:30:00,5104.4 +2019-03-08 03:45:00,5130.4 +2019-03-08 04:00:00,5175.6 +2019-03-08 04:15:00,5196.0 +2019-03-08 04:30:00,5245.6 +2019-03-08 04:45:00,5305.2 +2019-03-08 05:00:00,5425.2 +2019-03-08 05:15:00,5498.0 +2019-03-08 05:30:00,5583.2 +2019-03-08 05:45:00,5705.6 +2019-03-08 06:00:00,5982.4 +2019-03-08 06:15:00,6170.0 +2019-03-08 06:30:00,6304.4 +2019-03-08 06:45:00,6404.8 +2019-03-08 07:00:00,6514.4 +2019-03-08 07:15:00,6612.0 +2019-03-08 07:30:00,6705.6 +2019-03-08 07:45:00,6789.2 +2019-03-08 08:00:00,6872.8 +2019-03-08 08:15:00,6916.4 +2019-03-08 08:30:00,6946.0 +2019-03-08 08:45:00,6939.2 +2019-03-08 09:00:00,6924.4 +2019-03-08 09:15:00,7008.0 +2019-03-08 09:30:00,7029.6 +2019-03-08 09:45:00,7072.4 +2019-03-08 10:00:00,7041.2 +2019-03-08 10:15:00,7091.2 +2019-03-08 10:30:00,7126.0 +2019-03-08 10:45:00,7148.0 +2019-03-08 11:00:00,7145.2 +2019-03-08 11:15:00,7182.0 +2019-03-08 11:30:00,7172.8 +2019-03-08 11:45:00,7159.2 +2019-03-08 12:00:00,7100.4 +2019-03-08 12:15:00,7093.6 +2019-03-08 12:30:00,7039.2 +2019-03-08 12:45:00,6988.8 +2019-03-08 13:00:00,6980.8 +2019-03-08 13:15:00,6922.4 +2019-03-08 13:30:00,6869.6 +2019-03-08 13:45:00,6760.8 +2019-03-08 14:00:00,6726.8 +2019-03-08 14:15:00,6674.8 +2019-03-08 14:30:00,6631.2 +2019-03-08 14:45:00,6602.8 +2019-03-08 15:00:00,6611.6 +2019-03-08 15:15:00,6588.4 +2019-03-08 15:30:00,6532.0 +2019-03-08 15:45:00,6445.6 +2019-03-08 16:00:00,6460.8 +2019-03-08 16:15:00,6441.2 +2019-03-08 16:30:00,6417.6 +2019-03-08 16:45:00,6442.0 +2019-03-08 17:00:00,6482.4 +2019-03-08 17:15:00,6470.8 +2019-03-08 17:30:00,6514.0 +2019-03-08 17:45:00,6562.8 +2019-03-08 18:00:00,6629.6 +2019-03-08 18:15:00,6729.2 +2019-03-08 18:30:00,6812.0 +2019-03-08 18:45:00,6845.2 +2019-03-08 19:00:00,6849.6 +2019-03-08 19:15:00,6788.8 +2019-03-08 19:30:00,6733.2 +2019-03-08 19:45:00,6613.6 +2019-03-08 20:00:00,6516.0 +2019-03-08 20:15:00,6419.2 +2019-03-08 20:30:00,6286.8 +2019-03-08 20:45:00,6174.4 +2019-03-08 21:00:00,6110.8 +2019-03-08 21:15:00,6015.6 +2019-03-08 21:30:00,5939.6 +2019-03-08 21:45:00,5841.2 +2019-03-08 22:00:00,5812.0 +2019-03-08 22:15:00,5718.4 +2019-03-08 22:30:00,5642.4 +2019-03-08 22:45:00,5551.2 +2019-03-08 23:00:00,5445.6 +2019-03-08 23:15:00,5340.8 +2019-03-08 23:30:00,5283.6 +2019-03-08 23:45:00,5181.2 +2019-03-09 00:00:00,5168.8 +2019-03-09 00:15:00,5084.4 +2019-03-09 00:30:00,5026.8 +2019-03-09 00:45:00,4952.0 +2019-03-09 01:00:00,4887.2 +2019-03-09 01:15:00,4884.0 +2019-03-09 01:30:00,4841.2 +2019-03-09 01:45:00,4789.6 +2019-03-09 02:00:00,4736.8 +2019-03-09 02:15:00,4721.2 +2019-03-09 02:30:00,4728.4 +2019-03-09 02:45:00,4724.8 +2019-03-09 03:00:00,4742.0 +2019-03-09 03:15:00,4746.8 +2019-03-09 03:30:00,4758.0 +2019-03-09 03:45:00,4782.4 +2019-03-09 04:00:00,4790.4 +2019-03-09 04:15:00,4796.4 +2019-03-09 04:30:00,4838.8 +2019-03-09 04:45:00,4833.6 +2019-03-09 05:00:00,4857.6 +2019-03-09 05:15:00,4886.0 +2019-03-09 05:30:00,4876.8 +2019-03-09 05:45:00,4905.6 +2019-03-09 06:00:00,4945.2 +2019-03-09 06:15:00,4974.8 +2019-03-09 06:30:00,5039.6 +2019-03-09 06:45:00,5068.0 +2019-03-09 07:00:00,5138.8 +2019-03-09 07:15:00,5227.2 +2019-03-09 07:30:00,5323.6 +2019-03-09 07:45:00,5422.4 +2019-03-09 08:00:00,5501.2 +2019-03-09 08:15:00,5558.8 +2019-03-09 08:30:00,5664.0 +2019-03-09 08:45:00,5731.2 +2019-03-09 09:00:00,5804.0 +2019-03-09 09:15:00,5848.4 +2019-03-09 09:30:00,5916.8 +2019-03-09 09:45:00,5977.6 +2019-03-09 10:00:00,6002.4 +2019-03-09 10:15:00,6022.4 +2019-03-09 10:30:00,6057.6 +2019-03-09 10:45:00,6107.6 +2019-03-09 11:00:00,6123.2 +2019-03-09 11:15:00,6136.8 +2019-03-09 11:30:00,6168.4 +2019-03-09 11:45:00,6124.8 +2019-03-09 12:00:00,6073.2 +2019-03-09 12:15:00,6036.0 +2019-03-09 12:30:00,5944.0 +2019-03-09 12:45:00,5901.2 +2019-03-09 13:00:00,5882.8 +2019-03-09 13:15:00,5848.0 +2019-03-09 13:30:00,5819.2 +2019-03-09 13:45:00,5770.0 +2019-03-09 14:00:00,5706.0 +2019-03-09 14:15:00,5693.6 +2019-03-09 14:30:00,5691.6 +2019-03-09 14:45:00,5653.6 +2019-03-09 15:00:00,5613.2 +2019-03-09 15:15:00,5614.0 +2019-03-09 15:30:00,5588.8 +2019-03-09 15:45:00,5606.0 +2019-03-09 16:00:00,5624.4 +2019-03-09 16:15:00,5612.8 +2019-03-09 16:30:00,5606.8 +2019-03-09 16:45:00,5584.8 +2019-03-09 17:00:00,5633.2 +2019-03-09 17:15:00,5650.4 +2019-03-09 17:30:00,5734.4 +2019-03-09 17:45:00,5788.0 +2019-03-09 18:00:00,5872.0 +2019-03-09 18:15:00,5940.0 +2019-03-09 18:30:00,6046.4 +2019-03-09 18:45:00,6082.4 +2019-03-09 19:00:00,6054.0 +2019-03-09 19:15:00,6000.4 +2019-03-09 19:30:00,5964.8 +2019-03-09 19:45:00,5854.0 +2019-03-09 20:00:00,5781.6 +2019-03-09 20:15:00,5635.2 +2019-03-09 20:30:00,5542.0 +2019-03-09 20:45:00,5460.4 +2019-03-09 21:00:00,5418.4 +2019-03-09 21:15:00,5349.2 +2019-03-09 21:30:00,5276.0 +2019-03-09 21:45:00,5212.4 +2019-03-09 22:00:00,5209.6 +2019-03-09 22:15:00,5149.2 +2019-03-09 22:30:00,5066.4 +2019-03-09 22:45:00,5001.6 +2019-03-09 23:00:00,4922.0 +2019-03-09 23:15:00,4846.8 +2019-03-09 23:30:00,4792.4 +2019-03-09 23:45:00,4744.0 +2019-03-10 00:00:00,4656.0 +2019-03-10 00:15:00,4589.6 +2019-03-10 00:30:00,4532.8 +2019-03-10 00:45:00,4478.4 +2019-03-10 01:00:00,4375.2 +2019-03-10 01:15:00,4334.8 +2019-03-10 01:30:00,4286.8 +2019-03-10 01:45:00,4294.4 +2019-03-10 02:00:00,4260.0 +2019-03-10 02:15:00,4261.2 +2019-03-10 02:30:00,4272.8 +2019-03-10 02:45:00,4226.4 +2019-03-10 03:00:00,4209.2 +2019-03-10 03:15:00,4196.4 +2019-03-10 03:30:00,4206.8 +2019-03-10 03:45:00,4185.6 +2019-03-10 04:00:00,4168.0 +2019-03-10 04:15:00,4182.0 +2019-03-10 04:30:00,4177.6 +2019-03-10 04:45:00,4197.6 +2019-03-10 05:00:00,4176.0 +2019-03-10 05:15:00,4175.6 +2019-03-10 05:30:00,4162.0 +2019-03-10 05:45:00,4134.8 +2019-03-10 06:00:00,4113.6 +2019-03-10 06:15:00,4124.0 +2019-03-10 06:30:00,4151.2 +2019-03-10 06:45:00,4144.8 +2019-03-10 07:00:00,4164.8 +2019-03-10 07:15:00,4231.6 +2019-03-10 07:30:00,4314.4 +2019-03-10 07:45:00,4384.4 +2019-03-10 08:00:00,4495.6 +2019-03-10 08:15:00,4601.6 +2019-03-10 08:30:00,4683.2 +2019-03-10 08:45:00,4782.8 +2019-03-10 09:00:00,4896.4 +2019-03-10 09:15:00,4999.2 +2019-03-10 09:30:00,5099.6 +2019-03-10 09:45:00,5166.4 +2019-03-10 10:00:00,5241.6 +2019-03-10 10:15:00,5296.8 +2019-03-10 10:30:00,5364.8 +2019-03-10 10:45:00,5406.0 +2019-03-10 11:00:00,5476.0 +2019-03-10 11:15:00,5508.8 +2019-03-10 11:30:00,5553.2 +2019-03-10 11:45:00,5549.2 +2019-03-10 12:00:00,5530.4 +2019-03-10 12:15:00,5473.6 +2019-03-10 12:30:00,5427.6 +2019-03-10 12:45:00,5417.6 +2019-03-10 13:00:00,5386.4 +2019-03-10 13:15:00,5322.8 +2019-03-10 13:30:00,5301.2 +2019-03-10 13:45:00,5270.4 +2019-03-10 14:00:00,5280.4 +2019-03-10 14:15:00,5271.6 +2019-03-10 14:30:00,5268.8 +2019-03-10 14:45:00,5277.2 +2019-03-10 15:00:00,5294.8 +2019-03-10 15:15:00,5264.0 +2019-03-10 15:30:00,5210.8 +2019-03-10 15:45:00,5197.6 +2019-03-10 16:00:00,5159.6 +2019-03-10 16:15:00,5143.2 +2019-03-10 16:30:00,5194.4 +2019-03-10 16:45:00,5216.4 +2019-03-10 17:00:00,5244.0 +2019-03-10 17:15:00,5254.0 +2019-03-10 17:30:00,5310.8 +2019-03-10 17:45:00,5394.4 +2019-03-10 18:00:00,5551.2 +2019-03-10 18:15:00,5624.4 +2019-03-10 18:30:00,5729.6 +2019-03-10 18:45:00,5771.6 +2019-03-10 19:00:00,5782.4 +2019-03-10 19:15:00,5741.6 +2019-03-10 19:30:00,5689.6 +2019-03-10 19:45:00,5651.2 +2019-03-10 20:00:00,5606.8 +2019-03-10 20:15:00,5544.8 +2019-03-10 20:30:00,5443.6 +2019-03-10 20:45:00,5366.4 +2019-03-10 21:00:00,5362.4 +2019-03-10 21:15:00,5344.0 +2019-03-10 21:30:00,5342.8 +2019-03-10 21:45:00,5324.4 +2019-03-10 22:00:00,5408.0 +2019-03-10 22:15:00,5380.8 +2019-03-10 22:30:00,5311.6 +2019-03-10 22:45:00,5246.4 +2019-03-10 23:00:00,5173.6 +2019-03-10 23:15:00,5064.0 +2019-03-10 23:30:00,4978.0 +2019-03-10 23:45:00,4902.0 +2019-03-11 00:00:00,4926.8 +2019-03-11 00:15:00,4868.4 +2019-03-11 00:30:00,4804.8 +2019-03-11 00:45:00,4780.4 +2019-03-11 01:00:00,4712.4 +2019-03-11 01:15:00,4675.2 +2019-03-11 01:30:00,4666.4 +2019-03-11 01:45:00,4668.8 +2019-03-11 02:00:00,4628.0 +2019-03-11 02:15:00,4620.8 +2019-03-11 02:30:00,4649.6 +2019-03-11 02:45:00,4676.8 +2019-03-11 03:00:00,4663.6 +2019-03-11 03:15:00,4676.0 +2019-03-11 03:30:00,4704.4 +2019-03-11 03:45:00,4724.8 +2019-03-11 04:00:00,4803.2 +2019-03-11 04:15:00,4841.2 +2019-03-11 04:30:00,4898.4 +2019-03-11 04:45:00,4954.0 +2019-03-11 05:00:00,5064.0 +2019-03-11 05:15:00,5162.0 +2019-03-11 05:30:00,5314.8 +2019-03-11 05:45:00,5478.4 +2019-03-11 06:00:00,5797.6 +2019-03-11 06:15:00,6028.8 +2019-03-11 06:30:00,6197.6 +2019-03-11 06:45:00,6316.0 +2019-03-11 07:00:00,6475.6 +2019-03-11 07:15:00,6591.2 +2019-03-11 07:30:00,6691.6 +2019-03-11 07:45:00,6777.2 +2019-03-11 08:00:00,6885.6 +2019-03-11 08:15:00,6920.8 +2019-03-11 08:30:00,6956.4 +2019-03-11 08:45:00,6971.2 +2019-03-11 09:00:00,6962.0 +2019-03-11 09:15:00,6980.0 +2019-03-11 09:30:00,7029.6 +2019-03-11 09:45:00,7060.4 +2019-03-11 10:00:00,7122.0 +2019-03-11 10:15:00,7123.6 +2019-03-11 10:30:00,7098.8 +2019-03-11 10:45:00,7136.8 +2019-03-11 11:00:00,7156.4 +2019-03-11 11:15:00,7190.8 +2019-03-11 11:30:00,7197.6 +2019-03-11 11:45:00,7222.0 +2019-03-11 12:00:00,7270.4 +2019-03-11 12:15:00,7226.8 +2019-03-11 12:30:00,7190.4 +2019-03-11 12:45:00,7203.6 +2019-03-11 13:00:00,7224.4 +2019-03-11 13:15:00,7187.2 +2019-03-11 13:30:00,7112.8 +2019-03-11 13:45:00,7037.6 +2019-03-11 14:00:00,6997.2 +2019-03-11 14:15:00,6982.4 +2019-03-11 14:30:00,6983.6 +2019-03-11 14:45:00,6931.2 +2019-03-11 15:00:00,6919.2 +2019-03-11 15:15:00,6876.0 +2019-03-11 15:30:00,6863.6 +2019-03-11 15:45:00,6800.8 +2019-03-11 16:00:00,6779.6 +2019-03-11 16:15:00,6738.4 +2019-03-11 16:30:00,6704.0 +2019-03-11 16:45:00,6734.8 +2019-03-11 17:00:00,6780.4 +2019-03-11 17:15:00,6778.0 +2019-03-11 17:30:00,6822.8 +2019-03-11 17:45:00,6872.4 +2019-03-11 18:00:00,6889.2 +2019-03-11 18:15:00,6932.0 +2019-03-11 18:30:00,7070.8 +2019-03-11 18:45:00,7138.4 +2019-03-11 19:00:00,7175.2 +2019-03-11 19:15:00,7109.2 +2019-03-11 19:30:00,7018.0 +2019-03-11 19:45:00,6941.2 +2019-03-11 20:00:00,6862.8 +2019-03-11 20:15:00,6728.4 +2019-03-11 20:30:00,6622.8 +2019-03-11 20:45:00,6476.4 +2019-03-11 21:00:00,6388.4 +2019-03-11 21:15:00,6320.4 +2019-03-11 21:30:00,6229.2 +2019-03-11 21:45:00,6146.4 +2019-03-11 22:00:00,6128.0 +2019-03-11 22:15:00,6035.2 +2019-03-11 22:30:00,5956.0 +2019-03-11 22:45:00,5825.6 +2019-03-11 23:00:00,5696.4 +2019-03-11 23:15:00,5601.6 +2019-03-11 23:30:00,5521.2 +2019-03-11 23:45:00,5430.0 +2019-03-12 00:00:00,5370.8 +2019-03-12 00:15:00,5286.0 +2019-03-12 00:30:00,5174.4 +2019-03-12 00:45:00,5118.4 +2019-03-12 01:00:00,5109.6 +2019-03-12 01:15:00,5071.6 +2019-03-12 01:30:00,5022.0 +2019-03-12 01:45:00,4979.2 +2019-03-12 02:00:00,4948.4 +2019-03-12 02:15:00,4923.2 +2019-03-12 02:30:00,4959.2 +2019-03-12 02:45:00,4974.4 +2019-03-12 03:00:00,5028.0 +2019-03-12 03:15:00,5030.0 +2019-03-12 03:30:00,5057.6 +2019-03-12 03:45:00,5086.8 +2019-03-12 04:00:00,5130.4 +2019-03-12 04:15:00,5148.8 +2019-03-12 04:30:00,5209.6 +2019-03-12 04:45:00,5259.6 +2019-03-12 05:00:00,5396.4 +2019-03-12 05:15:00,5462.8 +2019-03-12 05:30:00,5527.2 +2019-03-12 05:45:00,5694.8 +2019-03-12 06:00:00,6006.8 +2019-03-12 06:15:00,6252.0 +2019-03-12 06:30:00,6374.4 +2019-03-12 06:45:00,6473.2 +2019-03-12 07:00:00,6649.6 +2019-03-12 07:15:00,6727.2 +2019-03-12 07:30:00,6799.2 +2019-03-12 07:45:00,6865.2 +2019-03-12 08:00:00,6915.2 +2019-03-12 08:15:00,6976.8 +2019-03-12 08:30:00,7021.6 +2019-03-12 08:45:00,7043.2 +2019-03-12 09:00:00,7007.6 +2019-03-12 09:15:00,6956.8 +2019-03-12 09:30:00,6986.4 +2019-03-12 09:45:00,7011.6 +2019-03-12 10:00:00,7062.0 +2019-03-12 10:15:00,7039.6 +2019-03-12 10:30:00,7091.6 +2019-03-12 10:45:00,7124.4 +2019-03-12 11:00:00,7100.8 +2019-03-12 11:15:00,7114.4 +2019-03-12 11:30:00,7138.0 +2019-03-12 11:45:00,7148.4 +2019-03-12 12:00:00,7022.8 +2019-03-12 12:15:00,6995.6 +2019-03-12 12:30:00,7005.2 +2019-03-12 12:45:00,7022.0 +2019-03-12 13:00:00,7086.0 +2019-03-12 13:15:00,7088.0 +2019-03-12 13:30:00,7071.6 +2019-03-12 13:45:00,7028.8 +2019-03-12 14:00:00,7008.4 +2019-03-12 14:15:00,6977.2 +2019-03-12 14:30:00,6973.2 +2019-03-12 14:45:00,6979.2 +2019-03-12 15:00:00,6987.6 +2019-03-12 15:15:00,6976.8 +2019-03-12 15:30:00,6927.6 +2019-03-12 15:45:00,6884.4 +2019-03-12 16:00:00,6841.2 +2019-03-12 16:15:00,6753.6 +2019-03-12 16:30:00,6736.0 +2019-03-12 16:45:00,6740.4 +2019-03-12 17:00:00,6799.2 +2019-03-12 17:15:00,6838.0 +2019-03-12 17:30:00,6890.4 +2019-03-12 17:45:00,6948.4 +2019-03-12 18:00:00,7038.4 +2019-03-12 18:15:00,7096.4 +2019-03-12 18:30:00,7224.4 +2019-03-12 18:45:00,7281.6 +2019-03-12 19:00:00,7323.2 +2019-03-12 19:15:00,7288.0 +2019-03-12 19:30:00,7245.2 +2019-03-12 19:45:00,7168.0 +2019-03-12 20:00:00,6995.6 +2019-03-12 20:15:00,6900.8 +2019-03-12 20:30:00,6801.2 +2019-03-12 20:45:00,6685.2 +2019-03-12 21:00:00,6527.6 +2019-03-12 21:15:00,6405.2 +2019-03-12 21:30:00,6330.0 +2019-03-12 21:45:00,6214.0 +2019-03-12 22:00:00,6185.2 +2019-03-12 22:15:00,6100.4 +2019-03-12 22:30:00,6016.0 +2019-03-12 22:45:00,5890.8 +2019-03-12 23:00:00,5765.2 +2019-03-12 23:15:00,5667.2 +2019-03-12 23:30:00,5616.0 +2019-03-12 23:45:00,5553.6 +2019-03-13 00:00:00,5383.6 +2019-03-13 00:15:00,5316.4 +2019-03-13 00:30:00,5258.8 +2019-03-13 00:45:00,5199.6 +2019-03-13 01:00:00,5193.6 +2019-03-13 01:15:00,5148.8 +2019-03-13 01:30:00,5146.8 +2019-03-13 01:45:00,5117.2 +2019-03-13 02:00:00,5103.6 +2019-03-13 02:15:00,5102.0 +2019-03-13 02:30:00,5109.2 +2019-03-13 02:45:00,5126.8 +2019-03-13 03:00:00,5155.2 +2019-03-13 03:15:00,5166.8 +2019-03-13 03:30:00,5199.6 +2019-03-13 03:45:00,5204.8 +2019-03-13 04:00:00,5276.4 +2019-03-13 04:15:00,5312.8 +2019-03-13 04:30:00,5390.0 +2019-03-13 04:45:00,5446.4 +2019-03-13 05:00:00,5548.0 +2019-03-13 05:15:00,5596.0 +2019-03-13 05:30:00,5724.0 +2019-03-13 05:45:00,5875.2 +2019-03-13 06:00:00,6141.2 +2019-03-13 06:15:00,6332.4 +2019-03-13 06:30:00,6485.2 +2019-03-13 06:45:00,6611.2 +2019-03-13 07:00:00,6754.0 +2019-03-13 07:15:00,6873.2 +2019-03-13 07:30:00,6892.0 +2019-03-13 07:45:00,6966.0 +2019-03-13 08:00:00,7000.4 +2019-03-13 08:15:00,7065.6 +2019-03-13 08:30:00,7093.6 +2019-03-13 08:45:00,7073.2 +2019-03-13 09:00:00,7112.8 +2019-03-13 09:15:00,7188.4 +2019-03-13 09:30:00,7219.6 +2019-03-13 09:45:00,7277.6 +2019-03-13 10:00:00,7282.4 +2019-03-13 10:15:00,7291.6 +2019-03-13 10:30:00,7314.8 +2019-03-13 10:45:00,7334.0 +2019-03-13 11:00:00,7245.2 +2019-03-13 11:15:00,7260.0 +2019-03-13 11:30:00,7280.4 +2019-03-13 11:45:00,7290.0 +2019-03-13 12:00:00,7262.0 +2019-03-13 12:15:00,7257.6 +2019-03-13 12:30:00,7260.0 +2019-03-13 12:45:00,7296.0 +2019-03-13 13:00:00,7282.4 +2019-03-13 13:15:00,7256.4 +2019-03-13 13:30:00,7227.6 +2019-03-13 13:45:00,7173.6 +2019-03-13 14:00:00,7136.4 +2019-03-13 14:15:00,7088.0 +2019-03-13 14:30:00,7076.0 +2019-03-13 14:45:00,7056.4 +2019-03-13 15:00:00,7074.8 +2019-03-13 15:15:00,7035.2 +2019-03-13 15:30:00,7007.2 +2019-03-13 15:45:00,6974.8 +2019-03-13 16:00:00,6962.8 +2019-03-13 16:15:00,6931.2 +2019-03-13 16:30:00,6929.2 +2019-03-13 16:45:00,6901.2 +2019-03-13 17:00:00,6944.4 +2019-03-13 17:15:00,6997.2 +2019-03-13 17:30:00,7034.8 +2019-03-13 17:45:00,7079.2 +2019-03-13 18:00:00,7106.4 +2019-03-13 18:15:00,7156.8 +2019-03-13 18:30:00,7268.0 +2019-03-13 18:45:00,7320.4 +2019-03-13 19:00:00,7344.8 +2019-03-13 19:15:00,7297.2 +2019-03-13 19:30:00,7249.6 +2019-03-13 19:45:00,7107.6 +2019-03-13 20:00:00,7024.4 +2019-03-13 20:15:00,6890.0 +2019-03-13 20:30:00,6783.6 +2019-03-13 20:45:00,6685.2 +2019-03-13 21:00:00,6598.4 +2019-03-13 21:15:00,6525.2 +2019-03-13 21:30:00,6416.0 +2019-03-13 21:45:00,6322.8 +2019-03-13 22:00:00,6268.8 +2019-03-13 22:15:00,6200.0 +2019-03-13 22:30:00,6069.6 +2019-03-13 22:45:00,5955.6 +2019-03-13 23:00:00,5864.4 +2019-03-13 23:15:00,5763.2 +2019-03-13 23:30:00,5646.4 +2019-03-13 23:45:00,5588.8 +2019-03-14 00:00:00,5489.2 +2019-03-14 00:15:00,5397.6 +2019-03-14 00:30:00,5309.2 +2019-03-14 00:45:00,5265.2 +2019-03-14 01:00:00,5210.4 +2019-03-14 01:15:00,5160.0 +2019-03-14 01:30:00,5122.4 +2019-03-14 01:45:00,5112.8 +2019-03-14 02:00:00,5121.2 +2019-03-14 02:15:00,5096.4 +2019-03-14 02:30:00,5086.4 +2019-03-14 02:45:00,5092.4 +2019-03-14 03:00:00,5132.8 +2019-03-14 03:15:00,5118.8 +2019-03-14 03:30:00,5142.0 +2019-03-14 03:45:00,5165.2 +2019-03-14 04:00:00,5170.4 +2019-03-14 04:15:00,5210.8 +2019-03-14 04:30:00,5255.6 +2019-03-14 04:45:00,5318.4 +2019-03-14 05:00:00,5459.2 +2019-03-14 05:15:00,5540.8 +2019-03-14 05:30:00,5624.8 +2019-03-14 05:45:00,5756.8 +2019-03-14 06:00:00,6040.4 +2019-03-14 06:15:00,6253.2 +2019-03-14 06:30:00,6390.0 +2019-03-14 06:45:00,6528.8 +2019-03-14 07:00:00,6675.6 +2019-03-14 07:15:00,6786.0 +2019-03-14 07:30:00,6846.0 +2019-03-14 07:45:00,6934.4 +2019-03-14 08:00:00,7012.4 +2019-03-14 08:15:00,7060.0 +2019-03-14 08:30:00,7105.6 +2019-03-14 08:45:00,7140.4 +2019-03-14 09:00:00,7166.8 +2019-03-14 09:15:00,7213.6 +2019-03-14 09:30:00,7288.8 +2019-03-14 09:45:00,7344.8 +2019-03-14 10:00:00,7344.4 +2019-03-14 10:15:00,7347.2 +2019-03-14 10:30:00,7359.2 +2019-03-14 10:45:00,7399.6 +2019-03-14 11:00:00,7418.8 +2019-03-14 11:15:00,7446.8 +2019-03-14 11:30:00,7479.6 +2019-03-14 11:45:00,7469.2 +2019-03-14 12:00:00,7431.6 +2019-03-14 12:15:00,7432.4 +2019-03-14 12:30:00,7438.8 +2019-03-14 12:45:00,7454.0 +2019-03-14 13:00:00,7438.8 +2019-03-14 13:15:00,7410.8 +2019-03-14 13:30:00,7361.6 +2019-03-14 13:45:00,7292.0 +2019-03-14 14:00:00,7254.4 +2019-03-14 14:15:00,7239.2 +2019-03-14 14:30:00,7240.0 +2019-03-14 14:45:00,7186.8 +2019-03-14 15:00:00,7166.0 +2019-03-14 15:15:00,7150.8 +2019-03-14 15:30:00,7128.4 +2019-03-14 15:45:00,7094.0 +2019-03-14 16:00:00,7043.2 +2019-03-14 16:15:00,7035.2 +2019-03-14 16:30:00,7018.8 +2019-03-14 16:45:00,7008.4 +2019-03-14 17:00:00,7035.2 +2019-03-14 17:15:00,7034.4 +2019-03-14 17:30:00,7052.8 +2019-03-14 17:45:00,7091.2 +2019-03-14 18:00:00,7109.2 +2019-03-14 18:15:00,7132.8 +2019-03-14 18:30:00,7220.8 +2019-03-14 18:45:00,7281.6 +2019-03-14 19:00:00,7285.2 +2019-03-14 19:15:00,7218.4 +2019-03-14 19:30:00,7166.4 +2019-03-14 19:45:00,7058.0 +2019-03-14 20:00:00,6921.6 +2019-03-14 20:15:00,6804.4 +2019-03-14 20:30:00,6706.8 +2019-03-14 20:45:00,6603.6 +2019-03-14 21:00:00,6524.4 +2019-03-14 21:15:00,6390.0 +2019-03-14 21:30:00,6308.4 +2019-03-14 21:45:00,6239.6 +2019-03-14 22:00:00,6212.4 +2019-03-14 22:15:00,6114.8 +2019-03-14 22:30:00,6025.2 +2019-03-14 22:45:00,5922.0 +2019-03-14 23:00:00,5795.6 +2019-03-14 23:15:00,5712.4 +2019-03-14 23:30:00,5621.6 +2019-03-14 23:45:00,5554.8 +2019-03-15 00:00:00,5435.6 +2019-03-15 00:15:00,5360.4 +2019-03-15 00:30:00,5304.4 +2019-03-15 00:45:00,5232.8 +2019-03-15 01:00:00,5180.8 +2019-03-15 01:15:00,5130.4 +2019-03-15 01:30:00,5101.2 +2019-03-15 01:45:00,5084.8 +2019-03-15 02:00:00,5036.0 +2019-03-15 02:15:00,5040.0 +2019-03-15 02:30:00,5036.4 +2019-03-15 02:45:00,5057.2 +2019-03-15 03:00:00,5063.6 +2019-03-15 03:15:00,5077.2 +2019-03-15 03:30:00,5106.4 +2019-03-15 03:45:00,5145.6 +2019-03-15 04:00:00,5169.2 +2019-03-15 04:15:00,5204.4 +2019-03-15 04:30:00,5272.0 +2019-03-15 04:45:00,5311.2 +2019-03-15 05:00:00,5420.4 +2019-03-15 05:15:00,5482.8 +2019-03-15 05:30:00,5559.2 +2019-03-15 05:45:00,5702.8 +2019-03-15 06:00:00,5974.4 +2019-03-15 06:15:00,6165.2 +2019-03-15 06:30:00,6312.8 +2019-03-15 06:45:00,6437.6 +2019-03-15 07:00:00,6592.4 +2019-03-15 07:15:00,6716.4 +2019-03-15 07:30:00,6812.4 +2019-03-15 07:45:00,6874.8 +2019-03-15 08:00:00,6964.4 +2019-03-15 08:15:00,7007.2 +2019-03-15 08:30:00,7046.8 +2019-03-15 08:45:00,7055.2 +2019-03-15 09:00:00,7056.0 +2019-03-15 09:15:00,7095.6 +2019-03-15 09:30:00,7138.0 +2019-03-15 09:45:00,7158.0 +2019-03-15 10:00:00,7197.6 +2019-03-15 10:15:00,7178.0 +2019-03-15 10:30:00,7240.0 +2019-03-15 10:45:00,7299.2 +2019-03-15 11:00:00,7317.6 +2019-03-15 11:15:00,7334.8 +2019-03-15 11:30:00,7375.6 +2019-03-15 11:45:00,7387.2 +2019-03-15 12:00:00,7370.4 +2019-03-15 12:15:00,7356.8 +2019-03-15 12:30:00,7318.4 +2019-03-15 12:45:00,7296.8 +2019-03-15 13:00:00,7289.6 +2019-03-15 13:15:00,7274.4 +2019-03-15 13:30:00,7226.4 +2019-03-15 13:45:00,7166.8 +2019-03-15 14:00:00,7114.8 +2019-03-15 14:15:00,7062.4 +2019-03-15 14:30:00,7050.4 +2019-03-15 14:45:00,7006.4 +2019-03-15 15:00:00,6983.6 +2019-03-15 15:15:00,6962.8 +2019-03-15 15:30:00,6957.6 +2019-03-15 15:45:00,6920.4 +2019-03-15 16:00:00,6893.2 +2019-03-15 16:15:00,6880.8 +2019-03-15 16:30:00,6884.4 +2019-03-15 16:45:00,6863.2 +2019-03-15 17:00:00,6878.4 +2019-03-15 17:15:00,6878.8 +2019-03-15 17:30:00,6887.6 +2019-03-15 17:45:00,6899.2 +2019-03-15 18:00:00,6897.2 +2019-03-15 18:15:00,6923.6 +2019-03-15 18:30:00,7010.4 +2019-03-15 18:45:00,7082.4 +2019-03-15 19:00:00,7108.4 +2019-03-15 19:15:00,7027.2 +2019-03-15 19:30:00,6967.6 +2019-03-15 19:45:00,6858.8 +2019-03-15 20:00:00,6699.2 +2019-03-15 20:15:00,6563.2 +2019-03-15 20:30:00,6450.8 +2019-03-15 20:45:00,6340.8 +2019-03-15 21:00:00,6267.6 +2019-03-15 21:15:00,6191.6 +2019-03-15 21:30:00,6105.6 +2019-03-15 21:45:00,6044.0 +2019-03-15 22:00:00,5976.4 +2019-03-15 22:15:00,5920.0 +2019-03-15 22:30:00,5816.8 +2019-03-15 22:45:00,5729.2 +2019-03-15 23:00:00,5632.0 +2019-03-15 23:15:00,5542.4 +2019-03-15 23:30:00,5475.2 +2019-03-15 23:45:00,5357.2 +2019-03-16 00:00:00,5264.0 +2019-03-16 00:15:00,5201.2 +2019-03-16 00:30:00,5164.4 +2019-03-16 00:45:00,5092.0 +2019-03-16 01:00:00,5007.2 +2019-03-16 01:15:00,4960.8 +2019-03-16 01:30:00,4923.6 +2019-03-16 01:45:00,4868.8 +2019-03-16 02:00:00,4820.4 +2019-03-16 02:15:00,4792.4 +2019-03-16 02:30:00,4777.2 +2019-03-16 02:45:00,4772.8 +2019-03-16 03:00:00,4760.0 +2019-03-16 03:15:00,4742.8 +2019-03-16 03:30:00,4743.6 +2019-03-16 03:45:00,4750.4 +2019-03-16 04:00:00,4748.8 +2019-03-16 04:15:00,4756.4 +2019-03-16 04:30:00,4785.6 +2019-03-16 04:45:00,4796.8 +2019-03-16 05:00:00,4797.6 +2019-03-16 05:15:00,4748.8 +2019-03-16 05:30:00,4754.8 +2019-03-16 05:45:00,4787.2 +2019-03-16 06:00:00,4802.4 +2019-03-16 06:15:00,4829.2 +2019-03-16 06:30:00,4848.0 +2019-03-16 06:45:00,4882.8 +2019-03-16 07:00:00,4977.6 +2019-03-16 07:15:00,5052.8 +2019-03-16 07:30:00,5133.6 +2019-03-16 07:45:00,5228.0 +2019-03-16 08:00:00,5356.8 +2019-03-16 08:15:00,5418.4 +2019-03-16 08:30:00,5487.2 +2019-03-16 08:45:00,5572.0 +2019-03-16 09:00:00,5668.8 +2019-03-16 09:15:00,5732.0 +2019-03-16 09:30:00,5790.0 +2019-03-16 09:45:00,5835.2 +2019-03-16 10:00:00,5910.0 +2019-03-16 10:15:00,5934.0 +2019-03-16 10:30:00,5955.6 +2019-03-16 10:45:00,5986.0 +2019-03-16 11:00:00,6023.6 +2019-03-16 11:15:00,6068.0 +2019-03-16 11:30:00,6050.8 +2019-03-16 11:45:00,6033.6 +2019-03-16 12:00:00,5997.2 +2019-03-16 12:15:00,5972.8 +2019-03-16 12:30:00,5953.2 +2019-03-16 12:45:00,5906.4 +2019-03-16 13:00:00,5890.4 +2019-03-16 13:15:00,5855.2 +2019-03-16 13:30:00,5818.4 +2019-03-16 13:45:00,5791.6 +2019-03-16 14:00:00,5780.8 +2019-03-16 14:15:00,5734.8 +2019-03-16 14:30:00,5730.4 +2019-03-16 14:45:00,5726.0 +2019-03-16 15:00:00,5705.2 +2019-03-16 15:15:00,5659.6 +2019-03-16 15:30:00,5646.0 +2019-03-16 15:45:00,5612.4 +2019-03-16 16:00:00,5620.0 +2019-03-16 16:15:00,5590.0 +2019-03-16 16:30:00,5570.8 +2019-03-16 16:45:00,5587.6 +2019-03-16 17:00:00,5611.6 +2019-03-16 17:15:00,5639.2 +2019-03-16 17:30:00,5656.8 +2019-03-16 17:45:00,5738.4 +2019-03-16 18:00:00,5798.8 +2019-03-16 18:15:00,5873.6 +2019-03-16 18:30:00,5950.4 +2019-03-16 18:45:00,6048.0 +2019-03-16 19:00:00,6084.0 +2019-03-16 19:15:00,6062.4 +2019-03-16 19:30:00,5998.0 +2019-03-16 19:45:00,5918.8 +2019-03-16 20:00:00,5815.2 +2019-03-16 20:15:00,5688.8 +2019-03-16 20:30:00,5622.4 +2019-03-16 20:45:00,5522.0 +2019-03-16 21:00:00,5490.0 +2019-03-16 21:15:00,5415.6 +2019-03-16 21:30:00,5363.6 +2019-03-16 21:45:00,5318.0 +2019-03-16 22:00:00,5320.4 +2019-03-16 22:15:00,5286.4 +2019-03-16 22:30:00,5167.6 +2019-03-16 22:45:00,5108.8 +2019-03-16 23:00:00,5018.4 +2019-03-16 23:15:00,4935.6 +2019-03-16 23:30:00,4876.8 +2019-03-16 23:45:00,4808.4 +2019-03-17 00:00:00,4697.2 +2019-03-17 00:15:00,4634.8 +2019-03-17 00:30:00,4552.4 +2019-03-17 00:45:00,4511.6 +2019-03-17 01:00:00,4474.4 +2019-03-17 01:15:00,4439.6 +2019-03-17 01:30:00,4405.6 +2019-03-17 01:45:00,4372.8 +2019-03-17 02:00:00,4339.6 +2019-03-17 02:15:00,4345.6 +2019-03-17 02:30:00,4352.8 +2019-03-17 02:45:00,4297.6 +2019-03-17 03:00:00,4308.4 +2019-03-17 03:15:00,4314.8 +2019-03-17 03:30:00,4328.0 +2019-03-17 03:45:00,4344.0 +2019-03-17 04:00:00,4355.6 +2019-03-17 04:15:00,4368.0 +2019-03-17 04:30:00,4363.2 +2019-03-17 04:45:00,4382.4 +2019-03-17 05:00:00,4369.2 +2019-03-17 05:15:00,4356.8 +2019-03-17 05:30:00,4334.4 +2019-03-17 05:45:00,4347.2 +2019-03-17 06:00:00,4331.6 +2019-03-17 06:15:00,4312.8 +2019-03-17 06:30:00,4333.2 +2019-03-17 06:45:00,4357.2 +2019-03-17 07:00:00,4458.0 +2019-03-17 07:15:00,4494.0 +2019-03-17 07:30:00,4538.8 +2019-03-17 07:45:00,4632.0 +2019-03-17 08:00:00,4715.6 +2019-03-17 08:15:00,4782.4 +2019-03-17 08:30:00,4876.8 +2019-03-17 08:45:00,4966.4 +2019-03-17 09:00:00,5056.8 +2019-03-17 09:15:00,5133.2 +2019-03-17 09:30:00,5168.4 +2019-03-17 09:45:00,5222.8 +2019-03-17 10:00:00,5264.8 +2019-03-17 10:15:00,5320.0 +2019-03-17 10:30:00,5355.2 +2019-03-17 10:45:00,5432.0 +2019-03-17 11:00:00,5543.2 +2019-03-17 11:15:00,5613.6 +2019-03-17 11:30:00,5618.8 +2019-03-17 11:45:00,5620.0 +2019-03-17 12:00:00,5552.4 +2019-03-17 12:15:00,5516.0 +2019-03-17 12:30:00,5476.8 +2019-03-17 12:45:00,5424.0 +2019-03-17 13:00:00,5427.6 +2019-03-17 13:15:00,5396.4 +2019-03-17 13:30:00,5385.2 +2019-03-17 13:45:00,5326.8 +2019-03-17 14:00:00,5316.4 +2019-03-17 14:15:00,5294.0 +2019-03-17 14:30:00,5251.6 +2019-03-17 14:45:00,5191.6 +2019-03-17 15:00:00,5237.6 +2019-03-17 15:15:00,5206.8 +2019-03-17 15:30:00,5156.8 +2019-03-17 15:45:00,5165.2 +2019-03-17 16:00:00,5216.8 +2019-03-17 16:15:00,5235.2 +2019-03-17 16:30:00,5232.8 +2019-03-17 16:45:00,5278.0 +2019-03-17 17:00:00,5272.4 +2019-03-17 17:15:00,5338.4 +2019-03-17 17:30:00,5384.4 +2019-03-17 17:45:00,5438.4 +2019-03-17 18:00:00,5504.0 +2019-03-17 18:15:00,5562.4 +2019-03-17 18:30:00,5638.8 +2019-03-17 18:45:00,5767.2 +2019-03-17 19:00:00,5814.0 +2019-03-17 19:15:00,5796.8 +2019-03-17 19:30:00,5741.6 +2019-03-17 19:45:00,5697.6 +2019-03-17 20:00:00,5652.0 +2019-03-17 20:15:00,5545.6 +2019-03-17 20:30:00,5488.0 +2019-03-17 20:45:00,5434.8 +2019-03-17 21:00:00,5399.2 +2019-03-17 21:15:00,5376.0 +2019-03-17 21:30:00,5319.2 +2019-03-17 21:45:00,5368.0 +2019-03-17 22:00:00,5429.2 +2019-03-17 22:15:00,5407.6 +2019-03-17 22:30:00,5362.8 +2019-03-17 22:45:00,5316.4 +2019-03-17 23:00:00,5199.2 +2019-03-17 23:15:00,5111.2 +2019-03-17 23:30:00,5078.8 +2019-03-17 23:45:00,4985.2 +2019-03-18 00:00:00,4932.4 +2019-03-18 00:15:00,4850.4 +2019-03-18 00:30:00,4813.6 +2019-03-18 00:45:00,4791.6 +2019-03-18 01:00:00,4775.2 +2019-03-18 01:15:00,4732.0 +2019-03-18 01:30:00,4719.2 +2019-03-18 01:45:00,4710.0 +2019-03-18 02:00:00,4690.0 +2019-03-18 02:15:00,4680.0 +2019-03-18 02:30:00,4671.6 +2019-03-18 02:45:00,4695.2 +2019-03-18 03:00:00,4722.8 +2019-03-18 03:15:00,4762.0 +2019-03-18 03:30:00,4774.0 +2019-03-18 03:45:00,4806.0 +2019-03-18 04:00:00,4847.6 +2019-03-18 04:15:00,4897.6 +2019-03-18 04:30:00,4968.8 +2019-03-18 04:45:00,5020.8 +2019-03-18 05:00:00,5130.4 +2019-03-18 05:15:00,5197.6 +2019-03-18 05:30:00,5326.4 +2019-03-18 05:45:00,5490.8 +2019-03-18 06:00:00,5799.6 +2019-03-18 06:15:00,6008.4 +2019-03-18 06:30:00,6141.6 +2019-03-18 06:45:00,6270.4 +2019-03-18 07:00:00,6372.4 +2019-03-18 07:15:00,6614.4 +2019-03-18 07:30:00,6710.0 +2019-03-18 07:45:00,6792.8 +2019-03-18 08:00:00,6856.0 +2019-03-18 08:15:00,6894.8 +2019-03-18 08:30:00,6919.2 +2019-03-18 08:45:00,6945.2 +2019-03-18 09:00:00,6892.0 +2019-03-18 09:15:00,6914.0 +2019-03-18 09:30:00,6940.4 +2019-03-18 09:45:00,6968.0 +2019-03-18 10:00:00,6930.8 +2019-03-18 10:15:00,6976.4 +2019-03-18 10:30:00,7012.0 +2019-03-18 10:45:00,7026.8 +2019-03-18 11:00:00,7060.4 +2019-03-18 11:15:00,7102.0 +2019-03-18 11:30:00,7139.6 +2019-03-18 11:45:00,7155.2 +2019-03-18 12:00:00,7106.4 +2019-03-18 12:15:00,7068.8 +2019-03-18 12:30:00,7062.4 +2019-03-18 12:45:00,7079.2 +2019-03-18 13:00:00,7050.4 +2019-03-18 13:15:00,6994.0 +2019-03-18 13:30:00,6946.8 +2019-03-18 13:45:00,6838.4 +2019-03-18 14:00:00,6811.6 +2019-03-18 14:15:00,6830.0 +2019-03-18 14:30:00,6801.2 +2019-03-18 14:45:00,6812.0 +2019-03-18 15:00:00,6864.4 +2019-03-18 15:15:00,6815.2 +2019-03-18 15:30:00,6722.4 +2019-03-18 15:45:00,6641.2 +2019-03-18 16:00:00,6638.4 +2019-03-18 16:15:00,6600.0 +2019-03-18 16:30:00,6599.6 +2019-03-18 16:45:00,6596.4 +2019-03-18 17:00:00,6624.0 +2019-03-18 17:15:00,6612.8 +2019-03-18 17:30:00,6661.2 +2019-03-18 17:45:00,6670.4 +2019-03-18 18:00:00,6713.6 +2019-03-18 18:15:00,6758.4 +2019-03-18 18:30:00,6872.8 +2019-03-18 18:45:00,7006.8 +2019-03-18 19:00:00,7095.2 +2019-03-18 19:15:00,7070.0 +2019-03-18 19:30:00,7030.4 +2019-03-18 19:45:00,6954.4 +2019-03-18 20:00:00,6816.4 +2019-03-18 20:15:00,6685.2 +2019-03-18 20:30:00,6564.4 +2019-03-18 20:45:00,6449.6 +2019-03-18 21:00:00,6400.4 +2019-03-18 21:15:00,6305.6 +2019-03-18 21:30:00,6216.8 +2019-03-18 21:45:00,6095.6 +2019-03-18 22:00:00,6065.6 +2019-03-18 22:15:00,5972.0 +2019-03-18 22:30:00,5844.4 +2019-03-18 22:45:00,5718.0 +2019-03-18 23:00:00,5608.8 +2019-03-18 23:15:00,5512.8 +2019-03-18 23:30:00,5416.8 +2019-03-18 23:45:00,5329.6 +2019-03-19 00:00:00,5269.6 +2019-03-19 00:15:00,5208.0 +2019-03-19 00:30:00,5168.4 +2019-03-19 00:45:00,5159.6 +2019-03-19 01:00:00,5117.2 +2019-03-19 01:15:00,5052.0 +2019-03-19 01:30:00,5032.8 +2019-03-19 01:45:00,5019.6 +2019-03-19 02:00:00,4994.0 +2019-03-19 02:15:00,4966.4 +2019-03-19 02:30:00,4960.4 +2019-03-19 02:45:00,4988.0 +2019-03-19 03:00:00,5024.8 +2019-03-19 03:15:00,5029.2 +2019-03-19 03:30:00,5031.2 +2019-03-19 03:45:00,5054.0 +2019-03-19 04:00:00,5119.6 +2019-03-19 04:15:00,5174.8 +2019-03-19 04:30:00,5248.8 +2019-03-19 04:45:00,5314.8 +2019-03-19 05:00:00,5462.8 +2019-03-19 05:15:00,5555.6 +2019-03-19 05:30:00,5657.6 +2019-03-19 05:45:00,5776.4 +2019-03-19 06:00:00,6110.0 +2019-03-19 06:15:00,6277.2 +2019-03-19 06:30:00,6385.2 +2019-03-19 06:45:00,6514.8 +2019-03-19 07:00:00,6667.6 +2019-03-19 07:15:00,6760.8 +2019-03-19 07:30:00,6810.0 +2019-03-19 07:45:00,6856.0 +2019-03-19 08:00:00,6896.4 +2019-03-19 08:15:00,6910.0 +2019-03-19 08:30:00,6932.8 +2019-03-19 08:45:00,6928.0 +2019-03-19 09:00:00,6858.8 +2019-03-19 09:15:00,6894.0 +2019-03-19 09:30:00,6935.6 +2019-03-19 09:45:00,6956.4 +2019-03-19 10:00:00,6970.0 +2019-03-19 10:15:00,6991.6 +2019-03-19 10:30:00,7022.4 +2019-03-19 10:45:00,7063.6 +2019-03-19 11:00:00,7072.8 +2019-03-19 11:15:00,7118.8 +2019-03-19 11:30:00,7109.2 +2019-03-19 11:45:00,7091.6 +2019-03-19 12:00:00,7017.2 +2019-03-19 12:15:00,6991.6 +2019-03-19 12:30:00,6967.6 +2019-03-19 12:45:00,6964.0 +2019-03-19 13:00:00,6974.4 +2019-03-19 13:15:00,6922.8 +2019-03-19 13:30:00,6867.2 +2019-03-19 13:45:00,6823.2 +2019-03-19 14:00:00,6864.8 +2019-03-19 14:15:00,6855.6 +2019-03-19 14:30:00,6808.4 +2019-03-19 14:45:00,6769.2 +2019-03-19 15:00:00,6782.8 +2019-03-19 15:15:00,6747.6 +2019-03-19 15:30:00,6689.6 +2019-03-19 15:45:00,6654.8 +2019-03-19 16:00:00,6642.8 +2019-03-19 16:15:00,6598.4 +2019-03-19 16:30:00,6589.6 +2019-03-19 16:45:00,6589.6 +2019-03-19 17:00:00,6627.2 +2019-03-19 17:15:00,6649.2 +2019-03-19 17:30:00,6652.0 +2019-03-19 17:45:00,6677.2 +2019-03-19 18:00:00,6729.6 +2019-03-19 18:15:00,6761.2 +2019-03-19 18:30:00,6910.0 +2019-03-19 18:45:00,7049.2 +2019-03-19 19:00:00,7148.4 +2019-03-19 19:15:00,7135.2 +2019-03-19 19:30:00,7098.8 +2019-03-19 19:45:00,6996.4 +2019-03-19 20:00:00,6885.2 +2019-03-19 20:15:00,6766.8 +2019-03-19 20:30:00,6639.2 +2019-03-19 20:45:00,6546.4 +2019-03-19 21:00:00,6466.0 +2019-03-19 21:15:00,6368.8 +2019-03-19 21:30:00,6278.8 +2019-03-19 21:45:00,6192.8 +2019-03-19 22:00:00,6147.2 +2019-03-19 22:15:00,6068.8 +2019-03-19 22:30:00,5976.8 +2019-03-19 22:45:00,5906.8 +2019-03-19 23:00:00,5788.4 +2019-03-19 23:15:00,5686.0 +2019-03-19 23:30:00,5593.2 +2019-03-19 23:45:00,5540.4 +2019-03-20 00:00:00,5342.0 +2019-03-20 00:15:00,5311.6 +2019-03-20 00:30:00,5239.6 +2019-03-20 00:45:00,5173.6 +2019-03-20 01:00:00,5187.6 +2019-03-20 01:15:00,5164.4 +2019-03-20 01:30:00,5170.8 +2019-03-20 01:45:00,5130.4 +2019-03-20 02:00:00,5087.2 +2019-03-20 02:15:00,5066.0 +2019-03-20 02:30:00,5098.8 +2019-03-20 02:45:00,5111.6 +2019-03-20 03:00:00,5101.6 +2019-03-20 03:15:00,5129.2 +2019-03-20 03:30:00,5158.0 +2019-03-20 03:45:00,5172.4 +2019-03-20 04:00:00,5245.2 +2019-03-20 04:15:00,5265.2 +2019-03-20 04:30:00,5315.2 +2019-03-20 04:45:00,5349.6 +2019-03-20 05:00:00,5559.2 +2019-03-20 05:15:00,5641.6 +2019-03-20 05:30:00,5723.6 +2019-03-20 05:45:00,5880.8 +2019-03-20 06:00:00,6117.6 +2019-03-20 06:15:00,6312.0 +2019-03-20 06:30:00,6460.4 +2019-03-20 06:45:00,6592.4 +2019-03-20 07:00:00,6720.0 +2019-03-20 07:15:00,6800.4 +2019-03-20 07:30:00,6874.4 +2019-03-20 07:45:00,6903.6 +2019-03-20 08:00:00,6963.6 +2019-03-20 08:15:00,6994.0 +2019-03-20 08:30:00,7026.0 +2019-03-20 08:45:00,7046.8 +2019-03-20 09:00:00,6987.6 +2019-03-20 09:15:00,6994.8 +2019-03-20 09:30:00,7015.6 +2019-03-20 09:45:00,7045.2 +2019-03-20 10:00:00,7025.6 +2019-03-20 10:15:00,6995.6 +2019-03-20 10:30:00,7014.0 +2019-03-20 10:45:00,7014.0 +2019-03-20 11:00:00,7001.6 +2019-03-20 11:15:00,7012.0 +2019-03-20 11:30:00,7038.0 +2019-03-20 11:45:00,7030.8 +2019-03-20 12:00:00,6979.6 +2019-03-20 12:15:00,6978.0 +2019-03-20 12:30:00,6972.0 +2019-03-20 12:45:00,6993.6 +2019-03-20 13:00:00,7022.0 +2019-03-20 13:15:00,6995.6 +2019-03-20 13:30:00,6951.6 +2019-03-20 13:45:00,6869.2 +2019-03-20 14:00:00,6846.0 +2019-03-20 14:15:00,6852.0 +2019-03-20 14:30:00,6808.8 +2019-03-20 14:45:00,6768.8 +2019-03-20 15:00:00,6772.0 +2019-03-20 15:15:00,6726.8 +2019-03-20 15:30:00,6638.8 +2019-03-20 15:45:00,6599.2 +2019-03-20 16:00:00,6604.4 +2019-03-20 16:15:00,6573.2 +2019-03-20 16:30:00,6542.4 +2019-03-20 16:45:00,6550.8 +2019-03-20 17:00:00,6597.6 +2019-03-20 17:15:00,6606.4 +2019-03-20 17:30:00,6628.0 +2019-03-20 17:45:00,6684.8 +2019-03-20 18:00:00,6749.2 +2019-03-20 18:15:00,6787.6 +2019-03-20 18:30:00,6890.0 +2019-03-20 18:45:00,7008.0 +2019-03-20 19:00:00,7135.6 +2019-03-20 19:15:00,7111.6 +2019-03-20 19:30:00,7064.4 +2019-03-20 19:45:00,7002.8 +2019-03-20 20:00:00,6846.0 +2019-03-20 20:15:00,6732.8 +2019-03-20 20:30:00,6629.6 +2019-03-20 20:45:00,6546.0 +2019-03-20 21:00:00,6440.0 +2019-03-20 21:15:00,6354.8 +2019-03-20 21:30:00,6271.6 +2019-03-20 21:45:00,6173.6 +2019-03-20 22:00:00,6105.2 +2019-03-20 22:15:00,6048.0 +2019-03-20 22:30:00,5938.4 +2019-03-20 22:45:00,5826.8 +2019-03-20 23:00:00,5668.4 +2019-03-20 23:15:00,5556.4 +2019-03-20 23:30:00,5468.0 +2019-03-20 23:45:00,5365.6 +2019-03-21 00:00:00,5268.8 +2019-03-21 00:15:00,5204.4 +2019-03-21 00:30:00,5138.0 +2019-03-21 00:45:00,5102.4 +2019-03-21 01:00:00,5016.8 +2019-03-21 01:15:00,5005.6 +2019-03-21 01:30:00,4973.2 +2019-03-21 01:45:00,4966.8 +2019-03-21 02:00:00,4882.4 +2019-03-21 02:15:00,4866.8 +2019-03-21 02:30:00,4896.4 +2019-03-21 02:45:00,4952.8 +2019-03-21 03:00:00,4980.4 +2019-03-21 03:15:00,4996.0 +2019-03-21 03:30:00,4992.8 +2019-03-21 03:45:00,5037.6 +2019-03-21 04:00:00,5084.8 +2019-03-21 04:15:00,5104.0 +2019-03-21 04:30:00,5164.0 +2019-03-21 04:45:00,5202.4 +2019-03-21 05:00:00,5385.2 +2019-03-21 05:15:00,5479.6 +2019-03-21 05:30:00,5602.8 +2019-03-21 05:45:00,5788.0 +2019-03-21 06:00:00,6060.8 +2019-03-21 06:15:00,6234.8 +2019-03-21 06:30:00,6361.2 +2019-03-21 06:45:00,6491.6 +2019-03-21 07:00:00,6651.2 +2019-03-21 07:15:00,6742.0 +2019-03-21 07:30:00,6838.4 +2019-03-21 07:45:00,6901.6 +2019-03-21 08:00:00,6938.0 +2019-03-21 08:15:00,6981.2 +2019-03-21 08:30:00,7006.4 +2019-03-21 08:45:00,7014.4 +2019-03-21 09:00:00,6969.6 +2019-03-21 09:15:00,6965.2 +2019-03-21 09:30:00,6983.6 +2019-03-21 09:45:00,6982.0 +2019-03-21 10:00:00,6949.6 +2019-03-21 10:15:00,6961.2 +2019-03-21 10:30:00,6971.2 +2019-03-21 10:45:00,7012.4 +2019-03-21 11:00:00,7055.2 +2019-03-21 11:15:00,7073.2 +2019-03-21 11:30:00,7090.4 +2019-03-21 11:45:00,7089.2 +2019-03-21 12:00:00,7050.4 +2019-03-21 12:15:00,7058.4 +2019-03-21 12:30:00,7037.6 +2019-03-21 12:45:00,7034.4 +2019-03-21 13:00:00,7015.6 +2019-03-21 13:15:00,6996.0 +2019-03-21 13:30:00,6937.2 +2019-03-21 13:45:00,6856.4 +2019-03-21 14:00:00,6831.2 +2019-03-21 14:15:00,6804.8 +2019-03-21 14:30:00,6774.8 +2019-03-21 14:45:00,6737.6 +2019-03-21 15:00:00,6735.6 +2019-03-21 15:15:00,6708.4 +2019-03-21 15:30:00,6618.0 +2019-03-21 15:45:00,6552.0 +2019-03-21 16:00:00,6515.2 +2019-03-21 16:15:00,6478.0 +2019-03-21 16:30:00,6468.8 +2019-03-21 16:45:00,6459.2 +2019-03-21 17:00:00,6531.2 +2019-03-21 17:15:00,6573.2 +2019-03-21 17:30:00,6606.8 +2019-03-21 17:45:00,6664.8 +2019-03-21 18:00:00,6714.8 +2019-03-21 18:15:00,6746.0 +2019-03-21 18:30:00,6865.2 +2019-03-21 18:45:00,7011.2 +2019-03-21 19:00:00,7111.2 +2019-03-21 19:15:00,7101.2 +2019-03-21 19:30:00,7064.8 +2019-03-21 19:45:00,7003.2 +2019-03-21 20:00:00,6865.6 +2019-03-21 20:15:00,6716.4 +2019-03-21 20:30:00,6607.6 +2019-03-21 20:45:00,6494.4 +2019-03-21 21:00:00,6404.4 +2019-03-21 21:15:00,6315.6 +2019-03-21 21:30:00,6185.6 +2019-03-21 21:45:00,6102.8 +2019-03-21 22:00:00,6033.6 +2019-03-21 22:15:00,5953.6 +2019-03-21 22:30:00,5833.2 +2019-03-21 22:45:00,5746.4 +2019-03-21 23:00:00,5615.6 +2019-03-21 23:15:00,5520.4 +2019-03-21 23:30:00,5407.6 +2019-03-21 23:45:00,5316.8 +2019-03-22 00:00:00,5212.8 +2019-03-22 00:15:00,5131.6 +2019-03-22 00:30:00,5078.4 +2019-03-22 00:45:00,5018.8 +2019-03-22 01:00:00,4979.6 +2019-03-22 01:15:00,4946.8 +2019-03-22 01:30:00,4912.8 +2019-03-22 01:45:00,4880.0 +2019-03-22 02:00:00,4838.0 +2019-03-22 02:15:00,4821.2 +2019-03-22 02:30:00,4816.4 +2019-03-22 02:45:00,4805.2 +2019-03-22 03:00:00,4850.4 +2019-03-22 03:15:00,4876.0 +2019-03-22 03:30:00,4873.6 +2019-03-22 03:45:00,4890.8 +2019-03-22 04:00:00,4969.6 +2019-03-22 04:15:00,4987.2 +2019-03-22 04:30:00,5039.2 +2019-03-22 04:45:00,5105.2 +2019-03-22 05:00:00,5247.6 +2019-03-22 05:15:00,5354.0 +2019-03-22 05:30:00,5504.0 +2019-03-22 05:45:00,5660.8 +2019-03-22 06:00:00,5887.2 +2019-03-22 06:15:00,6084.8 +2019-03-22 06:30:00,6218.4 +2019-03-22 06:45:00,6373.2 +2019-03-22 07:00:00,6508.8 +2019-03-22 07:15:00,6602.0 +2019-03-22 07:30:00,6695.6 +2019-03-22 07:45:00,6762.8 +2019-03-22 08:00:00,6821.2 +2019-03-22 08:15:00,6850.8 +2019-03-22 08:30:00,6855.6 +2019-03-22 08:45:00,6866.8 +2019-03-22 09:00:00,6825.2 +2019-03-22 09:15:00,6844.0 +2019-03-22 09:30:00,6847.2 +2019-03-22 09:45:00,6869.6 +2019-03-22 10:00:00,6851.2 +2019-03-22 10:15:00,6853.2 +2019-03-22 10:30:00,6867.6 +2019-03-22 10:45:00,6883.2 +2019-03-22 11:00:00,6884.4 +2019-03-22 11:15:00,6872.4 +2019-03-22 11:30:00,6874.0 +2019-03-22 11:45:00,6840.4 +2019-03-22 12:00:00,6800.4 +2019-03-22 12:15:00,6759.2 +2019-03-22 12:30:00,6743.6 +2019-03-22 12:45:00,6734.8 +2019-03-22 13:00:00,6702.8 +2019-03-22 13:15:00,6655.2 +2019-03-22 13:30:00,6604.8 +2019-03-22 13:45:00,6568.8 +2019-03-22 14:00:00,6512.0 +2019-03-22 14:15:00,6486.8 +2019-03-22 14:30:00,6446.4 +2019-03-22 14:45:00,6408.4 +2019-03-22 15:00:00,6402.8 +2019-03-22 15:15:00,6376.4 +2019-03-22 15:30:00,6332.8 +2019-03-22 15:45:00,6289.2 +2019-03-22 16:00:00,6258.4 +2019-03-22 16:15:00,6244.4 +2019-03-22 16:30:00,6196.4 +2019-03-22 16:45:00,6180.4 +2019-03-22 17:00:00,6238.4 +2019-03-22 17:15:00,6274.4 +2019-03-22 17:30:00,6311.2 +2019-03-22 17:45:00,6346.8 +2019-03-22 18:00:00,6373.6 +2019-03-22 18:15:00,6385.2 +2019-03-22 18:30:00,6494.8 +2019-03-22 18:45:00,6616.4 +2019-03-22 19:00:00,6734.8 +2019-03-22 19:15:00,6704.0 +2019-03-22 19:30:00,6654.0 +2019-03-22 19:45:00,6606.4 +2019-03-22 20:00:00,6491.6 +2019-03-22 20:15:00,6366.4 +2019-03-22 20:30:00,6281.6 +2019-03-22 20:45:00,6174.8 +2019-03-22 21:00:00,6099.2 +2019-03-22 21:15:00,5983.2 +2019-03-22 21:30:00,5894.4 +2019-03-22 21:45:00,5798.8 +2019-03-22 22:00:00,5765.6 +2019-03-22 22:15:00,5683.6 +2019-03-22 22:30:00,5551.2 +2019-03-22 22:45:00,5475.2 +2019-03-22 23:00:00,5372.4 +2019-03-22 23:15:00,5270.4 +2019-03-22 23:30:00,5182.8 +2019-03-22 23:45:00,5128.0 +2019-03-23 00:00:00,5009.2 +2019-03-23 00:15:00,4935.6 +2019-03-23 00:30:00,4856.8 +2019-03-23 00:45:00,4834.0 +2019-03-23 01:00:00,4743.2 +2019-03-23 01:15:00,4672.4 +2019-03-23 01:30:00,4638.0 +2019-03-23 01:45:00,4580.0 +2019-03-23 02:00:00,4549.2 +2019-03-23 02:15:00,4507.2 +2019-03-23 02:30:00,4519.6 +2019-03-23 02:45:00,4530.4 +2019-03-23 03:00:00,4530.4 +2019-03-23 03:15:00,4542.4 +2019-03-23 03:30:00,4540.0 +2019-03-23 03:45:00,4543.6 +2019-03-23 04:00:00,4549.6 +2019-03-23 04:15:00,4556.4 +2019-03-23 04:30:00,4556.8 +2019-03-23 04:45:00,4586.8 +2019-03-23 05:00:00,4615.6 +2019-03-23 05:15:00,4618.0 +2019-03-23 05:30:00,4627.6 +2019-03-23 05:45:00,4621.2 +2019-03-23 06:00:00,4641.6 +2019-03-23 06:15:00,4654.8 +2019-03-23 06:30:00,4710.0 +2019-03-23 06:45:00,4776.8 +2019-03-23 07:00:00,4891.6 +2019-03-23 07:15:00,4962.4 +2019-03-23 07:30:00,5067.6 +2019-03-23 07:45:00,5181.2 +2019-03-23 08:00:00,5282.0 +2019-03-23 08:15:00,5369.2 +2019-03-23 08:30:00,5431.2 +2019-03-23 08:45:00,5515.6 +2019-03-23 09:00:00,5626.4 +2019-03-23 09:15:00,5649.2 +2019-03-23 09:30:00,5683.6 +2019-03-23 09:45:00,5725.2 +2019-03-23 10:00:00,5742.0 +2019-03-23 10:15:00,5757.6 +2019-03-23 10:30:00,5732.4 +2019-03-23 10:45:00,5773.2 +2019-03-23 11:00:00,5751.2 +2019-03-23 11:15:00,5759.2 +2019-03-23 11:30:00,5786.0 +2019-03-23 11:45:00,5760.4 +2019-03-23 12:00:00,5741.6 +2019-03-23 12:15:00,5702.0 +2019-03-23 12:30:00,5691.2 +2019-03-23 12:45:00,5642.8 +2019-03-23 13:00:00,5587.2 +2019-03-23 13:15:00,5558.0 +2019-03-23 13:30:00,5507.6 +2019-03-23 13:45:00,5426.8 +2019-03-23 14:00:00,5406.8 +2019-03-23 14:15:00,5375.2 +2019-03-23 14:30:00,5357.2 +2019-03-23 14:45:00,5313.2 +2019-03-23 15:00:00,5325.6 +2019-03-23 15:15:00,5296.0 +2019-03-23 15:30:00,5287.6 +2019-03-23 15:45:00,5255.6 +2019-03-23 16:00:00,5212.8 +2019-03-23 16:15:00,5208.4 +2019-03-23 16:30:00,5156.0 +2019-03-23 16:45:00,5157.2 +2019-03-23 17:00:00,5242.0 +2019-03-23 17:15:00,5298.8 +2019-03-23 17:30:00,5336.0 +2019-03-23 17:45:00,5425.2 +2019-03-23 18:00:00,5505.2 +2019-03-23 18:15:00,5550.0 +2019-03-23 18:30:00,5644.4 +2019-03-23 18:45:00,5726.4 +2019-03-23 19:00:00,5827.6 +2019-03-23 19:15:00,5790.8 +2019-03-23 19:30:00,5782.0 +2019-03-23 19:45:00,5736.4 +2019-03-23 20:00:00,5628.8 +2019-03-23 20:15:00,5504.0 +2019-03-23 20:30:00,5395.2 +2019-03-23 20:45:00,5302.8 +2019-03-23 21:00:00,5231.2 +2019-03-23 21:15:00,5154.8 +2019-03-23 21:30:00,5112.0 +2019-03-23 21:45:00,5057.6 +2019-03-23 22:00:00,5096.8 +2019-03-23 22:15:00,5029.6 +2019-03-23 22:30:00,4935.6 +2019-03-23 22:45:00,4871.6 +2019-03-23 23:00:00,4748.4 +2019-03-23 23:15:00,4679.6 +2019-03-23 23:30:00,4620.8 +2019-03-23 23:45:00,4542.0 +2019-03-24 00:00:00,4432.8 +2019-03-24 00:15:00,4362.0 +2019-03-24 00:30:00,4349.2 +2019-03-24 00:45:00,4287.2 +2019-03-24 01:00:00,4232.0 +2019-03-24 01:15:00,4197.2 +2019-03-24 01:30:00,4170.4 +2019-03-24 01:45:00,4151.6 +2019-03-24 02:00:00,4081.6 +2019-03-24 02:15:00,4080.8 +2019-03-24 02:30:00,4071.6 +2019-03-24 02:45:00,4068.8 +2019-03-24 03:00:00,4085.6 +2019-03-24 03:15:00,4088.8 +2019-03-24 03:30:00,4095.2 +2019-03-24 03:45:00,4106.0 +2019-03-24 04:00:00,4134.4 +2019-03-24 04:15:00,4149.6 +2019-03-24 04:30:00,4160.0 +2019-03-24 04:45:00,4172.0 +2019-03-24 05:00:00,4182.0 +2019-03-24 05:15:00,4146.4 +2019-03-24 05:30:00,4150.8 +2019-03-24 05:45:00,4140.4 +2019-03-24 06:00:00,4065.2 +2019-03-24 06:15:00,4045.2 +2019-03-24 06:30:00,4071.2 +2019-03-24 06:45:00,4124.4 +2019-03-24 07:00:00,4221.6 +2019-03-24 07:15:00,4253.6 +2019-03-24 07:30:00,4360.8 +2019-03-24 07:45:00,4442.0 +2019-03-24 08:00:00,4525.6 +2019-03-24 08:15:00,4603.2 +2019-03-24 08:30:00,4695.6 +2019-03-24 08:45:00,4758.0 +2019-03-24 09:00:00,4846.0 +2019-03-24 09:15:00,4911.6 +2019-03-24 09:30:00,4955.2 +2019-03-24 09:45:00,4982.8 +2019-03-24 10:00:00,5040.0 +2019-03-24 10:15:00,5060.8 +2019-03-24 10:30:00,5096.8 +2019-03-24 10:45:00,5146.0 +2019-03-24 11:00:00,5199.6 +2019-03-24 11:15:00,5239.6 +2019-03-24 11:30:00,5260.4 +2019-03-24 11:45:00,5274.0 +2019-03-24 12:00:00,5260.0 +2019-03-24 12:15:00,5223.6 +2019-03-24 12:30:00,5191.6 +2019-03-24 12:45:00,5148.4 +2019-03-24 13:00:00,5107.6 +2019-03-24 13:15:00,5077.2 +2019-03-24 13:30:00,5061.2 +2019-03-24 13:45:00,4996.8 +2019-03-24 14:00:00,4938.8 +2019-03-24 14:15:00,4883.2 +2019-03-24 14:30:00,4876.4 +2019-03-24 14:45:00,4859.2 +2019-03-24 15:00:00,4824.8 +2019-03-24 15:15:00,4823.6 +2019-03-24 15:30:00,4822.0 +2019-03-24 15:45:00,4798.4 +2019-03-24 16:00:00,4850.8 +2019-03-24 16:15:00,4850.8 +2019-03-24 16:30:00,4893.6 +2019-03-24 16:45:00,4916.0 +2019-03-24 17:00:00,4983.2 +2019-03-24 17:15:00,5003.6 +2019-03-24 17:30:00,5056.4 +2019-03-24 17:45:00,5122.8 +2019-03-24 18:00:00,5240.0 +2019-03-24 18:15:00,5324.8 +2019-03-24 18:30:00,5420.8 +2019-03-24 18:45:00,5537.2 +2019-03-24 19:00:00,5664.8 +2019-03-24 19:15:00,5734.4 +2019-03-24 19:30:00,5696.0 +2019-03-24 19:45:00,5631.2 +2019-03-24 20:00:00,5614.8 +2019-03-24 20:15:00,5490.4 +2019-03-24 20:30:00,5410.0 +2019-03-24 20:45:00,5330.4 +2019-03-24 21:00:00,5291.2 +2019-03-24 21:15:00,5266.8 +2019-03-24 21:30:00,5259.2 +2019-03-24 21:45:00,5233.2 +2019-03-24 22:00:00,5296.4 +2019-03-24 22:15:00,5282.0 +2019-03-24 22:30:00,5220.8 +2019-03-24 22:45:00,5145.2 +2019-03-24 23:00:00,5053.6 +2019-03-24 23:15:00,4982.0 +2019-03-24 23:30:00,4885.2 +2019-03-24 23:45:00,4813.2 +2019-03-25 00:00:00,4735.6 +2019-03-25 00:15:00,4687.6 +2019-03-25 00:30:00,4656.8 +2019-03-25 00:45:00,4616.8 +2019-03-25 01:00:00,4571.6 +2019-03-25 01:15:00,4560.0 +2019-03-25 01:30:00,4548.8 +2019-03-25 01:45:00,4510.4 +2019-03-25 02:00:00,4493.6 +2019-03-25 02:15:00,4495.6 +2019-03-25 02:30:00,4500.4 +2019-03-25 02:45:00,4509.2 +2019-03-25 03:00:00,4526.4 +2019-03-25 03:15:00,4528.8 +2019-03-25 03:30:00,4571.6 +2019-03-25 03:45:00,4612.0 +2019-03-25 04:00:00,4702.0 +2019-03-25 04:15:00,4756.0 +2019-03-25 04:30:00,4812.4 +2019-03-25 04:45:00,4891.2 +2019-03-25 05:00:00,5019.6 +2019-03-25 05:15:00,5098.8 +2019-03-25 05:30:00,5210.0 +2019-03-25 05:45:00,5383.6 +2019-03-25 06:00:00,5626.4 +2019-03-25 06:15:00,5814.8 +2019-03-25 06:30:00,5981.2 +2019-03-25 06:45:00,6106.8 +2019-03-25 07:00:00,6301.2 +2019-03-25 07:15:00,6423.6 +2019-03-25 07:30:00,6519.2 +2019-03-25 07:45:00,6596.4 +2019-03-25 08:00:00,6702.8 +2019-03-25 08:15:00,6766.8 +2019-03-25 08:30:00,6809.6 +2019-03-25 08:45:00,6843.2 +2019-03-25 09:00:00,6820.0 +2019-03-25 09:15:00,6852.8 +2019-03-25 09:30:00,6946.4 +2019-03-25 09:45:00,6950.8 +2019-03-25 10:00:00,6988.8 +2019-03-25 10:15:00,7006.8 +2019-03-25 10:30:00,7048.8 +2019-03-25 10:45:00,7045.2 +2019-03-25 11:00:00,7104.4 +2019-03-25 11:15:00,7133.6 +2019-03-25 11:30:00,7120.4 +2019-03-25 11:45:00,7128.8 +2019-03-25 12:00:00,7076.4 +2019-03-25 12:15:00,7036.8 +2019-03-25 12:30:00,7011.6 +2019-03-25 12:45:00,7010.8 +2019-03-25 13:00:00,7018.8 +2019-03-25 13:15:00,7021.6 +2019-03-25 13:30:00,7016.4 +2019-03-25 13:45:00,6946.8 +2019-03-25 14:00:00,6898.0 +2019-03-25 14:15:00,6928.0 +2019-03-25 14:30:00,6896.8 +2019-03-25 14:45:00,6851.2 +2019-03-25 15:00:00,6875.6 +2019-03-25 15:15:00,6858.8 +2019-03-25 15:30:00,6855.6 +2019-03-25 15:45:00,6775.2 +2019-03-25 16:00:00,6754.0 +2019-03-25 16:15:00,6681.6 +2019-03-25 16:30:00,6658.8 +2019-03-25 16:45:00,6642.4 +2019-03-25 17:00:00,6627.2 +2019-03-25 17:15:00,6614.8 +2019-03-25 17:30:00,6661.2 +2019-03-25 17:45:00,6647.2 +2019-03-25 18:00:00,6676.0 +2019-03-25 18:15:00,6696.4 +2019-03-25 18:30:00,6806.8 +2019-03-25 18:45:00,6907.2 +2019-03-25 19:00:00,6986.8 +2019-03-25 19:15:00,6980.8 +2019-03-25 19:30:00,6965.6 +2019-03-25 19:45:00,6914.0 +2019-03-25 20:00:00,6817.6 +2019-03-25 20:15:00,6678.0 +2019-03-25 20:30:00,6550.8 +2019-03-25 20:45:00,6452.8 +2019-03-25 21:00:00,6370.4 +2019-03-25 21:15:00,6254.8 +2019-03-25 21:30:00,6134.4 +2019-03-25 21:45:00,6025.2 +2019-03-25 22:00:00,5996.0 +2019-03-25 22:15:00,5912.8 +2019-03-25 22:30:00,5779.2 +2019-03-25 22:45:00,5668.4 +2019-03-25 23:00:00,5520.4 +2019-03-25 23:15:00,5389.2 +2019-03-25 23:30:00,5316.0 +2019-03-25 23:45:00,5269.2 +2019-03-26 00:00:00,5230.0 +2019-03-26 00:15:00,5147.2 +2019-03-26 00:30:00,5103.6 +2019-03-26 00:45:00,5069.2 +2019-03-26 01:00:00,5006.8 +2019-03-26 01:15:00,4995.2 +2019-03-26 01:30:00,4983.2 +2019-03-26 01:45:00,4965.2 +2019-03-26 02:00:00,4958.4 +2019-03-26 02:15:00,4949.2 +2019-03-26 02:30:00,4954.4 +2019-03-26 02:45:00,5000.8 +2019-03-26 03:00:00,5018.8 +2019-03-26 03:15:00,5040.0 +2019-03-26 03:30:00,5058.8 +2019-03-26 03:45:00,5078.0 +2019-03-26 04:00:00,5105.6 +2019-03-26 04:15:00,5147.6 +2019-03-26 04:30:00,5193.6 +2019-03-26 04:45:00,5257.2 +2019-03-26 05:00:00,5378.8 +2019-03-26 05:15:00,5448.4 +2019-03-26 05:30:00,5529.6 +2019-03-26 05:45:00,5645.2 +2019-03-26 06:00:00,5905.2 +2019-03-26 06:15:00,6124.4 +2019-03-26 06:30:00,6257.6 +2019-03-26 06:45:00,6403.6 +2019-03-26 07:00:00,6548.0 +2019-03-26 07:15:00,6648.0 +2019-03-26 07:30:00,6726.4 +2019-03-26 07:45:00,6817.2 +2019-03-26 08:00:00,6906.4 +2019-03-26 08:15:00,6948.4 +2019-03-26 08:30:00,6979.6 +2019-03-26 08:45:00,6968.8 +2019-03-26 09:00:00,6952.0 +2019-03-26 09:15:00,6962.0 +2019-03-26 09:30:00,6995.6 +2019-03-26 09:45:00,7014.8 +2019-03-26 10:00:00,7033.2 +2019-03-26 10:15:00,7059.6 +2019-03-26 10:30:00,7102.4 +2019-03-26 10:45:00,7118.4 +2019-03-26 11:00:00,7170.0 +2019-03-26 11:15:00,7171.2 +2019-03-26 11:30:00,7170.0 +2019-03-26 11:45:00,7136.0 +2019-03-26 12:00:00,7079.2 +2019-03-26 12:15:00,7048.0 +2019-03-26 12:30:00,7024.8 +2019-03-26 12:45:00,7021.6 +2019-03-26 13:00:00,7040.4 +2019-03-26 13:15:00,6996.0 +2019-03-26 13:30:00,6958.4 +2019-03-26 13:45:00,6876.0 +2019-03-26 14:00:00,6908.0 +2019-03-26 14:15:00,6890.8 +2019-03-26 14:30:00,6852.4 +2019-03-26 14:45:00,6798.0 +2019-03-26 15:00:00,6807.2 +2019-03-26 15:15:00,6740.0 +2019-03-26 15:30:00,6733.6 +2019-03-26 15:45:00,6674.0 +2019-03-26 16:00:00,6717.6 +2019-03-26 16:15:00,6647.2 +2019-03-26 16:30:00,6612.4 +2019-03-26 16:45:00,6598.4 +2019-03-26 17:00:00,6628.0 +2019-03-26 17:15:00,6646.0 +2019-03-26 17:30:00,6667.2 +2019-03-26 17:45:00,6691.2 +2019-03-26 18:00:00,6736.4 +2019-03-26 18:15:00,6752.0 +2019-03-26 18:30:00,6820.4 +2019-03-26 18:45:00,6905.6 +2019-03-26 19:00:00,6988.0 +2019-03-26 19:15:00,6967.2 +2019-03-26 19:30:00,6908.4 +2019-03-26 19:45:00,6849.2 +2019-03-26 20:00:00,6754.4 +2019-03-26 20:15:00,6633.2 +2019-03-26 20:30:00,6505.6 +2019-03-26 20:45:00,6389.6 +2019-03-26 21:00:00,6306.0 +2019-03-26 21:15:00,6231.2 +2019-03-26 21:30:00,6137.2 +2019-03-26 21:45:00,6043.6 +2019-03-26 22:00:00,5988.4 +2019-03-26 22:15:00,5910.0 +2019-03-26 22:30:00,5817.6 +2019-03-26 22:45:00,5701.2 +2019-03-26 23:00:00,5570.4 +2019-03-26 23:15:00,5447.2 +2019-03-26 23:30:00,5376.8 +2019-03-26 23:45:00,5313.6 +2019-03-27 00:00:00,5200.8 +2019-03-27 00:15:00,5092.4 +2019-03-27 00:30:00,5062.8 +2019-03-27 00:45:00,5014.4 +2019-03-27 01:00:00,4973.6 +2019-03-27 01:15:00,4905.6 +2019-03-27 01:30:00,4881.6 +2019-03-27 01:45:00,4856.4 +2019-03-27 02:00:00,4834.0 +2019-03-27 02:15:00,4829.2 +2019-03-27 02:30:00,4842.0 +2019-03-27 02:45:00,4847.2 +2019-03-27 03:00:00,4841.6 +2019-03-27 03:15:00,4858.4 +2019-03-27 03:30:00,4897.6 +2019-03-27 03:45:00,4917.2 +2019-03-27 04:00:00,4961.6 +2019-03-27 04:15:00,5000.8 +2019-03-27 04:30:00,5073.6 +2019-03-27 04:45:00,5128.4 +2019-03-27 05:00:00,5276.0 +2019-03-27 05:15:00,5371.2 +2019-03-27 05:30:00,5454.4 +2019-03-27 05:45:00,5632.8 +2019-03-27 06:00:00,5894.0 +2019-03-27 06:15:00,6083.6 +2019-03-27 06:30:00,6242.4 +2019-03-27 06:45:00,6386.0 +2019-03-27 07:00:00,6539.2 +2019-03-27 07:15:00,6652.4 +2019-03-27 07:30:00,6731.2 +2019-03-27 07:45:00,6792.8 +2019-03-27 08:00:00,6866.0 +2019-03-27 08:15:00,6920.8 +2019-03-27 08:30:00,6936.0 +2019-03-27 08:45:00,6932.4 +2019-03-27 09:00:00,6896.8 +2019-03-27 09:15:00,6930.8 +2019-03-27 09:30:00,6961.6 +2019-03-27 09:45:00,6990.4 +2019-03-27 10:00:00,6987.6 +2019-03-27 10:15:00,6989.6 +2019-03-27 10:30:00,7029.6 +2019-03-27 10:45:00,7074.0 +2019-03-27 11:00:00,7111.6 +2019-03-27 11:15:00,7150.8 +2019-03-27 11:30:00,7165.6 +2019-03-27 11:45:00,7155.2 +2019-03-27 12:00:00,7077.2 +2019-03-27 12:15:00,7022.8 +2019-03-27 12:30:00,7024.0 +2019-03-27 12:45:00,6996.8 +2019-03-27 13:00:00,6999.6 +2019-03-27 13:15:00,6939.2 +2019-03-27 13:30:00,6933.6 +2019-03-27 13:45:00,6856.0 +2019-03-27 14:00:00,6842.8 +2019-03-27 14:15:00,6820.8 +2019-03-27 14:30:00,6812.4 +2019-03-27 14:45:00,6793.6 +2019-03-27 15:00:00,6787.2 +2019-03-27 15:15:00,6752.4 +2019-03-27 15:30:00,6724.8 +2019-03-27 15:45:00,6680.0 +2019-03-27 16:00:00,6667.6 +2019-03-27 16:15:00,6610.0 +2019-03-27 16:30:00,6577.6 +2019-03-27 16:45:00,6578.8 +2019-03-27 17:00:00,6632.4 +2019-03-27 17:15:00,6623.6 +2019-03-27 17:30:00,6664.0 +2019-03-27 17:45:00,6674.8 +2019-03-27 18:00:00,6721.6 +2019-03-27 18:15:00,6748.8 +2019-03-27 18:30:00,6819.2 +2019-03-27 18:45:00,6927.6 +2019-03-27 19:00:00,7009.6 +2019-03-27 19:15:00,7027.6 +2019-03-27 19:30:00,6982.8 +2019-03-27 19:45:00,6933.2 +2019-03-27 20:00:00,6819.2 +2019-03-27 20:15:00,6672.8 +2019-03-27 20:30:00,6553.2 +2019-03-27 20:45:00,6443.6 +2019-03-27 21:00:00,6341.2 +2019-03-27 21:15:00,6253.6 +2019-03-27 21:30:00,6142.0 +2019-03-27 21:45:00,6049.6 +2019-03-27 22:00:00,5985.6 +2019-03-27 22:15:00,5903.2 +2019-03-27 22:30:00,5788.0 +2019-03-27 22:45:00,5659.2 +2019-03-27 23:00:00,5505.2 +2019-03-27 23:15:00,5404.0 +2019-03-27 23:30:00,5304.4 +2019-03-27 23:45:00,5222.4 +2019-03-28 00:00:00,5075.2 +2019-03-28 00:15:00,5024.4 +2019-03-28 00:30:00,4991.6 +2019-03-28 00:45:00,4955.6 +2019-03-28 01:00:00,4907.2 +2019-03-28 01:15:00,4867.2 +2019-03-28 01:30:00,4842.0 +2019-03-28 01:45:00,4824.8 +2019-03-28 02:00:00,4756.0 +2019-03-28 02:15:00,4728.0 +2019-03-28 02:30:00,4727.2 +2019-03-28 02:45:00,4752.8 +2019-03-28 03:00:00,4781.2 +2019-03-28 03:15:00,4787.6 +2019-03-28 03:30:00,4818.0 +2019-03-28 03:45:00,4814.0 +2019-03-28 04:00:00,4857.6 +2019-03-28 04:15:00,4885.6 +2019-03-28 04:30:00,4941.2 +2019-03-28 04:45:00,5020.4 +2019-03-28 05:00:00,5217.6 +2019-03-28 05:15:00,5292.0 +2019-03-28 05:30:00,5376.8 +2019-03-28 05:45:00,5486.8 +2019-03-28 06:00:00,5751.2 +2019-03-28 06:15:00,5964.4 +2019-03-28 06:30:00,6172.8 +2019-03-28 06:45:00,6255.2 +2019-03-28 07:00:00,6406.0 +2019-03-28 07:15:00,6509.2 +2019-03-28 07:30:00,6575.6 +2019-03-28 07:45:00,6633.2 +2019-03-28 08:00:00,6721.2 +2019-03-28 08:15:00,6746.8 +2019-03-28 08:30:00,6775.2 +2019-03-28 08:45:00,6774.4 +2019-03-28 09:00:00,6732.0 +2019-03-28 09:15:00,6774.0 +2019-03-28 09:30:00,6798.4 +2019-03-28 09:45:00,6807.6 +2019-03-28 10:00:00,6812.0 +2019-03-28 10:15:00,6833.2 +2019-03-28 10:30:00,6846.0 +2019-03-28 10:45:00,6880.0 +2019-03-28 11:00:00,6922.0 +2019-03-28 11:15:00,6952.4 +2019-03-28 11:30:00,6968.8 +2019-03-28 11:45:00,6968.4 +2019-03-28 12:00:00,6915.6 +2019-03-28 12:15:00,6880.8 +2019-03-28 12:30:00,6850.4 +2019-03-28 12:45:00,6832.4 +2019-03-28 13:00:00,6860.4 +2019-03-28 13:15:00,6849.2 +2019-03-28 13:30:00,6825.6 +2019-03-28 13:45:00,6766.8 +2019-03-28 14:00:00,6755.6 +2019-03-28 14:15:00,6730.4 +2019-03-28 14:30:00,6706.4 +2019-03-28 14:45:00,6675.6 +2019-03-28 15:00:00,6666.4 +2019-03-28 15:15:00,6628.8 +2019-03-28 15:30:00,6595.2 +2019-03-28 15:45:00,6566.8 +2019-03-28 16:00:00,6537.6 +2019-03-28 16:15:00,6518.8 +2019-03-28 16:30:00,6502.8 +2019-03-28 16:45:00,6490.8 +2019-03-28 17:00:00,6520.8 +2019-03-28 17:15:00,6508.0 +2019-03-28 17:30:00,6556.4 +2019-03-28 17:45:00,6600.4 +2019-03-28 18:00:00,6617.2 +2019-03-28 18:15:00,6609.2 +2019-03-28 18:30:00,6673.6 +2019-03-28 18:45:00,6774.8 +2019-03-28 19:00:00,6860.0 +2019-03-28 19:15:00,6869.2 +2019-03-28 19:30:00,6848.0 +2019-03-28 19:45:00,6778.4 +2019-03-28 20:00:00,6687.6 +2019-03-28 20:15:00,6568.0 +2019-03-28 20:30:00,6443.6 +2019-03-28 20:45:00,6361.2 +2019-03-28 21:00:00,6279.2 +2019-03-28 21:15:00,6210.4 +2019-03-28 21:30:00,6112.4 +2019-03-28 21:45:00,6003.2 +2019-03-28 22:00:00,5970.0 +2019-03-28 22:15:00,5864.4 +2019-03-28 22:30:00,5754.8 +2019-03-28 22:45:00,5621.6 +2019-03-28 23:00:00,5489.2 +2019-03-28 23:15:00,5381.2 +2019-03-28 23:30:00,5300.4 +2019-03-28 23:45:00,5220.0 +2019-03-29 00:00:00,5074.8 +2019-03-29 00:15:00,4978.0 +2019-03-29 00:30:00,4958.8 +2019-03-29 00:45:00,4874.4 +2019-03-29 01:00:00,4803.6 +2019-03-29 01:15:00,4733.2 +2019-03-29 01:30:00,4726.0 +2019-03-29 01:45:00,4686.4 +2019-03-29 02:00:00,4642.8 +2019-03-29 02:15:00,4612.0 +2019-03-29 02:30:00,4641.2 +2019-03-29 02:45:00,4659.2 +2019-03-29 03:00:00,4688.8 +2019-03-29 03:15:00,4696.8 +2019-03-29 03:30:00,4723.2 +2019-03-29 03:45:00,4758.8 +2019-03-29 04:00:00,4829.2 +2019-03-29 04:15:00,4876.4 +2019-03-29 04:30:00,4918.0 +2019-03-29 04:45:00,4998.8 +2019-03-29 05:00:00,5173.2 +2019-03-29 05:15:00,5264.0 +2019-03-29 05:30:00,5350.8 +2019-03-29 05:45:00,5450.0 +2019-03-29 06:00:00,5709.2 +2019-03-29 06:15:00,5912.0 +2019-03-29 06:30:00,6065.6 +2019-03-29 06:45:00,6186.0 +2019-03-29 07:00:00,6348.0 +2019-03-29 07:15:00,6445.2 +2019-03-29 07:30:00,6526.4 +2019-03-29 07:45:00,6597.6 +2019-03-29 08:00:00,6669.6 +2019-03-29 08:15:00,6718.8 +2019-03-29 08:30:00,6731.2 +2019-03-29 08:45:00,6735.2 +2019-03-29 09:00:00,6676.4 +2019-03-29 09:15:00,6684.8 +2019-03-29 09:30:00,6705.6 +2019-03-29 09:45:00,6751.2 +2019-03-29 10:00:00,6735.6 +2019-03-29 10:15:00,6757.2 +2019-03-29 10:30:00,6802.0 +2019-03-29 10:45:00,6804.0 +2019-03-29 11:00:00,6794.4 +2019-03-29 11:15:00,6804.8 +2019-03-29 11:30:00,6828.8 +2019-03-29 11:45:00,6802.4 +2019-03-29 12:00:00,6724.0 +2019-03-29 12:15:00,6716.0 +2019-03-29 12:30:00,6667.6 +2019-03-29 12:45:00,6633.6 +2019-03-29 13:00:00,6625.6 +2019-03-29 13:15:00,6557.2 +2019-03-29 13:30:00,6466.8 +2019-03-29 13:45:00,6379.6 +2019-03-29 14:00:00,6400.0 +2019-03-29 14:15:00,6387.6 +2019-03-29 14:30:00,6346.4 +2019-03-29 14:45:00,6306.4 +2019-03-29 15:00:00,6296.4 +2019-03-29 15:15:00,6270.0 +2019-03-29 15:30:00,6216.0 +2019-03-29 15:45:00,6157.6 +2019-03-29 16:00:00,6183.2 +2019-03-29 16:15:00,6135.2 +2019-03-29 16:30:00,6096.4 +2019-03-29 16:45:00,6096.4 +2019-03-29 17:00:00,6110.8 +2019-03-29 17:15:00,6106.8 +2019-03-29 17:30:00,6172.4 +2019-03-29 17:45:00,6194.4 +2019-03-29 18:00:00,6212.8 +2019-03-29 18:15:00,6241.6 +2019-03-29 18:30:00,6286.8 +2019-03-29 18:45:00,6386.4 +2019-03-29 19:00:00,6492.4 +2019-03-29 19:15:00,6566.8 +2019-03-29 19:30:00,6548.0 +2019-03-29 19:45:00,6470.0 +2019-03-29 20:00:00,6360.0 +2019-03-29 20:15:00,6263.6 +2019-03-29 20:30:00,6164.4 +2019-03-29 20:45:00,6024.8 +2019-03-29 21:00:00,5986.0 +2019-03-29 21:15:00,5891.6 +2019-03-29 21:30:00,5789.6 +2019-03-29 21:45:00,5685.2 +2019-03-29 22:00:00,5636.0 +2019-03-29 22:15:00,5544.0 +2019-03-29 22:30:00,5435.6 +2019-03-29 22:45:00,5320.4 +2019-03-29 23:00:00,5193.2 +2019-03-29 23:15:00,5105.6 +2019-03-29 23:30:00,5008.8 +2019-03-29 23:45:00,4924.8 +2019-03-30 00:00:00,4840.4 +2019-03-30 00:15:00,4754.4 +2019-03-30 00:30:00,4688.0 +2019-03-30 00:45:00,4648.4 +2019-03-30 01:00:00,4600.4 +2019-03-30 01:15:00,4546.4 +2019-03-30 01:30:00,4526.0 +2019-03-30 01:45:00,4471.6 +2019-03-30 02:00:00,4459.6 +2019-03-30 02:15:00,4442.8 +2019-03-30 02:30:00,4404.8 +2019-03-30 02:45:00,4422.8 +2019-03-30 03:00:00,4436.8 +2019-03-30 03:15:00,4419.2 +2019-03-30 03:30:00,4430.8 +2019-03-30 03:45:00,4435.6 +2019-03-30 04:00:00,4466.8 +2019-03-30 04:15:00,4463.6 +2019-03-30 04:30:00,4467.6 +2019-03-30 04:45:00,4504.4 +2019-03-30 05:00:00,4540.4 +2019-03-30 05:15:00,4517.6 +2019-03-30 05:30:00,4520.0 +2019-03-30 05:45:00,4498.4 +2019-03-30 06:00:00,4487.6 +2019-03-30 06:15:00,4524.4 +2019-03-30 06:30:00,4572.0 +2019-03-30 06:45:00,4644.4 +2019-03-30 07:00:00,4735.2 +2019-03-30 07:15:00,4813.6 +2019-03-30 07:30:00,4904.0 +2019-03-30 07:45:00,5020.4 +2019-03-30 08:00:00,5173.2 +2019-03-30 08:15:00,5260.8 +2019-03-30 08:30:00,5321.2 +2019-03-30 08:45:00,5395.6 +2019-03-30 09:00:00,5442.0 +2019-03-30 09:15:00,5470.8 +2019-03-30 09:30:00,5504.8 +2019-03-30 09:45:00,5518.0 +2019-03-30 10:00:00,5507.6 +2019-03-30 10:15:00,5516.0 +2019-03-30 10:30:00,5524.4 +2019-03-30 10:45:00,5528.8 +2019-03-30 11:00:00,5524.0 +2019-03-30 11:15:00,5519.6 +2019-03-30 11:30:00,5534.4 +2019-03-30 11:45:00,5492.8 +2019-03-30 12:00:00,5476.4 +2019-03-30 12:15:00,5462.8 +2019-03-30 12:30:00,5428.0 +2019-03-30 12:45:00,5377.2 +2019-03-30 13:00:00,5342.0 +2019-03-30 13:15:00,5292.0 +2019-03-30 13:30:00,5244.8 +2019-03-30 13:45:00,5189.2 +2019-03-30 14:00:00,5143.6 +2019-03-30 14:15:00,5102.4 +2019-03-30 14:30:00,5088.4 +2019-03-30 14:45:00,5071.2 +2019-03-30 15:00:00,5082.0 +2019-03-30 15:15:00,5066.8 +2019-03-30 15:30:00,5042.4 +2019-03-30 15:45:00,4982.8 +2019-03-30 16:00:00,4979.6 +2019-03-30 16:15:00,4974.8 +2019-03-30 16:30:00,4938.4 +2019-03-30 16:45:00,4943.2 +2019-03-30 17:00:00,4992.8 +2019-03-30 17:15:00,5030.0 +2019-03-30 17:30:00,5097.2 +2019-03-30 17:45:00,5124.0 +2019-03-30 18:00:00,5205.2 +2019-03-30 18:15:00,5228.0 +2019-03-30 18:30:00,5319.2 +2019-03-30 18:45:00,5407.2 +2019-03-30 19:00:00,5503.2 +2019-03-30 19:15:00,5554.8 +2019-03-30 19:30:00,5558.8 +2019-03-30 19:45:00,5518.4 +2019-03-30 20:00:00,5426.4 +2019-03-30 20:15:00,5305.2 +2019-03-30 20:30:00,5212.4 +2019-03-30 20:45:00,5113.6 +2019-03-30 21:00:00,5046.4 +2019-03-30 21:15:00,4978.8 +2019-03-30 21:30:00,4898.8 +2019-03-30 21:45:00,4865.2 +2019-03-30 22:00:00,4908.8 +2019-03-30 22:15:00,4828.8 +2019-03-30 22:30:00,4736.8 +2019-03-30 22:45:00,4672.8 +2019-03-30 23:00:00,4585.2 +2019-03-30 23:15:00,4508.0 +2019-03-30 23:30:00,4443.2 +2019-03-30 23:45:00,4390.0 +2019-03-31 00:00:00,4384.8 +2019-03-31 00:15:00,4337.2 +2019-03-31 00:30:00,4275.2 +2019-03-31 00:45:00,4244.4 +2019-03-31 01:00:00,4188.8 +2019-03-31 01:15:00,4150.4 +2019-03-31 01:30:00,4127.6 +2019-03-31 01:45:00,4077.6 +2019-03-31 02:00:00,4027.6 +2019-03-31 02:15:00,4023.6 +2019-03-31 02:30:00,4016.4 +2019-03-31 02:45:00,4004.0 +2019-03-31 03:00:00,3983.2 +2019-03-31 03:15:00,4013.2 +2019-03-31 03:30:00,4033.2 +2019-03-31 03:45:00,4059.6 +2019-03-31 04:00:00,4101.6 +2019-03-31 04:15:00,4095.2 +2019-03-31 04:30:00,4137.6 +2019-03-31 04:45:00,4148.8 +2019-03-31 05:00:00,4120.4 +2019-03-31 05:15:00,4154.0 +2019-03-31 05:30:00,4142.4 +2019-03-31 05:45:00,4142.0 +2019-03-31 06:00:00,4150.8 +2019-03-31 06:15:00,4162.0 +2019-03-31 06:30:00,4213.2 +2019-03-31 06:45:00,4275.2 +2019-03-31 07:00:00,4367.2 +2019-03-31 07:15:00,4459.6 +2019-03-31 07:30:00,4534.4 +2019-03-31 07:45:00,4590.0 +2019-03-31 08:00:00,4723.6 +2019-03-31 08:15:00,4809.6 +2019-03-31 08:30:00,4886.8 +2019-03-31 08:45:00,4972.8 +2019-03-31 09:00:00,5040.0 +2019-03-31 09:15:00,5100.0 +2019-03-31 09:30:00,5182.8 +2019-03-31 09:45:00,5197.6 +2019-03-31 10:00:00,5280.0 +2019-03-31 10:15:00,5325.2 +2019-03-31 10:30:00,5349.6 +2019-03-31 10:45:00,5372.4 +2019-03-31 11:00:00,5364.4 +2019-03-31 11:15:00,5340.8 +2019-03-31 11:30:00,5309.6 +2019-03-31 11:45:00,5232.0 +2019-03-31 12:00:00,5183.2 +2019-03-31 12:15:00,5144.0 +2019-03-31 12:30:00,5112.4 +2019-03-31 12:45:00,5039.2 +2019-03-31 13:00:00,5000.0 +2019-03-31 13:15:00,4979.6 +2019-03-31 13:30:00,4918.0 +2019-03-31 13:45:00,4872.0 +2019-03-31 14:00:00,4851.6 +2019-03-31 14:15:00,4810.0 +2019-03-31 14:30:00,4806.8 +2019-03-31 14:45:00,4774.0 +2019-03-31 15:00:00,4750.4 +2019-03-31 15:15:00,4772.4 +2019-03-31 15:30:00,4812.8 +2019-03-31 15:45:00,4783.2 +2019-03-31 16:00:00,4841.6 +2019-03-31 16:15:00,4856.8 +2019-03-31 16:30:00,4898.4 +2019-03-31 16:45:00,4877.2 +2019-03-31 17:00:00,4963.6 +2019-03-31 17:15:00,4967.2 +2019-03-31 17:30:00,4995.2 +2019-03-31 17:45:00,5052.8 +2019-03-31 18:00:00,5088.0 +2019-03-31 18:15:00,5114.0 +2019-03-31 18:30:00,5116.8 +2019-03-31 18:45:00,5189.6 +2019-03-31 19:00:00,5325.2 +2019-03-31 19:15:00,5360.0 +2019-03-31 19:30:00,5279.2 +2019-03-31 19:45:00,5230.8 +2019-03-31 20:00:00,5216.4 +2019-03-31 20:15:00,5158.8 +2019-03-31 20:30:00,5117.2 +2019-03-31 20:45:00,5094.0 +2019-03-31 21:00:00,5162.8 +2019-03-31 21:15:00,5093.6 +2019-03-31 21:30:00,5057.6 +2019-03-31 21:45:00,4978.4 +2019-03-31 22:00:00,4898.4 +2019-03-31 22:15:00,4794.0 +2019-03-31 22:30:00,4709.6 +2019-03-31 22:45:00,4644.8 +2019-03-31 23:00:00,4486.4 +2019-03-31 23:15:00,4444.0 +2019-03-31 23:30:00,4427.2 +2019-03-31 23:45:00,4392.4 +2019-04-01 00:00:00,4332.4 +2019-04-01 00:15:00,4280.8 +2019-04-01 00:30:00,4252.4 +2019-04-01 00:45:00,4231.6 +2019-04-01 01:00:00,4218.4 +2019-04-01 01:15:00,4208.4 +2019-04-01 01:30:00,4210.8 +2019-04-01 01:45:00,4223.6 +2019-04-01 02:00:00,4234.4 +2019-04-01 02:15:00,4241.6 +2019-04-01 02:30:00,4296.0 +2019-04-01 02:45:00,4318.0 +2019-04-01 03:00:00,4393.2 +2019-04-01 03:15:00,4465.6 +2019-04-01 03:30:00,4531.2 +2019-04-01 03:45:00,4620.4 +2019-04-01 04:00:00,4754.0 +2019-04-01 04:15:00,4833.2 +2019-04-01 04:30:00,4994.8 +2019-04-01 04:45:00,5170.8 +2019-04-01 05:00:00,5514.4 +2019-04-01 05:15:00,5763.2 +2019-04-01 05:30:00,5968.0 +2019-04-01 05:45:00,6076.8 +2019-04-01 06:00:00,6217.2 +2019-04-01 06:15:00,6321.2 +2019-04-01 06:30:00,6403.6 +2019-04-01 06:45:00,6469.6 +2019-04-01 07:00:00,6535.2 +2019-04-01 07:15:00,6596.8 +2019-04-01 07:30:00,6644.0 +2019-04-01 07:45:00,6660.8 +2019-04-01 08:00:00,6611.2 +2019-04-01 08:15:00,6646.8 +2019-04-01 08:30:00,6678.8 +2019-04-01 08:45:00,6705.6 +2019-04-01 09:00:00,6710.4 +2019-04-01 09:15:00,6706.8 +2019-04-01 09:30:00,6724.4 +2019-04-01 09:45:00,6732.0 +2019-04-01 10:00:00,6718.0 +2019-04-01 10:15:00,6784.4 +2019-04-01 10:30:00,6770.4 +2019-04-01 10:45:00,6790.8 +2019-04-01 11:00:00,6691.6 +2019-04-01 11:15:00,6648.4 +2019-04-01 11:30:00,6673.2 +2019-04-01 11:45:00,6674.0 +2019-04-01 12:00:00,6686.8 +2019-04-01 12:15:00,6658.8 +2019-04-01 12:30:00,6615.6 +2019-04-01 12:45:00,6555.6 +2019-04-01 13:00:00,6542.0 +2019-04-01 13:15:00,6543.6 +2019-04-01 13:30:00,6516.0 +2019-04-01 13:45:00,6495.2 +2019-04-01 14:00:00,6497.6 +2019-04-01 14:15:00,6430.4 +2019-04-01 14:30:00,6376.8 +2019-04-01 14:45:00,6335.6 +2019-04-01 15:00:00,6289.6 +2019-04-01 15:15:00,6244.0 +2019-04-01 15:30:00,6222.4 +2019-04-01 15:45:00,6166.8 +2019-04-01 16:00:00,6174.0 +2019-04-01 16:15:00,6172.0 +2019-04-01 16:30:00,6180.4 +2019-04-01 16:45:00,6196.0 +2019-04-01 17:00:00,6214.8 +2019-04-01 17:15:00,6215.2 +2019-04-01 17:30:00,6271.2 +2019-04-01 17:45:00,6310.8 +2019-04-01 18:00:00,6350.0 +2019-04-01 18:15:00,6343.2 +2019-04-01 18:30:00,6387.2 +2019-04-01 18:45:00,6431.6 +2019-04-01 19:00:00,6473.2 +2019-04-01 19:15:00,6468.8 +2019-04-01 19:30:00,6448.4 +2019-04-01 19:45:00,6363.6 +2019-04-01 20:00:00,6280.4 +2019-04-01 20:15:00,6200.4 +2019-04-01 20:30:00,6096.4 +2019-04-01 20:45:00,6027.6 +2019-04-01 21:00:00,5955.6 +2019-04-01 21:15:00,5862.4 +2019-04-01 21:30:00,5755.6 +2019-04-01 21:45:00,5647.6 +2019-04-01 22:00:00,5508.0 +2019-04-01 22:15:00,5402.8 +2019-04-01 22:30:00,5323.2 +2019-04-01 22:45:00,5245.2 +2019-04-01 23:00:00,5192.0 +2019-04-01 23:15:00,5122.8 +2019-04-01 23:30:00,5071.6 +2019-04-01 23:45:00,5050.4 +2019-04-02 00:00:00,4980.8 +2019-04-02 00:15:00,4939.6 +2019-04-02 00:30:00,4929.6 +2019-04-02 00:45:00,4895.2 +2019-04-02 01:00:00,4812.4 +2019-04-02 01:15:00,4816.8 +2019-04-02 01:30:00,4844.4 +2019-04-02 01:45:00,4882.4 +2019-04-02 02:00:00,4868.4 +2019-04-02 02:15:00,4907.6 +2019-04-02 02:30:00,4906.8 +2019-04-02 02:45:00,4933.6 +2019-04-02 03:00:00,4950.4 +2019-04-02 03:15:00,5022.4 +2019-04-02 03:30:00,5074.4 +2019-04-02 03:45:00,5139.2 +2019-04-02 04:00:00,5296.4 +2019-04-02 04:15:00,5373.2 +2019-04-02 04:30:00,5454.4 +2019-04-02 04:45:00,5590.8 +2019-04-02 05:00:00,5946.4 +2019-04-02 05:15:00,6159.2 +2019-04-02 05:30:00,6318.0 +2019-04-02 05:45:00,6399.6 +2019-04-02 06:00:00,6522.8 +2019-04-02 06:15:00,6627.2 +2019-04-02 06:30:00,6692.4 +2019-04-02 06:45:00,6731.6 +2019-04-02 07:00:00,6806.0 +2019-04-02 07:15:00,6858.0 +2019-04-02 07:30:00,6856.8 +2019-04-02 07:45:00,6866.4 +2019-04-02 08:00:00,6840.8 +2019-04-02 08:15:00,6866.0 +2019-04-02 08:30:00,6868.0 +2019-04-02 08:45:00,6908.4 +2019-04-02 09:00:00,6888.4 +2019-04-02 09:15:00,6932.4 +2019-04-02 09:30:00,6924.4 +2019-04-02 09:45:00,6948.8 +2019-04-02 10:00:00,6932.0 +2019-04-02 10:15:00,6950.8 +2019-04-02 10:30:00,6963.6 +2019-04-02 10:45:00,6987.2 +2019-04-02 11:00:00,6933.6 +2019-04-02 11:15:00,6936.8 +2019-04-02 11:30:00,6913.2 +2019-04-02 11:45:00,6884.8 +2019-04-02 12:00:00,6930.4 +2019-04-02 12:15:00,6928.4 +2019-04-02 12:30:00,6902.8 +2019-04-02 12:45:00,6853.2 +2019-04-02 13:00:00,6828.8 +2019-04-02 13:15:00,6832.0 +2019-04-02 13:30:00,6808.4 +2019-04-02 13:45:00,6764.8 +2019-04-02 14:00:00,6775.6 +2019-04-02 14:15:00,6754.8 +2019-04-02 14:30:00,6676.4 +2019-04-02 14:45:00,6650.4 +2019-04-02 15:00:00,6653.2 +2019-04-02 15:15:00,6608.0 +2019-04-02 15:30:00,6506.4 +2019-04-02 15:45:00,6478.0 +2019-04-02 16:00:00,6482.8 +2019-04-02 16:15:00,6485.2 +2019-04-02 16:30:00,6520.0 +2019-04-02 16:45:00,6528.4 +2019-04-02 17:00:00,6541.2 +2019-04-02 17:15:00,6478.8 +2019-04-02 17:30:00,6505.2 +2019-04-02 17:45:00,6515.6 +2019-04-02 18:00:00,6517.6 +2019-04-02 18:15:00,6530.4 +2019-04-02 18:30:00,6516.8 +2019-04-02 18:45:00,6554.4 +2019-04-02 19:00:00,6604.4 +2019-04-02 19:15:00,6613.2 +2019-04-02 19:30:00,6563.6 +2019-04-02 19:45:00,6491.2 +2019-04-02 20:00:00,6399.6 +2019-04-02 20:15:00,6306.0 +2019-04-02 20:30:00,6233.6 +2019-04-02 20:45:00,6097.2 +2019-04-02 21:00:00,6002.0 +2019-04-02 21:15:00,5894.8 +2019-04-02 21:30:00,5799.2 +2019-04-02 21:45:00,5656.4 +2019-04-02 22:00:00,5520.8 +2019-04-02 22:15:00,5406.8 +2019-04-02 22:30:00,5300.0 +2019-04-02 22:45:00,5221.6 +2019-04-02 23:00:00,5097.6 +2019-04-02 23:15:00,5066.0 +2019-04-02 23:30:00,4997.6 +2019-04-02 23:45:00,4930.8 +2019-04-03 00:00:00,4877.2 +2019-04-03 00:15:00,4827.2 +2019-04-03 00:30:00,4790.4 +2019-04-03 00:45:00,4784.0 +2019-04-03 01:00:00,4770.0 +2019-04-03 01:15:00,4752.8 +2019-04-03 01:30:00,4735.2 +2019-04-03 01:45:00,4742.8 +2019-04-03 02:00:00,4755.2 +2019-04-03 02:15:00,4772.4 +2019-04-03 02:30:00,4756.4 +2019-04-03 02:45:00,4770.4 +2019-04-03 03:00:00,4829.2 +2019-04-03 03:15:00,4832.8 +2019-04-03 03:30:00,4900.4 +2019-04-03 03:45:00,4980.4 +2019-04-03 04:00:00,5133.2 +2019-04-03 04:15:00,5236.0 +2019-04-03 04:30:00,5376.8 +2019-04-03 04:45:00,5514.4 +2019-04-03 05:00:00,5838.4 +2019-04-03 05:15:00,6077.2 +2019-04-03 05:30:00,6247.6 +2019-04-03 05:45:00,6368.8 +2019-04-03 06:00:00,6504.8 +2019-04-03 06:15:00,6546.8 +2019-04-03 06:30:00,6612.8 +2019-04-03 06:45:00,6668.4 +2019-04-03 07:00:00,6739.6 +2019-04-03 07:15:00,6783.2 +2019-04-03 07:30:00,6788.4 +2019-04-03 07:45:00,6790.0 +2019-04-03 08:00:00,6768.0 +2019-04-03 08:15:00,6787.6 +2019-04-03 08:30:00,6848.0 +2019-04-03 08:45:00,6873.6 +2019-04-03 09:00:00,6889.6 +2019-04-03 09:15:00,6920.8 +2019-04-03 09:30:00,6939.2 +2019-04-03 09:45:00,6989.6 +2019-04-03 10:00:00,7012.0 +2019-04-03 10:15:00,7037.2 +2019-04-03 10:30:00,7060.4 +2019-04-03 10:45:00,7046.8 +2019-04-03 11:00:00,6982.4 +2019-04-03 11:15:00,6976.0 +2019-04-03 11:30:00,6954.4 +2019-04-03 11:45:00,6960.0 +2019-04-03 12:00:00,6978.8 +2019-04-03 12:15:00,6967.6 +2019-04-03 12:30:00,6936.4 +2019-04-03 12:45:00,6888.4 +2019-04-03 13:00:00,6861.6 +2019-04-03 13:15:00,6878.8 +2019-04-03 13:30:00,6847.2 +2019-04-03 13:45:00,6812.0 +2019-04-03 14:00:00,6769.6 +2019-04-03 14:15:00,6744.8 +2019-04-03 14:30:00,6712.4 +2019-04-03 14:45:00,6680.4 +2019-04-03 15:00:00,6639.6 +2019-04-03 15:15:00,6622.0 +2019-04-03 15:30:00,6598.0 +2019-04-03 15:45:00,6580.4 +2019-04-03 16:00:00,6600.8 +2019-04-03 16:15:00,6618.4 +2019-04-03 16:30:00,6584.0 +2019-04-03 16:45:00,6606.8 +2019-04-03 17:00:00,6565.2 +2019-04-03 17:15:00,6545.2 +2019-04-03 17:30:00,6554.4 +2019-04-03 17:45:00,6558.4 +2019-04-03 18:00:00,6603.6 +2019-04-03 18:15:00,6607.2 +2019-04-03 18:30:00,6630.8 +2019-04-03 18:45:00,6656.8 +2019-04-03 19:00:00,6659.2 +2019-04-03 19:15:00,6626.8 +2019-04-03 19:30:00,6542.8 +2019-04-03 19:45:00,6439.2 +2019-04-03 20:00:00,6356.8 +2019-04-03 20:15:00,6266.4 +2019-04-03 20:30:00,6190.0 +2019-04-03 20:45:00,6088.4 +2019-04-03 21:00:00,5971.6 +2019-04-03 21:15:00,5882.4 +2019-04-03 21:30:00,5784.8 +2019-04-03 21:45:00,5671.2 +2019-04-03 22:00:00,5535.2 +2019-04-03 22:15:00,5412.4 +2019-04-03 22:30:00,5320.8 +2019-04-03 22:45:00,5215.6 +2019-04-03 23:00:00,5196.4 +2019-04-03 23:15:00,5120.8 +2019-04-03 23:30:00,5032.8 +2019-04-03 23:45:00,4994.8 +2019-04-04 00:00:00,4935.6 +2019-04-04 00:15:00,4924.0 +2019-04-04 00:30:00,4884.0 +2019-04-04 00:45:00,4858.8 +2019-04-04 01:00:00,4806.8 +2019-04-04 01:15:00,4781.6 +2019-04-04 01:30:00,4806.8 +2019-04-04 01:45:00,4808.0 +2019-04-04 02:00:00,4803.6 +2019-04-04 02:15:00,4827.6 +2019-04-04 02:30:00,4824.0 +2019-04-04 02:45:00,4870.0 +2019-04-04 03:00:00,4916.4 +2019-04-04 03:15:00,4956.0 +2019-04-04 03:30:00,5017.2 +2019-04-04 03:45:00,5068.0 +2019-04-04 04:00:00,5214.8 +2019-04-04 04:15:00,5296.8 +2019-04-04 04:30:00,5388.8 +2019-04-04 04:45:00,5506.0 +2019-04-04 05:00:00,5807.2 +2019-04-04 05:15:00,6032.4 +2019-04-04 05:30:00,6252.0 +2019-04-04 05:45:00,6366.0 +2019-04-04 06:00:00,6499.6 +2019-04-04 06:15:00,6597.6 +2019-04-04 06:30:00,6664.4 +2019-04-04 06:45:00,6730.4 +2019-04-04 07:00:00,6822.8 +2019-04-04 07:15:00,6859.2 +2019-04-04 07:30:00,6881.6 +2019-04-04 07:45:00,6917.6 +2019-04-04 08:00:00,6835.2 +2019-04-04 08:15:00,6868.8 +2019-04-04 08:30:00,6906.8 +2019-04-04 08:45:00,6927.2 +2019-04-04 09:00:00,6943.2 +2019-04-04 09:15:00,6990.4 +2019-04-04 09:30:00,7013.6 +2019-04-04 09:45:00,7028.0 +2019-04-04 10:00:00,7023.2 +2019-04-04 10:15:00,7061.6 +2019-04-04 10:30:00,7099.6 +2019-04-04 10:45:00,7086.0 +2019-04-04 11:00:00,7047.2 +2019-04-04 11:15:00,7044.4 +2019-04-04 11:30:00,7030.0 +2019-04-04 11:45:00,7035.2 +2019-04-04 12:00:00,7005.2 +2019-04-04 12:15:00,6996.0 +2019-04-04 12:30:00,6962.8 +2019-04-04 12:45:00,6910.8 +2019-04-04 13:00:00,6890.4 +2019-04-04 13:15:00,6886.8 +2019-04-04 13:30:00,6866.0 +2019-04-04 13:45:00,6845.6 +2019-04-04 14:00:00,6848.8 +2019-04-04 14:15:00,6793.6 +2019-04-04 14:30:00,6744.4 +2019-04-04 14:45:00,6661.6 +2019-04-04 15:00:00,6654.8 +2019-04-04 15:15:00,6607.2 +2019-04-04 15:30:00,6582.0 +2019-04-04 15:45:00,6562.8 +2019-04-04 16:00:00,6578.4 +2019-04-04 16:15:00,6568.8 +2019-04-04 16:30:00,6560.4 +2019-04-04 16:45:00,6574.8 +2019-04-04 17:00:00,6557.2 +2019-04-04 17:15:00,6522.8 +2019-04-04 17:30:00,6552.4 +2019-04-04 17:45:00,6574.4 +2019-04-04 18:00:00,6578.8 +2019-04-04 18:15:00,6555.6 +2019-04-04 18:30:00,6551.2 +2019-04-04 18:45:00,6581.6 +2019-04-04 19:00:00,6592.8 +2019-04-04 19:15:00,6574.0 +2019-04-04 19:30:00,6489.2 +2019-04-04 19:45:00,6424.0 +2019-04-04 20:00:00,6330.4 +2019-04-04 20:15:00,6284.8 +2019-04-04 20:30:00,6171.2 +2019-04-04 20:45:00,6090.8 +2019-04-04 21:00:00,6043.6 +2019-04-04 21:15:00,5933.2 +2019-04-04 21:30:00,5846.4 +2019-04-04 21:45:00,5731.2 +2019-04-04 22:00:00,5610.4 +2019-04-04 22:15:00,5468.4 +2019-04-04 22:30:00,5377.2 +2019-04-04 22:45:00,5312.0 +2019-04-04 23:00:00,5194.8 +2019-04-04 23:15:00,5144.0 +2019-04-04 23:30:00,5095.6 +2019-04-04 23:45:00,5043.2 +2019-04-05 00:00:00,4972.8 +2019-04-05 00:15:00,4920.4 +2019-04-05 00:30:00,4876.0 +2019-04-05 00:45:00,4878.4 +2019-04-05 01:00:00,4805.6 +2019-04-05 01:15:00,4784.4 +2019-04-05 01:30:00,4787.6 +2019-04-05 01:45:00,4789.2 +2019-04-05 02:00:00,4798.0 +2019-04-05 02:15:00,4800.0 +2019-04-05 02:30:00,4828.0 +2019-04-05 02:45:00,4844.4 +2019-04-05 03:00:00,4894.4 +2019-04-05 03:15:00,4940.8 +2019-04-05 03:30:00,4993.2 +2019-04-05 03:45:00,5056.0 +2019-04-05 04:00:00,5188.4 +2019-04-05 04:15:00,5230.0 +2019-04-05 04:30:00,5354.0 +2019-04-05 04:45:00,5500.8 +2019-04-05 05:00:00,5784.4 +2019-04-05 05:15:00,6011.6 +2019-04-05 05:30:00,6206.4 +2019-04-05 05:45:00,6318.4 +2019-04-05 06:00:00,6482.4 +2019-04-05 06:15:00,6584.4 +2019-04-05 06:30:00,6675.2 +2019-04-05 06:45:00,6753.6 +2019-04-05 07:00:00,6852.0 +2019-04-05 07:15:00,6914.0 +2019-04-05 07:30:00,6969.2 +2019-04-05 07:45:00,6974.8 +2019-04-05 08:00:00,6966.8 +2019-04-05 08:15:00,6988.8 +2019-04-05 08:30:00,7019.6 +2019-04-05 08:45:00,7027.2 +2019-04-05 09:00:00,7033.6 +2019-04-05 09:15:00,7038.4 +2019-04-05 09:30:00,7052.0 +2019-04-05 09:45:00,7043.2 +2019-04-05 10:00:00,7071.6 +2019-04-05 10:15:00,7072.8 +2019-04-05 10:30:00,7081.2 +2019-04-05 10:45:00,7066.0 +2019-04-05 11:00:00,7008.4 +2019-04-05 11:15:00,6999.2 +2019-04-05 11:30:00,6987.6 +2019-04-05 11:45:00,6968.8 +2019-04-05 12:00:00,6980.0 +2019-04-05 12:15:00,6920.0 +2019-04-05 12:30:00,6858.0 +2019-04-05 12:45:00,6774.0 +2019-04-05 13:00:00,6732.0 +2019-04-05 13:15:00,6705.6 +2019-04-05 13:30:00,6662.4 +2019-04-05 13:45:00,6612.8 +2019-04-05 14:00:00,6619.6 +2019-04-05 14:15:00,6554.8 +2019-04-05 14:30:00,6511.2 +2019-04-05 14:45:00,6436.4 +2019-04-05 15:00:00,6413.6 +2019-04-05 15:15:00,6420.0 +2019-04-05 15:30:00,6385.6 +2019-04-05 15:45:00,6372.4 +2019-04-05 16:00:00,6391.6 +2019-04-05 16:15:00,6396.4 +2019-04-05 16:30:00,6402.4 +2019-04-05 16:45:00,6388.8 +2019-04-05 17:00:00,6382.0 +2019-04-05 17:15:00,6346.4 +2019-04-05 17:30:00,6368.0 +2019-04-05 17:45:00,6359.6 +2019-04-05 18:00:00,6384.4 +2019-04-05 18:15:00,6347.6 +2019-04-05 18:30:00,6338.4 +2019-04-05 18:45:00,6333.2 +2019-04-05 19:00:00,6322.0 +2019-04-05 19:15:00,6276.8 +2019-04-05 19:30:00,6211.2 +2019-04-05 19:45:00,6148.8 +2019-04-05 20:00:00,6047.6 +2019-04-05 20:15:00,5950.8 +2019-04-05 20:30:00,5821.2 +2019-04-05 20:45:00,5730.8 +2019-04-05 21:00:00,5660.4 +2019-04-05 21:15:00,5578.4 +2019-04-05 21:30:00,5463.2 +2019-04-05 21:45:00,5411.2 +2019-04-05 22:00:00,5279.6 +2019-04-05 22:15:00,5200.4 +2019-04-05 22:30:00,5107.2 +2019-04-05 22:45:00,5013.6 +2019-04-05 23:00:00,4929.6 +2019-04-05 23:15:00,4828.8 +2019-04-05 23:30:00,4759.2 +2019-04-05 23:45:00,4713.2 +2019-04-06 00:00:00,4655.2 +2019-04-06 00:15:00,4617.2 +2019-04-06 00:30:00,4579.2 +2019-04-06 00:45:00,4573.2 +2019-04-06 01:00:00,4517.2 +2019-04-06 01:15:00,4511.2 +2019-04-06 01:30:00,4501.2 +2019-04-06 01:45:00,4503.6 +2019-04-06 02:00:00,4476.4 +2019-04-06 02:15:00,4499.6 +2019-04-06 02:30:00,4490.4 +2019-04-06 02:45:00,4474.4 +2019-04-06 03:00:00,4471.6 +2019-04-06 03:15:00,4497.6 +2019-04-06 03:30:00,4504.8 +2019-04-06 03:45:00,4513.6 +2019-04-06 04:00:00,4545.6 +2019-04-06 04:15:00,4536.4 +2019-04-06 04:30:00,4534.0 +2019-04-06 04:45:00,4566.4 +2019-04-06 05:00:00,4608.4 +2019-04-06 05:15:00,4670.0 +2019-04-06 05:30:00,4683.6 +2019-04-06 05:45:00,4720.4 +2019-04-06 06:00:00,4815.2 +2019-04-06 06:15:00,4863.6 +2019-04-06 06:30:00,4969.2 +2019-04-06 06:45:00,5059.2 +2019-04-06 07:00:00,5189.2 +2019-04-06 07:15:00,5286.0 +2019-04-06 07:30:00,5367.2 +2019-04-06 07:45:00,5430.4 +2019-04-06 08:00:00,5508.0 +2019-04-06 08:15:00,5565.2 +2019-04-06 08:30:00,5614.8 +2019-04-06 08:45:00,5644.4 +2019-04-06 09:00:00,5640.4 +2019-04-06 09:15:00,5642.0 +2019-04-06 09:30:00,5650.8 +2019-04-06 09:45:00,5665.6 +2019-04-06 10:00:00,5618.0 +2019-04-06 10:15:00,5613.2 +2019-04-06 10:30:00,5620.8 +2019-04-06 10:45:00,5617.6 +2019-04-06 11:00:00,5628.4 +2019-04-06 11:15:00,5580.8 +2019-04-06 11:30:00,5550.4 +2019-04-06 11:45:00,5541.6 +2019-04-06 12:00:00,5522.8 +2019-04-06 12:15:00,5465.2 +2019-04-06 12:30:00,5426.0 +2019-04-06 12:45:00,5396.8 +2019-04-06 13:00:00,5347.2 +2019-04-06 13:15:00,5293.2 +2019-04-06 13:30:00,5279.2 +2019-04-06 13:45:00,5251.6 +2019-04-06 14:00:00,5248.4 +2019-04-06 14:15:00,5212.0 +2019-04-06 14:30:00,5178.8 +2019-04-06 14:45:00,5151.2 +2019-04-06 15:00:00,5150.0 +2019-04-06 15:15:00,5123.2 +2019-04-06 15:30:00,5069.2 +2019-04-06 15:45:00,5047.2 +2019-04-06 16:00:00,5073.6 +2019-04-06 16:15:00,5058.4 +2019-04-06 16:30:00,5077.2 +2019-04-06 16:45:00,5100.8 +2019-04-06 17:00:00,5153.2 +2019-04-06 17:15:00,5144.4 +2019-04-06 17:30:00,5185.6 +2019-04-06 17:45:00,5190.4 +2019-04-06 18:00:00,5165.2 +2019-04-06 18:15:00,5176.8 +2019-04-06 18:30:00,5180.0 +2019-04-06 18:45:00,5182.0 +2019-04-06 19:00:00,5205.6 +2019-04-06 19:15:00,5233.2 +2019-04-06 19:30:00,5236.0 +2019-04-06 19:45:00,5205.2 +2019-04-06 20:00:00,5177.6 +2019-04-06 20:15:00,5129.2 +2019-04-06 20:30:00,5066.8 +2019-04-06 20:45:00,5053.6 +2019-04-06 21:00:00,5041.2 +2019-04-06 21:15:00,4972.4 +2019-04-06 21:30:00,4907.2 +2019-04-06 21:45:00,4820.4 +2019-04-06 22:00:00,4720.4 +2019-04-06 22:15:00,4641.2 +2019-04-06 22:30:00,4571.6 +2019-04-06 22:45:00,4479.2 +2019-04-06 23:00:00,4371.6 +2019-04-06 23:15:00,4299.6 +2019-04-06 23:30:00,4230.8 +2019-04-06 23:45:00,4195.2 +2019-04-07 00:00:00,4137.6 +2019-04-07 00:15:00,4082.8 +2019-04-07 00:30:00,4038.0 +2019-04-07 00:45:00,4002.4 +2019-04-07 01:00:00,3980.8 +2019-04-07 01:15:00,3969.6 +2019-04-07 01:30:00,3925.6 +2019-04-07 01:45:00,3917.2 +2019-04-07 02:00:00,3944.4 +2019-04-07 02:15:00,3945.2 +2019-04-07 02:30:00,3921.6 +2019-04-07 02:45:00,3930.4 +2019-04-07 03:00:00,3964.8 +2019-04-07 03:15:00,3960.8 +2019-04-07 03:30:00,3977.6 +2019-04-07 03:45:00,3989.2 +2019-04-07 04:00:00,4004.8 +2019-04-07 04:15:00,4006.8 +2019-04-07 04:30:00,4006.4 +2019-04-07 04:45:00,4010.0 +2019-04-07 05:00:00,4000.4 +2019-04-07 05:15:00,3990.0 +2019-04-07 05:30:00,3986.8 +2019-04-07 05:45:00,3986.8 +2019-04-07 06:00:00,4050.8 +2019-04-07 06:15:00,4107.6 +2019-04-07 06:30:00,4168.4 +2019-04-07 06:45:00,4286.0 +2019-04-07 07:00:00,4395.6 +2019-04-07 07:15:00,4496.4 +2019-04-07 07:30:00,4582.0 +2019-04-07 07:45:00,4656.0 +2019-04-07 08:00:00,4753.2 +2019-04-07 08:15:00,4803.6 +2019-04-07 08:30:00,4859.2 +2019-04-07 08:45:00,4888.0 +2019-04-07 09:00:00,4922.0 +2019-04-07 09:15:00,4988.8 +2019-04-07 09:30:00,5018.0 +2019-04-07 09:45:00,5051.6 +2019-04-07 10:00:00,5128.0 +2019-04-07 10:15:00,5163.6 +2019-04-07 10:30:00,5178.0 +2019-04-07 10:45:00,5187.6 +2019-04-07 11:00:00,5207.2 +2019-04-07 11:15:00,5143.6 +2019-04-07 11:30:00,5077.6 +2019-04-07 11:45:00,5035.6 +2019-04-07 12:00:00,4953.2 +2019-04-07 12:15:00,4896.4 +2019-04-07 12:30:00,4878.0 +2019-04-07 12:45:00,4852.8 +2019-04-07 13:00:00,4794.8 +2019-04-07 13:15:00,4766.0 +2019-04-07 13:30:00,4732.0 +2019-04-07 13:45:00,4723.2 +2019-04-07 14:00:00,4721.6 +2019-04-07 14:15:00,4687.2 +2019-04-07 14:30:00,4680.8 +2019-04-07 14:45:00,4668.0 +2019-04-07 15:00:00,4654.4 +2019-04-07 15:15:00,4644.0 +2019-04-07 15:30:00,4644.8 +2019-04-07 15:45:00,4661.6 +2019-04-07 16:00:00,4716.8 +2019-04-07 16:15:00,4755.6 +2019-04-07 16:30:00,4754.8 +2019-04-07 16:45:00,4790.0 +2019-04-07 17:00:00,4856.0 +2019-04-07 17:15:00,4869.6 +2019-04-07 17:30:00,4877.2 +2019-04-07 17:45:00,4925.6 +2019-04-07 18:00:00,4964.8 +2019-04-07 18:15:00,4975.2 +2019-04-07 18:30:00,5001.6 +2019-04-07 18:45:00,5015.2 +2019-04-07 19:00:00,5120.8 +2019-04-07 19:15:00,5142.0 +2019-04-07 19:30:00,5126.8 +2019-04-07 19:45:00,5078.4 +2019-04-07 20:00:00,5066.8 +2019-04-07 20:15:00,5009.2 +2019-04-07 20:30:00,4936.4 +2019-04-07 20:45:00,4923.2 +2019-04-07 21:00:00,4971.2 +2019-04-07 21:15:00,4927.2 +2019-04-07 21:30:00,4870.8 +2019-04-07 21:45:00,4793.6 +2019-04-07 22:00:00,4694.8 +2019-04-07 22:15:00,4628.0 +2019-04-07 22:30:00,4555.6 +2019-04-07 22:45:00,4475.6 +2019-04-07 23:00:00,4348.8 +2019-04-07 23:15:00,4289.6 +2019-04-07 23:30:00,4268.0 +2019-04-07 23:45:00,4251.2 +2019-04-08 00:00:00,4188.0 +2019-04-08 00:15:00,4188.0 +2019-04-08 00:30:00,4161.6 +2019-04-08 00:45:00,4163.2 +2019-04-08 01:00:00,4139.2 +2019-04-08 01:15:00,4118.8 +2019-04-08 01:30:00,4122.8 +2019-04-08 01:45:00,4139.2 +2019-04-08 02:00:00,4177.6 +2019-04-08 02:15:00,4164.0 +2019-04-08 02:30:00,4188.8 +2019-04-08 02:45:00,4229.2 +2019-04-08 03:00:00,4330.4 +2019-04-08 03:15:00,4349.2 +2019-04-08 03:30:00,4400.0 +2019-04-08 03:45:00,4480.4 +2019-04-08 04:00:00,4664.8 +2019-04-08 04:15:00,4766.4 +2019-04-08 04:30:00,4920.4 +2019-04-08 04:45:00,5121.6 +2019-04-08 05:00:00,5474.8 +2019-04-08 05:15:00,5732.0 +2019-04-08 05:30:00,5894.4 +2019-04-08 05:45:00,6026.8 +2019-04-08 06:00:00,6165.2 +2019-04-08 06:15:00,6316.0 +2019-04-08 06:30:00,6414.0 +2019-04-08 06:45:00,6488.8 +2019-04-08 07:00:00,6571.6 +2019-04-08 07:15:00,6612.4 +2019-04-08 07:30:00,6644.4 +2019-04-08 07:45:00,6663.2 +2019-04-08 08:00:00,6598.8 +2019-04-08 08:15:00,6630.0 +2019-04-08 08:30:00,6678.0 +2019-04-08 08:45:00,6686.8 +2019-04-08 09:00:00,6712.8 +2019-04-08 09:15:00,6725.2 +2019-04-08 09:30:00,6763.2 +2019-04-08 09:45:00,6795.6 +2019-04-08 10:00:00,6779.6 +2019-04-08 10:15:00,6825.2 +2019-04-08 10:30:00,6812.4 +2019-04-08 10:45:00,6822.8 +2019-04-08 11:00:00,6820.4 +2019-04-08 11:15:00,6772.0 +2019-04-08 11:30:00,6778.4 +2019-04-08 11:45:00,6777.6 +2019-04-08 12:00:00,6781.2 +2019-04-08 12:15:00,6781.2 +2019-04-08 12:30:00,6727.2 +2019-04-08 12:45:00,6687.2 +2019-04-08 13:00:00,6654.8 +2019-04-08 13:15:00,6643.2 +2019-04-08 13:30:00,6624.0 +2019-04-08 13:45:00,6594.4 +2019-04-08 14:00:00,6587.6 +2019-04-08 14:15:00,6575.2 +2019-04-08 14:30:00,6524.8 +2019-04-08 14:45:00,6474.0 +2019-04-08 15:00:00,6432.0 +2019-04-08 15:15:00,6383.2 +2019-04-08 15:30:00,6354.4 +2019-04-08 15:45:00,6318.8 +2019-04-08 16:00:00,6276.4 +2019-04-08 16:15:00,6297.6 +2019-04-08 16:30:00,6335.2 +2019-04-08 16:45:00,6334.0 +2019-04-08 17:00:00,6343.6 +2019-04-08 17:15:00,6335.2 +2019-04-08 17:30:00,6360.4 +2019-04-08 17:45:00,6344.4 +2019-04-08 18:00:00,6362.8 +2019-04-08 18:15:00,6349.2 +2019-04-08 18:30:00,6346.8 +2019-04-08 18:45:00,6343.2 +2019-04-08 19:00:00,6370.0 +2019-04-08 19:15:00,6376.8 +2019-04-08 19:30:00,6339.2 +2019-04-08 19:45:00,6251.6 +2019-04-08 20:00:00,6196.4 +2019-04-08 20:15:00,6123.2 +2019-04-08 20:30:00,6034.4 +2019-04-08 20:45:00,5909.6 +2019-04-08 21:00:00,5842.8 +2019-04-08 21:15:00,5743.2 +2019-04-08 21:30:00,5628.4 +2019-04-08 21:45:00,5501.6 +2019-04-08 22:00:00,5328.8 +2019-04-08 22:15:00,5233.2 +2019-04-08 22:30:00,5132.4 +2019-04-08 22:45:00,5053.6 +2019-04-08 23:00:00,5012.8 +2019-04-08 23:15:00,4980.8 +2019-04-08 23:30:00,4909.6 +2019-04-08 23:45:00,4860.4 +2019-04-09 00:00:00,4795.2 +2019-04-09 00:15:00,4748.8 +2019-04-09 00:30:00,4735.6 +2019-04-09 00:45:00,4684.8 +2019-04-09 01:00:00,4644.8 +2019-04-09 01:15:00,4653.2 +2019-04-09 01:30:00,4650.0 +2019-04-09 01:45:00,4670.4 +2019-04-09 02:00:00,4691.2 +2019-04-09 02:15:00,4686.8 +2019-04-09 02:30:00,4680.8 +2019-04-09 02:45:00,4703.6 +2019-04-09 03:00:00,4786.0 +2019-04-09 03:15:00,4807.6 +2019-04-09 03:30:00,4870.0 +2019-04-09 03:45:00,4912.4 +2019-04-09 04:00:00,5072.4 +2019-04-09 04:15:00,5158.0 +2019-04-09 04:30:00,5254.4 +2019-04-09 04:45:00,5396.8 +2019-04-09 05:00:00,5727.6 +2019-04-09 05:15:00,5999.2 +2019-04-09 05:30:00,6112.4 +2019-04-09 05:45:00,6202.0 +2019-04-09 06:00:00,6345.6 +2019-04-09 06:15:00,6468.8 +2019-04-09 06:30:00,6519.2 +2019-04-09 06:45:00,6573.2 +2019-04-09 07:00:00,6672.4 +2019-04-09 07:15:00,6739.6 +2019-04-09 07:30:00,6752.4 +2019-04-09 07:45:00,6774.0 +2019-04-09 08:00:00,6748.8 +2019-04-09 08:15:00,6766.0 +2019-04-09 08:30:00,6793.6 +2019-04-09 08:45:00,6830.4 +2019-04-09 09:00:00,6851.6 +2019-04-09 09:15:00,6883.2 +2019-04-09 09:30:00,6929.6 +2019-04-09 09:45:00,6958.0 +2019-04-09 10:00:00,6943.2 +2019-04-09 10:15:00,6974.4 +2019-04-09 10:30:00,6993.6 +2019-04-09 10:45:00,6988.8 +2019-04-09 11:00:00,6937.2 +2019-04-09 11:15:00,6896.8 +2019-04-09 11:30:00,6884.8 +2019-04-09 11:45:00,6896.4 +2019-04-09 12:00:00,6890.0 +2019-04-09 12:15:00,6877.6 +2019-04-09 12:30:00,6815.2 +2019-04-09 12:45:00,6771.2 +2019-04-09 13:00:00,6737.2 +2019-04-09 13:15:00,6727.2 +2019-04-09 13:30:00,6690.4 +2019-04-09 13:45:00,6643.6 +2019-04-09 14:00:00,6640.0 +2019-04-09 14:15:00,6580.4 +2019-04-09 14:30:00,6547.2 +2019-04-09 14:45:00,6497.2 +2019-04-09 15:00:00,6495.6 +2019-04-09 15:15:00,6484.4 +2019-04-09 15:30:00,6428.8 +2019-04-09 15:45:00,6432.0 +2019-04-09 16:00:00,6442.4 +2019-04-09 16:15:00,6471.6 +2019-04-09 16:30:00,6490.0 +2019-04-09 16:45:00,6491.2 +2019-04-09 17:00:00,6494.0 +2019-04-09 17:15:00,6490.8 +2019-04-09 17:30:00,6495.2 +2019-04-09 17:45:00,6515.6 +2019-04-09 18:00:00,6526.8 +2019-04-09 18:15:00,6525.2 +2019-04-09 18:30:00,6499.2 +2019-04-09 18:45:00,6500.8 +2019-04-09 19:00:00,6490.4 +2019-04-09 19:15:00,6505.6 +2019-04-09 19:30:00,6469.2 +2019-04-09 19:45:00,6394.4 +2019-04-09 20:00:00,6297.6 +2019-04-09 20:15:00,6196.8 +2019-04-09 20:30:00,6101.6 +2019-04-09 20:45:00,5977.2 +2019-04-09 21:00:00,5912.4 +2019-04-09 21:15:00,5805.6 +2019-04-09 21:30:00,5700.8 +2019-04-09 21:45:00,5578.8 +2019-04-09 22:00:00,5436.4 +2019-04-09 22:15:00,5317.2 +2019-04-09 22:30:00,5224.4 +2019-04-09 22:45:00,5121.2 +2019-04-09 23:00:00,5026.0 +2019-04-09 23:15:00,5010.4 +2019-04-09 23:30:00,4948.0 +2019-04-09 23:45:00,4872.0 +2019-04-10 00:00:00,4850.4 +2019-04-10 00:15:00,4821.6 +2019-04-10 00:30:00,4800.4 +2019-04-10 00:45:00,4751.6 +2019-04-10 01:00:00,4714.4 +2019-04-10 01:15:00,4684.8 +2019-04-10 01:30:00,4717.6 +2019-04-10 01:45:00,4748.4 +2019-04-10 02:00:00,4757.2 +2019-04-10 02:15:00,4788.8 +2019-04-10 02:30:00,4830.8 +2019-04-10 02:45:00,4860.0 +2019-04-10 03:00:00,4892.4 +2019-04-10 03:15:00,4930.8 +2019-04-10 03:30:00,4991.2 +2019-04-10 03:45:00,5053.6 +2019-04-10 04:00:00,5171.2 +2019-04-10 04:15:00,5274.0 +2019-04-10 04:30:00,5374.4 +2019-04-10 04:45:00,5536.0 +2019-04-10 05:00:00,5796.0 +2019-04-10 05:15:00,6024.0 +2019-04-10 05:30:00,6156.4 +2019-04-10 05:45:00,6268.0 +2019-04-10 06:00:00,6380.4 +2019-04-10 06:15:00,6484.0 +2019-04-10 06:30:00,6553.2 +2019-04-10 06:45:00,6629.2 +2019-04-10 07:00:00,6697.2 +2019-04-10 07:15:00,6753.6 +2019-04-10 07:30:00,6755.6 +2019-04-10 07:45:00,6769.2 +2019-04-10 08:00:00,6727.2 +2019-04-10 08:15:00,6754.4 +2019-04-10 08:30:00,6791.6 +2019-04-10 08:45:00,6848.0 +2019-04-10 09:00:00,6810.0 +2019-04-10 09:15:00,6870.8 +2019-04-10 09:30:00,6870.4 +2019-04-10 09:45:00,6897.6 +2019-04-10 10:00:00,6872.0 +2019-04-10 10:15:00,6874.8 +2019-04-10 10:30:00,6921.2 +2019-04-10 10:45:00,6912.4 +2019-04-10 11:00:00,6830.8 +2019-04-10 11:15:00,6804.4 +2019-04-10 11:30:00,6823.2 +2019-04-10 11:45:00,6805.2 +2019-04-10 12:00:00,6809.2 +2019-04-10 12:15:00,6777.2 +2019-04-10 12:30:00,6744.4 +2019-04-10 12:45:00,6698.4 +2019-04-10 13:00:00,6679.2 +2019-04-10 13:15:00,6669.2 +2019-04-10 13:30:00,6635.6 +2019-04-10 13:45:00,6599.2 +2019-04-10 14:00:00,6608.8 +2019-04-10 14:15:00,6584.8 +2019-04-10 14:30:00,6535.6 +2019-04-10 14:45:00,6464.4 +2019-04-10 15:00:00,6450.8 +2019-04-10 15:15:00,6432.0 +2019-04-10 15:30:00,6392.8 +2019-04-10 15:45:00,6365.2 +2019-04-10 16:00:00,6376.8 +2019-04-10 16:15:00,6395.6 +2019-04-10 16:30:00,6362.0 +2019-04-10 16:45:00,6386.0 +2019-04-10 17:00:00,6391.6 +2019-04-10 17:15:00,6399.2 +2019-04-10 17:30:00,6394.4 +2019-04-10 17:45:00,6384.8 +2019-04-10 18:00:00,6412.0 +2019-04-10 18:15:00,6392.4 +2019-04-10 18:30:00,6352.4 +2019-04-10 18:45:00,6367.2 +2019-04-10 19:00:00,6351.6 +2019-04-10 19:15:00,6385.6 +2019-04-10 19:30:00,6375.6 +2019-04-10 19:45:00,6295.2 +2019-04-10 20:00:00,6243.6 +2019-04-10 20:15:00,6154.8 +2019-04-10 20:30:00,6034.4 +2019-04-10 20:45:00,5945.6 +2019-04-10 21:00:00,5854.8 +2019-04-10 21:15:00,5764.0 +2019-04-10 21:30:00,5650.0 +2019-04-10 21:45:00,5561.2 +2019-04-10 22:00:00,5449.6 +2019-04-10 22:15:00,5342.0 +2019-04-10 22:30:00,5252.0 +2019-04-10 22:45:00,5157.2 +2019-04-10 23:00:00,5036.8 +2019-04-10 23:15:00,5001.6 +2019-04-10 23:30:00,4942.0 +2019-04-10 23:45:00,4901.6 +2019-04-11 00:00:00,4861.6 +2019-04-11 00:15:00,4837.2 +2019-04-11 00:30:00,4811.2 +2019-04-11 00:45:00,4791.2 +2019-04-11 01:00:00,4756.0 +2019-04-11 01:15:00,4739.6 +2019-04-11 01:30:00,4731.6 +2019-04-11 01:45:00,4766.0 +2019-04-11 02:00:00,4764.0 +2019-04-11 02:15:00,4789.6 +2019-04-11 02:30:00,4791.2 +2019-04-11 02:45:00,4807.6 +2019-04-11 03:00:00,4893.2 +2019-04-11 03:15:00,4908.0 +2019-04-11 03:30:00,4946.4 +2019-04-11 03:45:00,5011.2 +2019-04-11 04:00:00,5112.8 +2019-04-11 04:15:00,5155.2 +2019-04-11 04:30:00,5263.6 +2019-04-11 04:45:00,5421.6 +2019-04-11 05:00:00,5730.4 +2019-04-11 05:15:00,5919.2 +2019-04-11 05:30:00,6038.8 +2019-04-11 05:45:00,6154.0 +2019-04-11 06:00:00,6290.0 +2019-04-11 06:15:00,6401.2 +2019-04-11 06:30:00,6480.4 +2019-04-11 06:45:00,6549.6 +2019-04-11 07:00:00,6622.8 +2019-04-11 07:15:00,6668.4 +2019-04-11 07:30:00,6664.8 +2019-04-11 07:45:00,6660.0 +2019-04-11 08:00:00,6616.0 +2019-04-11 08:15:00,6613.6 +2019-04-11 08:30:00,6607.2 +2019-04-11 08:45:00,6659.2 +2019-04-11 09:00:00,6645.2 +2019-04-11 09:15:00,6686.4 +2019-04-11 09:30:00,6726.8 +2019-04-11 09:45:00,6740.0 +2019-04-11 10:00:00,6751.6 +2019-04-11 10:15:00,6782.0 +2019-04-11 10:30:00,6808.8 +2019-04-11 10:45:00,6810.4 +2019-04-11 11:00:00,6800.8 +2019-04-11 11:15:00,6780.4 +2019-04-11 11:30:00,6752.8 +2019-04-11 11:45:00,6758.8 +2019-04-11 12:00:00,6753.2 +2019-04-11 12:15:00,6701.6 +2019-04-11 12:30:00,6664.4 +2019-04-11 12:45:00,6588.4 +2019-04-11 13:00:00,6528.0 +2019-04-11 13:15:00,6505.6 +2019-04-11 13:30:00,6472.0 +2019-04-11 13:45:00,6476.4 +2019-04-11 14:00:00,6530.8 +2019-04-11 14:15:00,6462.4 +2019-04-11 14:30:00,6441.2 +2019-04-11 14:45:00,6397.6 +2019-04-11 15:00:00,6369.2 +2019-04-11 15:15:00,6338.4 +2019-04-11 15:30:00,6298.4 +2019-04-11 15:45:00,6273.6 +2019-04-11 16:00:00,6311.2 +2019-04-11 16:15:00,6317.2 +2019-04-11 16:30:00,6322.0 +2019-04-11 16:45:00,6332.8 +2019-04-11 17:00:00,6322.8 +2019-04-11 17:15:00,6302.0 +2019-04-11 17:30:00,6345.2 +2019-04-11 17:45:00,6370.0 +2019-04-11 18:00:00,6374.4 +2019-04-11 18:15:00,6366.0 +2019-04-11 18:30:00,6349.6 +2019-04-11 18:45:00,6365.6 +2019-04-11 19:00:00,6373.2 +2019-04-11 19:15:00,6394.0 +2019-04-11 19:30:00,6390.0 +2019-04-11 19:45:00,6326.0 +2019-04-11 20:00:00,6264.0 +2019-04-11 20:15:00,6175.2 +2019-04-11 20:30:00,6049.6 +2019-04-11 20:45:00,5969.2 +2019-04-11 21:00:00,5907.2 +2019-04-11 21:15:00,5824.4 +2019-04-11 21:30:00,5715.6 +2019-04-11 21:45:00,5588.4 +2019-04-11 22:00:00,5476.0 +2019-04-11 22:15:00,5358.4 +2019-04-11 22:30:00,5246.4 +2019-04-11 22:45:00,5157.6 +2019-04-11 23:00:00,5048.8 +2019-04-11 23:15:00,5026.8 +2019-04-11 23:30:00,4996.0 +2019-04-11 23:45:00,4960.4 +2019-04-12 00:00:00,4911.2 +2019-04-12 00:15:00,4896.0 +2019-04-12 00:30:00,4880.4 +2019-04-12 00:45:00,4848.0 +2019-04-12 01:00:00,4809.6 +2019-04-12 01:15:00,4791.2 +2019-04-12 01:30:00,4800.8 +2019-04-12 01:45:00,4815.6 +2019-04-12 02:00:00,4854.0 +2019-04-12 02:15:00,4851.6 +2019-04-12 02:30:00,4840.4 +2019-04-12 02:45:00,4869.2 +2019-04-12 03:00:00,4929.6 +2019-04-12 03:15:00,4975.6 +2019-04-12 03:30:00,4997.6 +2019-04-12 03:45:00,5049.2 +2019-04-12 04:00:00,5167.6 +2019-04-12 04:15:00,5244.4 +2019-04-12 04:30:00,5316.8 +2019-04-12 04:45:00,5475.2 +2019-04-12 05:00:00,5743.6 +2019-04-12 05:15:00,5960.8 +2019-04-12 05:30:00,6078.4 +2019-04-12 05:45:00,6212.0 +2019-04-12 06:00:00,6373.6 +2019-04-12 06:15:00,6496.8 +2019-04-12 06:30:00,6581.6 +2019-04-12 06:45:00,6658.4 +2019-04-12 07:00:00,6765.2 +2019-04-12 07:15:00,6820.4 +2019-04-12 07:30:00,6854.4 +2019-04-12 07:45:00,6838.8 +2019-04-12 08:00:00,6798.8 +2019-04-12 08:15:00,6809.2 +2019-04-12 08:30:00,6852.4 +2019-04-12 08:45:00,6856.4 +2019-04-12 09:00:00,6862.8 +2019-04-12 09:15:00,6870.0 +2019-04-12 09:30:00,6892.4 +2019-04-12 09:45:00,6918.8 +2019-04-12 10:00:00,6904.8 +2019-04-12 10:15:00,6933.2 +2019-04-12 10:30:00,6936.0 +2019-04-12 10:45:00,6914.8 +2019-04-12 11:00:00,6834.0 +2019-04-12 11:15:00,6791.6 +2019-04-12 11:30:00,6766.8 +2019-04-12 11:45:00,6742.4 +2019-04-12 12:00:00,6721.6 +2019-04-12 12:15:00,6702.4 +2019-04-12 12:30:00,6655.6 +2019-04-12 12:45:00,6610.0 +2019-04-12 13:00:00,6545.6 +2019-04-12 13:15:00,6547.2 +2019-04-12 13:30:00,6502.4 +2019-04-12 13:45:00,6487.6 +2019-04-12 14:00:00,6485.6 +2019-04-12 14:15:00,6442.0 +2019-04-12 14:30:00,6386.0 +2019-04-12 14:45:00,6312.0 +2019-04-12 15:00:00,6334.0 +2019-04-12 15:15:00,6318.8 +2019-04-12 15:30:00,6264.8 +2019-04-12 15:45:00,6272.0 +2019-04-12 16:00:00,6294.8 +2019-04-12 16:15:00,6291.2 +2019-04-12 16:30:00,6286.4 +2019-04-12 16:45:00,6299.6 +2019-04-12 17:00:00,6305.2 +2019-04-12 17:15:00,6279.2 +2019-04-12 17:30:00,6288.8 +2019-04-12 17:45:00,6288.4 +2019-04-12 18:00:00,6298.4 +2019-04-12 18:15:00,6240.0 +2019-04-12 18:30:00,6226.8 +2019-04-12 18:45:00,6270.4 +2019-04-12 19:00:00,6256.0 +2019-04-12 19:15:00,6269.2 +2019-04-12 19:30:00,6226.4 +2019-04-12 19:45:00,6162.4 +2019-04-12 20:00:00,6103.6 +2019-04-12 20:15:00,6020.8 +2019-04-12 20:30:00,5922.8 +2019-04-12 20:45:00,5839.6 +2019-04-12 21:00:00,5798.4 +2019-04-12 21:15:00,5729.2 +2019-04-12 21:30:00,5635.6 +2019-04-12 21:45:00,5544.4 +2019-04-12 22:00:00,5435.6 +2019-04-12 22:15:00,5337.6 +2019-04-12 22:30:00,5238.4 +2019-04-12 22:45:00,5168.4 +2019-04-12 23:00:00,5053.2 +2019-04-12 23:15:00,4981.6 +2019-04-12 23:30:00,4903.6 +2019-04-12 23:45:00,4886.0 +2019-04-13 00:00:00,4805.2 +2019-04-13 00:15:00,4745.6 +2019-04-13 00:30:00,4699.6 +2019-04-13 00:45:00,4670.0 +2019-04-13 01:00:00,4618.8 +2019-04-13 01:15:00,4597.6 +2019-04-13 01:30:00,4590.8 +2019-04-13 01:45:00,4595.6 +2019-04-13 02:00:00,4581.2 +2019-04-13 02:15:00,4574.4 +2019-04-13 02:30:00,4595.6 +2019-04-13 02:45:00,4574.8 +2019-04-13 03:00:00,4588.4 +2019-04-13 03:15:00,4602.0 +2019-04-13 03:30:00,4639.6 +2019-04-13 03:45:00,4613.6 +2019-04-13 04:00:00,4646.0 +2019-04-13 04:15:00,4621.2 +2019-04-13 04:30:00,4624.0 +2019-04-13 04:45:00,4662.8 +2019-04-13 05:00:00,4730.0 +2019-04-13 05:15:00,4752.8 +2019-04-13 05:30:00,4766.4 +2019-04-13 05:45:00,4814.0 +2019-04-13 06:00:00,4893.6 +2019-04-13 06:15:00,4968.4 +2019-04-13 06:30:00,5103.6 +2019-04-13 06:45:00,5212.0 +2019-04-13 07:00:00,5312.4 +2019-04-13 07:15:00,5364.8 +2019-04-13 07:30:00,5462.0 +2019-04-13 07:45:00,5515.6 +2019-04-13 08:00:00,5610.4 +2019-04-13 08:15:00,5639.6 +2019-04-13 08:30:00,5721.2 +2019-04-13 08:45:00,5776.0 +2019-04-13 09:00:00,5807.2 +2019-04-13 09:15:00,5836.4 +2019-04-13 09:30:00,5873.6 +2019-04-13 09:45:00,5896.4 +2019-04-13 10:00:00,5887.6 +2019-04-13 10:15:00,5894.8 +2019-04-13 10:30:00,5927.6 +2019-04-13 10:45:00,5933.2 +2019-04-13 11:00:00,5872.4 +2019-04-13 11:15:00,5849.6 +2019-04-13 11:30:00,5836.8 +2019-04-13 11:45:00,5786.4 +2019-04-13 12:00:00,5708.4 +2019-04-13 12:15:00,5681.6 +2019-04-13 12:30:00,5637.2 +2019-04-13 12:45:00,5578.4 +2019-04-13 13:00:00,5527.6 +2019-04-13 13:15:00,5483.2 +2019-04-13 13:30:00,5463.2 +2019-04-13 13:45:00,5449.2 +2019-04-13 14:00:00,5453.2 +2019-04-13 14:15:00,5433.2 +2019-04-13 14:30:00,5411.2 +2019-04-13 14:45:00,5405.6 +2019-04-13 15:00:00,5412.0 +2019-04-13 15:15:00,5389.2 +2019-04-13 15:30:00,5368.4 +2019-04-13 15:45:00,5380.0 +2019-04-13 16:00:00,5391.2 +2019-04-13 16:15:00,5393.6 +2019-04-13 16:30:00,5417.2 +2019-04-13 16:45:00,5453.2 +2019-04-13 17:00:00,5512.4 +2019-04-13 17:15:00,5496.4 +2019-04-13 17:30:00,5524.8 +2019-04-13 17:45:00,5506.8 +2019-04-13 18:00:00,5509.2 +2019-04-13 18:15:00,5512.4 +2019-04-13 18:30:00,5518.8 +2019-04-13 18:45:00,5483.2 +2019-04-13 19:00:00,5490.8 +2019-04-13 19:15:00,5475.2 +2019-04-13 19:30:00,5497.6 +2019-04-13 19:45:00,5445.2 +2019-04-13 20:00:00,5386.4 +2019-04-13 20:15:00,5355.2 +2019-04-13 20:30:00,5307.2 +2019-04-13 20:45:00,5258.4 +2019-04-13 21:00:00,5253.6 +2019-04-13 21:15:00,5199.6 +2019-04-13 21:30:00,5126.0 +2019-04-13 21:45:00,5030.4 +2019-04-13 22:00:00,4916.0 +2019-04-13 22:15:00,4856.4 +2019-04-13 22:30:00,4767.6 +2019-04-13 22:45:00,4692.8 +2019-04-13 23:00:00,4640.4 +2019-04-13 23:15:00,4592.4 +2019-04-13 23:30:00,4557.2 +2019-04-13 23:45:00,4506.0 +2019-04-14 00:00:00,4428.8 +2019-04-14 00:15:00,4409.6 +2019-04-14 00:30:00,4356.4 +2019-04-14 00:45:00,4320.8 +2019-04-14 01:00:00,4289.2 +2019-04-14 01:15:00,4236.8 +2019-04-14 01:30:00,4230.4 +2019-04-14 01:45:00,4212.0 +2019-04-14 02:00:00,4236.8 +2019-04-14 02:15:00,4216.0 +2019-04-14 02:30:00,4220.4 +2019-04-14 02:45:00,4212.0 +2019-04-14 03:00:00,4245.2 +2019-04-14 03:15:00,4236.0 +2019-04-14 03:30:00,4260.4 +2019-04-14 03:45:00,4258.8 +2019-04-14 04:00:00,4262.4 +2019-04-14 04:15:00,4258.0 +2019-04-14 04:30:00,4234.8 +2019-04-14 04:45:00,4242.4 +2019-04-14 05:00:00,4240.4 +2019-04-14 05:15:00,4236.4 +2019-04-14 05:30:00,4205.2 +2019-04-14 05:45:00,4246.8 +2019-04-14 06:00:00,4266.0 +2019-04-14 06:15:00,4345.6 +2019-04-14 06:30:00,4439.2 +2019-04-14 06:45:00,4528.0 +2019-04-14 07:00:00,4582.4 +2019-04-14 07:15:00,4683.2 +2019-04-14 07:30:00,4755.6 +2019-04-14 07:45:00,4839.6 +2019-04-14 08:00:00,4936.8 +2019-04-14 08:15:00,4996.8 +2019-04-14 08:30:00,5061.2 +2019-04-14 08:45:00,5117.6 +2019-04-14 09:00:00,5194.8 +2019-04-14 09:15:00,5224.4 +2019-04-14 09:30:00,5271.6 +2019-04-14 09:45:00,5298.8 +2019-04-14 10:00:00,5384.8 +2019-04-14 10:15:00,5412.8 +2019-04-14 10:30:00,5484.8 +2019-04-14 10:45:00,5497.2 +2019-04-14 11:00:00,5475.6 +2019-04-14 11:15:00,5431.6 +2019-04-14 11:30:00,5405.2 +2019-04-14 11:45:00,5372.0 +2019-04-14 12:00:00,5320.0 +2019-04-14 12:15:00,5268.4 +2019-04-14 12:30:00,5232.8 +2019-04-14 12:45:00,5146.4 +2019-04-14 13:00:00,5130.4 +2019-04-14 13:15:00,5045.6 +2019-04-14 13:30:00,5026.4 +2019-04-14 13:45:00,4957.6 +2019-04-14 14:00:00,4957.6 +2019-04-14 14:15:00,4941.2 +2019-04-14 14:30:00,4912.4 +2019-04-14 14:45:00,4913.2 +2019-04-14 15:00:00,4910.0 +2019-04-14 15:15:00,4884.4 +2019-04-14 15:30:00,4903.6 +2019-04-14 15:45:00,4918.0 +2019-04-14 16:00:00,4992.8 +2019-04-14 16:15:00,5012.8 +2019-04-14 16:30:00,5059.2 +2019-04-14 16:45:00,5088.8 +2019-04-14 17:00:00,5144.4 +2019-04-14 17:15:00,5142.4 +2019-04-14 17:30:00,5171.6 +2019-04-14 17:45:00,5171.6 +2019-04-14 18:00:00,5204.8 +2019-04-14 18:15:00,5188.8 +2019-04-14 18:30:00,5180.4 +2019-04-14 18:45:00,5164.4 +2019-04-14 19:00:00,5220.4 +2019-04-14 19:15:00,5246.8 +2019-04-14 19:30:00,5264.0 +2019-04-14 19:45:00,5229.2 +2019-04-14 20:00:00,5250.8 +2019-04-14 20:15:00,5189.6 +2019-04-14 20:30:00,5167.2 +2019-04-14 20:45:00,5158.0 +2019-04-14 21:00:00,5201.2 +2019-04-14 21:15:00,5157.2 +2019-04-14 21:30:00,5100.4 +2019-04-14 21:45:00,5048.8 +2019-04-14 22:00:00,4927.2 +2019-04-14 22:15:00,4881.6 +2019-04-14 22:30:00,4767.2 +2019-04-14 22:45:00,4721.2 +2019-04-14 23:00:00,4621.6 +2019-04-14 23:15:00,4601.2 +2019-04-14 23:30:00,4551.2 +2019-04-14 23:45:00,4543.2 +2019-04-15 00:00:00,4503.2 +2019-04-15 00:15:00,4462.4 +2019-04-15 00:30:00,4452.0 +2019-04-15 00:45:00,4447.2 +2019-04-15 01:00:00,4408.0 +2019-04-15 01:15:00,4412.4 +2019-04-15 01:30:00,4387.6 +2019-04-15 01:45:00,4376.8 +2019-04-15 02:00:00,4394.4 +2019-04-15 02:15:00,4405.6 +2019-04-15 02:30:00,4412.0 +2019-04-15 02:45:00,4438.8 +2019-04-15 03:00:00,4530.0 +2019-04-15 03:15:00,4571.6 +2019-04-15 03:30:00,4616.4 +2019-04-15 03:45:00,4691.6 +2019-04-15 04:00:00,4850.4 +2019-04-15 04:15:00,4954.4 +2019-04-15 04:30:00,5068.0 +2019-04-15 04:45:00,5240.4 +2019-04-15 05:00:00,5528.8 +2019-04-15 05:15:00,5682.8 +2019-04-15 05:30:00,5825.6 +2019-04-15 05:45:00,5966.4 +2019-04-15 06:00:00,6139.2 +2019-04-15 06:15:00,6254.8 +2019-04-15 06:30:00,6342.4 +2019-04-15 06:45:00,6431.2 +2019-04-15 07:00:00,6509.2 +2019-04-15 07:15:00,6566.4 +2019-04-15 07:30:00,6624.8 +2019-04-15 07:45:00,6645.2 +2019-04-15 08:00:00,6632.8 +2019-04-15 08:15:00,6667.6 +2019-04-15 08:30:00,6728.0 +2019-04-15 08:45:00,6732.0 +2019-04-15 09:00:00,6732.8 +2019-04-15 09:15:00,6722.0 +2019-04-15 09:30:00,6720.0 +2019-04-15 09:45:00,6738.4 +2019-04-15 10:00:00,6756.8 +2019-04-15 10:15:00,6775.2 +2019-04-15 10:30:00,6782.4 +2019-04-15 10:45:00,6761.2 +2019-04-15 11:00:00,6698.0 +2019-04-15 11:15:00,6661.2 +2019-04-15 11:30:00,6639.2 +2019-04-15 11:45:00,6653.6 +2019-04-15 12:00:00,6643.2 +2019-04-15 12:15:00,6607.2 +2019-04-15 12:30:00,6547.2 +2019-04-15 12:45:00,6499.2 +2019-04-15 13:00:00,6493.2 +2019-04-15 13:15:00,6462.8 +2019-04-15 13:30:00,6456.0 +2019-04-15 13:45:00,6458.0 +2019-04-15 14:00:00,6434.0 +2019-04-15 14:15:00,6378.8 +2019-04-15 14:30:00,6338.8 +2019-04-15 14:45:00,6298.4 +2019-04-15 15:00:00,6275.2 +2019-04-15 15:15:00,6247.6 +2019-04-15 15:30:00,6247.2 +2019-04-15 15:45:00,6214.8 +2019-04-15 16:00:00,6258.8 +2019-04-15 16:15:00,6252.0 +2019-04-15 16:30:00,6250.8 +2019-04-15 16:45:00,6270.8 +2019-04-15 17:00:00,6271.6 +2019-04-15 17:15:00,6264.4 +2019-04-15 17:30:00,6282.8 +2019-04-15 17:45:00,6295.6 +2019-04-15 18:00:00,6313.2 +2019-04-15 18:15:00,6298.8 +2019-04-15 18:30:00,6291.2 +2019-04-15 18:45:00,6310.8 +2019-04-15 19:00:00,6296.0 +2019-04-15 19:15:00,6288.8 +2019-04-15 19:30:00,6292.0 +2019-04-15 19:45:00,6304.4 +2019-04-15 20:00:00,6226.8 +2019-04-15 20:15:00,6141.2 +2019-04-15 20:30:00,6062.4 +2019-04-15 20:45:00,5969.2 +2019-04-15 21:00:00,5884.4 +2019-04-15 21:15:00,5797.6 +2019-04-15 21:30:00,5711.6 +2019-04-15 21:45:00,5607.2 +2019-04-15 22:00:00,5508.8 +2019-04-15 22:15:00,5410.8 +2019-04-15 22:30:00,5318.4 +2019-04-15 22:45:00,5230.0 +2019-04-15 23:00:00,5115.6 +2019-04-15 23:15:00,5030.8 +2019-04-15 23:30:00,4982.0 +2019-04-15 23:45:00,4984.4 +2019-04-16 00:00:00,4925.2 +2019-04-16 00:15:00,4904.0 +2019-04-16 00:30:00,4867.6 +2019-04-16 00:45:00,4840.8 +2019-04-16 01:00:00,4833.2 +2019-04-16 01:15:00,4784.0 +2019-04-16 01:30:00,4790.8 +2019-04-16 01:45:00,4810.4 +2019-04-16 02:00:00,4822.4 +2019-04-16 02:15:00,4846.4 +2019-04-16 02:30:00,4861.6 +2019-04-16 02:45:00,4879.2 +2019-04-16 03:00:00,4927.2 +2019-04-16 03:15:00,4982.0 +2019-04-16 03:30:00,5031.2 +2019-04-16 03:45:00,5104.8 +2019-04-16 04:00:00,5241.6 +2019-04-16 04:15:00,5339.6 +2019-04-16 04:30:00,5446.4 +2019-04-16 04:45:00,5592.0 +2019-04-16 05:00:00,5842.0 +2019-04-16 05:15:00,6009.2 +2019-04-16 05:30:00,6120.4 +2019-04-16 05:45:00,6242.4 +2019-04-16 06:00:00,6372.0 +2019-04-16 06:15:00,6485.2 +2019-04-16 06:30:00,6576.8 +2019-04-16 06:45:00,6656.8 +2019-04-16 07:00:00,6718.0 +2019-04-16 07:15:00,6751.6 +2019-04-16 07:30:00,6772.0 +2019-04-16 07:45:00,6792.8 +2019-04-16 08:00:00,6761.6 +2019-04-16 08:15:00,6820.4 +2019-04-16 08:30:00,6869.6 +2019-04-16 08:45:00,6872.8 +2019-04-16 09:00:00,6806.0 +2019-04-16 09:15:00,6813.2 +2019-04-16 09:30:00,6822.4 +2019-04-16 09:45:00,6856.0 +2019-04-16 10:00:00,6827.2 +2019-04-16 10:15:00,6858.8 +2019-04-16 10:30:00,6863.6 +2019-04-16 10:45:00,6843.2 +2019-04-16 11:00:00,6807.6 +2019-04-16 11:15:00,6794.4 +2019-04-16 11:30:00,6792.0 +2019-04-16 11:45:00,6779.6 +2019-04-16 12:00:00,6738.4 +2019-04-16 12:15:00,6712.8 +2019-04-16 12:30:00,6662.4 +2019-04-16 12:45:00,6616.0 +2019-04-16 13:00:00,6592.8 +2019-04-16 13:15:00,6575.6 +2019-04-16 13:30:00,6544.4 +2019-04-16 13:45:00,6515.2 +2019-04-16 14:00:00,6541.6 +2019-04-16 14:15:00,6498.4 +2019-04-16 14:30:00,6472.0 +2019-04-16 14:45:00,6441.6 +2019-04-16 15:00:00,6457.6 +2019-04-16 15:15:00,6391.2 +2019-04-16 15:30:00,6350.0 +2019-04-16 15:45:00,6333.2 +2019-04-16 16:00:00,6359.2 +2019-04-16 16:15:00,6391.2 +2019-04-16 16:30:00,6403.2 +2019-04-16 16:45:00,6407.6 +2019-04-16 17:00:00,6411.6 +2019-04-16 17:15:00,6400.8 +2019-04-16 17:30:00,6427.6 +2019-04-16 17:45:00,6415.2 +2019-04-16 18:00:00,6378.0 +2019-04-16 18:15:00,6368.8 +2019-04-16 18:30:00,6366.0 +2019-04-16 18:45:00,6363.2 +2019-04-16 19:00:00,6355.6 +2019-04-16 19:15:00,6379.2 +2019-04-16 19:30:00,6388.0 +2019-04-16 19:45:00,6370.4 +2019-04-16 20:00:00,6315.2 +2019-04-16 20:15:00,6252.0 +2019-04-16 20:30:00,6140.8 +2019-04-16 20:45:00,6056.0 +2019-04-16 21:00:00,5952.4 +2019-04-16 21:15:00,5863.2 +2019-04-16 21:30:00,5763.2 +2019-04-16 21:45:00,5673.2 +2019-04-16 22:00:00,5532.4 +2019-04-16 22:15:00,5430.0 +2019-04-16 22:30:00,5350.4 +2019-04-16 22:45:00,5263.6 +2019-04-16 23:00:00,5117.6 +2019-04-16 23:15:00,5047.2 +2019-04-16 23:30:00,5023.6 +2019-04-16 23:45:00,4950.0 +2019-04-17 00:00:00,4872.4 +2019-04-17 00:15:00,4843.2 +2019-04-17 00:30:00,4803.2 +2019-04-17 00:45:00,4758.0 +2019-04-17 01:00:00,4771.6 +2019-04-17 01:15:00,4742.4 +2019-04-17 01:30:00,4745.2 +2019-04-17 01:45:00,4745.2 +2019-04-17 02:00:00,4746.8 +2019-04-17 02:15:00,4728.4 +2019-04-17 02:30:00,4748.4 +2019-04-17 02:45:00,4770.4 +2019-04-17 03:00:00,4835.2 +2019-04-17 03:15:00,4876.0 +2019-04-17 03:30:00,4934.4 +2019-04-17 03:45:00,5006.4 +2019-04-17 04:00:00,5153.6 +2019-04-17 04:15:00,5214.4 +2019-04-17 04:30:00,5320.0 +2019-04-17 04:45:00,5454.8 +2019-04-17 05:00:00,5704.4 +2019-04-17 05:15:00,5863.2 +2019-04-17 05:30:00,6008.8 +2019-04-17 05:45:00,6144.4 +2019-04-17 06:00:00,6286.0 +2019-04-17 06:15:00,6408.0 +2019-04-17 06:30:00,6497.2 +2019-04-17 06:45:00,6586.8 +2019-04-17 07:00:00,6659.2 +2019-04-17 07:15:00,6735.2 +2019-04-17 07:30:00,6773.2 +2019-04-17 07:45:00,6745.2 +2019-04-17 08:00:00,6678.8 +2019-04-17 08:15:00,6732.0 +2019-04-17 08:30:00,6792.4 +2019-04-17 08:45:00,6820.4 +2019-04-17 09:00:00,6802.8 +2019-04-17 09:15:00,6850.8 +2019-04-17 09:30:00,6895.6 +2019-04-17 09:45:00,6936.4 +2019-04-17 10:00:00,6932.4 +2019-04-17 10:15:00,6934.8 +2019-04-17 10:30:00,6942.4 +2019-04-17 10:45:00,6919.6 +2019-04-17 11:00:00,6807.6 +2019-04-17 11:15:00,6769.2 +2019-04-17 11:30:00,6778.0 +2019-04-17 11:45:00,6764.8 +2019-04-17 12:00:00,6715.2 +2019-04-17 12:15:00,6673.2 +2019-04-17 12:30:00,6649.2 +2019-04-17 12:45:00,6605.6 +2019-04-17 13:00:00,6607.2 +2019-04-17 13:15:00,6580.8 +2019-04-17 13:30:00,6529.6 +2019-04-17 13:45:00,6483.2 +2019-04-17 14:00:00,6474.8 +2019-04-17 14:15:00,6421.2 +2019-04-17 14:30:00,6359.2 +2019-04-17 14:45:00,6307.6 +2019-04-17 15:00:00,6301.2 +2019-04-17 15:15:00,6255.6 +2019-04-17 15:30:00,6231.6 +2019-04-17 15:45:00,6200.8 +2019-04-17 16:00:00,6212.0 +2019-04-17 16:15:00,6182.0 +2019-04-17 16:30:00,6193.6 +2019-04-17 16:45:00,6208.4 +2019-04-17 17:00:00,6187.6 +2019-04-17 17:15:00,6174.4 +2019-04-17 17:30:00,6204.4 +2019-04-17 17:45:00,6213.6 +2019-04-17 18:00:00,6258.0 +2019-04-17 18:15:00,6261.6 +2019-04-17 18:30:00,6262.8 +2019-04-17 18:45:00,6235.2 +2019-04-17 19:00:00,6229.2 +2019-04-17 19:15:00,6228.0 +2019-04-17 19:30:00,6274.8 +2019-04-17 19:45:00,6262.4 +2019-04-17 20:00:00,6194.0 +2019-04-17 20:15:00,6103.6 +2019-04-17 20:30:00,5996.0 +2019-04-17 20:45:00,5909.2 +2019-04-17 21:00:00,5849.2 +2019-04-17 21:15:00,5754.0 +2019-04-17 21:30:00,5642.8 +2019-04-17 21:45:00,5554.0 +2019-04-17 22:00:00,5448.8 +2019-04-17 22:15:00,5364.8 +2019-04-17 22:30:00,5273.2 +2019-04-17 22:45:00,5182.0 +2019-04-17 23:00:00,5067.6 +2019-04-17 23:15:00,4977.2 +2019-04-17 23:30:00,4933.2 +2019-04-17 23:45:00,4884.4 +2019-04-18 00:00:00,4826.8 +2019-04-18 00:15:00,4775.2 +2019-04-18 00:30:00,4744.0 +2019-04-18 00:45:00,4714.4 +2019-04-18 01:00:00,4681.6 +2019-04-18 01:15:00,4678.0 +2019-04-18 01:30:00,4690.4 +2019-04-18 01:45:00,4671.6 +2019-04-18 02:00:00,4664.0 +2019-04-18 02:15:00,4629.6 +2019-04-18 02:30:00,4654.4 +2019-04-18 02:45:00,4674.4 +2019-04-18 03:00:00,4717.6 +2019-04-18 03:15:00,4750.0 +2019-04-18 03:30:00,4813.6 +2019-04-18 03:45:00,4876.4 +2019-04-18 04:00:00,4995.6 +2019-04-18 04:15:00,5091.6 +2019-04-18 04:30:00,5200.0 +2019-04-18 04:45:00,5314.0 +2019-04-18 05:00:00,5544.8 +2019-04-18 05:15:00,5669.6 +2019-04-18 05:30:00,5785.6 +2019-04-18 05:45:00,5898.0 +2019-04-18 06:00:00,6051.2 +2019-04-18 06:15:00,6186.8 +2019-04-18 06:30:00,6276.0 +2019-04-18 06:45:00,6350.4 +2019-04-18 07:00:00,6432.8 +2019-04-18 07:15:00,6474.8 +2019-04-18 07:30:00,6494.8 +2019-04-18 07:45:00,6506.8 +2019-04-18 08:00:00,6472.8 +2019-04-18 08:15:00,6511.6 +2019-04-18 08:30:00,6562.0 +2019-04-18 08:45:00,6578.0 +2019-04-18 09:00:00,6570.0 +2019-04-18 09:15:00,6592.4 +2019-04-18 09:30:00,6600.0 +2019-04-18 09:45:00,6599.2 +2019-04-18 10:00:00,6524.8 +2019-04-18 10:15:00,6524.8 +2019-04-18 10:30:00,6551.6 +2019-04-18 10:45:00,6545.6 +2019-04-18 11:00:00,6532.8 +2019-04-18 11:15:00,6489.6 +2019-04-18 11:30:00,6478.4 +2019-04-18 11:45:00,6488.0 +2019-04-18 12:00:00,6504.4 +2019-04-18 12:15:00,6488.0 +2019-04-18 12:30:00,6442.0 +2019-04-18 12:45:00,6395.6 +2019-04-18 13:00:00,6334.8 +2019-04-18 13:15:00,6301.6 +2019-04-18 13:30:00,6258.8 +2019-04-18 13:45:00,6206.8 +2019-04-18 14:00:00,6222.0 +2019-04-18 14:15:00,6185.6 +2019-04-18 14:30:00,6138.0 +2019-04-18 14:45:00,6091.2 +2019-04-18 15:00:00,6082.8 +2019-04-18 15:15:00,6034.4 +2019-04-18 15:30:00,6014.0 +2019-04-18 15:45:00,5985.2 +2019-04-18 16:00:00,6036.8 +2019-04-18 16:15:00,6035.6 +2019-04-18 16:30:00,5987.6 +2019-04-18 16:45:00,5939.2 +2019-04-18 17:00:00,5939.2 +2019-04-18 17:15:00,5924.0 +2019-04-18 17:30:00,5896.4 +2019-04-18 17:45:00,5908.4 +2019-04-18 18:00:00,5918.0 +2019-04-18 18:15:00,5898.8 +2019-04-18 18:30:00,5913.6 +2019-04-18 18:45:00,5883.2 +2019-04-18 19:00:00,5869.6 +2019-04-18 19:15:00,5862.4 +2019-04-18 19:30:00,5870.0 +2019-04-18 19:45:00,5847.6 +2019-04-18 20:00:00,5780.8 +2019-04-18 20:15:00,5681.6 +2019-04-18 20:30:00,5583.6 +2019-04-18 20:45:00,5497.2 +2019-04-18 21:00:00,5435.6 +2019-04-18 21:15:00,5338.0 +2019-04-18 21:30:00,5222.8 +2019-04-18 21:45:00,5126.4 +2019-04-18 22:00:00,4988.4 +2019-04-18 22:15:00,4871.2 +2019-04-18 22:30:00,4790.0 +2019-04-18 22:45:00,4680.8 +2019-04-18 23:00:00,4557.6 +2019-04-18 23:15:00,4484.8 +2019-04-18 23:30:00,4430.4 +2019-04-18 23:45:00,4401.2 +2019-04-19 00:00:00,4299.2 +2019-04-19 00:15:00,4222.8 +2019-04-19 00:30:00,4201.2 +2019-04-19 00:45:00,4191.6 +2019-04-19 01:00:00,4135.2 +2019-04-19 01:15:00,4099.6 +2019-04-19 01:30:00,4076.4 +2019-04-19 01:45:00,4061.6 +2019-04-19 02:00:00,4059.2 +2019-04-19 02:15:00,4046.8 +2019-04-19 02:30:00,4050.4 +2019-04-19 02:45:00,4054.8 +2019-04-19 03:00:00,4040.8 +2019-04-19 03:15:00,4046.8 +2019-04-19 03:30:00,4028.4 +2019-04-19 03:45:00,4022.4 +2019-04-19 04:00:00,4054.4 +2019-04-19 04:15:00,4040.4 +2019-04-19 04:30:00,3997.6 +2019-04-19 04:45:00,3960.8 +2019-04-19 05:00:00,3947.6 +2019-04-19 05:15:00,3938.0 +2019-04-19 05:30:00,3927.6 +2019-04-19 05:45:00,3957.2 +2019-04-19 06:00:00,4030.8 +2019-04-19 06:15:00,4126.0 +2019-04-19 06:30:00,4200.4 +2019-04-19 06:45:00,4287.2 +2019-04-19 07:00:00,4394.0 +2019-04-19 07:15:00,4476.0 +2019-04-19 07:30:00,4562.4 +2019-04-19 07:45:00,4620.0 +2019-04-19 08:00:00,4682.4 +2019-04-19 08:15:00,4774.0 +2019-04-19 08:30:00,4824.0 +2019-04-19 08:45:00,4866.4 +2019-04-19 09:00:00,4916.4 +2019-04-19 09:15:00,4927.6 +2019-04-19 09:30:00,4936.0 +2019-04-19 09:45:00,4985.6 +2019-04-19 10:00:00,5033.6 +2019-04-19 10:15:00,5105.6 +2019-04-19 10:30:00,5148.4 +2019-04-19 10:45:00,5155.2 +2019-04-19 11:00:00,5106.0 +2019-04-19 11:15:00,5059.2 +2019-04-19 11:30:00,5000.8 +2019-04-19 11:45:00,4984.8 +2019-04-19 12:00:00,4940.4 +2019-04-19 12:15:00,4863.6 +2019-04-19 12:30:00,4824.0 +2019-04-19 12:45:00,4794.8 +2019-04-19 13:00:00,4777.2 +2019-04-19 13:15:00,4741.2 +2019-04-19 13:30:00,4687.6 +2019-04-19 13:45:00,4658.0 +2019-04-19 14:00:00,4648.8 +2019-04-19 14:15:00,4616.4 +2019-04-19 14:30:00,4579.2 +2019-04-19 14:45:00,4497.2 +2019-04-19 15:00:00,4492.4 +2019-04-19 15:15:00,4481.2 +2019-04-19 15:30:00,4482.8 +2019-04-19 15:45:00,4487.6 +2019-04-19 16:00:00,4531.2 +2019-04-19 16:15:00,4558.8 +2019-04-19 16:30:00,4578.0 +2019-04-19 16:45:00,4601.6 +2019-04-19 17:00:00,4650.0 +2019-04-19 17:15:00,4655.2 +2019-04-19 17:30:00,4690.8 +2019-04-19 17:45:00,4700.8 +2019-04-19 18:00:00,4725.6 +2019-04-19 18:15:00,4735.2 +2019-04-19 18:30:00,4744.8 +2019-04-19 18:45:00,4719.6 +2019-04-19 19:00:00,4749.2 +2019-04-19 19:15:00,4730.4 +2019-04-19 19:30:00,4770.8 +2019-04-19 19:45:00,4787.2 +2019-04-19 20:00:00,4777.2 +2019-04-19 20:15:00,4742.0 +2019-04-19 20:30:00,4692.8 +2019-04-19 20:45:00,4662.0 +2019-04-19 21:00:00,4619.2 +2019-04-19 21:15:00,4569.2 +2019-04-19 21:30:00,4491.6 +2019-04-19 21:45:00,4433.6 +2019-04-19 22:00:00,4300.0 +2019-04-19 22:15:00,4213.2 +2019-04-19 22:30:00,4159.2 +2019-04-19 22:45:00,4095.2 +2019-04-19 23:00:00,3988.0 +2019-04-19 23:15:00,3956.4 +2019-04-19 23:30:00,3891.2 +2019-04-19 23:45:00,3882.0 +2019-04-20 00:00:00,3811.6 +2019-04-20 00:15:00,3777.2 +2019-04-20 00:30:00,3735.6 +2019-04-20 00:45:00,3674.8 +2019-04-20 01:00:00,3670.8 +2019-04-20 01:15:00,3641.2 +2019-04-20 01:30:00,3624.0 +2019-04-20 01:45:00,3599.2 +2019-04-20 02:00:00,3604.8 +2019-04-20 02:15:00,3586.4 +2019-04-20 02:30:00,3608.0 +2019-04-20 02:45:00,3620.0 +2019-04-20 03:00:00,3667.6 +2019-04-20 03:15:00,3664.4 +2019-04-20 03:30:00,3709.2 +2019-04-20 03:45:00,3749.2 +2019-04-20 04:00:00,3820.8 +2019-04-20 04:15:00,3822.8 +2019-04-20 04:30:00,3863.2 +2019-04-20 04:45:00,3897.6 +2019-04-20 05:00:00,3928.4 +2019-04-20 05:15:00,3934.8 +2019-04-20 05:30:00,3977.6 +2019-04-20 05:45:00,4042.4 +2019-04-20 06:00:00,4141.2 +2019-04-20 06:15:00,4240.8 +2019-04-20 06:30:00,4334.0 +2019-04-20 06:45:00,4407.6 +2019-04-20 07:00:00,4509.2 +2019-04-20 07:15:00,4603.6 +2019-04-20 07:30:00,4691.6 +2019-04-20 07:45:00,4781.6 +2019-04-20 08:00:00,4855.6 +2019-04-20 08:15:00,4922.8 +2019-04-20 08:30:00,5000.4 +2019-04-20 08:45:00,5004.4 +2019-04-20 09:00:00,5007.6 +2019-04-20 09:15:00,5016.0 +2019-04-20 09:30:00,5033.2 +2019-04-20 09:45:00,5066.4 +2019-04-20 10:00:00,5062.8 +2019-04-20 10:15:00,5078.4 +2019-04-20 10:30:00,5098.0 +2019-04-20 10:45:00,5097.6 +2019-04-20 11:00:00,5080.4 +2019-04-20 11:15:00,5056.0 +2019-04-20 11:30:00,5055.6 +2019-04-20 11:45:00,5015.2 +2019-04-20 12:00:00,4978.4 +2019-04-20 12:15:00,4944.0 +2019-04-20 12:30:00,4928.0 +2019-04-20 12:45:00,4895.6 +2019-04-20 13:00:00,4852.4 +2019-04-20 13:15:00,4816.8 +2019-04-20 13:30:00,4806.8 +2019-04-20 13:45:00,4782.4 +2019-04-20 14:00:00,4752.0 +2019-04-20 14:15:00,4713.6 +2019-04-20 14:30:00,4699.2 +2019-04-20 14:45:00,4665.6 +2019-04-20 15:00:00,4631.6 +2019-04-20 15:15:00,4628.0 +2019-04-20 15:30:00,4614.8 +2019-04-20 15:45:00,4620.0 +2019-04-20 16:00:00,4696.0 +2019-04-20 16:15:00,4730.4 +2019-04-20 16:30:00,4762.0 +2019-04-20 16:45:00,4786.4 +2019-04-20 17:00:00,4790.4 +2019-04-20 17:15:00,4784.8 +2019-04-20 17:30:00,4795.2 +2019-04-20 17:45:00,4808.8 +2019-04-20 18:00:00,4812.0 +2019-04-20 18:15:00,4803.2 +2019-04-20 18:30:00,4791.6 +2019-04-20 18:45:00,4768.0 +2019-04-20 19:00:00,4737.6 +2019-04-20 19:15:00,4702.4 +2019-04-20 19:30:00,4695.2 +2019-04-20 19:45:00,4734.4 +2019-04-20 20:00:00,4732.4 +2019-04-20 20:15:00,4675.6 +2019-04-20 20:30:00,4601.6 +2019-04-20 20:45:00,4558.0 +2019-04-20 21:00:00,4538.4 +2019-04-20 21:15:00,4439.2 +2019-04-20 21:30:00,4350.0 +2019-04-20 21:45:00,4278.0 +2019-04-20 22:00:00,4189.2 +2019-04-20 22:15:00,4115.2 +2019-04-20 22:30:00,4048.0 +2019-04-20 22:45:00,3999.2 +2019-04-20 23:00:00,3908.4 +2019-04-20 23:15:00,3827.2 +2019-04-20 23:30:00,3763.2 +2019-04-20 23:45:00,3717.2 +2019-04-21 00:00:00,3637.6 +2019-04-21 00:15:00,3584.8 +2019-04-21 00:30:00,3549.6 +2019-04-21 00:45:00,3536.8 +2019-04-21 01:00:00,3504.0 +2019-04-21 01:15:00,3477.6 +2019-04-21 01:30:00,3460.0 +2019-04-21 01:45:00,3429.2 +2019-04-21 02:00:00,3420.4 +2019-04-21 02:15:00,3415.6 +2019-04-21 02:30:00,3421.2 +2019-04-21 02:45:00,3430.0 +2019-04-21 03:00:00,3452.0 +2019-04-21 03:15:00,3472.4 +2019-04-21 03:30:00,3485.2 +2019-04-21 03:45:00,3488.4 +2019-04-21 04:00:00,3512.8 +2019-04-21 04:15:00,3518.8 +2019-04-21 04:30:00,3541.6 +2019-04-21 04:45:00,3530.8 +2019-04-21 05:00:00,3528.4 +2019-04-21 05:15:00,3512.4 +2019-04-21 05:30:00,3548.8 +2019-04-21 05:45:00,3588.8 +2019-04-21 06:00:00,3632.0 +2019-04-21 06:15:00,3686.8 +2019-04-21 06:30:00,3784.4 +2019-04-21 06:45:00,3873.6 +2019-04-21 07:00:00,3996.0 +2019-04-21 07:15:00,4090.8 +2019-04-21 07:30:00,4178.4 +2019-04-21 07:45:00,4232.8 +2019-04-21 08:00:00,4305.6 +2019-04-21 08:15:00,4359.6 +2019-04-21 08:30:00,4403.2 +2019-04-21 08:45:00,4446.4 +2019-04-21 09:00:00,4449.2 +2019-04-21 09:15:00,4471.2 +2019-04-21 09:30:00,4489.2 +2019-04-21 09:45:00,4515.6 +2019-04-21 10:00:00,4536.8 +2019-04-21 10:15:00,4567.2 +2019-04-21 10:30:00,4592.0 +2019-04-21 10:45:00,4568.0 +2019-04-21 11:00:00,4540.4 +2019-04-21 11:15:00,4500.8 +2019-04-21 11:30:00,4460.8 +2019-04-21 11:45:00,4438.8 +2019-04-21 12:00:00,4386.0 +2019-04-21 12:15:00,4331.2 +2019-04-21 12:30:00,4276.4 +2019-04-21 12:45:00,4236.8 +2019-04-21 13:00:00,4198.8 +2019-04-21 13:15:00,4170.0 +2019-04-21 13:30:00,4137.2 +2019-04-21 13:45:00,4106.0 +2019-04-21 14:00:00,4074.8 +2019-04-21 14:15:00,4047.6 +2019-04-21 14:30:00,4027.2 +2019-04-21 14:45:00,3999.6 +2019-04-21 15:00:00,4001.6 +2019-04-21 15:15:00,4002.4 +2019-04-21 15:30:00,4000.8 +2019-04-21 15:45:00,4011.6 +2019-04-21 16:00:00,4057.2 +2019-04-21 16:15:00,4105.6 +2019-04-21 16:30:00,4105.6 +2019-04-21 16:45:00,4128.0 +2019-04-21 17:00:00,4179.6 +2019-04-21 17:15:00,4193.6 +2019-04-21 17:30:00,4225.6 +2019-04-21 17:45:00,4252.4 +2019-04-21 18:00:00,4271.6 +2019-04-21 18:15:00,4268.4 +2019-04-21 18:30:00,4296.8 +2019-04-21 18:45:00,4312.8 +2019-04-21 19:00:00,4345.2 +2019-04-21 19:15:00,4384.8 +2019-04-21 19:30:00,4425.6 +2019-04-21 19:45:00,4449.6 +2019-04-21 20:00:00,4476.4 +2019-04-21 20:15:00,4432.4 +2019-04-21 20:30:00,4386.4 +2019-04-21 20:45:00,4356.8 +2019-04-21 21:00:00,4347.6 +2019-04-21 21:15:00,4280.8 +2019-04-21 21:30:00,4198.8 +2019-04-21 21:45:00,4129.6 +2019-04-21 22:00:00,4037.2 +2019-04-21 22:15:00,3974.8 +2019-04-21 22:30:00,3900.0 +2019-04-21 22:45:00,3834.8 +2019-04-21 23:00:00,3748.4 +2019-04-21 23:15:00,3683.6 +2019-04-21 23:30:00,3627.6 +2019-04-21 23:45:00,3602.0 +2019-04-22 00:00:00,3560.0 +2019-04-22 00:15:00,3546.0 +2019-04-22 00:30:00,3523.6 +2019-04-22 00:45:00,3515.2 +2019-04-22 01:00:00,3486.8 +2019-04-22 01:15:00,3438.0 +2019-04-22 01:30:00,3423.6 +2019-04-22 01:45:00,3408.4 +2019-04-22 02:00:00,3437.6 +2019-04-22 02:15:00,3426.0 +2019-04-22 02:30:00,3431.2 +2019-04-22 02:45:00,3426.8 +2019-04-22 03:00:00,3459.2 +2019-04-22 03:15:00,3458.8 +2019-04-22 03:30:00,3492.8 +2019-04-22 03:45:00,3513.6 +2019-04-22 04:00:00,3536.8 +2019-04-22 04:15:00,3545.2 +2019-04-22 04:30:00,3579.6 +2019-04-22 04:45:00,3564.0 +2019-04-22 05:00:00,3567.2 +2019-04-22 05:15:00,3581.2 +2019-04-22 05:30:00,3596.8 +2019-04-22 05:45:00,3632.0 +2019-04-22 06:00:00,3703.6 +2019-04-22 06:15:00,3782.4 +2019-04-22 06:30:00,3860.0 +2019-04-22 06:45:00,3946.8 +2019-04-22 07:00:00,4050.4 +2019-04-22 07:15:00,4138.0 +2019-04-22 07:30:00,4197.6 +2019-04-22 07:45:00,4275.2 +2019-04-22 08:00:00,4353.2 +2019-04-22 08:15:00,4422.0 +2019-04-22 08:30:00,4495.2 +2019-04-22 08:45:00,4567.2 +2019-04-22 09:00:00,4595.6 +2019-04-22 09:15:00,4613.2 +2019-04-22 09:30:00,4654.4 +2019-04-22 09:45:00,4726.4 +2019-04-22 10:00:00,4746.8 +2019-04-22 10:15:00,4822.0 +2019-04-22 10:30:00,4872.8 +2019-04-22 10:45:00,4915.6 +2019-04-22 11:00:00,4864.0 +2019-04-22 11:15:00,4828.4 +2019-04-22 11:30:00,4787.6 +2019-04-22 11:45:00,4736.4 +2019-04-22 12:00:00,4750.0 +2019-04-22 12:15:00,4715.2 +2019-04-22 12:30:00,4680.0 +2019-04-22 12:45:00,4628.8 +2019-04-22 13:00:00,4568.0 +2019-04-22 13:15:00,4526.4 +2019-04-22 13:30:00,4493.6 +2019-04-22 13:45:00,4488.0 +2019-04-22 14:00:00,4488.4 +2019-04-22 14:15:00,4484.4 +2019-04-22 14:30:00,4476.8 +2019-04-22 14:45:00,4427.2 +2019-04-22 15:00:00,4452.8 +2019-04-22 15:15:00,4399.2 +2019-04-22 15:30:00,4400.4 +2019-04-22 15:45:00,4443.2 +2019-04-22 16:00:00,4454.0 +2019-04-22 16:15:00,4470.0 +2019-04-22 16:30:00,4550.0 +2019-04-22 16:45:00,4638.8 +2019-04-22 17:00:00,4662.8 +2019-04-22 17:15:00,4680.4 +2019-04-22 17:30:00,4711.6 +2019-04-22 17:45:00,4721.6 +2019-04-22 18:00:00,4723.2 +2019-04-22 18:15:00,4742.0 +2019-04-22 18:30:00,4737.6 +2019-04-22 18:45:00,4730.0 +2019-04-22 19:00:00,4750.0 +2019-04-22 19:15:00,4746.0 +2019-04-22 19:30:00,4772.0 +2019-04-22 19:45:00,4806.8 +2019-04-22 20:00:00,4846.4 +2019-04-22 20:15:00,4803.2 +2019-04-22 20:30:00,4747.6 +2019-04-22 20:45:00,4756.0 +2019-04-22 21:00:00,4742.4 +2019-04-22 21:15:00,4682.8 +2019-04-22 21:30:00,4594.4 +2019-04-22 21:45:00,4529.2 +2019-04-22 22:00:00,4440.0 +2019-04-22 22:15:00,4364.4 +2019-04-22 22:30:00,4283.2 +2019-04-22 22:45:00,4198.4 +2019-04-22 23:00:00,4129.6 +2019-04-22 23:15:00,4074.4 +2019-04-22 23:30:00,4028.4 +2019-04-22 23:45:00,3986.4 +2019-04-23 00:00:00,3908.8 +2019-04-23 00:15:00,3896.8 +2019-04-23 00:30:00,3850.0 +2019-04-23 00:45:00,3814.8 +2019-04-23 01:00:00,3804.4 +2019-04-23 01:15:00,3789.6 +2019-04-23 01:30:00,3784.4 +2019-04-23 01:45:00,3790.8 +2019-04-23 02:00:00,3800.0 +2019-04-23 02:15:00,3806.0 +2019-04-23 02:30:00,3826.0 +2019-04-23 02:45:00,3838.4 +2019-04-23 03:00:00,3924.0 +2019-04-23 03:15:00,3968.4 +2019-04-23 03:30:00,4013.6 +2019-04-23 03:45:00,4108.0 +2019-04-23 04:00:00,4352.8 +2019-04-23 04:15:00,4441.6 +2019-04-23 04:30:00,4575.6 +2019-04-23 04:45:00,4731.6 +2019-04-23 05:00:00,5024.4 +2019-04-23 05:15:00,5219.2 +2019-04-23 05:30:00,5384.8 +2019-04-23 05:45:00,5541.2 +2019-04-23 06:00:00,5768.0 +2019-04-23 06:15:00,5918.8 +2019-04-23 06:30:00,6052.0 +2019-04-23 06:45:00,6161.6 +2019-04-23 07:00:00,6276.4 +2019-04-23 07:15:00,6324.4 +2019-04-23 07:30:00,6385.2 +2019-04-23 07:45:00,6424.4 +2019-04-23 08:00:00,6384.4 +2019-04-23 08:15:00,6445.6 +2019-04-23 08:30:00,6510.4 +2019-04-23 08:45:00,6574.0 +2019-04-23 09:00:00,6572.8 +2019-04-23 09:15:00,6557.6 +2019-04-23 09:30:00,6571.2 +2019-04-23 09:45:00,6608.0 +2019-04-23 10:00:00,6601.6 +2019-04-23 10:15:00,6691.2 +2019-04-23 10:30:00,6711.6 +2019-04-23 10:45:00,6735.6 +2019-04-23 11:00:00,6656.0 +2019-04-23 11:15:00,6633.6 +2019-04-23 11:30:00,6646.0 +2019-04-23 11:45:00,6657.6 +2019-04-23 12:00:00,6644.0 +2019-04-23 12:15:00,6622.0 +2019-04-23 12:30:00,6574.8 +2019-04-23 12:45:00,6509.6 +2019-04-23 13:00:00,6417.2 +2019-04-23 13:15:00,6489.6 +2019-04-23 13:30:00,6462.4 +2019-04-23 13:45:00,6413.6 +2019-04-23 14:00:00,6417.6 +2019-04-23 14:15:00,6360.8 +2019-04-23 14:30:00,6332.4 +2019-04-23 14:45:00,6302.8 +2019-04-23 15:00:00,6283.2 +2019-04-23 15:15:00,6247.2 +2019-04-23 15:30:00,6181.2 +2019-04-23 15:45:00,6207.6 +2019-04-23 16:00:00,6216.0 +2019-04-23 16:15:00,6206.4 +2019-04-23 16:30:00,6214.8 +2019-04-23 16:45:00,6218.8 +2019-04-23 17:00:00,6237.2 +2019-04-23 17:15:00,6218.4 +2019-04-23 17:30:00,6207.6 +2019-04-23 17:45:00,6217.6 +2019-04-23 18:00:00,6190.4 +2019-04-23 18:15:00,6156.8 +2019-04-23 18:30:00,6130.8 +2019-04-23 18:45:00,6104.8 +2019-04-23 19:00:00,6044.4 +2019-04-23 19:15:00,6028.0 +2019-04-23 19:30:00,6028.0 +2019-04-23 19:45:00,6036.8 +2019-04-23 20:00:00,5958.0 +2019-04-23 20:15:00,5854.0 +2019-04-23 20:30:00,5757.6 +2019-04-23 20:45:00,5649.6 +2019-04-23 21:00:00,5509.6 +2019-04-23 21:15:00,5402.8 +2019-04-23 21:30:00,5296.4 +2019-04-23 21:45:00,5181.2 +2019-04-23 22:00:00,5052.8 +2019-04-23 22:15:00,4951.6 +2019-04-23 22:30:00,4869.2 +2019-04-23 22:45:00,4801.2 +2019-04-23 23:00:00,4705.6 +2019-04-23 23:15:00,4646.0 +2019-04-23 23:30:00,4584.8 +2019-04-23 23:45:00,4540.4 +2019-04-24 00:00:00,4500.8 +2019-04-24 00:15:00,4462.4 +2019-04-24 00:30:00,4460.8 +2019-04-24 00:45:00,4439.2 +2019-04-24 01:00:00,4399.6 +2019-04-24 01:15:00,4366.0 +2019-04-24 01:30:00,4399.6 +2019-04-24 01:45:00,4379.2 +2019-04-24 02:00:00,4400.0 +2019-04-24 02:15:00,4416.4 +2019-04-24 02:30:00,4481.6 +2019-04-24 02:45:00,4455.6 +2019-04-24 03:00:00,4494.0 +2019-04-24 03:15:00,4502.0 +2019-04-24 03:30:00,4580.0 +2019-04-24 03:45:00,4619.2 +2019-04-24 04:00:00,4743.2 +2019-04-24 04:15:00,4836.8 +2019-04-24 04:30:00,4927.2 +2019-04-24 04:45:00,5070.8 +2019-04-24 05:00:00,5319.2 +2019-04-24 05:15:00,5478.0 +2019-04-24 05:30:00,5630.4 +2019-04-24 05:45:00,5756.0 +2019-04-24 06:00:00,5930.4 +2019-04-24 06:15:00,6069.6 +2019-04-24 06:30:00,6179.2 +2019-04-24 06:45:00,6244.4 +2019-04-24 07:00:00,6364.4 +2019-04-24 07:15:00,6400.8 +2019-04-24 07:30:00,6485.6 +2019-04-24 07:45:00,6453.2 +2019-04-24 08:00:00,6440.4 +2019-04-24 08:15:00,6510.4 +2019-04-24 08:30:00,6564.0 +2019-04-24 08:45:00,6595.2 +2019-04-24 09:00:00,6636.0 +2019-04-24 09:15:00,6673.6 +2019-04-24 09:30:00,6714.4 +2019-04-24 09:45:00,6747.2 +2019-04-24 10:00:00,6731.6 +2019-04-24 10:15:00,6761.6 +2019-04-24 10:30:00,6795.2 +2019-04-24 10:45:00,6785.6 +2019-04-24 11:00:00,6724.8 +2019-04-24 11:15:00,6708.0 +2019-04-24 11:30:00,6684.0 +2019-04-24 11:45:00,6638.4 +2019-04-24 12:00:00,6689.6 +2019-04-24 12:15:00,6657.6 +2019-04-24 12:30:00,6623.6 +2019-04-24 12:45:00,6554.0 +2019-04-24 13:00:00,6533.2 +2019-04-24 13:15:00,6547.2 +2019-04-24 13:30:00,6527.6 +2019-04-24 13:45:00,6487.6 +2019-04-24 14:00:00,6446.0 +2019-04-24 14:15:00,6409.6 +2019-04-24 14:30:00,6368.4 +2019-04-24 14:45:00,6323.6 +2019-04-24 15:00:00,6313.6 +2019-04-24 15:15:00,6263.6 +2019-04-24 15:30:00,6199.6 +2019-04-24 15:45:00,6163.6 +2019-04-24 16:00:00,6161.6 +2019-04-24 16:15:00,6160.4 +2019-04-24 16:30:00,6170.8 +2019-04-24 16:45:00,6156.8 +2019-04-24 17:00:00,6152.8 +2019-04-24 17:15:00,6183.2 +2019-04-24 17:30:00,6166.0 +2019-04-24 17:45:00,6177.2 +2019-04-24 18:00:00,6238.4 +2019-04-24 18:15:00,6208.0 +2019-04-24 18:30:00,6182.0 +2019-04-24 18:45:00,6166.0 +2019-04-24 19:00:00,6138.8 +2019-04-24 19:15:00,6104.8 +2019-04-24 19:30:00,6104.4 +2019-04-24 19:45:00,6078.0 +2019-04-24 20:00:00,6068.0 +2019-04-24 20:15:00,6006.0 +2019-04-24 20:30:00,5930.0 +2019-04-24 20:45:00,5836.8 +2019-04-24 21:00:00,5729.2 +2019-04-24 21:15:00,5592.4 +2019-04-24 21:30:00,5506.4 +2019-04-24 21:45:00,5404.4 +2019-04-24 22:00:00,5246.4 +2019-04-24 22:15:00,5130.4 +2019-04-24 22:30:00,5055.2 +2019-04-24 22:45:00,4967.6 +2019-04-24 23:00:00,4830.8 +2019-04-24 23:15:00,4750.0 +2019-04-24 23:30:00,4698.4 +2019-04-24 23:45:00,4680.0 +2019-04-25 00:00:00,4573.6 +2019-04-25 00:15:00,4517.2 +2019-04-25 00:30:00,4491.6 +2019-04-25 00:45:00,4448.0 +2019-04-25 01:00:00,4356.0 +2019-04-25 01:15:00,4337.2 +2019-04-25 01:30:00,4334.8 +2019-04-25 01:45:00,4347.2 +2019-04-25 02:00:00,4360.4 +2019-04-25 02:15:00,4370.0 +2019-04-25 02:30:00,4383.2 +2019-04-25 02:45:00,4376.0 +2019-04-25 03:00:00,4458.8 +2019-04-25 03:15:00,4538.4 +2019-04-25 03:30:00,4568.0 +2019-04-25 03:45:00,4631.6 +2019-04-25 04:00:00,4781.6 +2019-04-25 04:15:00,4886.4 +2019-04-25 04:30:00,4987.6 +2019-04-25 04:45:00,5120.8 +2019-04-25 05:00:00,5380.8 +2019-04-25 05:15:00,5553.6 +2019-04-25 05:30:00,5670.4 +2019-04-25 05:45:00,5796.8 +2019-04-25 06:00:00,5959.6 +2019-04-25 06:15:00,6067.2 +2019-04-25 06:30:00,6152.0 +2019-04-25 06:45:00,6249.6 +2019-04-25 07:00:00,6344.0 +2019-04-25 07:15:00,6412.0 +2019-04-25 07:30:00,6454.8 +2019-04-25 07:45:00,6484.8 +2019-04-25 08:00:00,6498.0 +2019-04-25 08:15:00,6521.2 +2019-04-25 08:30:00,6604.0 +2019-04-25 08:45:00,6631.6 +2019-04-25 09:00:00,6679.6 +2019-04-25 09:15:00,6679.6 +2019-04-25 09:30:00,6687.6 +2019-04-25 09:45:00,6704.4 +2019-04-25 10:00:00,6741.2 +2019-04-25 10:15:00,6773.6 +2019-04-25 10:30:00,6831.6 +2019-04-25 10:45:00,6850.4 +2019-04-25 11:00:00,6817.2 +2019-04-25 11:15:00,6790.8 +2019-04-25 11:30:00,6786.4 +2019-04-25 11:45:00,6797.2 +2019-04-25 12:00:00,6685.2 +2019-04-25 12:15:00,6663.6 +2019-04-25 12:30:00,6605.6 +2019-04-25 12:45:00,6530.4 +2019-04-25 13:00:00,6512.8 +2019-04-25 13:15:00,6526.4 +2019-04-25 13:30:00,6470.0 +2019-04-25 13:45:00,6462.8 +2019-04-25 14:00:00,6450.0 +2019-04-25 14:15:00,6412.8 +2019-04-25 14:30:00,6398.8 +2019-04-25 14:45:00,6380.8 +2019-04-25 15:00:00,6364.0 +2019-04-25 15:15:00,6304.0 +2019-04-25 15:30:00,6262.8 +2019-04-25 15:45:00,6254.8 +2019-04-25 16:00:00,6240.8 +2019-04-25 16:15:00,6238.0 +2019-04-25 16:30:00,6247.2 +2019-04-25 16:45:00,6242.4 +2019-04-25 17:00:00,6174.4 +2019-04-25 17:15:00,6139.6 +2019-04-25 17:30:00,6141.2 +2019-04-25 17:45:00,6155.2 +2019-04-25 18:00:00,6139.2 +2019-04-25 18:15:00,6136.0 +2019-04-25 18:30:00,6108.8 +2019-04-25 18:45:00,6090.8 +2019-04-25 19:00:00,6016.8 +2019-04-25 19:15:00,5968.8 +2019-04-25 19:30:00,6002.4 +2019-04-25 19:45:00,6020.0 +2019-04-25 20:00:00,5989.6 +2019-04-25 20:15:00,5948.0 +2019-04-25 20:30:00,5845.2 +2019-04-25 20:45:00,5730.4 +2019-04-25 21:00:00,5642.0 +2019-04-25 21:15:00,5555.6 +2019-04-25 21:30:00,5438.0 +2019-04-25 21:45:00,5331.6 +2019-04-25 22:00:00,5205.2 +2019-04-25 22:15:00,5136.0 +2019-04-25 22:30:00,5057.2 +2019-04-25 22:45:00,4964.8 +2019-04-25 23:00:00,4886.4 +2019-04-25 23:15:00,4849.2 +2019-04-25 23:30:00,4769.6 +2019-04-25 23:45:00,4716.8 +2019-04-26 00:00:00,4600.8 +2019-04-26 00:15:00,4556.4 +2019-04-26 00:30:00,4497.6 +2019-04-26 00:45:00,4449.6 +2019-04-26 01:00:00,4384.0 +2019-04-26 01:15:00,4353.2 +2019-04-26 01:30:00,4347.2 +2019-04-26 01:45:00,4351.2 +2019-04-26 02:00:00,4366.4 +2019-04-26 02:15:00,4354.0 +2019-04-26 02:30:00,4367.2 +2019-04-26 02:45:00,4386.8 +2019-04-26 03:00:00,4457.2 +2019-04-26 03:15:00,4525.2 +2019-04-26 03:30:00,4578.0 +2019-04-26 03:45:00,4604.8 +2019-04-26 04:00:00,4746.0 +2019-04-26 04:15:00,4845.2 +2019-04-26 04:30:00,4938.0 +2019-04-26 04:45:00,5075.6 +2019-04-26 05:00:00,5364.0 +2019-04-26 05:15:00,5532.0 +2019-04-26 05:30:00,5660.0 +2019-04-26 05:45:00,5785.2 +2019-04-26 06:00:00,5961.2 +2019-04-26 06:15:00,6104.0 +2019-04-26 06:30:00,6219.2 +2019-04-26 06:45:00,6303.6 +2019-04-26 07:00:00,6400.8 +2019-04-26 07:15:00,6506.4 +2019-04-26 07:30:00,6548.0 +2019-04-26 07:45:00,6587.2 +2019-04-26 08:00:00,6556.4 +2019-04-26 08:15:00,6604.0 +2019-04-26 08:30:00,6700.0 +2019-04-26 08:45:00,6746.0 +2019-04-26 09:00:00,6757.2 +2019-04-26 09:15:00,6790.8 +2019-04-26 09:30:00,6818.4 +2019-04-26 09:45:00,6826.8 +2019-04-26 10:00:00,6855.6 +2019-04-26 10:15:00,6856.0 +2019-04-26 10:30:00,6902.0 +2019-04-26 10:45:00,6906.8 +2019-04-26 11:00:00,6835.2 +2019-04-26 11:15:00,6774.0 +2019-04-26 11:30:00,6781.6 +2019-04-26 11:45:00,6734.8 +2019-04-26 12:00:00,6674.0 +2019-04-26 12:15:00,6624.0 +2019-04-26 12:30:00,6576.0 +2019-04-26 12:45:00,6506.8 +2019-04-26 13:00:00,6474.0 +2019-04-26 13:15:00,6475.6 +2019-04-26 13:30:00,6408.4 +2019-04-26 13:45:00,6344.4 +2019-04-26 14:00:00,6299.6 +2019-04-26 14:15:00,6234.4 +2019-04-26 14:30:00,6202.8 +2019-04-26 14:45:00,6141.2 +2019-04-26 15:00:00,6134.8 +2019-04-26 15:15:00,6088.8 +2019-04-26 15:30:00,6058.8 +2019-04-26 15:45:00,6060.4 +2019-04-26 16:00:00,6090.8 +2019-04-26 16:15:00,6079.6 +2019-04-26 16:30:00,6111.2 +2019-04-26 16:45:00,6098.8 +2019-04-26 17:00:00,6106.8 +2019-04-26 17:15:00,6116.0 +2019-04-26 17:30:00,6132.4 +2019-04-26 17:45:00,6104.0 +2019-04-26 18:00:00,6074.4 +2019-04-26 18:15:00,6044.4 +2019-04-26 18:30:00,6024.8 +2019-04-26 18:45:00,5974.8 +2019-04-26 19:00:00,5897.6 +2019-04-26 19:15:00,5856.0 +2019-04-26 19:30:00,5836.4 +2019-04-26 19:45:00,5828.8 +2019-04-26 20:00:00,5787.6 +2019-04-26 20:15:00,5676.0 +2019-04-26 20:30:00,5585.2 +2019-04-26 20:45:00,5511.6 +2019-04-26 21:00:00,5466.4 +2019-04-26 21:15:00,5368.8 +2019-04-26 21:30:00,5260.4 +2019-04-26 21:45:00,5194.0 +2019-04-26 22:00:00,5078.0 +2019-04-26 22:15:00,4992.4 +2019-04-26 22:30:00,4879.2 +2019-04-26 22:45:00,4817.2 +2019-04-26 23:00:00,4635.6 +2019-04-26 23:15:00,4535.2 +2019-04-26 23:30:00,4462.4 +2019-04-26 23:45:00,4413.2 +2019-04-27 00:00:00,4351.6 +2019-04-27 00:15:00,4330.4 +2019-04-27 00:30:00,4285.2 +2019-04-27 00:45:00,4263.6 +2019-04-27 01:00:00,4239.2 +2019-04-27 01:15:00,4232.0 +2019-04-27 01:30:00,4239.6 +2019-04-27 01:45:00,4230.8 +2019-04-27 02:00:00,4250.0 +2019-04-27 02:15:00,4246.0 +2019-04-27 02:30:00,4226.0 +2019-04-27 02:45:00,4261.6 +2019-04-27 03:00:00,4274.8 +2019-04-27 03:15:00,4298.4 +2019-04-27 03:30:00,4308.8 +2019-04-27 03:45:00,4315.2 +2019-04-27 04:00:00,4341.2 +2019-04-27 04:15:00,4329.6 +2019-04-27 04:30:00,4322.0 +2019-04-27 04:45:00,4323.2 +2019-04-27 05:00:00,4337.2 +2019-04-27 05:15:00,4351.2 +2019-04-27 05:30:00,4400.8 +2019-04-27 05:45:00,4467.6 +2019-04-27 06:00:00,4562.4 +2019-04-27 06:15:00,4634.4 +2019-04-27 06:30:00,4762.4 +2019-04-27 06:45:00,4859.2 +2019-04-27 07:00:00,4996.4 +2019-04-27 07:15:00,5070.8 +2019-04-27 07:30:00,5154.4 +2019-04-27 07:45:00,5228.0 +2019-04-27 08:00:00,5291.6 +2019-04-27 08:15:00,5350.8 +2019-04-27 08:30:00,5440.4 +2019-04-27 08:45:00,5500.8 +2019-04-27 09:00:00,5556.0 +2019-04-27 09:15:00,5578.4 +2019-04-27 09:30:00,5607.2 +2019-04-27 09:45:00,5654.8 +2019-04-27 10:00:00,5652.8 +2019-04-27 10:15:00,5660.8 +2019-04-27 10:30:00,5661.6 +2019-04-27 10:45:00,5651.2 +2019-04-27 11:00:00,5605.2 +2019-04-27 11:15:00,5580.4 +2019-04-27 11:30:00,5569.6 +2019-04-27 11:45:00,5537.2 +2019-04-27 12:00:00,5502.8 +2019-04-27 12:15:00,5450.8 +2019-04-27 12:30:00,5378.0 +2019-04-27 12:45:00,5306.8 +2019-04-27 13:00:00,5260.0 +2019-04-27 13:15:00,5196.4 +2019-04-27 13:30:00,5147.6 +2019-04-27 13:45:00,5137.2 +2019-04-27 14:00:00,5140.4 +2019-04-27 14:15:00,5135.6 +2019-04-27 14:30:00,5142.0 +2019-04-27 14:45:00,5124.8 +2019-04-27 15:00:00,5140.4 +2019-04-27 15:15:00,5100.4 +2019-04-27 15:30:00,5094.8 +2019-04-27 15:45:00,5081.2 +2019-04-27 16:00:00,5092.0 +2019-04-27 16:15:00,5144.4 +2019-04-27 16:30:00,5203.2 +2019-04-27 16:45:00,5212.0 +2019-04-27 17:00:00,5257.6 +2019-04-27 17:15:00,5248.4 +2019-04-27 17:30:00,5277.6 +2019-04-27 17:45:00,5261.6 +2019-04-27 18:00:00,5238.8 +2019-04-27 18:15:00,5174.0 +2019-04-27 18:30:00,5150.8 +2019-04-27 18:45:00,5126.8 +2019-04-27 19:00:00,5100.8 +2019-04-27 19:15:00,5062.0 +2019-04-27 19:30:00,5071.6 +2019-04-27 19:45:00,5063.2 +2019-04-27 20:00:00,5052.4 +2019-04-27 20:15:00,4986.4 +2019-04-27 20:30:00,4941.6 +2019-04-27 20:45:00,4864.4 +2019-04-27 21:00:00,4839.6 +2019-04-27 21:15:00,4785.2 +2019-04-27 21:30:00,4714.0 +2019-04-27 21:45:00,4609.2 +2019-04-27 22:00:00,4465.2 +2019-04-27 22:15:00,4371.2 +2019-04-27 22:30:00,4274.0 +2019-04-27 22:45:00,4198.0 +2019-04-27 23:00:00,4172.4 +2019-04-27 23:15:00,4113.6 +2019-04-27 23:30:00,4056.8 +2019-04-27 23:45:00,4029.2 +2019-04-28 00:00:00,3980.8 +2019-04-28 00:15:00,3944.4 +2019-04-28 00:30:00,3902.4 +2019-04-28 00:45:00,3902.0 +2019-04-28 01:00:00,3870.8 +2019-04-28 01:15:00,3846.4 +2019-04-28 01:30:00,3825.6 +2019-04-28 01:45:00,3810.4 +2019-04-28 02:00:00,3803.2 +2019-04-28 02:15:00,3814.4 +2019-04-28 02:30:00,3822.8 +2019-04-28 02:45:00,3818.4 +2019-04-28 03:00:00,3842.0 +2019-04-28 03:15:00,3834.0 +2019-04-28 03:30:00,3836.4 +2019-04-28 03:45:00,3830.8 +2019-04-28 04:00:00,3855.2 +2019-04-28 04:15:00,3864.8 +2019-04-28 04:30:00,3861.6 +2019-04-28 04:45:00,3833.6 +2019-04-28 05:00:00,3838.0 +2019-04-28 05:15:00,3816.8 +2019-04-28 05:30:00,3854.4 +2019-04-28 05:45:00,3887.2 +2019-04-28 06:00:00,3959.6 +2019-04-28 06:15:00,4009.2 +2019-04-28 06:30:00,4075.2 +2019-04-28 06:45:00,4137.2 +2019-04-28 07:00:00,4191.6 +2019-04-28 07:15:00,4302.4 +2019-04-28 07:30:00,4363.6 +2019-04-28 07:45:00,4450.4 +2019-04-28 08:00:00,4539.6 +2019-04-28 08:15:00,4630.8 +2019-04-28 08:30:00,4713.6 +2019-04-28 08:45:00,4782.4 +2019-04-28 09:00:00,4845.6 +2019-04-28 09:15:00,4863.2 +2019-04-28 09:30:00,4943.2 +2019-04-28 09:45:00,4984.8 +2019-04-28 10:00:00,5049.6 +2019-04-28 10:15:00,5146.8 +2019-04-28 10:30:00,5168.0 +2019-04-28 10:45:00,5165.2 +2019-04-28 11:00:00,5155.2 +2019-04-28 11:15:00,5144.4 +2019-04-28 11:30:00,5123.2 +2019-04-28 11:45:00,5088.0 +2019-04-28 12:00:00,5047.6 +2019-04-28 12:15:00,4964.8 +2019-04-28 12:30:00,4923.6 +2019-04-28 12:45:00,4864.8 +2019-04-28 13:00:00,4880.8 +2019-04-28 13:15:00,4860.0 +2019-04-28 13:30:00,4825.6 +2019-04-28 13:45:00,4795.2 +2019-04-28 14:00:00,4783.6 +2019-04-28 14:15:00,4729.6 +2019-04-28 14:30:00,4662.0 +2019-04-28 14:45:00,4626.8 +2019-04-28 15:00:00,4660.0 +2019-04-28 15:15:00,4638.0 +2019-04-28 15:30:00,4637.2 +2019-04-28 15:45:00,4652.4 +2019-04-28 16:00:00,4731.2 +2019-04-28 16:15:00,4769.6 +2019-04-28 16:30:00,4826.4 +2019-04-28 16:45:00,4834.8 +2019-04-28 17:00:00,4906.4 +2019-04-28 17:15:00,4917.6 +2019-04-28 17:30:00,4941.2 +2019-04-28 17:45:00,4950.4 +2019-04-28 18:00:00,5023.6 +2019-04-28 18:15:00,4992.0 +2019-04-28 18:30:00,4988.8 +2019-04-28 18:45:00,4959.2 +2019-04-28 19:00:00,5011.2 +2019-04-28 19:15:00,4988.8 +2019-04-28 19:30:00,4966.8 +2019-04-28 19:45:00,4998.4 +2019-04-28 20:00:00,5063.6 +2019-04-28 20:15:00,5080.4 +2019-04-28 20:30:00,5035.6 +2019-04-28 20:45:00,5040.8 +2019-04-28 21:00:00,5052.4 +2019-04-28 21:15:00,5014.0 +2019-04-28 21:30:00,4933.2 +2019-04-28 21:45:00,4839.2 +2019-04-28 22:00:00,4731.6 +2019-04-28 22:15:00,4657.2 +2019-04-28 22:30:00,4579.2 +2019-04-28 22:45:00,4512.4 +2019-04-28 23:00:00,4434.4 +2019-04-28 23:15:00,4402.4 +2019-04-28 23:30:00,4355.2 +2019-04-28 23:45:00,4316.4 +2019-04-29 00:00:00,4252.0 +2019-04-29 00:15:00,4250.8 +2019-04-29 00:30:00,4256.0 +2019-04-29 00:45:00,4222.0 +2019-04-29 01:00:00,4186.8 +2019-04-29 01:15:00,4203.2 +2019-04-29 01:30:00,4225.6 +2019-04-29 01:45:00,4219.2 +2019-04-29 02:00:00,4244.0 +2019-04-29 02:15:00,4283.2 +2019-04-29 02:30:00,4292.8 +2019-04-29 02:45:00,4304.8 +2019-04-29 03:00:00,4342.0 +2019-04-29 03:15:00,4400.0 +2019-04-29 03:30:00,4492.4 +2019-04-29 03:45:00,4566.8 +2019-04-29 04:00:00,4715.6 +2019-04-29 04:15:00,4818.0 +2019-04-29 04:30:00,4962.4 +2019-04-29 04:45:00,5096.8 +2019-04-29 05:00:00,5372.8 +2019-04-29 05:15:00,5578.8 +2019-04-29 05:30:00,5736.0 +2019-04-29 05:45:00,5881.6 +2019-04-29 06:00:00,6054.8 +2019-04-29 06:15:00,6188.8 +2019-04-29 06:30:00,6257.6 +2019-04-29 06:45:00,6328.8 +2019-04-29 07:00:00,6395.6 +2019-04-29 07:15:00,6457.2 +2019-04-29 07:30:00,6494.8 +2019-04-29 07:45:00,6503.6 +2019-04-29 08:00:00,6481.6 +2019-04-29 08:15:00,6503.2 +2019-04-29 08:30:00,6542.8 +2019-04-29 08:45:00,6571.2 +2019-04-29 09:00:00,6598.0 +2019-04-29 09:15:00,6612.0 +2019-04-29 09:30:00,6624.8 +2019-04-29 09:45:00,6652.0 +2019-04-29 10:00:00,6681.6 +2019-04-29 10:15:00,6725.2 +2019-04-29 10:30:00,6782.0 +2019-04-29 10:45:00,6804.0 +2019-04-29 11:00:00,6730.0 +2019-04-29 11:15:00,6691.6 +2019-04-29 11:30:00,6678.8 +2019-04-29 11:45:00,6668.4 +2019-04-29 12:00:00,6737.6 +2019-04-29 12:15:00,6724.8 +2019-04-29 12:30:00,6672.0 +2019-04-29 12:45:00,6606.4 +2019-04-29 13:00:00,6589.2 +2019-04-29 13:15:00,6574.0 +2019-04-29 13:30:00,6562.8 +2019-04-29 13:45:00,6543.6 +2019-04-29 14:00:00,6580.0 +2019-04-29 14:15:00,6553.2 +2019-04-29 14:30:00,6489.2 +2019-04-29 14:45:00,6469.6 +2019-04-29 15:00:00,6456.4 +2019-04-29 15:15:00,6423.6 +2019-04-29 15:30:00,6410.8 +2019-04-29 15:45:00,6374.8 +2019-04-29 16:00:00,6366.0 +2019-04-29 16:15:00,6404.4 +2019-04-29 16:30:00,6394.8 +2019-04-29 16:45:00,6404.4 +2019-04-29 17:00:00,6382.0 +2019-04-29 17:15:00,6353.6 +2019-04-29 17:30:00,6362.4 +2019-04-29 17:45:00,6376.8 +2019-04-29 18:00:00,6350.4 +2019-04-29 18:15:00,6317.6 +2019-04-29 18:30:00,6298.4 +2019-04-29 18:45:00,6277.6 +2019-04-29 19:00:00,6239.2 +2019-04-29 19:15:00,6174.4 +2019-04-29 19:30:00,6110.4 +2019-04-29 19:45:00,6055.6 +2019-04-29 20:00:00,6022.4 +2019-04-29 20:15:00,5982.4 +2019-04-29 20:30:00,5894.8 +2019-04-29 20:45:00,5778.0 +2019-04-29 21:00:00,5698.8 +2019-04-29 21:15:00,5607.2 +2019-04-29 21:30:00,5492.0 +2019-04-29 21:45:00,5349.6 +2019-04-29 22:00:00,5213.6 +2019-04-29 22:15:00,5118.0 +2019-04-29 22:30:00,5033.2 +2019-04-29 22:45:00,4939.6 +2019-04-29 23:00:00,4815.6 +2019-04-29 23:15:00,4748.8 +2019-04-29 23:30:00,4707.2 +2019-04-29 23:45:00,4654.0 +2019-04-30 00:00:00,4635.6 +2019-04-30 00:15:00,4594.8 +2019-04-30 00:30:00,4596.0 +2019-04-30 00:45:00,4557.6 +2019-04-30 01:00:00,4502.8 +2019-04-30 01:15:00,4498.0 +2019-04-30 01:30:00,4512.4 +2019-04-30 01:45:00,4509.6 +2019-04-30 02:00:00,4522.8 +2019-04-30 02:15:00,4546.4 +2019-04-30 02:30:00,4548.4 +2019-04-30 02:45:00,4579.2 +2019-04-30 03:00:00,4632.0 +2019-04-30 03:15:00,4692.0 +2019-04-30 03:30:00,4726.8 +2019-04-30 03:45:00,4786.0 +2019-04-30 04:00:00,4926.0 +2019-04-30 04:15:00,5017.2 +2019-04-30 04:30:00,5096.0 +2019-04-30 04:45:00,5205.2 +2019-04-30 05:00:00,5472.4 +2019-04-30 05:15:00,5699.6 +2019-04-30 05:30:00,5874.4 +2019-04-30 05:45:00,6003.6 +2019-04-30 06:00:00,6160.4 +2019-04-30 06:15:00,6264.0 +2019-04-30 06:30:00,6338.8 +2019-04-30 06:45:00,6406.8 +2019-04-30 07:00:00,6512.0 +2019-04-30 07:15:00,6557.6 +2019-04-30 07:30:00,6580.0 +2019-04-30 07:45:00,6595.2 +2019-04-30 08:00:00,6549.6 +2019-04-30 08:15:00,6572.8 +2019-04-30 08:30:00,6617.6 +2019-04-30 08:45:00,6648.4 +2019-04-30 09:00:00,6604.4 +2019-04-30 09:15:00,6601.6 +2019-04-30 09:30:00,6598.8 +2019-04-30 09:45:00,6622.8 +2019-04-30 10:00:00,6592.8 +2019-04-30 10:15:00,6626.0 +2019-04-30 10:30:00,6656.0 +2019-04-30 10:45:00,6671.6 +2019-04-30 11:00:00,6598.4 +2019-04-30 11:15:00,6577.6 +2019-04-30 11:30:00,6579.2 +2019-04-30 11:45:00,6580.8 +2019-04-30 12:00:00,6555.2 +2019-04-30 12:15:00,6535.6 +2019-04-30 12:30:00,6510.4 +2019-04-30 12:45:00,6440.4 +2019-04-30 13:00:00,6391.2 +2019-04-30 13:15:00,6382.4 +2019-04-30 13:30:00,6354.0 +2019-04-30 13:45:00,6307.6 +2019-04-30 14:00:00,6318.0 +2019-04-30 14:15:00,6272.4 +2019-04-30 14:30:00,6202.0 +2019-04-30 14:45:00,6144.0 +2019-04-30 15:00:00,6124.4 +2019-04-30 15:15:00,6075.6 +2019-04-30 15:30:00,6032.8 +2019-04-30 15:45:00,6017.2 +2019-04-30 16:00:00,5996.4 +2019-04-30 16:15:00,5978.8 +2019-04-30 16:30:00,5973.6 +2019-04-30 16:45:00,5991.2 +2019-04-30 17:00:00,5998.8 +2019-04-30 17:15:00,5927.2 +2019-04-30 17:30:00,5927.6 +2019-04-30 17:45:00,5942.4 +2019-04-30 18:00:00,5971.6 +2019-04-30 18:15:00,5940.4 +2019-04-30 18:30:00,5902.8 +2019-04-30 18:45:00,5885.6 +2019-04-30 19:00:00,5830.8 +2019-04-30 19:15:00,5777.2 +2019-04-30 19:30:00,5768.8 +2019-04-30 19:45:00,5757.6 +2019-04-30 20:00:00,5752.0 +2019-04-30 20:15:00,5710.4 +2019-04-30 20:30:00,5610.8 +2019-04-30 20:45:00,5460.8 +2019-04-30 21:00:00,5378.4 +2019-04-30 21:15:00,5300.8 +2019-04-30 21:30:00,5190.4 +2019-04-30 21:45:00,5094.0 +2019-04-30 22:00:00,4944.4 +2019-04-30 22:15:00,4876.0 +2019-04-30 22:30:00,4783.2 +2019-04-30 22:45:00,4720.8 +2019-04-30 23:00:00,4563.2 +2019-04-30 23:15:00,4531.2 +2019-04-30 23:30:00,4471.2 +2019-04-30 23:45:00,4407.2 +2019-05-01 00:00:00,4333.2 +2019-05-01 00:15:00,4304.0 +2019-05-01 00:30:00,4272.4 +2019-05-01 00:45:00,4231.6 +2019-05-01 01:00:00,4142.0 +2019-05-01 01:15:00,4106.4 +2019-05-01 01:30:00,4085.2 +2019-05-01 01:45:00,4071.2 +2019-05-01 02:00:00,4083.2 +2019-05-01 02:15:00,4062.4 +2019-05-01 02:30:00,4039.2 +2019-05-01 02:45:00,4030.0 +2019-05-01 03:00:00,4033.2 +2019-05-01 03:15:00,4032.8 +2019-05-01 03:30:00,4038.4 +2019-05-01 03:45:00,4037.6 +2019-05-01 04:00:00,4049.6 +2019-05-01 04:15:00,4012.0 +2019-05-01 04:30:00,3965.6 +2019-05-01 04:45:00,3893.2 +2019-05-01 05:00:00,3847.2 +2019-05-01 05:15:00,3830.8 +2019-05-01 05:30:00,3864.8 +2019-05-01 05:45:00,3916.0 +2019-05-01 06:00:00,3974.0 +2019-05-01 06:15:00,4041.6 +2019-05-01 06:30:00,4122.0 +2019-05-01 06:45:00,4214.0 +2019-05-01 07:00:00,4319.6 +2019-05-01 07:15:00,4396.0 +2019-05-01 07:30:00,4475.2 +2019-05-01 07:45:00,4560.8 +2019-05-01 08:00:00,4630.0 +2019-05-01 08:15:00,4706.8 +2019-05-01 08:30:00,4764.0 +2019-05-01 08:45:00,4821.6 +2019-05-01 09:00:00,4871.6 +2019-05-01 09:15:00,4924.0 +2019-05-01 09:30:00,4996.4 +2019-05-01 09:45:00,5028.0 +2019-05-01 10:00:00,5037.6 +2019-05-01 10:15:00,5090.4 +2019-05-01 10:30:00,5118.8 +2019-05-01 10:45:00,5128.0 +2019-05-01 11:00:00,5042.8 +2019-05-01 11:15:00,5024.4 +2019-05-01 11:30:00,4982.4 +2019-05-01 11:45:00,4943.6 +2019-05-01 12:00:00,4880.8 +2019-05-01 12:15:00,4806.8 +2019-05-01 12:30:00,4767.2 +2019-05-01 12:45:00,4731.2 +2019-05-01 13:00:00,4673.6 +2019-05-01 13:15:00,4648.8 +2019-05-01 13:30:00,4635.2 +2019-05-01 13:45:00,4603.6 +2019-05-01 14:00:00,4627.6 +2019-05-01 14:15:00,4601.2 +2019-05-01 14:30:00,4630.8 +2019-05-01 14:45:00,4596.8 +2019-05-01 15:00:00,4591.6 +2019-05-01 15:15:00,4555.2 +2019-05-01 15:30:00,4535.6 +2019-05-01 15:45:00,4538.4 +2019-05-01 16:00:00,4569.6 +2019-05-01 16:15:00,4602.8 +2019-05-01 16:30:00,4604.8 +2019-05-01 16:45:00,4618.4 +2019-05-01 17:00:00,4697.6 +2019-05-01 17:15:00,4736.8 +2019-05-01 17:30:00,4739.6 +2019-05-01 17:45:00,4762.4 +2019-05-01 18:00:00,4832.0 +2019-05-01 18:15:00,4811.6 +2019-05-01 18:30:00,4823.6 +2019-05-01 18:45:00,4817.2 +2019-05-01 19:00:00,4824.4 +2019-05-01 19:15:00,4809.6 +2019-05-01 19:30:00,4803.2 +2019-05-01 19:45:00,4820.0 +2019-05-01 20:00:00,4845.2 +2019-05-01 20:15:00,4847.2 +2019-05-01 20:30:00,4821.6 +2019-05-01 20:45:00,4796.0 +2019-05-01 21:00:00,4849.6 +2019-05-01 21:15:00,4794.0 +2019-05-01 21:30:00,4698.4 +2019-05-01 21:45:00,4604.0 +2019-05-01 22:00:00,4489.6 +2019-05-01 22:15:00,4393.6 +2019-05-01 22:30:00,4307.2 +2019-05-01 22:45:00,4245.2 +2019-05-01 23:00:00,4177.6 +2019-05-01 23:15:00,4133.2 +2019-05-01 23:30:00,4091.2 +2019-05-01 23:45:00,4063.2 +2019-05-02 00:00:00,4031.2 +2019-05-02 00:15:00,4016.4 +2019-05-02 00:30:00,4011.2 +2019-05-02 00:45:00,3998.4 +2019-05-02 01:00:00,3990.0 +2019-05-02 01:15:00,4006.0 +2019-05-02 01:30:00,4004.0 +2019-05-02 01:45:00,4014.4 +2019-05-02 02:00:00,4036.4 +2019-05-02 02:15:00,4043.6 +2019-05-02 02:30:00,4075.2 +2019-05-02 02:45:00,4117.6 +2019-05-02 03:00:00,4195.2 +2019-05-02 03:15:00,4233.2 +2019-05-02 03:30:00,4277.2 +2019-05-02 03:45:00,4357.6 +2019-05-02 04:00:00,4509.6 +2019-05-02 04:15:00,4617.2 +2019-05-02 04:30:00,4734.8 +2019-05-02 04:45:00,4905.2 +2019-05-02 05:00:00,5222.0 +2019-05-02 05:15:00,5445.2 +2019-05-02 05:30:00,5622.8 +2019-05-02 05:45:00,5794.4 +2019-05-02 06:00:00,5968.4 +2019-05-02 06:15:00,6078.8 +2019-05-02 06:30:00,6177.2 +2019-05-02 06:45:00,6281.2 +2019-05-02 07:00:00,6325.6 +2019-05-02 07:15:00,6390.8 +2019-05-02 07:30:00,6424.0 +2019-05-02 07:45:00,6462.0 +2019-05-02 08:00:00,6436.4 +2019-05-02 08:15:00,6468.4 +2019-05-02 08:30:00,6522.4 +2019-05-02 08:45:00,6548.8 +2019-05-02 09:00:00,6577.2 +2019-05-02 09:15:00,6595.6 +2019-05-02 09:30:00,6625.2 +2019-05-02 09:45:00,6646.0 +2019-05-02 10:00:00,6668.8 +2019-05-02 10:15:00,6672.8 +2019-05-02 10:30:00,6704.0 +2019-05-02 10:45:00,6721.2 +2019-05-02 11:00:00,6648.8 +2019-05-02 11:15:00,6627.2 +2019-05-02 11:30:00,6627.2 +2019-05-02 11:45:00,6616.8 +2019-05-02 12:00:00,6591.2 +2019-05-02 12:15:00,6590.4 +2019-05-02 12:30:00,6548.0 +2019-05-02 12:45:00,6516.8 +2019-05-02 13:00:00,6500.0 +2019-05-02 13:15:00,6481.2 +2019-05-02 13:30:00,6455.2 +2019-05-02 13:45:00,6426.4 +2019-05-02 14:00:00,6508.4 +2019-05-02 14:15:00,6477.2 +2019-05-02 14:30:00,6457.2 +2019-05-02 14:45:00,6419.6 +2019-05-02 15:00:00,6432.8 +2019-05-02 15:15:00,6414.4 +2019-05-02 15:30:00,6374.0 +2019-05-02 15:45:00,6345.2 +2019-05-02 16:00:00,6351.6 +2019-05-02 16:15:00,6370.4 +2019-05-02 16:30:00,6380.0 +2019-05-02 16:45:00,6380.4 +2019-05-02 17:00:00,6377.2 +2019-05-02 17:15:00,6344.0 +2019-05-02 17:30:00,6337.6 +2019-05-02 17:45:00,6336.8 +2019-05-02 18:00:00,6349.2 +2019-05-02 18:15:00,6282.8 +2019-05-02 18:30:00,6231.6 +2019-05-02 18:45:00,6235.2 +2019-05-02 19:00:00,6183.6 +2019-05-02 19:15:00,6121.2 +2019-05-02 19:30:00,6066.0 +2019-05-02 19:45:00,6034.4 +2019-05-02 20:00:00,6020.0 +2019-05-02 20:15:00,5997.6 +2019-05-02 20:30:00,5904.8 +2019-05-02 20:45:00,5821.2 +2019-05-02 21:00:00,5740.4 +2019-05-02 21:15:00,5633.2 +2019-05-02 21:30:00,5515.2 +2019-05-02 21:45:00,5395.2 +2019-05-02 22:00:00,5306.8 +2019-05-02 22:15:00,5198.4 +2019-05-02 22:30:00,5104.8 +2019-05-02 22:45:00,5042.0 +2019-05-02 23:00:00,4873.6 +2019-05-02 23:15:00,4814.0 +2019-05-02 23:30:00,4792.0 +2019-05-02 23:45:00,4740.4 +2019-05-03 00:00:00,4688.4 +2019-05-03 00:15:00,4634.4 +2019-05-03 00:30:00,4608.4 +2019-05-03 00:45:00,4604.8 +2019-05-03 01:00:00,4530.8 +2019-05-03 01:15:00,4510.8 +2019-05-03 01:30:00,4488.8 +2019-05-03 01:45:00,4489.2 +2019-05-03 02:00:00,4514.4 +2019-05-03 02:15:00,4527.6 +2019-05-03 02:30:00,4542.0 +2019-05-03 02:45:00,4559.2 +2019-05-03 03:00:00,4570.0 +2019-05-03 03:15:00,4637.6 +2019-05-03 03:30:00,4705.2 +2019-05-03 03:45:00,4778.8 +2019-05-03 04:00:00,4941.2 +2019-05-03 04:15:00,5020.8 +2019-05-03 04:30:00,5100.4 +2019-05-03 04:45:00,5240.8 +2019-05-03 05:00:00,5500.4 +2019-05-03 05:15:00,5692.0 +2019-05-03 05:30:00,5817.2 +2019-05-03 05:45:00,5969.2 +2019-05-03 06:00:00,6095.2 +2019-05-03 06:15:00,6184.8 +2019-05-03 06:30:00,6287.6 +2019-05-03 06:45:00,6352.8 +2019-05-03 07:00:00,6439.6 +2019-05-03 07:15:00,6486.4 +2019-05-03 07:30:00,6549.2 +2019-05-03 07:45:00,6583.6 +2019-05-03 08:00:00,6582.8 +2019-05-03 08:15:00,6629.6 +2019-05-03 08:30:00,6681.2 +2019-05-03 08:45:00,6694.0 +2019-05-03 09:00:00,6684.0 +2019-05-03 09:15:00,6694.0 +2019-05-03 09:30:00,6714.4 +2019-05-03 09:45:00,6779.6 +2019-05-03 10:00:00,6786.0 +2019-05-03 10:15:00,6799.2 +2019-05-03 10:30:00,6794.8 +2019-05-03 10:45:00,6762.0 +2019-05-03 11:00:00,6695.2 +2019-05-03 11:15:00,6678.0 +2019-05-03 11:30:00,6658.4 +2019-05-03 11:45:00,6640.4 +2019-05-03 12:00:00,6612.4 +2019-05-03 12:15:00,6578.0 +2019-05-03 12:30:00,6530.0 +2019-05-03 12:45:00,6507.6 +2019-05-03 13:00:00,6473.6 +2019-05-03 13:15:00,6436.8 +2019-05-03 13:30:00,6408.8 +2019-05-03 13:45:00,6404.4 +2019-05-03 14:00:00,6409.6 +2019-05-03 14:15:00,6404.0 +2019-05-03 14:30:00,6354.4 +2019-05-03 14:45:00,6309.2 +2019-05-03 15:00:00,6282.8 +2019-05-03 15:15:00,6267.2 +2019-05-03 15:30:00,6224.8 +2019-05-03 15:45:00,6209.2 +2019-05-03 16:00:00,6190.8 +2019-05-03 16:15:00,6219.6 +2019-05-03 16:30:00,6213.6 +2019-05-03 16:45:00,6197.6 +2019-05-03 17:00:00,6167.6 +2019-05-03 17:15:00,6125.6 +2019-05-03 17:30:00,6141.6 +2019-05-03 17:45:00,6148.8 +2019-05-03 18:00:00,6150.8 +2019-05-03 18:15:00,6126.4 +2019-05-03 18:30:00,6082.4 +2019-05-03 18:45:00,6043.6 +2019-05-03 19:00:00,6020.4 +2019-05-03 19:15:00,5938.0 +2019-05-03 19:30:00,5901.6 +2019-05-03 19:45:00,5851.6 +2019-05-03 20:00:00,5885.6 +2019-05-03 20:15:00,5845.6 +2019-05-03 20:30:00,5750.0 +2019-05-03 20:45:00,5651.2 +2019-05-03 21:00:00,5606.4 +2019-05-03 21:15:00,5511.2 +2019-05-03 21:30:00,5409.2 +2019-05-03 21:45:00,5323.2 +2019-05-03 22:00:00,5224.0 +2019-05-03 22:15:00,5110.8 +2019-05-03 22:30:00,5020.4 +2019-05-03 22:45:00,4924.0 +2019-05-03 23:00:00,4805.2 +2019-05-03 23:15:00,4702.8 +2019-05-03 23:30:00,4642.8 +2019-05-03 23:45:00,4608.4 +2019-05-04 00:00:00,4549.2 +2019-05-04 00:15:00,4490.8 +2019-05-04 00:30:00,4450.8 +2019-05-04 00:45:00,4448.0 +2019-05-04 01:00:00,4411.2 +2019-05-04 01:15:00,4383.2 +2019-05-04 01:30:00,4356.4 +2019-05-04 01:45:00,4359.2 +2019-05-04 02:00:00,4333.6 +2019-05-04 02:15:00,4338.8 +2019-05-04 02:30:00,4350.0 +2019-05-04 02:45:00,4343.6 +2019-05-04 03:00:00,4379.6 +2019-05-04 03:15:00,4400.0 +2019-05-04 03:30:00,4415.6 +2019-05-04 03:45:00,4447.2 +2019-05-04 04:00:00,4458.4 +2019-05-04 04:15:00,4457.2 +2019-05-04 04:30:00,4434.4 +2019-05-04 04:45:00,4403.6 +2019-05-04 05:00:00,4472.0 +2019-05-04 05:15:00,4506.0 +2019-05-04 05:30:00,4564.4 +2019-05-04 05:45:00,4609.2 +2019-05-04 06:00:00,4718.4 +2019-05-04 06:15:00,4776.4 +2019-05-04 06:30:00,4862.8 +2019-05-04 06:45:00,4982.4 +2019-05-04 07:00:00,5122.0 +2019-05-04 07:15:00,5221.2 +2019-05-04 07:30:00,5306.4 +2019-05-04 07:45:00,5379.2 +2019-05-04 08:00:00,5477.6 +2019-05-04 08:15:00,5544.4 +2019-05-04 08:30:00,5606.4 +2019-05-04 08:45:00,5678.0 +2019-05-04 09:00:00,5709.2 +2019-05-04 09:15:00,5752.4 +2019-05-04 09:30:00,5797.6 +2019-05-04 09:45:00,5815.6 +2019-05-04 10:00:00,5808.0 +2019-05-04 10:15:00,5798.4 +2019-05-04 10:30:00,5826.4 +2019-05-04 10:45:00,5837.2 +2019-05-04 11:00:00,5793.2 +2019-05-04 11:15:00,5769.2 +2019-05-04 11:30:00,5720.4 +2019-05-04 11:45:00,5684.0 +2019-05-04 12:00:00,5678.8 +2019-05-04 12:15:00,5603.2 +2019-05-04 12:30:00,5619.2 +2019-05-04 12:45:00,5538.0 +2019-05-04 13:00:00,5520.4 +2019-05-04 13:15:00,5445.2 +2019-05-04 13:30:00,5431.2 +2019-05-04 13:45:00,5401.2 +2019-05-04 14:00:00,5386.0 +2019-05-04 14:15:00,5350.8 +2019-05-04 14:30:00,5366.4 +2019-05-04 14:45:00,5383.2 +2019-05-04 15:00:00,5315.2 +2019-05-04 15:15:00,5314.4 +2019-05-04 15:30:00,5239.6 +2019-05-04 15:45:00,5212.8 +2019-05-04 16:00:00,5266.0 +2019-05-04 16:15:00,5308.8 +2019-05-04 16:30:00,5328.8 +2019-05-04 16:45:00,5356.4 +2019-05-04 17:00:00,5420.4 +2019-05-04 17:15:00,5384.0 +2019-05-04 17:30:00,5361.2 +2019-05-04 17:45:00,5329.6 +2019-05-04 18:00:00,5318.4 +2019-05-04 18:15:00,5274.8 +2019-05-04 18:30:00,5248.0 +2019-05-04 18:45:00,5206.4 +2019-05-04 19:00:00,5152.8 +2019-05-04 19:15:00,5103.6 +2019-05-04 19:30:00,5063.6 +2019-05-04 19:45:00,5036.0 +2019-05-04 20:00:00,5067.2 +2019-05-04 20:15:00,5074.0 +2019-05-04 20:30:00,5031.2 +2019-05-04 20:45:00,4983.6 +2019-05-04 21:00:00,4993.2 +2019-05-04 21:15:00,4916.0 +2019-05-04 21:30:00,4852.0 +2019-05-04 21:45:00,4794.4 +2019-05-04 22:00:00,4696.0 +2019-05-04 22:15:00,4626.4 +2019-05-04 22:30:00,4554.8 +2019-05-04 22:45:00,4479.2 +2019-05-04 23:00:00,4377.2 +2019-05-04 23:15:00,4328.0 +2019-05-04 23:30:00,4247.2 +2019-05-04 23:45:00,4179.2 +2019-05-05 00:00:00,4145.6 +2019-05-05 00:15:00,4082.8 +2019-05-05 00:30:00,4068.8 +2019-05-05 00:45:00,4045.2 +2019-05-05 01:00:00,4025.2 +2019-05-05 01:15:00,3998.0 +2019-05-05 01:30:00,3987.2 +2019-05-05 01:45:00,3988.4 +2019-05-05 02:00:00,3988.8 +2019-05-05 02:15:00,3964.4 +2019-05-05 02:30:00,3992.0 +2019-05-05 02:45:00,4008.8 +2019-05-05 03:00:00,3978.0 +2019-05-05 03:15:00,3974.4 +2019-05-05 03:30:00,3973.6 +2019-05-05 03:45:00,3993.6 +2019-05-05 04:00:00,3993.2 +2019-05-05 04:15:00,3975.6 +2019-05-05 04:30:00,3934.0 +2019-05-05 04:45:00,3898.4 +2019-05-05 05:00:00,3890.4 +2019-05-05 05:15:00,3916.4 +2019-05-05 05:30:00,3936.0 +2019-05-05 05:45:00,3956.4 +2019-05-05 06:00:00,4038.4 +2019-05-05 06:15:00,4097.6 +2019-05-05 06:30:00,4170.8 +2019-05-05 06:45:00,4240.4 +2019-05-05 07:00:00,4330.0 +2019-05-05 07:15:00,4430.4 +2019-05-05 07:30:00,4512.8 +2019-05-05 07:45:00,4587.2 +2019-05-05 08:00:00,4666.4 +2019-05-05 08:15:00,4734.0 +2019-05-05 08:30:00,4798.8 +2019-05-05 08:45:00,4864.8 +2019-05-05 09:00:00,4936.4 +2019-05-05 09:15:00,4996.8 +2019-05-05 09:30:00,5022.0 +2019-05-05 09:45:00,5067.2 +2019-05-05 10:00:00,5141.6 +2019-05-05 10:15:00,5207.2 +2019-05-05 10:30:00,5276.0 +2019-05-05 10:45:00,5301.2 +2019-05-05 11:00:00,5299.2 +2019-05-05 11:15:00,5253.6 +2019-05-05 11:30:00,5218.8 +2019-05-05 11:45:00,5198.0 +2019-05-05 12:00:00,5164.8 +2019-05-05 12:15:00,5074.8 +2019-05-05 12:30:00,5028.8 +2019-05-05 12:45:00,4951.2 +2019-05-05 13:00:00,4907.2 +2019-05-05 13:15:00,4863.2 +2019-05-05 13:30:00,4852.8 +2019-05-05 13:45:00,4860.4 +2019-05-05 14:00:00,4843.2 +2019-05-05 14:15:00,4838.0 +2019-05-05 14:30:00,4792.0 +2019-05-05 14:45:00,4774.8 +2019-05-05 15:00:00,4805.6 +2019-05-05 15:15:00,4808.8 +2019-05-05 15:30:00,4807.6 +2019-05-05 15:45:00,4842.0 +2019-05-05 16:00:00,4906.4 +2019-05-05 16:15:00,4918.8 +2019-05-05 16:30:00,4919.6 +2019-05-05 16:45:00,4984.8 +2019-05-05 17:00:00,5066.0 +2019-05-05 17:15:00,5072.4 +2019-05-05 17:30:00,5083.2 +2019-05-05 17:45:00,5081.6 +2019-05-05 18:00:00,5143.2 +2019-05-05 18:15:00,5060.8 +2019-05-05 18:30:00,5068.8 +2019-05-05 18:45:00,5065.2 +2019-05-05 19:00:00,5098.0 +2019-05-05 19:15:00,5080.4 +2019-05-05 19:30:00,5053.2 +2019-05-05 19:45:00,5066.0 +2019-05-05 20:00:00,5132.8 +2019-05-05 20:15:00,5167.6 +2019-05-05 20:30:00,5148.8 +2019-05-05 20:45:00,5160.0 +2019-05-05 21:00:00,5176.0 +2019-05-05 21:15:00,5132.8 +2019-05-05 21:30:00,5047.6 +2019-05-05 21:45:00,4982.4 +2019-05-05 22:00:00,4874.4 +2019-05-05 22:15:00,4787.2 +2019-05-05 22:30:00,4728.0 +2019-05-05 22:45:00,4632.4 +2019-05-05 23:00:00,4562.0 +2019-05-05 23:15:00,4539.2 +2019-05-05 23:30:00,4508.4 +2019-05-05 23:45:00,4473.2 +2019-05-06 00:00:00,4391.6 +2019-05-06 00:15:00,4360.0 +2019-05-06 00:30:00,4360.4 +2019-05-06 00:45:00,4366.0 +2019-05-06 01:00:00,4334.4 +2019-05-06 01:15:00,4333.2 +2019-05-06 01:30:00,4333.6 +2019-05-06 01:45:00,4354.0 +2019-05-06 02:00:00,4381.2 +2019-05-06 02:15:00,4401.2 +2019-05-06 02:30:00,4462.0 +2019-05-06 02:45:00,4484.4 +2019-05-06 03:00:00,4554.4 +2019-05-06 03:15:00,4602.8 +2019-05-06 03:30:00,4658.4 +2019-05-06 03:45:00,4734.4 +2019-05-06 04:00:00,4934.8 +2019-05-06 04:15:00,5010.0 +2019-05-06 04:30:00,5081.6 +2019-05-06 04:45:00,5211.6 +2019-05-06 05:00:00,5510.8 +2019-05-06 05:15:00,5704.8 +2019-05-06 05:30:00,5902.4 +2019-05-06 05:45:00,6042.8 +2019-05-06 06:00:00,6233.6 +2019-05-06 06:15:00,6331.2 +2019-05-06 06:30:00,6422.8 +2019-05-06 06:45:00,6507.2 +2019-05-06 07:00:00,6584.0 +2019-05-06 07:15:00,6634.8 +2019-05-06 07:30:00,6668.8 +2019-05-06 07:45:00,6640.4 +2019-05-06 08:00:00,6620.0 +2019-05-06 08:15:00,6657.6 +2019-05-06 08:30:00,6719.6 +2019-05-06 08:45:00,6720.0 +2019-05-06 09:00:00,6728.4 +2019-05-06 09:15:00,6772.8 +2019-05-06 09:30:00,6844.4 +2019-05-06 09:45:00,6886.4 +2019-05-06 10:00:00,6898.4 +2019-05-06 10:15:00,6964.4 +2019-05-06 10:30:00,6993.6 +2019-05-06 10:45:00,6994.4 +2019-05-06 11:00:00,6953.2 +2019-05-06 11:15:00,6915.2 +2019-05-06 11:30:00,6916.0 +2019-05-06 11:45:00,6900.8 +2019-05-06 12:00:00,6864.0 +2019-05-06 12:15:00,6849.6 +2019-05-06 12:30:00,6834.4 +2019-05-06 12:45:00,6750.8 +2019-05-06 13:00:00,6689.6 +2019-05-06 13:15:00,6655.6 +2019-05-06 13:30:00,6665.2 +2019-05-06 13:45:00,6654.8 +2019-05-06 14:00:00,6664.8 +2019-05-06 14:15:00,6598.0 +2019-05-06 14:30:00,6579.6 +2019-05-06 14:45:00,6556.4 +2019-05-06 15:00:00,6521.6 +2019-05-06 15:15:00,6484.8 +2019-05-06 15:30:00,6423.2 +2019-05-06 15:45:00,6412.8 +2019-05-06 16:00:00,6444.4 +2019-05-06 16:15:00,6477.6 +2019-05-06 16:30:00,6482.4 +2019-05-06 16:45:00,6484.8 +2019-05-06 17:00:00,6462.0 +2019-05-06 17:15:00,6464.8 +2019-05-06 17:30:00,6458.0 +2019-05-06 17:45:00,6493.6 +2019-05-06 18:00:00,6504.0 +2019-05-06 18:15:00,6466.0 +2019-05-06 18:30:00,6419.2 +2019-05-06 18:45:00,6396.4 +2019-05-06 19:00:00,6330.8 +2019-05-06 19:15:00,6280.0 +2019-05-06 19:30:00,6216.4 +2019-05-06 19:45:00,6177.6 +2019-05-06 20:00:00,6137.2 +2019-05-06 20:15:00,6097.2 +2019-05-06 20:30:00,6021.6 +2019-05-06 20:45:00,5925.6 +2019-05-06 21:00:00,5856.8 +2019-05-06 21:15:00,5741.6 +2019-05-06 21:30:00,5620.0 +2019-05-06 21:45:00,5514.0 +2019-05-06 22:00:00,5435.2 +2019-05-06 22:15:00,5327.6 +2019-05-06 22:30:00,5211.2 +2019-05-06 22:45:00,5139.6 +2019-05-06 23:00:00,5071.2 +2019-05-06 23:15:00,5021.2 +2019-05-06 23:30:00,4975.6 +2019-05-06 23:45:00,4930.8 +2019-05-07 00:00:00,4878.0 +2019-05-07 00:15:00,4846.0 +2019-05-07 00:30:00,4824.8 +2019-05-07 00:45:00,4781.6 +2019-05-07 01:00:00,4733.2 +2019-05-07 01:15:00,4728.8 +2019-05-07 01:30:00,4744.0 +2019-05-07 01:45:00,4750.8 +2019-05-07 02:00:00,4790.0 +2019-05-07 02:15:00,4817.6 +2019-05-07 02:30:00,4845.6 +2019-05-07 02:45:00,4862.0 +2019-05-07 03:00:00,4915.6 +2019-05-07 03:15:00,4953.6 +2019-05-07 03:30:00,5027.6 +2019-05-07 03:45:00,5056.8 +2019-05-07 04:00:00,5195.2 +2019-05-07 04:15:00,5251.2 +2019-05-07 04:30:00,5327.2 +2019-05-07 04:45:00,5440.4 +2019-05-07 05:00:00,5702.8 +2019-05-07 05:15:00,5900.4 +2019-05-07 05:30:00,6027.6 +2019-05-07 05:45:00,6155.6 +2019-05-07 06:00:00,6289.2 +2019-05-07 06:15:00,6382.0 +2019-05-07 06:30:00,6487.2 +2019-05-07 06:45:00,6549.2 +2019-05-07 07:00:00,6610.8 +2019-05-07 07:15:00,6650.0 +2019-05-07 07:30:00,6679.2 +2019-05-07 07:45:00,6698.0 +2019-05-07 08:00:00,6650.8 +2019-05-07 08:15:00,6676.0 +2019-05-07 08:30:00,6708.4 +2019-05-07 08:45:00,6748.4 +2019-05-07 09:00:00,6734.4 +2019-05-07 09:15:00,6638.4 +2019-05-07 09:30:00,6668.0 +2019-05-07 09:45:00,6831.6 +2019-05-07 10:00:00,6880.0 +2019-05-07 10:15:00,6888.4 +2019-05-07 10:30:00,6930.4 +2019-05-07 10:45:00,6940.4 +2019-05-07 11:00:00,6902.8 +2019-05-07 11:15:00,6852.4 +2019-05-07 11:30:00,6820.4 +2019-05-07 11:45:00,6815.6 +2019-05-07 12:00:00,6836.4 +2019-05-07 12:15:00,6775.6 +2019-05-07 12:30:00,6733.2 +2019-05-07 12:45:00,6672.0 +2019-05-07 13:00:00,6664.0 +2019-05-07 13:15:00,6648.0 +2019-05-07 13:30:00,6644.4 +2019-05-07 13:45:00,6615.2 +2019-05-07 14:00:00,6621.2 +2019-05-07 14:15:00,6566.0 +2019-05-07 14:30:00,6530.8 +2019-05-07 14:45:00,6442.0 +2019-05-07 15:00:00,6428.4 +2019-05-07 15:15:00,6387.2 +2019-05-07 15:30:00,6330.8 +2019-05-07 15:45:00,6300.0 +2019-05-07 16:00:00,6326.4 +2019-05-07 16:15:00,6337.2 +2019-05-07 16:30:00,6340.0 +2019-05-07 16:45:00,6328.8 +2019-05-07 17:00:00,6319.6 +2019-05-07 17:15:00,6286.4 +2019-05-07 17:30:00,6280.0 +2019-05-07 17:45:00,6289.2 +2019-05-07 18:00:00,6312.8 +2019-05-07 18:15:00,6284.4 +2019-05-07 18:30:00,6294.4 +2019-05-07 18:45:00,6256.4 +2019-05-07 19:00:00,6228.4 +2019-05-07 19:15:00,6176.8 +2019-05-07 19:30:00,6165.6 +2019-05-07 19:45:00,6124.8 +2019-05-07 20:00:00,6099.2 +2019-05-07 20:15:00,6068.8 +2019-05-07 20:30:00,5988.8 +2019-05-07 20:45:00,5900.8 +2019-05-07 21:00:00,5800.0 +2019-05-07 21:15:00,5691.6 +2019-05-07 21:30:00,5562.8 +2019-05-07 21:45:00,5442.4 +2019-05-07 22:00:00,5330.0 +2019-05-07 22:15:00,5256.8 +2019-05-07 22:30:00,5151.2 +2019-05-07 22:45:00,5089.6 +2019-05-07 23:00:00,4957.6 +2019-05-07 23:15:00,4885.2 +2019-05-07 23:30:00,4860.8 +2019-05-07 23:45:00,4817.2 +2019-05-08 00:00:00,4741.2 +2019-05-08 00:15:00,4711.2 +2019-05-08 00:30:00,4702.0 +2019-05-08 00:45:00,4675.2 +2019-05-08 01:00:00,4616.0 +2019-05-08 01:15:00,4629.2 +2019-05-08 01:30:00,4650.8 +2019-05-08 01:45:00,4658.8 +2019-05-08 02:00:00,4651.2 +2019-05-08 02:15:00,4694.8 +2019-05-08 02:30:00,4710.0 +2019-05-08 02:45:00,4753.2 +2019-05-08 03:00:00,4836.0 +2019-05-08 03:15:00,4870.0 +2019-05-08 03:30:00,4938.0 +2019-05-08 03:45:00,4982.0 +2019-05-08 04:00:00,5101.6 +2019-05-08 04:15:00,5138.0 +2019-05-08 04:30:00,5234.4 +2019-05-08 04:45:00,5352.8 +2019-05-08 05:00:00,5608.4 +2019-05-08 05:15:00,5804.0 +2019-05-08 05:30:00,5952.8 +2019-05-08 05:45:00,6092.4 +2019-05-08 06:00:00,6234.4 +2019-05-08 06:15:00,6346.0 +2019-05-08 06:30:00,6465.6 +2019-05-08 06:45:00,6536.8 +2019-05-08 07:00:00,6605.6 +2019-05-08 07:15:00,6648.0 +2019-05-08 07:30:00,6687.2 +2019-05-08 07:45:00,6679.6 +2019-05-08 08:00:00,6643.2 +2019-05-08 08:15:00,6684.4 +2019-05-08 08:30:00,6738.4 +2019-05-08 08:45:00,6754.8 +2019-05-08 09:00:00,6769.6 +2019-05-08 09:15:00,6788.8 +2019-05-08 09:30:00,6826.8 +2019-05-08 09:45:00,6846.8 +2019-05-08 10:00:00,6869.2 +2019-05-08 10:15:00,6909.6 +2019-05-08 10:30:00,6935.2 +2019-05-08 10:45:00,6917.2 +2019-05-08 11:00:00,6876.0 +2019-05-08 11:15:00,6842.8 +2019-05-08 11:30:00,6827.2 +2019-05-08 11:45:00,6836.0 +2019-05-08 12:00:00,6834.0 +2019-05-08 12:15:00,6834.4 +2019-05-08 12:30:00,6817.6 +2019-05-08 12:45:00,6744.4 +2019-05-08 13:00:00,6766.4 +2019-05-08 13:15:00,6800.0 +2019-05-08 13:30:00,6812.8 +2019-05-08 13:45:00,6796.8 +2019-05-08 14:00:00,6822.0 +2019-05-08 14:15:00,6826.0 +2019-05-08 14:30:00,6778.0 +2019-05-08 14:45:00,6749.2 +2019-05-08 15:00:00,6713.2 +2019-05-08 15:15:00,6636.0 +2019-05-08 15:30:00,6632.4 +2019-05-08 15:45:00,6594.8 +2019-05-08 16:00:00,6647.6 +2019-05-08 16:15:00,6630.8 +2019-05-08 16:30:00,6623.6 +2019-05-08 16:45:00,6629.2 +2019-05-08 17:00:00,6587.2 +2019-05-08 17:15:00,6573.2 +2019-05-08 17:30:00,6602.4 +2019-05-08 17:45:00,6596.4 +2019-05-08 18:00:00,6587.6 +2019-05-08 18:15:00,6542.0 +2019-05-08 18:30:00,6490.8 +2019-05-08 18:45:00,6439.6 +2019-05-08 19:00:00,6374.0 +2019-05-08 19:15:00,6306.8 +2019-05-08 19:30:00,6232.0 +2019-05-08 19:45:00,6182.8 +2019-05-08 20:00:00,6139.6 +2019-05-08 20:15:00,6071.2 +2019-05-08 20:30:00,6027.2 +2019-05-08 20:45:00,5970.0 +2019-05-08 21:00:00,5908.8 +2019-05-08 21:15:00,5810.4 +2019-05-08 21:30:00,5711.6 +2019-05-08 21:45:00,5591.2 +2019-05-08 22:00:00,5422.8 +2019-05-08 22:15:00,5307.2 +2019-05-08 22:30:00,5221.6 +2019-05-08 22:45:00,5129.6 +2019-05-08 23:00:00,5011.2 +2019-05-08 23:15:00,4939.6 +2019-05-08 23:30:00,4895.2 +2019-05-08 23:45:00,4842.4 +2019-05-09 00:00:00,4773.6 +2019-05-09 00:15:00,4712.4 +2019-05-09 00:30:00,4654.0 +2019-05-09 00:45:00,4645.2 +2019-05-09 01:00:00,4606.8 +2019-05-09 01:15:00,4608.4 +2019-05-09 01:30:00,4629.6 +2019-05-09 01:45:00,4635.6 +2019-05-09 02:00:00,4650.8 +2019-05-09 02:15:00,4628.4 +2019-05-09 02:30:00,4638.8 +2019-05-09 02:45:00,4667.2 +2019-05-09 03:00:00,4708.8 +2019-05-09 03:15:00,4768.4 +2019-05-09 03:30:00,4824.8 +2019-05-09 03:45:00,4880.8 +2019-05-09 04:00:00,5041.2 +2019-05-09 04:15:00,5124.0 +2019-05-09 04:30:00,5228.0 +2019-05-09 04:45:00,5321.6 +2019-05-09 05:00:00,5610.8 +2019-05-09 05:15:00,5814.4 +2019-05-09 05:30:00,5946.4 +2019-05-09 05:45:00,6072.4 +2019-05-09 06:00:00,6236.8 +2019-05-09 06:15:00,6346.0 +2019-05-09 06:30:00,6423.2 +2019-05-09 06:45:00,6466.8 +2019-05-09 07:00:00,6562.0 +2019-05-09 07:15:00,6625.2 +2019-05-09 07:30:00,6641.2 +2019-05-09 07:45:00,6700.8 +2019-05-09 08:00:00,6666.4 +2019-05-09 08:15:00,6679.2 +2019-05-09 08:30:00,6735.2 +2019-05-09 08:45:00,6736.4 +2019-05-09 09:00:00,6722.4 +2019-05-09 09:15:00,6751.2 +2019-05-09 09:30:00,6788.4 +2019-05-09 09:45:00,6839.6 +2019-05-09 10:00:00,6822.4 +2019-05-09 10:15:00,6851.2 +2019-05-09 10:30:00,6857.6 +2019-05-09 10:45:00,6829.2 +2019-05-09 11:00:00,6740.0 +2019-05-09 11:15:00,6728.4 +2019-05-09 11:30:00,6745.2 +2019-05-09 11:45:00,6756.0 +2019-05-09 12:00:00,6747.6 +2019-05-09 12:15:00,6719.6 +2019-05-09 12:30:00,6678.4 +2019-05-09 12:45:00,6620.4 +2019-05-09 13:00:00,6648.4 +2019-05-09 13:15:00,6645.6 +2019-05-09 13:30:00,6605.2 +2019-05-09 13:45:00,6604.8 +2019-05-09 14:00:00,6615.6 +2019-05-09 14:15:00,6589.6 +2019-05-09 14:30:00,6534.0 +2019-05-09 14:45:00,6489.6 +2019-05-09 15:00:00,6454.0 +2019-05-09 15:15:00,6395.6 +2019-05-09 15:30:00,6345.6 +2019-05-09 15:45:00,6331.2 +2019-05-09 16:00:00,6338.4 +2019-05-09 16:15:00,6366.0 +2019-05-09 16:30:00,6366.4 +2019-05-09 16:45:00,6366.4 +2019-05-09 17:00:00,6369.6 +2019-05-09 17:15:00,6350.4 +2019-05-09 17:30:00,6373.6 +2019-05-09 17:45:00,6397.2 +2019-05-09 18:00:00,6369.6 +2019-05-09 18:15:00,6322.8 +2019-05-09 18:30:00,6298.4 +2019-05-09 18:45:00,6305.2 +2019-05-09 19:00:00,6293.2 +2019-05-09 19:15:00,6234.4 +2019-05-09 19:30:00,6200.8 +2019-05-09 19:45:00,6152.4 +2019-05-09 20:00:00,6095.2 +2019-05-09 20:15:00,6071.2 +2019-05-09 20:30:00,6011.2 +2019-05-09 20:45:00,5919.2 +2019-05-09 21:00:00,5810.4 +2019-05-09 21:15:00,5742.0 +2019-05-09 21:30:00,5632.0 +2019-05-09 21:45:00,5512.4 +2019-05-09 22:00:00,5379.2 +2019-05-09 22:15:00,5297.2 +2019-05-09 22:30:00,5130.8 +2019-05-09 22:45:00,5039.6 +2019-05-09 23:00:00,4912.0 +2019-05-09 23:15:00,4852.4 +2019-05-09 23:30:00,4800.0 +2019-05-09 23:45:00,4762.4 +2019-05-10 00:00:00,4734.4 +2019-05-10 00:15:00,4672.4 +2019-05-10 00:30:00,4659.6 +2019-05-10 00:45:00,4646.8 +2019-05-10 01:00:00,4633.6 +2019-05-10 01:15:00,4639.2 +2019-05-10 01:30:00,4622.4 +2019-05-10 01:45:00,4639.2 +2019-05-10 02:00:00,4647.6 +2019-05-10 02:15:00,4642.0 +2019-05-10 02:30:00,4664.4 +2019-05-10 02:45:00,4678.8 +2019-05-10 03:00:00,4766.0 +2019-05-10 03:15:00,4787.6 +2019-05-10 03:30:00,4842.0 +2019-05-10 03:45:00,4898.8 +2019-05-10 04:00:00,5050.8 +2019-05-10 04:15:00,5099.2 +2019-05-10 04:30:00,5165.2 +2019-05-10 04:45:00,5291.6 +2019-05-10 05:00:00,5552.8 +2019-05-10 05:15:00,5762.4 +2019-05-10 05:30:00,5909.6 +2019-05-10 05:45:00,6071.6 +2019-05-10 06:00:00,6261.2 +2019-05-10 06:15:00,6376.8 +2019-05-10 06:30:00,6472.0 +2019-05-10 06:45:00,6560.0 +2019-05-10 07:00:00,6632.4 +2019-05-10 07:15:00,6678.0 +2019-05-10 07:30:00,6712.0 +2019-05-10 07:45:00,6724.4 +2019-05-10 08:00:00,6652.8 +2019-05-10 08:15:00,6685.6 +2019-05-10 08:30:00,6727.6 +2019-05-10 08:45:00,6771.6 +2019-05-10 09:00:00,6807.2 +2019-05-10 09:15:00,6831.2 +2019-05-10 09:30:00,6850.0 +2019-05-10 09:45:00,6853.6 +2019-05-10 10:00:00,6895.2 +2019-05-10 10:15:00,6904.4 +2019-05-10 10:30:00,6934.8 +2019-05-10 10:45:00,6898.0 +2019-05-10 11:00:00,6842.0 +2019-05-10 11:15:00,6824.0 +2019-05-10 11:30:00,6779.6 +2019-05-10 11:45:00,6746.4 +2019-05-10 12:00:00,6739.2 +2019-05-10 12:15:00,6684.4 +2019-05-10 12:30:00,6661.2 +2019-05-10 12:45:00,6564.4 +2019-05-10 13:00:00,6519.6 +2019-05-10 13:15:00,6468.4 +2019-05-10 13:30:00,6432.4 +2019-05-10 13:45:00,6413.6 +2019-05-10 14:00:00,6383.2 +2019-05-10 14:15:00,6336.0 +2019-05-10 14:30:00,6295.2 +2019-05-10 14:45:00,6243.2 +2019-05-10 15:00:00,6256.8 +2019-05-10 15:15:00,6226.0 +2019-05-10 15:30:00,6144.8 +2019-05-10 15:45:00,6127.2 +2019-05-10 16:00:00,6150.0 +2019-05-10 16:15:00,6162.4 +2019-05-10 16:30:00,6163.6 +2019-05-10 16:45:00,6137.6 +2019-05-10 17:00:00,6159.2 +2019-05-10 17:15:00,6162.0 +2019-05-10 17:30:00,6167.2 +2019-05-10 17:45:00,6147.2 +2019-05-10 18:00:00,6178.8 +2019-05-10 18:15:00,6146.8 +2019-05-10 18:30:00,6111.2 +2019-05-10 18:45:00,6064.8 +2019-05-10 19:00:00,6020.0 +2019-05-10 19:15:00,5948.4 +2019-05-10 19:30:00,5906.4 +2019-05-10 19:45:00,5851.2 +2019-05-10 20:00:00,5836.4 +2019-05-10 20:15:00,5801.2 +2019-05-10 20:30:00,5735.2 +2019-05-10 20:45:00,5660.8 +2019-05-10 21:00:00,5609.6 +2019-05-10 21:15:00,5520.0 +2019-05-10 21:30:00,5407.6 +2019-05-10 21:45:00,5332.0 +2019-05-10 22:00:00,5221.6 +2019-05-10 22:15:00,5115.2 +2019-05-10 22:30:00,5036.4 +2019-05-10 22:45:00,4943.2 +2019-05-10 23:00:00,4842.8 +2019-05-10 23:15:00,4755.2 +2019-05-10 23:30:00,4696.4 +2019-05-10 23:45:00,4622.8 +2019-05-11 00:00:00,4518.0 +2019-05-11 00:15:00,4458.4 +2019-05-11 00:30:00,4406.8 +2019-05-11 00:45:00,4374.0 +2019-05-11 01:00:00,4318.0 +2019-05-11 01:15:00,4290.4 +2019-05-11 01:30:00,4269.2 +2019-05-11 01:45:00,4282.0 +2019-05-11 02:00:00,4260.4 +2019-05-11 02:15:00,4247.2 +2019-05-11 02:30:00,4239.6 +2019-05-11 02:45:00,4236.0 +2019-05-11 03:00:00,4258.8 +2019-05-11 03:15:00,4247.2 +2019-05-11 03:30:00,4274.0 +2019-05-11 03:45:00,4280.8 +2019-05-11 04:00:00,4297.6 +2019-05-11 04:15:00,4299.6 +2019-05-11 04:30:00,4288.0 +2019-05-11 04:45:00,4280.4 +2019-05-11 05:00:00,4337.6 +2019-05-11 05:15:00,4374.4 +2019-05-11 05:30:00,4450.4 +2019-05-11 05:45:00,4519.6 +2019-05-11 06:00:00,4621.6 +2019-05-11 06:15:00,4682.4 +2019-05-11 06:30:00,4782.4 +2019-05-11 06:45:00,4923.6 +2019-05-11 07:00:00,5044.4 +2019-05-11 07:15:00,5110.0 +2019-05-11 07:30:00,5170.4 +2019-05-11 07:45:00,5240.8 +2019-05-11 08:00:00,5318.8 +2019-05-11 08:15:00,5368.8 +2019-05-11 08:30:00,5427.6 +2019-05-11 08:45:00,5459.6 +2019-05-11 09:00:00,5559.6 +2019-05-11 09:15:00,5602.4 +2019-05-11 09:30:00,5631.6 +2019-05-11 09:45:00,5679.2 +2019-05-11 10:00:00,5680.4 +2019-05-11 10:15:00,5688.8 +2019-05-11 10:30:00,5725.6 +2019-05-11 10:45:00,5719.2 +2019-05-11 11:00:00,5688.4 +2019-05-11 11:15:00,5665.2 +2019-05-11 11:30:00,5618.0 +2019-05-11 11:45:00,5597.2 +2019-05-11 12:00:00,5603.2 +2019-05-11 12:15:00,5526.4 +2019-05-11 12:30:00,5446.4 +2019-05-11 12:45:00,5370.8 +2019-05-11 13:00:00,5305.6 +2019-05-11 13:15:00,5256.4 +2019-05-11 13:30:00,5242.4 +2019-05-11 13:45:00,5244.8 +2019-05-11 14:00:00,5278.8 +2019-05-11 14:15:00,5271.6 +2019-05-11 14:30:00,5224.0 +2019-05-11 14:45:00,5204.8 +2019-05-11 15:00:00,5151.6 +2019-05-11 15:15:00,5194.8 +2019-05-11 15:30:00,5171.6 +2019-05-11 15:45:00,5174.0 +2019-05-11 16:00:00,5183.2 +2019-05-11 16:15:00,5204.4 +2019-05-11 16:30:00,5251.2 +2019-05-11 16:45:00,5263.2 +2019-05-11 17:00:00,5297.6 +2019-05-11 17:15:00,5300.4 +2019-05-11 17:30:00,5332.0 +2019-05-11 17:45:00,5302.0 +2019-05-11 18:00:00,5328.4 +2019-05-11 18:15:00,5300.0 +2019-05-11 18:30:00,5297.6 +2019-05-11 18:45:00,5276.8 +2019-05-11 19:00:00,5233.2 +2019-05-11 19:15:00,5179.2 +2019-05-11 19:30:00,5131.6 +2019-05-11 19:45:00,5090.4 +2019-05-11 20:00:00,5081.2 +2019-05-11 20:15:00,5063.6 +2019-05-11 20:30:00,5008.0 +2019-05-11 20:45:00,4989.2 +2019-05-11 21:00:00,4992.8 +2019-05-11 21:15:00,4962.8 +2019-05-11 21:30:00,4856.0 +2019-05-11 21:45:00,4764.4 +2019-05-11 22:00:00,4712.0 +2019-05-11 22:15:00,4636.4 +2019-05-11 22:30:00,4553.2 +2019-05-11 22:45:00,4447.2 +2019-05-11 23:00:00,4281.2 +2019-05-11 23:15:00,4238.4 +2019-05-11 23:30:00,4224.4 +2019-05-11 23:45:00,4182.4 +2019-05-12 00:00:00,4091.6 +2019-05-12 00:15:00,4047.6 +2019-05-12 00:30:00,4017.6 +2019-05-12 00:45:00,4005.6 +2019-05-12 01:00:00,3985.6 +2019-05-12 01:15:00,3967.2 +2019-05-12 01:30:00,3970.4 +2019-05-12 01:45:00,3952.8 +2019-05-12 02:00:00,3940.0 +2019-05-12 02:15:00,3945.2 +2019-05-12 02:30:00,3948.8 +2019-05-12 02:45:00,3941.2 +2019-05-12 03:00:00,3953.6 +2019-05-12 03:15:00,3972.0 +2019-05-12 03:30:00,3976.0 +2019-05-12 03:45:00,3960.0 +2019-05-12 04:00:00,3978.4 +2019-05-12 04:15:00,3937.6 +2019-05-12 04:30:00,3908.0 +2019-05-12 04:45:00,3879.6 +2019-05-12 05:00:00,3908.4 +2019-05-12 05:15:00,3900.0 +2019-05-12 05:30:00,3937.6 +2019-05-12 05:45:00,3973.2 +2019-05-12 06:00:00,4050.4 +2019-05-12 06:15:00,4098.4 +2019-05-12 06:30:00,4154.0 +2019-05-12 06:45:00,4232.4 +2019-05-12 07:00:00,4357.2 +2019-05-12 07:15:00,4456.4 +2019-05-12 07:30:00,4525.2 +2019-05-12 07:45:00,4590.8 +2019-05-12 08:00:00,4678.4 +2019-05-12 08:15:00,4742.4 +2019-05-12 08:30:00,4804.8 +2019-05-12 08:45:00,4873.2 +2019-05-12 09:00:00,4936.0 +2019-05-12 09:15:00,4962.0 +2019-05-12 09:30:00,4994.0 +2019-05-12 09:45:00,4991.2 +2019-05-12 10:00:00,5047.2 +2019-05-12 10:15:00,5126.0 +2019-05-12 10:30:00,5140.8 +2019-05-12 10:45:00,5152.8 +2019-05-12 11:00:00,5134.8 +2019-05-12 11:15:00,5124.8 +2019-05-12 11:30:00,5070.4 +2019-05-12 11:45:00,5008.8 +2019-05-12 12:00:00,4911.6 +2019-05-12 12:15:00,4862.8 +2019-05-12 12:30:00,4833.6 +2019-05-12 12:45:00,4800.4 +2019-05-12 13:00:00,4746.4 +2019-05-12 13:15:00,4722.8 +2019-05-12 13:30:00,4718.4 +2019-05-12 13:45:00,4694.8 +2019-05-12 14:00:00,4682.0 +2019-05-12 14:15:00,4676.8 +2019-05-12 14:30:00,4660.8 +2019-05-12 14:45:00,4623.2 +2019-05-12 15:00:00,4606.0 +2019-05-12 15:15:00,4591.6 +2019-05-12 15:30:00,4595.6 +2019-05-12 15:45:00,4615.2 +2019-05-12 16:00:00,4666.8 +2019-05-12 16:15:00,4685.2 +2019-05-12 16:30:00,4732.4 +2019-05-12 16:45:00,4780.4 +2019-05-12 17:00:00,4862.0 +2019-05-12 17:15:00,4862.0 +2019-05-12 17:30:00,4862.0 +2019-05-12 17:45:00,4869.2 +2019-05-12 18:00:00,4916.4 +2019-05-12 18:15:00,4903.2 +2019-05-12 18:30:00,4904.0 +2019-05-12 18:45:00,4915.6 +2019-05-12 19:00:00,4915.6 +2019-05-12 19:15:00,4881.6 +2019-05-12 19:30:00,4874.0 +2019-05-12 19:45:00,4859.2 +2019-05-12 20:00:00,4894.0 +2019-05-12 20:15:00,4903.2 +2019-05-12 20:30:00,4890.4 +2019-05-12 20:45:00,4920.4 +2019-05-12 21:00:00,4975.6 +2019-05-12 21:15:00,4918.0 +2019-05-12 21:30:00,4823.6 +2019-05-12 21:45:00,4750.4 +2019-05-12 22:00:00,4640.8 +2019-05-12 22:15:00,4556.8 +2019-05-12 22:30:00,4461.2 +2019-05-12 22:45:00,4427.2 +2019-05-12 23:00:00,4389.6 +2019-05-12 23:15:00,4328.8 +2019-05-12 23:30:00,4296.4 +2019-05-12 23:45:00,4276.0 +2019-05-13 00:00:00,4236.8 +2019-05-13 00:15:00,4200.8 +2019-05-13 00:30:00,4201.6 +2019-05-13 00:45:00,4176.0 +2019-05-13 01:00:00,4120.4 +2019-05-13 01:15:00,4088.4 +2019-05-13 01:30:00,4104.0 +2019-05-13 01:45:00,4098.8 +2019-05-13 02:00:00,4142.4 +2019-05-13 02:15:00,4169.2 +2019-05-13 02:30:00,4198.0 +2019-05-13 02:45:00,4225.6 +2019-05-13 03:00:00,4317.6 +2019-05-13 03:15:00,4365.2 +2019-05-13 03:30:00,4437.2 +2019-05-13 03:45:00,4524.8 +2019-05-13 04:00:00,4694.0 +2019-05-13 04:15:00,4748.0 +2019-05-13 04:30:00,4828.8 +2019-05-13 04:45:00,5034.8 +2019-05-13 05:00:00,5310.4 +2019-05-13 05:15:00,5509.2 +2019-05-13 05:30:00,5676.0 +2019-05-13 05:45:00,5828.4 +2019-05-13 06:00:00,5997.6 +2019-05-13 06:15:00,6113.6 +2019-05-13 06:30:00,6212.4 +2019-05-13 06:45:00,6305.2 +2019-05-13 07:00:00,6405.2 +2019-05-13 07:15:00,6457.6 +2019-05-13 07:30:00,6492.8 +2019-05-13 07:45:00,6533.6 +2019-05-13 08:00:00,6483.2 +2019-05-13 08:15:00,6497.2 +2019-05-13 08:30:00,6522.0 +2019-05-13 08:45:00,6538.0 +2019-05-13 09:00:00,6573.6 +2019-05-13 09:15:00,6581.6 +2019-05-13 09:30:00,6618.8 +2019-05-13 09:45:00,6653.2 +2019-05-13 10:00:00,6670.4 +2019-05-13 10:15:00,6728.8 +2019-05-13 10:30:00,6753.6 +2019-05-13 10:45:00,6764.8 +2019-05-13 11:00:00,6664.0 +2019-05-13 11:15:00,6638.4 +2019-05-13 11:30:00,6640.4 +2019-05-13 11:45:00,6615.2 +2019-05-13 12:00:00,6609.6 +2019-05-13 12:15:00,6578.8 +2019-05-13 12:30:00,6539.2 +2019-05-13 12:45:00,6459.6 +2019-05-13 13:00:00,6464.0 +2019-05-13 13:15:00,6454.4 +2019-05-13 13:30:00,6440.0 +2019-05-13 13:45:00,6391.6 +2019-05-13 14:00:00,6424.8 +2019-05-13 14:15:00,6386.0 +2019-05-13 14:30:00,6323.6 +2019-05-13 14:45:00,6293.6 +2019-05-13 15:00:00,6319.6 +2019-05-13 15:15:00,6218.0 +2019-05-13 15:30:00,6233.6 +2019-05-13 15:45:00,6201.2 +2019-05-13 16:00:00,6192.4 +2019-05-13 16:15:00,6214.4 +2019-05-13 16:30:00,6206.8 +2019-05-13 16:45:00,6175.2 +2019-05-13 17:00:00,6147.6 +2019-05-13 17:15:00,6155.6 +2019-05-13 17:30:00,6152.8 +2019-05-13 17:45:00,6174.4 +2019-05-13 18:00:00,6148.8 +2019-05-13 18:15:00,6136.4 +2019-05-13 18:30:00,6135.6 +2019-05-13 18:45:00,6152.0 +2019-05-13 19:00:00,6099.6 +2019-05-13 19:15:00,6052.0 +2019-05-13 19:30:00,6000.4 +2019-05-13 19:45:00,5954.8 +2019-05-13 20:00:00,5928.0 +2019-05-13 20:15:00,5888.4 +2019-05-13 20:30:00,5877.2 +2019-05-13 20:45:00,5766.0 +2019-05-13 21:00:00,5691.6 +2019-05-13 21:15:00,5596.0 +2019-05-13 21:30:00,5464.0 +2019-05-13 21:45:00,5343.2 +2019-05-13 22:00:00,5213.2 +2019-05-13 22:15:00,5104.8 +2019-05-13 22:30:00,5023.2 +2019-05-13 22:45:00,4920.0 +2019-05-13 23:00:00,4858.8 +2019-05-13 23:15:00,4790.4 +2019-05-13 23:30:00,4760.4 +2019-05-13 23:45:00,4697.2 +2019-05-14 00:00:00,4631.2 +2019-05-14 00:15:00,4603.6 +2019-05-14 00:30:00,4583.6 +2019-05-14 00:45:00,4572.4 +2019-05-14 01:00:00,4522.4 +2019-05-14 01:15:00,4510.4 +2019-05-14 01:30:00,4514.4 +2019-05-14 01:45:00,4518.8 +2019-05-14 02:00:00,4515.6 +2019-05-14 02:15:00,4528.4 +2019-05-14 02:30:00,4567.2 +2019-05-14 02:45:00,4593.2 +2019-05-14 03:00:00,4701.2 +2019-05-14 03:15:00,4725.2 +2019-05-14 03:30:00,4765.2 +2019-05-14 03:45:00,4837.6 +2019-05-14 04:00:00,4961.2 +2019-05-14 04:15:00,5022.8 +2019-05-14 04:30:00,5092.0 +2019-05-14 04:45:00,5219.2 +2019-05-14 05:00:00,5481.2 +2019-05-14 05:15:00,5690.8 +2019-05-14 05:30:00,5827.2 +2019-05-14 05:45:00,5964.8 +2019-05-14 06:00:00,6138.0 +2019-05-14 06:15:00,6224.0 +2019-05-14 06:30:00,6330.8 +2019-05-14 06:45:00,6407.2 +2019-05-14 07:00:00,6445.6 +2019-05-14 07:15:00,6511.2 +2019-05-14 07:30:00,6534.8 +2019-05-14 07:45:00,6554.0 +2019-05-14 08:00:00,6494.8 +2019-05-14 08:15:00,6534.0 +2019-05-14 08:30:00,6561.2 +2019-05-14 08:45:00,6560.8 +2019-05-14 09:00:00,6543.2 +2019-05-14 09:15:00,6588.0 +2019-05-14 09:30:00,6665.2 +2019-05-14 09:45:00,6725.2 +2019-05-14 10:00:00,6747.6 +2019-05-14 10:15:00,6798.0 +2019-05-14 10:30:00,6809.6 +2019-05-14 10:45:00,6768.4 +2019-05-14 11:00:00,6665.2 +2019-05-14 11:15:00,6642.8 +2019-05-14 11:30:00,6618.0 +2019-05-14 11:45:00,6608.8 +2019-05-14 12:00:00,6604.0 +2019-05-14 12:15:00,6571.6 +2019-05-14 12:30:00,6558.0 +2019-05-14 12:45:00,6485.6 +2019-05-14 13:00:00,6480.8 +2019-05-14 13:15:00,6496.0 +2019-05-14 13:30:00,6467.6 +2019-05-14 13:45:00,6426.0 +2019-05-14 14:00:00,6445.6 +2019-05-14 14:15:00,6422.8 +2019-05-14 14:30:00,6365.2 +2019-05-14 14:45:00,6323.2 +2019-05-14 15:00:00,6281.2 +2019-05-14 15:15:00,6260.4 +2019-05-14 15:30:00,6202.8 +2019-05-14 15:45:00,6178.4 +2019-05-14 16:00:00,6217.6 +2019-05-14 16:15:00,6233.2 +2019-05-14 16:30:00,6230.0 +2019-05-14 16:45:00,6226.8 +2019-05-14 17:00:00,6232.4 +2019-05-14 17:15:00,6227.6 +2019-05-14 17:30:00,6234.4 +2019-05-14 17:45:00,6236.0 +2019-05-14 18:00:00,6248.8 +2019-05-14 18:15:00,6226.8 +2019-05-14 18:30:00,6204.8 +2019-05-14 18:45:00,6187.6 +2019-05-14 19:00:00,6162.8 +2019-05-14 19:15:00,6117.2 +2019-05-14 19:30:00,6050.4 +2019-05-14 19:45:00,6029.6 +2019-05-14 20:00:00,5996.8 +2019-05-14 20:15:00,5928.4 +2019-05-14 20:30:00,5902.4 +2019-05-14 20:45:00,5826.8 +2019-05-14 21:00:00,5750.0 +2019-05-14 21:15:00,5640.0 +2019-05-14 21:30:00,5522.4 +2019-05-14 21:45:00,5417.6 +2019-05-14 22:00:00,5302.0 +2019-05-14 22:15:00,5152.0 +2019-05-14 22:30:00,5076.4 +2019-05-14 22:45:00,5012.4 +2019-05-14 23:00:00,4895.6 +2019-05-14 23:15:00,4824.4 +2019-05-14 23:30:00,4757.2 +2019-05-14 23:45:00,4715.2 +2019-05-15 00:00:00,4670.8 +2019-05-15 00:15:00,4646.0 +2019-05-15 00:30:00,4632.4 +2019-05-15 00:45:00,4624.4 +2019-05-15 01:00:00,4578.8 +2019-05-15 01:15:00,4568.0 +2019-05-15 01:30:00,4578.8 +2019-05-15 01:45:00,4590.4 +2019-05-15 02:00:00,4613.2 +2019-05-15 02:15:00,4635.2 +2019-05-15 02:30:00,4629.2 +2019-05-15 02:45:00,4678.4 +2019-05-15 03:00:00,4745.6 +2019-05-15 03:15:00,4779.6 +2019-05-15 03:30:00,4820.4 +2019-05-15 03:45:00,4879.6 +2019-05-15 04:00:00,5000.8 +2019-05-15 04:15:00,5046.4 +2019-05-15 04:30:00,5144.0 +2019-05-15 04:45:00,5291.2 +2019-05-15 05:00:00,5580.0 +2019-05-15 05:15:00,5761.6 +2019-05-15 05:30:00,5911.6 +2019-05-15 05:45:00,6065.2 +2019-05-15 06:00:00,6222.4 +2019-05-15 06:15:00,6322.8 +2019-05-15 06:30:00,6422.4 +2019-05-15 06:45:00,6493.6 +2019-05-15 07:00:00,6578.0 +2019-05-15 07:15:00,6630.8 +2019-05-15 07:30:00,6663.6 +2019-05-15 07:45:00,6668.8 +2019-05-15 08:00:00,6640.8 +2019-05-15 08:15:00,6655.6 +2019-05-15 08:30:00,6676.0 +2019-05-15 08:45:00,6687.6 +2019-05-15 09:00:00,6687.6 +2019-05-15 09:15:00,6703.6 +2019-05-15 09:30:00,6726.8 +2019-05-15 09:45:00,6740.0 +2019-05-15 10:00:00,6785.2 +2019-05-15 10:15:00,6843.2 +2019-05-15 10:30:00,6900.4 +2019-05-15 10:45:00,6928.8 +2019-05-15 11:00:00,6858.4 +2019-05-15 11:15:00,6858.8 +2019-05-15 11:30:00,6802.4 +2019-05-15 11:45:00,6803.2 +2019-05-15 12:00:00,6768.4 +2019-05-15 12:15:00,6756.4 +2019-05-15 12:30:00,6698.4 +2019-05-15 12:45:00,6653.6 +2019-05-15 13:00:00,6654.4 +2019-05-15 13:15:00,6644.4 +2019-05-15 13:30:00,6632.8 +2019-05-15 13:45:00,6618.4 +2019-05-15 14:00:00,6618.0 +2019-05-15 14:15:00,6576.0 +2019-05-15 14:30:00,6548.4 +2019-05-15 14:45:00,6507.2 +2019-05-15 15:00:00,6454.0 +2019-05-15 15:15:00,6438.4 +2019-05-15 15:30:00,6407.2 +2019-05-15 15:45:00,6398.4 +2019-05-15 16:00:00,6428.0 +2019-05-15 16:15:00,6438.0 +2019-05-15 16:30:00,6434.0 +2019-05-15 16:45:00,6449.6 +2019-05-15 17:00:00,6423.6 +2019-05-15 17:15:00,6424.8 +2019-05-15 17:30:00,6438.8 +2019-05-15 17:45:00,6445.2 +2019-05-15 18:00:00,6450.8 +2019-05-15 18:15:00,6424.4 +2019-05-15 18:30:00,6411.2 +2019-05-15 18:45:00,6374.8 +2019-05-15 19:00:00,6287.2 +2019-05-15 19:15:00,6215.6 +2019-05-15 19:30:00,6179.6 +2019-05-15 19:45:00,6142.8 +2019-05-15 20:00:00,6115.6 +2019-05-15 20:15:00,6044.8 +2019-05-15 20:30:00,6009.6 +2019-05-15 20:45:00,5932.0 +2019-05-15 21:00:00,5866.0 +2019-05-15 21:15:00,5730.8 +2019-05-15 21:30:00,5638.8 +2019-05-15 21:45:00,5496.4 +2019-05-15 22:00:00,5365.2 +2019-05-15 22:15:00,5278.8 +2019-05-15 22:30:00,5182.0 +2019-05-15 22:45:00,5106.0 +2019-05-15 23:00:00,5008.0 +2019-05-15 23:15:00,4937.6 +2019-05-15 23:30:00,4897.6 +2019-05-15 23:45:00,4837.6 +2019-05-16 00:00:00,4778.4 +2019-05-16 00:15:00,4757.6 +2019-05-16 00:30:00,4767.2 +2019-05-16 00:45:00,4738.0 +2019-05-16 01:00:00,4710.0 +2019-05-16 01:15:00,4712.0 +2019-05-16 01:30:00,4696.0 +2019-05-16 01:45:00,4703.2 +2019-05-16 02:00:00,4717.2 +2019-05-16 02:15:00,4748.4 +2019-05-16 02:30:00,4746.8 +2019-05-16 02:45:00,4750.4 +2019-05-16 03:00:00,4815.6 +2019-05-16 03:15:00,4846.4 +2019-05-16 03:30:00,4901.6 +2019-05-16 03:45:00,4957.2 +2019-05-16 04:00:00,5079.2 +2019-05-16 04:15:00,5157.2 +2019-05-16 04:30:00,5204.0 +2019-05-16 04:45:00,5357.6 +2019-05-16 05:00:00,5621.2 +2019-05-16 05:15:00,5829.2 +2019-05-16 05:30:00,5994.0 +2019-05-16 05:45:00,6139.2 +2019-05-16 06:00:00,6316.8 +2019-05-16 06:15:00,6412.8 +2019-05-16 06:30:00,6490.8 +2019-05-16 06:45:00,6566.4 +2019-05-16 07:00:00,6636.0 +2019-05-16 07:15:00,6691.6 +2019-05-16 07:30:00,6728.8 +2019-05-16 07:45:00,6768.4 +2019-05-16 08:00:00,6738.0 +2019-05-16 08:15:00,6768.4 +2019-05-16 08:30:00,6819.2 +2019-05-16 08:45:00,6838.0 +2019-05-16 09:00:00,6853.2 +2019-05-16 09:15:00,6886.0 +2019-05-16 09:30:00,6891.2 +2019-05-16 09:45:00,6939.6 +2019-05-16 10:00:00,6978.0 +2019-05-16 10:15:00,7013.2 +2019-05-16 10:30:00,7004.4 +2019-05-16 10:45:00,7001.2 +2019-05-16 11:00:00,6912.0 +2019-05-16 11:15:00,6900.4 +2019-05-16 11:30:00,6884.8 +2019-05-16 11:45:00,6871.2 +2019-05-16 12:00:00,6903.6 +2019-05-16 12:15:00,6862.0 +2019-05-16 12:30:00,6816.4 +2019-05-16 12:45:00,6760.8 +2019-05-16 13:00:00,6744.0 +2019-05-16 13:15:00,6752.0 +2019-05-16 13:30:00,6713.2 +2019-05-16 13:45:00,6686.8 +2019-05-16 14:00:00,6704.4 +2019-05-16 14:15:00,6674.0 +2019-05-16 14:30:00,6643.2 +2019-05-16 14:45:00,6607.6 +2019-05-16 15:00:00,6604.0 +2019-05-16 15:15:00,6568.4 +2019-05-16 15:30:00,6569.2 +2019-05-16 15:45:00,6566.8 +2019-05-16 16:00:00,6590.8 +2019-05-16 16:15:00,6590.4 +2019-05-16 16:30:00,6611.6 +2019-05-16 16:45:00,6587.2 +2019-05-16 17:00:00,6584.4 +2019-05-16 17:15:00,6536.0 +2019-05-16 17:30:00,6534.4 +2019-05-16 17:45:00,6560.8 +2019-05-16 18:00:00,6550.0 +2019-05-16 18:15:00,6519.2 +2019-05-16 18:30:00,6476.8 +2019-05-16 18:45:00,6461.6 +2019-05-16 19:00:00,6397.2 +2019-05-16 19:15:00,6327.6 +2019-05-16 19:30:00,6283.2 +2019-05-16 19:45:00,6249.2 +2019-05-16 20:00:00,6206.8 +2019-05-16 20:15:00,6149.6 +2019-05-16 20:30:00,6079.6 +2019-05-16 20:45:00,6002.4 +2019-05-16 21:00:00,5915.6 +2019-05-16 21:15:00,5831.2 +2019-05-16 21:30:00,5701.2 +2019-05-16 21:45:00,5573.6 +2019-05-16 22:00:00,5438.0 +2019-05-16 22:15:00,5335.6 +2019-05-16 22:30:00,5246.0 +2019-05-16 22:45:00,5101.6 +2019-05-16 23:00:00,4989.6 +2019-05-16 23:15:00,4948.4 +2019-05-16 23:30:00,4926.0 +2019-05-16 23:45:00,4874.0 +2019-05-17 00:00:00,4817.2 +2019-05-17 00:15:00,4809.6 +2019-05-17 00:30:00,4751.6 +2019-05-17 00:45:00,4717.2 +2019-05-17 01:00:00,4654.0 +2019-05-17 01:15:00,4659.2 +2019-05-17 01:30:00,4667.2 +2019-05-17 01:45:00,4667.6 +2019-05-17 02:00:00,4676.8 +2019-05-17 02:15:00,4698.4 +2019-05-17 02:30:00,4692.4 +2019-05-17 02:45:00,4720.8 +2019-05-17 03:00:00,4766.4 +2019-05-17 03:15:00,4805.6 +2019-05-17 03:30:00,4868.0 +2019-05-17 03:45:00,4918.4 +2019-05-17 04:00:00,5035.2 +2019-05-17 04:15:00,5050.8 +2019-05-17 04:30:00,5141.2 +2019-05-17 04:45:00,5285.6 +2019-05-17 05:00:00,5595.6 +2019-05-17 05:15:00,5776.4 +2019-05-17 05:30:00,5930.8 +2019-05-17 05:45:00,6084.8 +2019-05-17 06:00:00,6253.2 +2019-05-17 06:15:00,6358.4 +2019-05-17 06:30:00,6433.2 +2019-05-17 06:45:00,6512.0 +2019-05-17 07:00:00,6608.0 +2019-05-17 07:15:00,6670.0 +2019-05-17 07:30:00,6676.8 +2019-05-17 07:45:00,6691.2 +2019-05-17 08:00:00,6646.8 +2019-05-17 08:15:00,6652.8 +2019-05-17 08:30:00,6686.8 +2019-05-17 08:45:00,6706.8 +2019-05-17 09:00:00,6697.2 +2019-05-17 09:15:00,6736.0 +2019-05-17 09:30:00,6761.2 +2019-05-17 09:45:00,6828.4 +2019-05-17 10:00:00,6841.6 +2019-05-17 10:15:00,6871.2 +2019-05-17 10:30:00,6874.8 +2019-05-17 10:45:00,6854.0 +2019-05-17 11:00:00,6823.6 +2019-05-17 11:15:00,6783.2 +2019-05-17 11:30:00,6778.4 +2019-05-17 11:45:00,6752.0 +2019-05-17 12:00:00,6716.0 +2019-05-17 12:15:00,6666.8 +2019-05-17 12:30:00,6620.8 +2019-05-17 12:45:00,6552.4 +2019-05-17 13:00:00,6528.8 +2019-05-17 13:15:00,6495.2 +2019-05-17 13:30:00,6469.2 +2019-05-17 13:45:00,6423.2 +2019-05-17 14:00:00,6444.0 +2019-05-17 14:15:00,6416.4 +2019-05-17 14:30:00,6328.4 +2019-05-17 14:45:00,6292.4 +2019-05-17 15:00:00,6309.2 +2019-05-17 15:15:00,6288.0 +2019-05-17 15:30:00,6232.0 +2019-05-17 15:45:00,6213.2 +2019-05-17 16:00:00,6204.4 +2019-05-17 16:15:00,6147.6 +2019-05-17 16:30:00,6170.8 +2019-05-17 16:45:00,6158.0 +2019-05-17 17:00:00,6150.4 +2019-05-17 17:15:00,6120.4 +2019-05-17 17:30:00,6106.8 +2019-05-17 17:45:00,6103.2 +2019-05-17 18:00:00,6071.6 +2019-05-17 18:15:00,6046.4 +2019-05-17 18:30:00,6023.6 +2019-05-17 18:45:00,5982.4 +2019-05-17 19:00:00,5934.4 +2019-05-17 19:15:00,5866.4 +2019-05-17 19:30:00,5811.2 +2019-05-17 19:45:00,5749.2 +2019-05-17 20:00:00,5702.4 +2019-05-17 20:15:00,5673.2 +2019-05-17 20:30:00,5637.6 +2019-05-17 20:45:00,5571.6 +2019-05-17 21:00:00,5530.0 +2019-05-17 21:15:00,5442.0 +2019-05-17 21:30:00,5311.6 +2019-05-17 21:45:00,5205.2 +2019-05-17 22:00:00,5086.0 +2019-05-17 22:15:00,4988.4 +2019-05-17 22:30:00,4864.4 +2019-05-17 22:45:00,4800.4 +2019-05-17 23:00:00,4610.0 +2019-05-17 23:15:00,4554.0 +2019-05-17 23:30:00,4522.4 +2019-05-17 23:45:00,4465.6 +2019-05-18 00:00:00,4418.8 +2019-05-18 00:15:00,4374.4 +2019-05-18 00:30:00,4347.6 +2019-05-18 00:45:00,4311.6 +2019-05-18 01:00:00,4252.8 +2019-05-18 01:15:00,4235.2 +2019-05-18 01:30:00,4226.0 +2019-05-18 01:45:00,4213.2 +2019-05-18 02:00:00,4187.6 +2019-05-18 02:15:00,4183.6 +2019-05-18 02:30:00,4196.0 +2019-05-18 02:45:00,4213.6 +2019-05-18 03:00:00,4209.2 +2019-05-18 03:15:00,4215.2 +2019-05-18 03:30:00,4221.6 +2019-05-18 03:45:00,4242.4 +2019-05-18 04:00:00,4249.2 +2019-05-18 04:15:00,4213.2 +2019-05-18 04:30:00,4194.8 +2019-05-18 04:45:00,4208.0 +2019-05-18 05:00:00,4252.4 +2019-05-18 05:15:00,4314.0 +2019-05-18 05:30:00,4354.8 +2019-05-18 05:45:00,4444.0 +2019-05-18 06:00:00,4520.4 +2019-05-18 06:15:00,4629.6 +2019-05-18 06:30:00,4727.6 +2019-05-18 06:45:00,4826.8 +2019-05-18 07:00:00,4942.8 +2019-05-18 07:15:00,5018.0 +2019-05-18 07:30:00,5094.8 +2019-05-18 07:45:00,5180.8 +2019-05-18 08:00:00,5206.0 +2019-05-18 08:15:00,5258.4 +2019-05-18 08:30:00,5316.0 +2019-05-18 08:45:00,5397.2 +2019-05-18 09:00:00,5420.8 +2019-05-18 09:15:00,5440.8 +2019-05-18 09:30:00,5484.8 +2019-05-18 09:45:00,5519.2 +2019-05-18 10:00:00,5527.6 +2019-05-18 10:15:00,5525.2 +2019-05-18 10:30:00,5531.6 +2019-05-18 10:45:00,5532.8 +2019-05-18 11:00:00,5512.0 +2019-05-18 11:15:00,5505.2 +2019-05-18 11:30:00,5466.8 +2019-05-18 11:45:00,5422.4 +2019-05-18 12:00:00,5367.6 +2019-05-18 12:15:00,5319.2 +2019-05-18 12:30:00,5284.8 +2019-05-18 12:45:00,5255.6 +2019-05-18 13:00:00,5209.6 +2019-05-18 13:15:00,5172.4 +2019-05-18 13:30:00,5133.6 +2019-05-18 13:45:00,5123.6 +2019-05-18 14:00:00,5138.4 +2019-05-18 14:15:00,5112.0 +2019-05-18 14:30:00,5087.2 +2019-05-18 14:45:00,5044.0 +2019-05-18 15:00:00,5018.0 +2019-05-18 15:15:00,4992.4 +2019-05-18 15:30:00,4971.6 +2019-05-18 15:45:00,4987.6 +2019-05-18 16:00:00,5012.8 +2019-05-18 16:15:00,5018.8 +2019-05-18 16:30:00,5041.2 +2019-05-18 16:45:00,5052.8 +2019-05-18 17:00:00,5114.8 +2019-05-18 17:15:00,5078.4 +2019-05-18 17:30:00,5089.2 +2019-05-18 17:45:00,5091.6 +2019-05-18 18:00:00,5113.6 +2019-05-18 18:15:00,5103.6 +2019-05-18 18:30:00,5076.4 +2019-05-18 18:45:00,5017.6 +2019-05-18 19:00:00,4990.0 +2019-05-18 19:15:00,4934.8 +2019-05-18 19:30:00,4914.4 +2019-05-18 19:45:00,4870.8 +2019-05-18 20:00:00,4888.0 +2019-05-18 20:15:00,4850.4 +2019-05-18 20:30:00,4855.2 +2019-05-18 20:45:00,4836.4 +2019-05-18 21:00:00,4846.0 +2019-05-18 21:15:00,4798.4 +2019-05-18 21:30:00,4718.0 +2019-05-18 21:45:00,4616.8 +2019-05-18 22:00:00,4521.6 +2019-05-18 22:15:00,4459.6 +2019-05-18 22:30:00,4406.4 +2019-05-18 22:45:00,4339.2 +2019-05-18 23:00:00,4188.4 +2019-05-18 23:15:00,4150.4 +2019-05-18 23:30:00,4091.2 +2019-05-18 23:45:00,4061.2 +2019-05-19 00:00:00,3958.4 +2019-05-19 00:15:00,3924.8 +2019-05-19 00:30:00,3864.4 +2019-05-19 00:45:00,3844.0 +2019-05-19 01:00:00,3816.8 +2019-05-19 01:15:00,3794.8 +2019-05-19 01:30:00,3769.2 +2019-05-19 01:45:00,3752.8 +2019-05-19 02:00:00,3756.0 +2019-05-19 02:15:00,3726.4 +2019-05-19 02:30:00,3746.4 +2019-05-19 02:45:00,3738.8 +2019-05-19 03:00:00,3716.8 +2019-05-19 03:15:00,3716.4 +2019-05-19 03:30:00,3741.2 +2019-05-19 03:45:00,3730.8 +2019-05-19 04:00:00,3754.4 +2019-05-19 04:15:00,3696.0 +2019-05-19 04:30:00,3689.6 +2019-05-19 04:45:00,3695.6 +2019-05-19 05:00:00,3709.2 +2019-05-19 05:15:00,3740.4 +2019-05-19 05:30:00,3754.8 +2019-05-19 05:45:00,3804.8 +2019-05-19 06:00:00,3886.4 +2019-05-19 06:15:00,3943.6 +2019-05-19 06:30:00,4026.0 +2019-05-19 06:45:00,4107.6 +2019-05-19 07:00:00,4228.0 +2019-05-19 07:15:00,4317.2 +2019-05-19 07:30:00,4393.2 +2019-05-19 07:45:00,4460.0 +2019-05-19 08:00:00,4537.2 +2019-05-19 08:15:00,4614.0 +2019-05-19 08:30:00,4661.2 +2019-05-19 08:45:00,4730.4 +2019-05-19 09:00:00,4769.2 +2019-05-19 09:15:00,4812.4 +2019-05-19 09:30:00,4867.2 +2019-05-19 09:45:00,4895.6 +2019-05-19 10:00:00,4978.8 +2019-05-19 10:15:00,5053.2 +2019-05-19 10:30:00,5100.4 +2019-05-19 10:45:00,5094.4 +2019-05-19 11:00:00,5088.8 +2019-05-19 11:15:00,5071.6 +2019-05-19 11:30:00,5040.0 +2019-05-19 11:45:00,5015.2 +2019-05-19 12:00:00,4925.6 +2019-05-19 12:15:00,4873.6 +2019-05-19 12:30:00,4854.8 +2019-05-19 12:45:00,4819.2 +2019-05-19 13:00:00,4758.8 +2019-05-19 13:15:00,4728.4 +2019-05-19 13:30:00,4720.4 +2019-05-19 13:45:00,4713.6 +2019-05-19 14:00:00,4694.4 +2019-05-19 14:15:00,4698.0 +2019-05-19 14:30:00,4691.2 +2019-05-19 14:45:00,4695.2 +2019-05-19 15:00:00,4700.4 +2019-05-19 15:15:00,4666.4 +2019-05-19 15:30:00,4693.6 +2019-05-19 15:45:00,4710.0 +2019-05-19 16:00:00,4800.8 +2019-05-19 16:15:00,4817.6 +2019-05-19 16:30:00,4837.2 +2019-05-19 16:45:00,4909.2 +2019-05-19 17:00:00,4959.2 +2019-05-19 17:15:00,4977.2 +2019-05-19 17:30:00,4978.0 +2019-05-19 17:45:00,5016.0 +2019-05-19 18:00:00,5019.2 +2019-05-19 18:15:00,5011.6 +2019-05-19 18:30:00,5018.4 +2019-05-19 18:45:00,4984.8 +2019-05-19 19:00:00,5044.8 +2019-05-19 19:15:00,5002.4 +2019-05-19 19:30:00,4994.4 +2019-05-19 19:45:00,4949.2 +2019-05-19 20:00:00,4950.0 +2019-05-19 20:15:00,4962.8 +2019-05-19 20:30:00,4951.6 +2019-05-19 20:45:00,4964.4 +2019-05-19 21:00:00,5008.4 +2019-05-19 21:15:00,4952.0 +2019-05-19 21:30:00,4859.6 +2019-05-19 21:45:00,4784.0 +2019-05-19 22:00:00,4652.4 +2019-05-19 22:15:00,4545.2 +2019-05-19 22:30:00,4460.8 +2019-05-19 22:45:00,4383.2 +2019-05-19 23:00:00,4309.6 +2019-05-19 23:15:00,4240.4 +2019-05-19 23:30:00,4208.8 +2019-05-19 23:45:00,4150.0 +2019-05-20 00:00:00,4144.0 +2019-05-20 00:15:00,4119.6 +2019-05-20 00:30:00,4084.0 +2019-05-20 00:45:00,4056.8 +2019-05-20 01:00:00,4046.8 +2019-05-20 01:15:00,4062.0 +2019-05-20 01:30:00,4075.2 +2019-05-20 01:45:00,4055.2 +2019-05-20 02:00:00,4086.4 +2019-05-20 02:15:00,4102.0 +2019-05-20 02:30:00,4108.8 +2019-05-20 02:45:00,4125.2 +2019-05-20 03:00:00,4186.0 +2019-05-20 03:15:00,4232.0 +2019-05-20 03:30:00,4266.0 +2019-05-20 03:45:00,4348.4 +2019-05-20 04:00:00,4478.4 +2019-05-20 04:15:00,4566.8 +2019-05-20 04:30:00,4696.8 +2019-05-20 04:45:00,4876.8 +2019-05-20 05:00:00,5217.6 +2019-05-20 05:15:00,5467.2 +2019-05-20 05:30:00,5652.0 +2019-05-20 05:45:00,5826.8 +2019-05-20 06:00:00,6022.0 +2019-05-20 06:15:00,6124.4 +2019-05-20 06:30:00,6205.2 +2019-05-20 06:45:00,6312.0 +2019-05-20 07:00:00,6430.0 +2019-05-20 07:15:00,6491.6 +2019-05-20 07:30:00,6521.2 +2019-05-20 07:45:00,6538.8 +2019-05-20 08:00:00,6518.0 +2019-05-20 08:15:00,6576.0 +2019-05-20 08:30:00,6638.8 +2019-05-20 08:45:00,6663.2 +2019-05-20 09:00:00,6689.6 +2019-05-20 09:15:00,6708.4 +2019-05-20 09:30:00,6746.0 +2019-05-20 09:45:00,6773.6 +2019-05-20 10:00:00,6798.4 +2019-05-20 10:15:00,6833.6 +2019-05-20 10:30:00,6870.0 +2019-05-20 10:45:00,6880.4 +2019-05-20 11:00:00,6844.4 +2019-05-20 11:15:00,6836.0 +2019-05-20 11:30:00,6851.6 +2019-05-20 11:45:00,6878.8 +2019-05-20 12:00:00,6880.8 +2019-05-20 12:15:00,6852.8 +2019-05-20 12:30:00,6847.2 +2019-05-20 12:45:00,6772.0 +2019-05-20 13:00:00,6739.2 +2019-05-20 13:15:00,6719.6 +2019-05-20 13:30:00,6720.8 +2019-05-20 13:45:00,6703.6 +2019-05-20 14:00:00,6682.8 +2019-05-20 14:15:00,6652.4 +2019-05-20 14:30:00,6599.6 +2019-05-20 14:45:00,6572.0 +2019-05-20 15:00:00,6558.8 +2019-05-20 15:15:00,6502.4 +2019-05-20 15:30:00,6482.8 +2019-05-20 15:45:00,6494.4 +2019-05-20 16:00:00,6506.8 +2019-05-20 16:15:00,6523.2 +2019-05-20 16:30:00,6532.0 +2019-05-20 16:45:00,6537.6 +2019-05-20 17:00:00,6504.0 +2019-05-20 17:15:00,6498.0 +2019-05-20 17:30:00,6478.0 +2019-05-20 17:45:00,6491.2 +2019-05-20 18:00:00,6496.4 +2019-05-20 18:15:00,6441.6 +2019-05-20 18:30:00,6411.6 +2019-05-20 18:45:00,6376.4 +2019-05-20 19:00:00,6332.0 +2019-05-20 19:15:00,6256.0 +2019-05-20 19:30:00,6174.0 +2019-05-20 19:45:00,6133.2 +2019-05-20 20:00:00,6081.6 +2019-05-20 20:15:00,5992.4 +2019-05-20 20:30:00,5918.4 +2019-05-20 20:45:00,5839.2 +2019-05-20 21:00:00,5768.4 +2019-05-20 21:15:00,5654.0 +2019-05-20 21:30:00,5551.2 +2019-05-20 21:45:00,5445.6 +2019-05-20 22:00:00,5330.4 +2019-05-20 22:15:00,5218.4 +2019-05-20 22:30:00,5126.0 +2019-05-20 22:45:00,5024.0 +2019-05-20 23:00:00,4943.2 +2019-05-20 23:15:00,4876.0 +2019-05-20 23:30:00,4807.2 +2019-05-20 23:45:00,4760.4 +2019-05-21 00:00:00,4723.6 +2019-05-21 00:15:00,4695.6 +2019-05-21 00:30:00,4637.6 +2019-05-21 00:45:00,4641.6 +2019-05-21 01:00:00,4590.0 +2019-05-21 01:15:00,4584.8 +2019-05-21 01:30:00,4557.6 +2019-05-21 01:45:00,4580.0 +2019-05-21 02:00:00,4594.4 +2019-05-21 02:15:00,4620.0 +2019-05-21 02:30:00,4624.0 +2019-05-21 02:45:00,4653.6 +2019-05-21 03:00:00,4711.2 +2019-05-21 03:15:00,4725.6 +2019-05-21 03:30:00,4801.6 +2019-05-21 03:45:00,4870.0 +2019-05-21 04:00:00,4972.0 +2019-05-21 04:15:00,5054.4 +2019-05-21 04:30:00,5153.6 +2019-05-21 04:45:00,5294.8 +2019-05-21 05:00:00,5585.6 +2019-05-21 05:15:00,5808.4 +2019-05-21 05:30:00,5961.2 +2019-05-21 05:45:00,6108.0 +2019-05-21 06:00:00,6271.6 +2019-05-21 06:15:00,6381.2 +2019-05-21 06:30:00,6497.2 +2019-05-21 06:45:00,6580.4 +2019-05-21 07:00:00,6710.8 +2019-05-21 07:15:00,6756.8 +2019-05-21 07:30:00,6824.4 +2019-05-21 07:45:00,6833.2 +2019-05-21 08:00:00,6797.2 +2019-05-21 08:15:00,6803.2 +2019-05-21 08:30:00,6880.4 +2019-05-21 08:45:00,6909.2 +2019-05-21 09:00:00,6920.4 +2019-05-21 09:15:00,6934.4 +2019-05-21 09:30:00,6966.4 +2019-05-21 09:45:00,6992.0 +2019-05-21 10:00:00,7050.0 +2019-05-21 10:15:00,7112.4 +2019-05-21 10:30:00,7148.4 +2019-05-21 10:45:00,7160.0 +2019-05-21 11:00:00,7096.0 +2019-05-21 11:15:00,7072.0 +2019-05-21 11:30:00,7055.6 +2019-05-21 11:45:00,7054.0 +2019-05-21 12:00:00,7046.0 +2019-05-21 12:15:00,7011.6 +2019-05-21 12:30:00,6964.4 +2019-05-21 12:45:00,6890.4 +2019-05-21 13:00:00,6871.2 +2019-05-21 13:15:00,6878.4 +2019-05-21 13:30:00,6856.4 +2019-05-21 13:45:00,6842.0 +2019-05-21 14:00:00,6829.6 +2019-05-21 14:15:00,6792.4 +2019-05-21 14:30:00,6772.4 +2019-05-21 14:45:00,6712.8 +2019-05-21 15:00:00,6692.4 +2019-05-21 15:15:00,6660.0 +2019-05-21 15:30:00,6653.2 +2019-05-21 15:45:00,6655.2 +2019-05-21 16:00:00,6626.8 +2019-05-21 16:15:00,6622.8 +2019-05-21 16:30:00,6638.8 +2019-05-21 16:45:00,6629.2 +2019-05-21 17:00:00,6602.4 +2019-05-21 17:15:00,6562.0 +2019-05-21 17:30:00,6568.4 +2019-05-21 17:45:00,6568.4 +2019-05-21 18:00:00,6536.4 +2019-05-21 18:15:00,6512.4 +2019-05-21 18:30:00,6462.8 +2019-05-21 18:45:00,6449.2 +2019-05-21 19:00:00,6370.4 +2019-05-21 19:15:00,6307.6 +2019-05-21 19:30:00,6236.8 +2019-05-21 19:45:00,6174.4 +2019-05-21 20:00:00,6131.6 +2019-05-21 20:15:00,6104.4 +2019-05-21 20:30:00,6011.2 +2019-05-21 20:45:00,5921.2 +2019-05-21 21:00:00,5870.8 +2019-05-21 21:15:00,5770.0 +2019-05-21 21:30:00,5648.0 +2019-05-21 21:45:00,5543.2 +2019-05-21 22:00:00,5384.8 +2019-05-21 22:15:00,5258.8 +2019-05-21 22:30:00,5175.6 +2019-05-21 22:45:00,5090.8 +2019-05-21 23:00:00,4991.2 +2019-05-21 23:15:00,4908.0 +2019-05-21 23:30:00,4863.6 +2019-05-21 23:45:00,4817.2 +2019-05-22 00:00:00,4678.8 +2019-05-22 00:15:00,4654.8 +2019-05-22 00:30:00,4616.0 +2019-05-22 00:45:00,4595.2 +2019-05-22 01:00:00,4603.6 +2019-05-22 01:15:00,4587.6 +2019-05-22 01:30:00,4562.8 +2019-05-22 01:45:00,4584.4 +2019-05-22 02:00:00,4554.4 +2019-05-22 02:15:00,4589.6 +2019-05-22 02:30:00,4590.0 +2019-05-22 02:45:00,4608.8 +2019-05-22 03:00:00,4643.6 +2019-05-22 03:15:00,4690.4 +2019-05-22 03:30:00,4745.2 +2019-05-22 03:45:00,4808.4 +2019-05-22 04:00:00,4950.4 +2019-05-22 04:15:00,5023.2 +2019-05-22 04:30:00,5111.2 +2019-05-22 04:45:00,5229.2 +2019-05-22 05:00:00,5551.2 +2019-05-22 05:15:00,5785.2 +2019-05-22 05:30:00,5952.0 +2019-05-22 05:45:00,6128.8 +2019-05-22 06:00:00,6312.8 +2019-05-22 06:15:00,6439.6 +2019-05-22 06:30:00,6536.4 +2019-05-22 06:45:00,6595.2 +2019-05-22 07:00:00,6691.2 +2019-05-22 07:15:00,6753.2 +2019-05-22 07:30:00,6790.4 +2019-05-22 07:45:00,6796.8 +2019-05-22 08:00:00,6761.6 +2019-05-22 08:15:00,6776.8 +2019-05-22 08:30:00,6827.6 +2019-05-22 08:45:00,6846.4 +2019-05-22 09:00:00,6840.4 +2019-05-22 09:15:00,6853.6 +2019-05-22 09:30:00,6889.2 +2019-05-22 09:45:00,6927.2 +2019-05-22 10:00:00,6932.8 +2019-05-22 10:15:00,6944.0 +2019-05-22 10:30:00,6951.6 +2019-05-22 10:45:00,6937.2 +2019-05-22 11:00:00,6862.8 +2019-05-22 11:15:00,6828.0 +2019-05-22 11:30:00,6802.4 +2019-05-22 11:45:00,6804.8 +2019-05-22 12:00:00,6792.0 +2019-05-22 12:15:00,6774.8 +2019-05-22 12:30:00,6718.4 +2019-05-22 12:45:00,6666.0 +2019-05-22 13:00:00,6651.6 +2019-05-22 13:15:00,6674.0 +2019-05-22 13:30:00,6620.8 +2019-05-22 13:45:00,6617.6 +2019-05-22 14:00:00,6580.8 +2019-05-22 14:15:00,6510.0 +2019-05-22 14:30:00,6477.6 +2019-05-22 14:45:00,6424.0 +2019-05-22 15:00:00,6350.8 +2019-05-22 15:15:00,6334.0 +2019-05-22 15:30:00,6304.8 +2019-05-22 15:45:00,6284.0 +2019-05-22 16:00:00,6309.6 +2019-05-22 16:15:00,6344.8 +2019-05-22 16:30:00,6364.4 +2019-05-22 16:45:00,6351.6 +2019-05-22 17:00:00,6347.6 +2019-05-22 17:15:00,6324.0 +2019-05-22 17:30:00,6331.2 +2019-05-22 17:45:00,6339.2 +2019-05-22 18:00:00,6356.8 +2019-05-22 18:15:00,6348.4 +2019-05-22 18:30:00,6310.0 +2019-05-22 18:45:00,6270.0 +2019-05-22 19:00:00,6242.0 +2019-05-22 19:15:00,6178.0 +2019-05-22 19:30:00,6120.4 +2019-05-22 19:45:00,6049.2 +2019-05-22 20:00:00,6033.6 +2019-05-22 20:15:00,6008.8 +2019-05-22 20:30:00,5924.8 +2019-05-22 20:45:00,5856.8 +2019-05-22 21:00:00,5811.6 +2019-05-22 21:15:00,5703.2 +2019-05-22 21:30:00,5574.0 +2019-05-22 21:45:00,5457.2 +2019-05-22 22:00:00,5311.2 +2019-05-22 22:15:00,5206.0 +2019-05-22 22:30:00,5098.0 +2019-05-22 22:45:00,5020.8 +2019-05-22 23:00:00,4916.8 +2019-05-22 23:15:00,4814.8 +2019-05-22 23:30:00,4766.0 +2019-05-22 23:45:00,4704.4 +2019-05-23 00:00:00,4714.0 +2019-05-23 00:15:00,4669.2 +2019-05-23 00:30:00,4653.6 +2019-05-23 00:45:00,4619.6 +2019-05-23 01:00:00,4617.2 +2019-05-23 01:15:00,4587.6 +2019-05-23 01:30:00,4612.0 +2019-05-23 01:45:00,4594.4 +2019-05-23 02:00:00,4625.2 +2019-05-23 02:15:00,4629.6 +2019-05-23 02:30:00,4630.8 +2019-05-23 02:45:00,4635.6 +2019-05-23 03:00:00,4720.0 +2019-05-23 03:15:00,4744.4 +2019-05-23 03:30:00,4809.2 +2019-05-23 03:45:00,4867.6 +2019-05-23 04:00:00,4987.6 +2019-05-23 04:15:00,5029.6 +2019-05-23 04:30:00,5105.2 +2019-05-23 04:45:00,5239.6 +2019-05-23 05:00:00,5566.0 +2019-05-23 05:15:00,5760.0 +2019-05-23 05:30:00,5918.0 +2019-05-23 05:45:00,6036.8 +2019-05-23 06:00:00,6208.0 +2019-05-23 06:15:00,6302.4 +2019-05-23 06:30:00,6391.6 +2019-05-23 06:45:00,6470.0 +2019-05-23 07:00:00,6577.6 +2019-05-23 07:15:00,6618.8 +2019-05-23 07:30:00,6640.8 +2019-05-23 07:45:00,6665.2 +2019-05-23 08:00:00,6641.6 +2019-05-23 08:15:00,6678.8 +2019-05-23 08:30:00,6682.4 +2019-05-23 08:45:00,6696.8 +2019-05-23 09:00:00,6668.8 +2019-05-23 09:15:00,6681.6 +2019-05-23 09:30:00,6695.6 +2019-05-23 09:45:00,6726.8 +2019-05-23 10:00:00,6709.2 +2019-05-23 10:15:00,6752.8 +2019-05-23 10:30:00,6776.4 +2019-05-23 10:45:00,6782.4 +2019-05-23 11:00:00,6714.8 +2019-05-23 11:15:00,6706.8 +2019-05-23 11:30:00,6696.4 +2019-05-23 11:45:00,6704.8 +2019-05-23 12:00:00,6689.2 +2019-05-23 12:15:00,6661.6 +2019-05-23 12:30:00,6634.0 +2019-05-23 12:45:00,6550.4 +2019-05-23 13:00:00,6550.0 +2019-05-23 13:15:00,6547.2 +2019-05-23 13:30:00,6504.8 +2019-05-23 13:45:00,6476.0 +2019-05-23 14:00:00,6478.0 +2019-05-23 14:15:00,6441.6 +2019-05-23 14:30:00,6409.2 +2019-05-23 14:45:00,6365.6 +2019-05-23 15:00:00,6374.8 +2019-05-23 15:15:00,6350.4 +2019-05-23 15:30:00,6310.0 +2019-05-23 15:45:00,6290.8 +2019-05-23 16:00:00,6312.0 +2019-05-23 16:15:00,6322.0 +2019-05-23 16:30:00,6328.8 +2019-05-23 16:45:00,6320.8 +2019-05-23 17:00:00,6333.6 +2019-05-23 17:15:00,6345.2 +2019-05-23 17:30:00,6330.4 +2019-05-23 17:45:00,6346.0 +2019-05-23 18:00:00,6325.2 +2019-05-23 18:15:00,6284.8 +2019-05-23 18:30:00,6291.6 +2019-05-23 18:45:00,6258.0 +2019-05-23 19:00:00,6178.0 +2019-05-23 19:15:00,6112.4 +2019-05-23 19:30:00,6057.2 +2019-05-23 19:45:00,6025.6 +2019-05-23 20:00:00,6004.4 +2019-05-23 20:15:00,5943.6 +2019-05-23 20:30:00,5926.4 +2019-05-23 20:45:00,5847.2 +2019-05-23 21:00:00,5783.6 +2019-05-23 21:15:00,5711.6 +2019-05-23 21:30:00,5575.2 +2019-05-23 21:45:00,5459.6 +2019-05-23 22:00:00,5294.4 +2019-05-23 22:15:00,5180.0 +2019-05-23 22:30:00,5096.0 +2019-05-23 22:45:00,5010.0 +2019-05-23 23:00:00,4934.8 +2019-05-23 23:15:00,4858.0 +2019-05-23 23:30:00,4795.2 +2019-05-23 23:45:00,4734.8 +2019-05-24 00:00:00,4633.6 +2019-05-24 00:15:00,4584.0 +2019-05-24 00:30:00,4551.2 +2019-05-24 00:45:00,4544.0 +2019-05-24 01:00:00,4477.2 +2019-05-24 01:15:00,4463.6 +2019-05-24 01:30:00,4482.4 +2019-05-24 01:45:00,4497.2 +2019-05-24 02:00:00,4501.6 +2019-05-24 02:15:00,4515.2 +2019-05-24 02:30:00,4528.8 +2019-05-24 02:45:00,4548.0 +2019-05-24 03:00:00,4607.6 +2019-05-24 03:15:00,4667.2 +2019-05-24 03:30:00,4688.0 +2019-05-24 03:45:00,4739.2 +2019-05-24 04:00:00,4856.4 +2019-05-24 04:15:00,4918.0 +2019-05-24 04:30:00,4994.4 +2019-05-24 04:45:00,5140.4 +2019-05-24 05:00:00,5440.8 +2019-05-24 05:15:00,5663.2 +2019-05-24 05:30:00,5811.2 +2019-05-24 05:45:00,5943.2 +2019-05-24 06:00:00,6130.0 +2019-05-24 06:15:00,6226.4 +2019-05-24 06:30:00,6289.6 +2019-05-24 06:45:00,6365.2 +2019-05-24 07:00:00,6478.8 +2019-05-24 07:15:00,6536.4 +2019-05-24 07:30:00,6584.4 +2019-05-24 07:45:00,6603.6 +2019-05-24 08:00:00,6581.2 +2019-05-24 08:15:00,6586.8 +2019-05-24 08:30:00,6662.8 +2019-05-24 08:45:00,6673.6 +2019-05-24 09:00:00,6668.0 +2019-05-24 09:15:00,6686.4 +2019-05-24 09:30:00,6720.0 +2019-05-24 09:45:00,6748.8 +2019-05-24 10:00:00,6725.6 +2019-05-24 10:15:00,6786.4 +2019-05-24 10:30:00,6780.4 +2019-05-24 10:45:00,6780.8 +2019-05-24 11:00:00,6749.2 +2019-05-24 11:15:00,6735.6 +2019-05-24 11:30:00,6710.8 +2019-05-24 11:45:00,6707.6 +2019-05-24 12:00:00,6679.2 +2019-05-24 12:15:00,6633.2 +2019-05-24 12:30:00,6587.6 +2019-05-24 12:45:00,6491.6 +2019-05-24 13:00:00,6436.4 +2019-05-24 13:15:00,6401.6 +2019-05-24 13:30:00,6364.8 +2019-05-24 13:45:00,6347.2 +2019-05-24 14:00:00,6366.8 +2019-05-24 14:15:00,6316.4 +2019-05-24 14:30:00,6273.6 +2019-05-24 14:45:00,6241.2 +2019-05-24 15:00:00,6202.0 +2019-05-24 15:15:00,6171.6 +2019-05-24 15:30:00,6130.8 +2019-05-24 15:45:00,6112.4 +2019-05-24 16:00:00,6161.6 +2019-05-24 16:15:00,6149.6 +2019-05-24 16:30:00,6139.6 +2019-05-24 16:45:00,6136.0 +2019-05-24 17:00:00,6116.8 +2019-05-24 17:15:00,6117.2 +2019-05-24 17:30:00,6112.8 +2019-05-24 17:45:00,6131.6 +2019-05-24 18:00:00,6104.4 +2019-05-24 18:15:00,6042.8 +2019-05-24 18:30:00,6023.2 +2019-05-24 18:45:00,6020.0 +2019-05-24 19:00:00,5950.4 +2019-05-24 19:15:00,5866.8 +2019-05-24 19:30:00,5810.0 +2019-05-24 19:45:00,5751.2 +2019-05-24 20:00:00,5685.6 +2019-05-24 20:15:00,5659.2 +2019-05-24 20:30:00,5610.0 +2019-05-24 20:45:00,5555.6 +2019-05-24 21:00:00,5482.0 +2019-05-24 21:15:00,5388.8 +2019-05-24 21:30:00,5282.4 +2019-05-24 21:45:00,5172.8 +2019-05-24 22:00:00,5000.0 +2019-05-24 22:15:00,4888.4 +2019-05-24 22:30:00,4825.2 +2019-05-24 22:45:00,4761.6 +2019-05-24 23:00:00,4661.2 +2019-05-24 23:15:00,4589.2 +2019-05-24 23:30:00,4526.8 +2019-05-24 23:45:00,4489.6 +2019-05-25 00:00:00,4385.6 +2019-05-25 00:15:00,4310.8 +2019-05-25 00:30:00,4278.8 +2019-05-25 00:45:00,4243.2 +2019-05-25 01:00:00,4204.8 +2019-05-25 01:15:00,4162.8 +2019-05-25 01:30:00,4168.4 +2019-05-25 01:45:00,4158.0 +2019-05-25 02:00:00,4144.8 +2019-05-25 02:15:00,4127.6 +2019-05-25 02:30:00,4132.0 +2019-05-25 02:45:00,4118.0 +2019-05-25 03:00:00,4125.2 +2019-05-25 03:15:00,4133.6 +2019-05-25 03:30:00,4146.8 +2019-05-25 03:45:00,4150.8 +2019-05-25 04:00:00,4161.2 +2019-05-25 04:15:00,4129.6 +2019-05-25 04:30:00,4124.8 +2019-05-25 04:45:00,4143.2 +2019-05-25 05:00:00,4248.4 +2019-05-25 05:15:00,4313.6 +2019-05-25 05:30:00,4359.2 +2019-05-25 05:45:00,4422.4 +2019-05-25 06:00:00,4532.8 +2019-05-25 06:15:00,4623.6 +2019-05-25 06:30:00,4735.2 +2019-05-25 06:45:00,4834.8 +2019-05-25 07:00:00,4953.6 +2019-05-25 07:15:00,5036.4 +2019-05-25 07:30:00,5107.2 +2019-05-25 07:45:00,5205.6 +2019-05-25 08:00:00,5280.4 +2019-05-25 08:15:00,5311.2 +2019-05-25 08:30:00,5358.4 +2019-05-25 08:45:00,5409.6 +2019-05-25 09:00:00,5432.0 +2019-05-25 09:15:00,5468.8 +2019-05-25 09:30:00,5492.8 +2019-05-25 09:45:00,5519.2 +2019-05-25 10:00:00,5521.2 +2019-05-25 10:15:00,5524.0 +2019-05-25 10:30:00,5568.8 +2019-05-25 10:45:00,5547.6 +2019-05-25 11:00:00,5530.4 +2019-05-25 11:15:00,5490.8 +2019-05-25 11:30:00,5462.8 +2019-05-25 11:45:00,5439.6 +2019-05-25 12:00:00,5375.6 +2019-05-25 12:15:00,5323.2 +2019-05-25 12:30:00,5258.4 +2019-05-25 12:45:00,5192.0 +2019-05-25 13:00:00,5150.4 +2019-05-25 13:15:00,5096.4 +2019-05-25 13:30:00,5126.8 +2019-05-25 13:45:00,5073.2 +2019-05-25 14:00:00,5108.0 +2019-05-25 14:15:00,5111.2 +2019-05-25 14:30:00,5066.8 +2019-05-25 14:45:00,5021.6 +2019-05-25 15:00:00,5000.8 +2019-05-25 15:15:00,4954.0 +2019-05-25 15:30:00,4954.8 +2019-05-25 15:45:00,4957.2 +2019-05-25 16:00:00,5028.8 +2019-05-25 16:15:00,5033.2 +2019-05-25 16:30:00,5038.4 +2019-05-25 16:45:00,5088.0 +2019-05-25 17:00:00,5097.6 +2019-05-25 17:15:00,5092.0 +2019-05-25 17:30:00,5090.0 +2019-05-25 17:45:00,5121.2 +2019-05-25 18:00:00,5119.2 +2019-05-25 18:15:00,5074.4 +2019-05-25 18:30:00,5065.6 +2019-05-25 18:45:00,5054.8 +2019-05-25 19:00:00,5032.4 +2019-05-25 19:15:00,4948.4 +2019-05-25 19:30:00,4882.0 +2019-05-25 19:45:00,4894.0 +2019-05-25 20:00:00,4878.8 +2019-05-25 20:15:00,4819.2 +2019-05-25 20:30:00,4818.0 +2019-05-25 20:45:00,4810.4 +2019-05-25 21:00:00,4818.8 +2019-05-25 21:15:00,4749.2 +2019-05-25 21:30:00,4695.6 +2019-05-25 21:45:00,4614.4 +2019-05-25 22:00:00,4515.2 +2019-05-25 22:15:00,4418.0 +2019-05-25 22:30:00,4327.6 +2019-05-25 22:45:00,4280.0 +2019-05-25 23:00:00,4164.4 +2019-05-25 23:15:00,4111.6 +2019-05-25 23:30:00,4060.0 +2019-05-25 23:45:00,4002.4 +2019-05-26 00:00:00,3945.6 +2019-05-26 00:15:00,3893.6 +2019-05-26 00:30:00,3858.4 +2019-05-26 00:45:00,3841.6 +2019-05-26 01:00:00,3796.8 +2019-05-26 01:15:00,3761.2 +2019-05-26 01:30:00,3767.2 +2019-05-26 01:45:00,3776.4 +2019-05-26 02:00:00,3788.4 +2019-05-26 02:15:00,3779.6 +2019-05-26 02:30:00,3795.6 +2019-05-26 02:45:00,3769.2 +2019-05-26 03:00:00,3800.0 +2019-05-26 03:15:00,3802.8 +2019-05-26 03:30:00,3824.0 +2019-05-26 03:45:00,3816.8 +2019-05-26 04:00:00,3808.4 +2019-05-26 04:15:00,3770.8 +2019-05-26 04:30:00,3782.8 +2019-05-26 04:45:00,3787.2 +2019-05-26 05:00:00,3812.4 +2019-05-26 05:15:00,3801.6 +2019-05-26 05:30:00,3832.4 +2019-05-26 05:45:00,3896.0 +2019-05-26 06:00:00,3947.2 +2019-05-26 06:15:00,4040.0 +2019-05-26 06:30:00,4127.2 +2019-05-26 06:45:00,4194.0 +2019-05-26 07:00:00,4302.4 +2019-05-26 07:15:00,4360.4 +2019-05-26 07:30:00,4431.2 +2019-05-26 07:45:00,4486.0 +2019-05-26 08:00:00,4592.0 +2019-05-26 08:15:00,4700.0 +2019-05-26 08:30:00,4725.2 +2019-05-26 08:45:00,4784.0 +2019-05-26 09:00:00,4827.2 +2019-05-26 09:15:00,4846.8 +2019-05-26 09:30:00,4896.8 +2019-05-26 09:45:00,4944.4 +2019-05-26 10:00:00,5022.8 +2019-05-26 10:15:00,5092.8 +2019-05-26 10:30:00,5132.4 +2019-05-26 10:45:00,5150.8 +2019-05-26 11:00:00,5166.8 +2019-05-26 11:15:00,5116.0 +2019-05-26 11:30:00,5100.0 +2019-05-26 11:45:00,5079.6 +2019-05-26 12:00:00,5014.8 +2019-05-26 12:15:00,4963.6 +2019-05-26 12:30:00,4908.0 +2019-05-26 12:45:00,4880.4 +2019-05-26 13:00:00,4832.4 +2019-05-26 13:15:00,4778.0 +2019-05-26 13:30:00,4749.6 +2019-05-26 13:45:00,4729.6 +2019-05-26 14:00:00,4714.0 +2019-05-26 14:15:00,4712.0 +2019-05-26 14:30:00,4704.8 +2019-05-26 14:45:00,4714.8 +2019-05-26 15:00:00,4706.4 +2019-05-26 15:15:00,4690.4 +2019-05-26 15:30:00,4731.2 +2019-05-26 15:45:00,4739.6 +2019-05-26 16:00:00,4800.4 +2019-05-26 16:15:00,4809.2 +2019-05-26 16:30:00,4815.6 +2019-05-26 16:45:00,4861.6 +2019-05-26 17:00:00,4923.6 +2019-05-26 17:15:00,4898.8 +2019-05-26 17:30:00,4939.2 +2019-05-26 17:45:00,4956.4 +2019-05-26 18:00:00,5000.0 +2019-05-26 18:15:00,4951.2 +2019-05-26 18:30:00,4950.8 +2019-05-26 18:45:00,4938.8 +2019-05-26 19:00:00,4918.0 +2019-05-26 19:15:00,4901.6 +2019-05-26 19:30:00,4871.2 +2019-05-26 19:45:00,4837.6 +2019-05-26 20:00:00,4851.2 +2019-05-26 20:15:00,4868.8 +2019-05-26 20:30:00,4896.4 +2019-05-26 20:45:00,4899.2 +2019-05-26 21:00:00,4927.2 +2019-05-26 21:15:00,4894.4 +2019-05-26 21:30:00,4812.8 +2019-05-26 21:45:00,4726.0 +2019-05-26 22:00:00,4622.4 +2019-05-26 22:15:00,4548.0 +2019-05-26 22:30:00,4459.2 +2019-05-26 22:45:00,4456.8 +2019-05-26 23:00:00,4360.0 +2019-05-26 23:15:00,4363.2 +2019-05-26 23:30:00,4326.8 +2019-05-26 23:45:00,4326.4 +2019-05-27 00:00:00,4238.8 +2019-05-27 00:15:00,4219.6 +2019-05-27 00:30:00,4207.2 +2019-05-27 00:45:00,4162.0 +2019-05-27 01:00:00,4138.8 +2019-05-27 01:15:00,4119.2 +2019-05-27 01:30:00,4117.6 +2019-05-27 01:45:00,4086.8 +2019-05-27 02:00:00,4094.0 +2019-05-27 02:15:00,4104.4 +2019-05-27 02:30:00,4110.4 +2019-05-27 02:45:00,4112.0 +2019-05-27 03:00:00,4181.6 +2019-05-27 03:15:00,4216.8 +2019-05-27 03:30:00,4281.6 +2019-05-27 03:45:00,4320.4 +2019-05-27 04:00:00,4465.6 +2019-05-27 04:15:00,4544.4 +2019-05-27 04:30:00,4655.6 +2019-05-27 04:45:00,4826.8 +2019-05-27 05:00:00,5171.2 +2019-05-27 05:15:00,5415.2 +2019-05-27 05:30:00,5594.8 +2019-05-27 05:45:00,5767.6 +2019-05-27 06:00:00,5935.6 +2019-05-27 06:15:00,6078.0 +2019-05-27 06:30:00,6165.6 +2019-05-27 06:45:00,6235.6 +2019-05-27 07:00:00,6328.4 +2019-05-27 07:15:00,6413.6 +2019-05-27 07:30:00,6454.0 +2019-05-27 07:45:00,6469.6 +2019-05-27 08:00:00,6434.0 +2019-05-27 08:15:00,6513.2 +2019-05-27 08:30:00,6585.6 +2019-05-27 08:45:00,6593.6 +2019-05-27 09:00:00,6633.2 +2019-05-27 09:15:00,6637.6 +2019-05-27 09:30:00,6708.0 +2019-05-27 09:45:00,6743.6 +2019-05-27 10:00:00,6729.6 +2019-05-27 10:15:00,6804.0 +2019-05-27 10:30:00,6837.2 +2019-05-27 10:45:00,6804.0 +2019-05-27 11:00:00,6766.8 +2019-05-27 11:15:00,6712.4 +2019-05-27 11:30:00,6741.2 +2019-05-27 11:45:00,6748.4 +2019-05-27 12:00:00,6748.8 +2019-05-27 12:15:00,6762.0 +2019-05-27 12:30:00,6724.8 +2019-05-27 12:45:00,6633.6 +2019-05-27 13:00:00,6614.0 +2019-05-27 13:15:00,6600.0 +2019-05-27 13:30:00,6564.4 +2019-05-27 13:45:00,6552.0 +2019-05-27 14:00:00,6546.8 +2019-05-27 14:15:00,6493.6 +2019-05-27 14:30:00,6455.6 +2019-05-27 14:45:00,6405.6 +2019-05-27 15:00:00,6386.4 +2019-05-27 15:15:00,6407.6 +2019-05-27 15:30:00,6396.4 +2019-05-27 15:45:00,6410.8 +2019-05-27 16:00:00,6392.8 +2019-05-27 16:15:00,6364.4 +2019-05-27 16:30:00,6356.0 +2019-05-27 16:45:00,6323.2 +2019-05-27 17:00:00,6256.8 +2019-05-27 17:15:00,6270.4 +2019-05-27 17:30:00,6271.2 +2019-05-27 17:45:00,6286.0 +2019-05-27 18:00:00,6257.2 +2019-05-27 18:15:00,6224.4 +2019-05-27 18:30:00,6203.2 +2019-05-27 18:45:00,6194.4 +2019-05-27 19:00:00,6111.6 +2019-05-27 19:15:00,6024.0 +2019-05-27 19:30:00,5964.0 +2019-05-27 19:45:00,5921.6 +2019-05-27 20:00:00,5896.4 +2019-05-27 20:15:00,5849.2 +2019-05-27 20:30:00,5778.4 +2019-05-27 20:45:00,5720.8 +2019-05-27 21:00:00,5664.4 +2019-05-27 21:15:00,5562.0 +2019-05-27 21:30:00,5447.2 +2019-05-27 21:45:00,5332.8 +2019-05-27 22:00:00,5181.2 +2019-05-27 22:15:00,5078.4 +2019-05-27 22:30:00,4972.0 +2019-05-27 22:45:00,4927.2 +2019-05-27 23:00:00,4810.0 +2019-05-27 23:15:00,4747.2 +2019-05-27 23:30:00,4678.4 +2019-05-27 23:45:00,4644.8 +2019-05-28 00:00:00,4580.8 +2019-05-28 00:15:00,4534.4 +2019-05-28 00:30:00,4495.2 +2019-05-28 00:45:00,4478.4 +2019-05-28 01:00:00,4414.4 +2019-05-28 01:15:00,4396.8 +2019-05-28 01:30:00,4372.4 +2019-05-28 01:45:00,4414.8 +2019-05-28 02:00:00,4427.6 +2019-05-28 02:15:00,4420.4 +2019-05-28 02:30:00,4446.0 +2019-05-28 02:45:00,4452.8 +2019-05-28 03:00:00,4536.8 +2019-05-28 03:15:00,4571.2 +2019-05-28 03:30:00,4654.8 +2019-05-28 03:45:00,4695.6 +2019-05-28 04:00:00,4803.6 +2019-05-28 04:15:00,4841.6 +2019-05-28 04:30:00,4950.4 +2019-05-28 04:45:00,5074.8 +2019-05-28 05:00:00,5377.6 +2019-05-28 05:15:00,5569.2 +2019-05-28 05:30:00,5755.2 +2019-05-28 05:45:00,5914.0 +2019-05-28 06:00:00,6070.8 +2019-05-28 06:15:00,6178.0 +2019-05-28 06:30:00,6268.8 +2019-05-28 06:45:00,6353.6 +2019-05-28 07:00:00,6430.8 +2019-05-28 07:15:00,6489.2 +2019-05-28 07:30:00,6521.6 +2019-05-28 07:45:00,6552.8 +2019-05-28 08:00:00,6528.4 +2019-05-28 08:15:00,6529.6 +2019-05-28 08:30:00,6560.8 +2019-05-28 08:45:00,6582.4 +2019-05-28 09:00:00,6607.2 +2019-05-28 09:15:00,6627.2 +2019-05-28 09:30:00,6645.2 +2019-05-28 09:45:00,6693.6 +2019-05-28 10:00:00,6725.2 +2019-05-28 10:15:00,6766.4 +2019-05-28 10:30:00,6786.4 +2019-05-28 10:45:00,6799.6 +2019-05-28 11:00:00,6709.6 +2019-05-28 11:15:00,6702.0 +2019-05-28 11:30:00,6693.2 +2019-05-28 11:45:00,6676.8 +2019-05-28 12:00:00,6685.6 +2019-05-28 12:15:00,6656.0 +2019-05-28 12:30:00,6596.8 +2019-05-28 12:45:00,6540.0 +2019-05-28 13:00:00,6504.8 +2019-05-28 13:15:00,6490.8 +2019-05-28 13:30:00,6486.8 +2019-05-28 13:45:00,6453.2 +2019-05-28 14:00:00,6415.6 +2019-05-28 14:15:00,6371.6 +2019-05-28 14:30:00,6380.4 +2019-05-28 14:45:00,6342.8 +2019-05-28 15:00:00,6334.8 +2019-05-28 15:15:00,6307.2 +2019-05-28 15:30:00,6290.4 +2019-05-28 15:45:00,6263.2 +2019-05-28 16:00:00,6307.2 +2019-05-28 16:15:00,6310.0 +2019-05-28 16:30:00,6304.8 +2019-05-28 16:45:00,6322.0 +2019-05-28 17:00:00,6312.4 +2019-05-28 17:15:00,6311.2 +2019-05-28 17:30:00,6283.2 +2019-05-28 17:45:00,6295.6 +2019-05-28 18:00:00,6265.2 +2019-05-28 18:15:00,6202.4 +2019-05-28 18:30:00,6170.4 +2019-05-28 18:45:00,6149.2 +2019-05-28 19:00:00,6080.0 +2019-05-28 19:15:00,6033.6 +2019-05-28 19:30:00,5958.8 +2019-05-28 19:45:00,5893.2 +2019-05-28 20:00:00,5843.2 +2019-05-28 20:15:00,5823.2 +2019-05-28 20:30:00,5763.6 +2019-05-28 20:45:00,5682.4 +2019-05-28 21:00:00,5630.0 +2019-05-28 21:15:00,5540.0 +2019-05-28 21:30:00,5419.6 +2019-05-28 21:45:00,5305.2 +2019-05-28 22:00:00,5151.6 +2019-05-28 22:15:00,5046.8 +2019-05-28 22:30:00,4930.0 +2019-05-28 22:45:00,4855.2 +2019-05-28 23:00:00,4786.0 +2019-05-28 23:15:00,4710.4 +2019-05-28 23:30:00,4670.0 +2019-05-28 23:45:00,4620.4 +2019-05-29 00:00:00,4574.8 +2019-05-29 00:15:00,4546.4 +2019-05-29 00:30:00,4521.2 +2019-05-29 00:45:00,4508.8 +2019-05-29 01:00:00,4465.6 +2019-05-29 01:15:00,4474.4 +2019-05-29 01:30:00,4462.4 +2019-05-29 01:45:00,4480.4 +2019-05-29 02:00:00,4523.6 +2019-05-29 02:15:00,4524.8 +2019-05-29 02:30:00,4519.2 +2019-05-29 02:45:00,4554.0 +2019-05-29 03:00:00,4599.2 +2019-05-29 03:15:00,4640.0 +2019-05-29 03:30:00,4670.8 +2019-05-29 03:45:00,4711.2 +2019-05-29 04:00:00,4792.0 +2019-05-29 04:15:00,4870.8 +2019-05-29 04:30:00,4943.2 +2019-05-29 04:45:00,5098.4 +2019-05-29 05:00:00,5381.6 +2019-05-29 05:15:00,5574.0 +2019-05-29 05:30:00,5693.2 +2019-05-29 05:45:00,5838.8 +2019-05-29 06:00:00,6017.6 +2019-05-29 06:15:00,6119.6 +2019-05-29 06:30:00,6196.4 +2019-05-29 06:45:00,6265.6 +2019-05-29 07:00:00,6345.6 +2019-05-29 07:15:00,6424.4 +2019-05-29 07:30:00,6455.2 +2019-05-29 07:45:00,6462.4 +2019-05-29 08:00:00,6442.4 +2019-05-29 08:15:00,6481.2 +2019-05-29 08:30:00,6508.8 +2019-05-29 08:45:00,6547.6 +2019-05-29 09:00:00,6523.2 +2019-05-29 09:15:00,6560.4 +2019-05-29 09:30:00,6592.8 +2019-05-29 09:45:00,6610.4 +2019-05-29 10:00:00,6623.6 +2019-05-29 10:15:00,6646.4 +2019-05-29 10:30:00,6638.8 +2019-05-29 10:45:00,6635.2 +2019-05-29 11:00:00,6588.8 +2019-05-29 11:15:00,6556.0 +2019-05-29 11:30:00,6534.4 +2019-05-29 11:45:00,6532.0 +2019-05-29 12:00:00,6495.6 +2019-05-29 12:15:00,6502.8 +2019-05-29 12:30:00,6473.2 +2019-05-29 12:45:00,6407.2 +2019-05-29 13:00:00,6368.0 +2019-05-29 13:15:00,6332.0 +2019-05-29 13:30:00,6328.8 +2019-05-29 13:45:00,6293.6 +2019-05-29 14:00:00,6259.2 +2019-05-29 14:15:00,6209.2 +2019-05-29 14:30:00,6174.0 +2019-05-29 14:45:00,6106.8 +2019-05-29 15:00:00,6085.6 +2019-05-29 15:15:00,6044.0 +2019-05-29 15:30:00,6004.0 +2019-05-29 15:45:00,5991.2 +2019-05-29 16:00:00,6016.4 +2019-05-29 16:15:00,6003.2 +2019-05-29 16:30:00,5965.2 +2019-05-29 16:45:00,5980.8 +2019-05-29 17:00:00,5952.8 +2019-05-29 17:15:00,5912.4 +2019-05-29 17:30:00,5907.2 +2019-05-29 17:45:00,5920.0 +2019-05-29 18:00:00,5943.2 +2019-05-29 18:15:00,5894.4 +2019-05-29 18:30:00,5887.2 +2019-05-29 18:45:00,5852.4 +2019-05-29 19:00:00,5785.2 +2019-05-29 19:15:00,5714.0 +2019-05-29 19:30:00,5671.2 +2019-05-29 19:45:00,5598.0 +2019-05-29 20:00:00,5548.4 +2019-05-29 20:15:00,5506.0 +2019-05-29 20:30:00,5456.4 +2019-05-29 20:45:00,5414.4 +2019-05-29 21:00:00,5345.2 +2019-05-29 21:15:00,5275.6 +2019-05-29 21:30:00,5142.8 +2019-05-29 21:45:00,5053.6 +2019-05-29 22:00:00,4928.0 +2019-05-29 22:15:00,4812.8 +2019-05-29 22:30:00,4719.2 +2019-05-29 22:45:00,4692.4 +2019-05-29 23:00:00,4622.0 +2019-05-29 23:15:00,4562.0 +2019-05-29 23:30:00,4538.8 +2019-05-29 23:45:00,4486.4 +2019-05-30 00:00:00,4374.8 +2019-05-30 00:15:00,4327.2 +2019-05-30 00:30:00,4313.2 +2019-05-30 00:45:00,4273.2 +2019-05-30 01:00:00,4197.6 +2019-05-30 01:15:00,4170.8 +2019-05-30 01:30:00,4169.6 +2019-05-30 01:45:00,4166.8 +2019-05-30 02:00:00,4171.6 +2019-05-30 02:15:00,4166.8 +2019-05-30 02:30:00,4160.0 +2019-05-30 02:45:00,4147.6 +2019-05-30 03:00:00,4156.0 +2019-05-30 03:15:00,4144.8 +2019-05-30 03:30:00,4148.8 +2019-05-30 03:45:00,4127.6 +2019-05-30 04:00:00,4170.8 +2019-05-30 04:15:00,4109.6 +2019-05-30 04:30:00,4060.4 +2019-05-30 04:45:00,4022.8 +2019-05-30 05:00:00,3990.0 +2019-05-30 05:15:00,4018.8 +2019-05-30 05:30:00,4039.2 +2019-05-30 05:45:00,4114.4 +2019-05-30 06:00:00,4168.4 +2019-05-30 06:15:00,4224.4 +2019-05-30 06:30:00,4309.2 +2019-05-30 06:45:00,4391.2 +2019-05-30 07:00:00,4474.8 +2019-05-30 07:15:00,4565.6 +2019-05-30 07:30:00,4650.0 +2019-05-30 07:45:00,4722.8 +2019-05-30 08:00:00,4745.6 +2019-05-30 08:15:00,4803.2 +2019-05-30 08:30:00,4880.4 +2019-05-30 08:45:00,4914.8 +2019-05-30 09:00:00,4944.4 +2019-05-30 09:15:00,4966.0 +2019-05-30 09:30:00,4989.2 +2019-05-30 09:45:00,5012.0 +2019-05-30 10:00:00,5047.2 +2019-05-30 10:15:00,5104.4 +2019-05-30 10:30:00,5135.2 +2019-05-30 10:45:00,5160.4 +2019-05-30 11:00:00,5161.2 +2019-05-30 11:15:00,5160.0 +2019-05-30 11:30:00,5124.8 +2019-05-30 11:45:00,5105.6 +2019-05-30 12:00:00,5052.4 +2019-05-30 12:15:00,4996.4 +2019-05-30 12:30:00,4974.0 +2019-05-30 12:45:00,4928.4 +2019-05-30 13:00:00,4875.2 +2019-05-30 13:15:00,4822.8 +2019-05-30 13:30:00,4823.2 +2019-05-30 13:45:00,4798.4 +2019-05-30 14:00:00,4767.2 +2019-05-30 14:15:00,4740.8 +2019-05-30 14:30:00,4714.4 +2019-05-30 14:45:00,4700.8 +2019-05-30 15:00:00,4705.6 +2019-05-30 15:15:00,4651.6 +2019-05-30 15:30:00,4639.2 +2019-05-30 15:45:00,4640.8 +2019-05-30 16:00:00,4730.4 +2019-05-30 16:15:00,4714.8 +2019-05-30 16:30:00,4750.0 +2019-05-30 16:45:00,4788.0 +2019-05-30 17:00:00,4838.4 +2019-05-30 17:15:00,4808.4 +2019-05-30 17:30:00,4853.2 +2019-05-30 17:45:00,4848.0 +2019-05-30 18:00:00,4876.4 +2019-05-30 18:15:00,4862.0 +2019-05-30 18:30:00,4862.4 +2019-05-30 18:45:00,4849.6 +2019-05-30 19:00:00,4820.4 +2019-05-30 19:15:00,4816.0 +2019-05-30 19:30:00,4797.6 +2019-05-30 19:45:00,4782.0 +2019-05-30 20:00:00,4754.8 +2019-05-30 20:15:00,4761.2 +2019-05-30 20:30:00,4766.4 +2019-05-30 20:45:00,4758.0 +2019-05-30 21:00:00,4788.0 +2019-05-30 21:15:00,4734.0 +2019-05-30 21:30:00,4652.0 +2019-05-30 21:45:00,4561.2 +2019-05-30 22:00:00,4474.0 +2019-05-30 22:15:00,4362.8 +2019-05-30 22:30:00,4308.8 +2019-05-30 22:45:00,4197.2 +2019-05-30 23:00:00,4126.4 +2019-05-30 23:15:00,4064.8 +2019-05-30 23:30:00,4042.0 +2019-05-30 23:45:00,4014.8 +2019-05-31 00:00:00,3966.8 +2019-05-31 00:15:00,3943.6 +2019-05-31 00:30:00,3930.8 +2019-05-31 00:45:00,3937.2 +2019-05-31 01:00:00,3886.4 +2019-05-31 01:15:00,3882.8 +2019-05-31 01:30:00,3875.2 +2019-05-31 01:45:00,3879.2 +2019-05-31 02:00:00,3866.8 +2019-05-31 02:15:00,3886.8 +2019-05-31 02:30:00,3896.0 +2019-05-31 02:45:00,3867.2 +2019-05-31 03:00:00,3891.2 +2019-05-31 03:15:00,3910.4 +2019-05-31 03:30:00,3936.4 +2019-05-31 03:45:00,3967.2 +2019-05-31 04:00:00,4078.8 +2019-05-31 04:15:00,4120.4 +2019-05-31 04:30:00,4148.8 +2019-05-31 04:45:00,4233.6 +2019-05-31 05:00:00,4509.6 +2019-05-31 05:15:00,4640.4 +2019-05-31 05:30:00,4772.4 +2019-05-31 05:45:00,4883.2 +2019-05-31 06:00:00,5079.2 +2019-05-31 06:15:00,5184.8 +2019-05-31 06:30:00,5292.8 +2019-05-31 06:45:00,5372.0 +2019-05-31 07:00:00,5502.4 +2019-05-31 07:15:00,5566.0 +2019-05-31 07:30:00,5612.0 +2019-05-31 07:45:00,5642.0 +2019-05-31 08:00:00,5630.4 +2019-05-31 08:15:00,5662.4 +2019-05-31 08:30:00,5708.4 +2019-05-31 08:45:00,5722.4 +2019-05-31 09:00:00,5729.6 +2019-05-31 09:15:00,5727.6 +2019-05-31 09:30:00,5730.0 +2019-05-31 09:45:00,5756.8 +2019-05-31 10:00:00,5794.4 +2019-05-31 10:15:00,5827.6 +2019-05-31 10:30:00,5875.2 +2019-05-31 10:45:00,5898.0 +2019-05-31 11:00:00,5875.2 +2019-05-31 11:15:00,5882.8 +2019-05-31 11:30:00,5892.0 +2019-05-31 11:45:00,5865.2 +2019-05-31 12:00:00,5819.6 +2019-05-31 12:15:00,5781.2 +2019-05-31 12:30:00,5750.8 +2019-05-31 12:45:00,5672.8 +2019-05-31 13:00:00,5656.0 +2019-05-31 13:15:00,5649.6 +2019-05-31 13:30:00,5624.0 +2019-05-31 13:45:00,5567.2 +2019-05-31 14:00:00,5566.4 +2019-05-31 14:15:00,5512.4 +2019-05-31 14:30:00,5492.4 +2019-05-31 14:45:00,5427.6 +2019-05-31 15:00:00,5447.6 +2019-05-31 15:15:00,5410.4 +2019-05-31 15:30:00,5401.2 +2019-05-31 15:45:00,5396.8 +2019-05-31 16:00:00,5462.4 +2019-05-31 16:15:00,5440.4 +2019-05-31 16:30:00,5454.8 +2019-05-31 16:45:00,5469.6 +2019-05-31 17:00:00,5460.0 +2019-05-31 17:15:00,5440.0 +2019-05-31 17:30:00,5436.4 +2019-05-31 17:45:00,5434.4 +2019-05-31 18:00:00,5400.4 +2019-05-31 18:15:00,5389.6 +2019-05-31 18:30:00,5366.0 +2019-05-31 18:45:00,5322.4 +2019-05-31 19:00:00,5290.8 +2019-05-31 19:15:00,5219.6 +2019-05-31 19:30:00,5171.6 +2019-05-31 19:45:00,5118.8 +2019-05-31 20:00:00,5092.4 +2019-05-31 20:15:00,5072.0 +2019-05-31 20:30:00,5051.2 +2019-05-31 20:45:00,5048.8 +2019-05-31 21:00:00,5028.0 +2019-05-31 21:15:00,4970.0 +2019-05-31 21:30:00,4887.6 +2019-05-31 21:45:00,4795.2 +2019-05-31 22:00:00,4683.6 +2019-05-31 22:15:00,4589.2 +2019-05-31 22:30:00,4515.6 +2019-05-31 22:45:00,4448.0 +2019-05-31 23:00:00,4365.2 +2019-05-31 23:15:00,4283.6 +2019-05-31 23:30:00,4203.6 +2019-05-31 23:45:00,4184.4 +2019-06-01 00:00:00,4114.4 +2019-06-01 00:15:00,4042.4 +2019-06-01 00:30:00,3993.6 +2019-06-01 00:45:00,3952.0 +2019-06-01 01:00:00,3942.0 +2019-06-01 01:15:00,3933.2 +2019-06-01 01:30:00,3905.6 +2019-06-01 01:45:00,3894.0 +2019-06-01 02:00:00,3891.2 +2019-06-01 02:15:00,3871.6 +2019-06-01 02:30:00,3847.2 +2019-06-01 02:45:00,3873.2 +2019-06-01 03:00:00,3877.2 +2019-06-01 03:15:00,3889.2 +2019-06-01 03:30:00,3910.4 +2019-06-01 03:45:00,3904.4 +2019-06-01 04:00:00,3891.6 +2019-06-01 04:15:00,3878.4 +2019-06-01 04:30:00,3902.0 +2019-06-01 04:45:00,3953.2 +2019-06-01 05:00:00,4041.6 +2019-06-01 05:15:00,4095.2 +2019-06-01 05:30:00,4162.0 +2019-06-01 05:45:00,4225.6 +2019-06-01 06:00:00,4316.0 +2019-06-01 06:15:00,4402.0 +2019-06-01 06:30:00,4496.0 +2019-06-01 06:45:00,4596.4 +2019-06-01 07:00:00,4717.2 +2019-06-01 07:15:00,4820.8 +2019-06-01 07:30:00,4932.0 +2019-06-01 07:45:00,5020.8 +2019-06-01 08:00:00,5102.8 +2019-06-01 08:15:00,5155.2 +2019-06-01 08:30:00,5224.4 +2019-06-01 08:45:00,5287.6 +2019-06-01 09:00:00,5327.2 +2019-06-01 09:15:00,5352.0 +2019-06-01 09:30:00,5395.6 +2019-06-01 09:45:00,5408.0 +2019-06-01 10:00:00,5400.0 +2019-06-01 10:15:00,5440.8 +2019-06-01 10:30:00,5438.0 +2019-06-01 10:45:00,5430.8 +2019-06-01 11:00:00,5422.8 +2019-06-01 11:15:00,5407.6 +2019-06-01 11:30:00,5348.0 +2019-06-01 11:45:00,5358.4 +2019-06-01 12:00:00,5316.4 +2019-06-01 12:15:00,5280.4 +2019-06-01 12:30:00,5224.8 +2019-06-01 12:45:00,5206.4 +2019-06-01 13:00:00,5168.4 +2019-06-01 13:15:00,5173.6 +2019-06-01 13:30:00,5120.0 +2019-06-01 13:45:00,5079.6 +2019-06-01 14:00:00,5077.2 +2019-06-01 14:15:00,5056.0 +2019-06-01 14:30:00,5032.8 +2019-06-01 14:45:00,5006.4 +2019-06-01 15:00:00,5021.6 +2019-06-01 15:15:00,5016.0 +2019-06-01 15:30:00,4963.2 +2019-06-01 15:45:00,4990.4 +2019-06-01 16:00:00,4998.0 +2019-06-01 16:15:00,5009.6 +2019-06-01 16:30:00,5026.8 +2019-06-01 16:45:00,5040.0 +2019-06-01 17:00:00,5062.0 +2019-06-01 17:15:00,5052.8 +2019-06-01 17:30:00,5032.0 +2019-06-01 17:45:00,5048.4 +2019-06-01 18:00:00,5025.6 +2019-06-01 18:15:00,4996.8 +2019-06-01 18:30:00,5003.2 +2019-06-01 18:45:00,4949.6 +2019-06-01 19:00:00,4925.2 +2019-06-01 19:15:00,4851.6 +2019-06-01 19:30:00,4827.2 +2019-06-01 19:45:00,4790.4 +2019-06-01 20:00:00,4763.6 +2019-06-01 20:15:00,4738.0 +2019-06-01 20:30:00,4710.0 +2019-06-01 20:45:00,4725.2 +2019-06-01 21:00:00,4752.8 +2019-06-01 21:15:00,4688.8 +2019-06-01 21:30:00,4595.2 +2019-06-01 21:45:00,4520.0 +2019-06-01 22:00:00,4437.6 +2019-06-01 22:15:00,4375.6 +2019-06-01 22:30:00,4301.6 +2019-06-01 22:45:00,4208.8 +2019-06-01 23:00:00,4142.4 +2019-06-01 23:15:00,4080.0 +2019-06-01 23:30:00,4027.6 +2019-06-01 23:45:00,3961.2 +2019-06-02 00:00:00,3916.4 +2019-06-02 00:15:00,3864.0 +2019-06-02 00:30:00,3834.4 +2019-06-02 00:45:00,3816.8 +2019-06-02 01:00:00,3770.4 +2019-06-02 01:15:00,3701.6 +2019-06-02 01:30:00,3693.6 +2019-06-02 01:45:00,3676.4 +2019-06-02 02:00:00,3677.2 +2019-06-02 02:15:00,3659.2 +2019-06-02 02:30:00,3666.8 +2019-06-02 02:45:00,3649.2 +2019-06-02 03:00:00,3648.4 +2019-06-02 03:15:00,3646.0 +2019-06-02 03:30:00,3644.8 +2019-06-02 03:45:00,3640.0 +2019-06-02 04:00:00,3607.2 +2019-06-02 04:15:00,3570.4 +2019-06-02 04:30:00,3590.8 +2019-06-02 04:45:00,3602.0 +2019-06-02 05:00:00,3643.6 +2019-06-02 05:15:00,3669.2 +2019-06-02 05:30:00,3725.2 +2019-06-02 05:45:00,3765.2 +2019-06-02 06:00:00,3824.0 +2019-06-02 06:15:00,3890.4 +2019-06-02 06:30:00,4004.8 +2019-06-02 06:45:00,4092.0 +2019-06-02 07:00:00,4215.2 +2019-06-02 07:15:00,4308.8 +2019-06-02 07:30:00,4385.2 +2019-06-02 07:45:00,4484.8 +2019-06-02 08:00:00,4563.2 +2019-06-02 08:15:00,4622.4 +2019-06-02 08:30:00,4715.6 +2019-06-02 08:45:00,4729.6 +2019-06-02 09:00:00,4767.2 +2019-06-02 09:15:00,4806.0 +2019-06-02 09:30:00,4852.0 +2019-06-02 09:45:00,4878.0 +2019-06-02 10:00:00,4915.6 +2019-06-02 10:15:00,4958.0 +2019-06-02 10:30:00,4985.6 +2019-06-02 10:45:00,4990.0 +2019-06-02 11:00:00,4964.4 +2019-06-02 11:15:00,4952.0 +2019-06-02 11:30:00,4925.6 +2019-06-02 11:45:00,4890.8 +2019-06-02 12:00:00,4868.8 +2019-06-02 12:15:00,4827.6 +2019-06-02 12:30:00,4766.8 +2019-06-02 12:45:00,4725.2 +2019-06-02 13:00:00,4718.8 +2019-06-02 13:15:00,4682.8 +2019-06-02 13:30:00,4669.2 +2019-06-02 13:45:00,4619.2 +2019-06-02 14:00:00,4630.8 +2019-06-02 14:15:00,4618.0 +2019-06-02 14:30:00,4604.8 +2019-06-02 14:45:00,4581.2 +2019-06-02 15:00:00,4591.6 +2019-06-02 15:15:00,4604.0 +2019-06-02 15:30:00,4618.8 +2019-06-02 15:45:00,4620.0 +2019-06-02 16:00:00,4704.8 +2019-06-02 16:15:00,4746.0 +2019-06-02 16:30:00,4739.2 +2019-06-02 16:45:00,4757.2 +2019-06-02 17:00:00,4837.2 +2019-06-02 17:15:00,4841.6 +2019-06-02 17:30:00,4851.2 +2019-06-02 17:45:00,4867.2 +2019-06-02 18:00:00,4888.8 +2019-06-02 18:15:00,4904.8 +2019-06-02 18:30:00,4918.0 +2019-06-02 18:45:00,4941.6 +2019-06-02 19:00:00,4923.2 +2019-06-02 19:15:00,4924.8 +2019-06-02 19:30:00,4877.2 +2019-06-02 19:45:00,4878.8 +2019-06-02 20:00:00,4856.0 +2019-06-02 20:15:00,4805.6 +2019-06-02 20:30:00,4777.2 +2019-06-02 20:45:00,4819.6 +2019-06-02 21:00:00,4893.6 +2019-06-02 21:15:00,4895.2 +2019-06-02 21:30:00,4806.8 +2019-06-02 21:45:00,4745.2 +2019-06-02 22:00:00,4646.0 +2019-06-02 22:15:00,4555.6 +2019-06-02 22:30:00,4496.4 +2019-06-02 22:45:00,4472.8 +2019-06-02 23:00:00,4431.2 +2019-06-02 23:15:00,4363.2 +2019-06-02 23:30:00,4328.4 +2019-06-02 23:45:00,4260.8 +2019-06-03 00:00:00,4195.6 +2019-06-03 00:15:00,4160.4 +2019-06-03 00:30:00,4166.0 +2019-06-03 00:45:00,4151.6 +2019-06-03 01:00:00,4111.6 +2019-06-03 01:15:00,4094.8 +2019-06-03 01:30:00,4088.8 +2019-06-03 01:45:00,4080.8 +2019-06-03 02:00:00,4083.2 +2019-06-03 02:15:00,4078.0 +2019-06-03 02:30:00,4036.0 +2019-06-03 02:45:00,4019.6 +2019-06-03 03:00:00,4040.0 +2019-06-03 03:15:00,4049.2 +2019-06-03 03:30:00,4073.6 +2019-06-03 03:45:00,4111.2 +2019-06-03 04:00:00,4248.0 +2019-06-03 04:15:00,4342.4 +2019-06-03 04:30:00,4456.4 +2019-06-03 04:45:00,4656.0 +2019-06-03 05:00:00,5014.8 +2019-06-03 05:15:00,5274.0 +2019-06-03 05:30:00,5458.0 +2019-06-03 05:45:00,5626.8 +2019-06-03 06:00:00,5835.2 +2019-06-03 06:15:00,5962.8 +2019-06-03 06:30:00,6088.0 +2019-06-03 06:45:00,6206.0 +2019-06-03 07:00:00,6277.2 +2019-06-03 07:15:00,6358.0 +2019-06-03 07:30:00,6413.6 +2019-06-03 07:45:00,6485.6 +2019-06-03 08:00:00,6436.0 +2019-06-03 08:15:00,6484.4 +2019-06-03 08:30:00,6541.6 +2019-06-03 08:45:00,6594.0 +2019-06-03 09:00:00,6612.4 +2019-06-03 09:15:00,6658.4 +2019-06-03 09:30:00,6700.4 +2019-06-03 09:45:00,6742.0 +2019-06-03 10:00:00,6782.0 +2019-06-03 10:15:00,6832.8 +2019-06-03 10:30:00,6870.8 +2019-06-03 10:45:00,6882.4 +2019-06-03 11:00:00,6831.6 +2019-06-03 11:15:00,6820.0 +2019-06-03 11:30:00,6797.2 +2019-06-03 11:45:00,6786.0 +2019-06-03 12:00:00,6774.4 +2019-06-03 12:15:00,6730.8 +2019-06-03 12:30:00,6708.4 +2019-06-03 12:45:00,6653.6 +2019-06-03 13:00:00,6628.4 +2019-06-03 13:15:00,6643.6 +2019-06-03 13:30:00,6639.6 +2019-06-03 13:45:00,6629.2 +2019-06-03 14:00:00,6637.2 +2019-06-03 14:15:00,6652.8 +2019-06-03 14:30:00,6631.2 +2019-06-03 14:45:00,6583.2 +2019-06-03 15:00:00,6563.6 +2019-06-03 15:15:00,6503.6 +2019-06-03 15:30:00,6429.2 +2019-06-03 15:45:00,6412.0 +2019-06-03 16:00:00,6424.0 +2019-06-03 16:15:00,6436.0 +2019-06-03 16:30:00,6456.0 +2019-06-03 16:45:00,6439.6 +2019-06-03 17:00:00,6421.6 +2019-06-03 17:15:00,6384.8 +2019-06-03 17:30:00,6365.2 +2019-06-03 17:45:00,6356.8 +2019-06-03 18:00:00,6341.6 +2019-06-03 18:15:00,6310.4 +2019-06-03 18:30:00,6309.2 +2019-06-03 18:45:00,6288.4 +2019-06-03 19:00:00,6206.8 +2019-06-03 19:15:00,6091.2 +2019-06-03 19:30:00,6035.6 +2019-06-03 19:45:00,5988.4 +2019-06-03 20:00:00,5942.0 +2019-06-03 20:15:00,5890.4 +2019-06-03 20:30:00,5833.6 +2019-06-03 20:45:00,5764.4 +2019-06-03 21:00:00,5659.6 +2019-06-03 21:15:00,5568.0 +2019-06-03 21:30:00,5478.4 +2019-06-03 21:45:00,5365.2 +2019-06-03 22:00:00,5217.6 +2019-06-03 22:15:00,5132.0 +2019-06-03 22:30:00,5044.4 +2019-06-03 22:45:00,4975.2 +2019-06-03 23:00:00,4861.2 +2019-06-03 23:15:00,4778.0 +2019-06-03 23:30:00,4749.2 +2019-06-03 23:45:00,4708.8 +2019-06-04 00:00:00,4670.0 +2019-06-04 00:15:00,4629.6 +2019-06-04 00:30:00,4603.6 +2019-06-04 00:45:00,4578.8 +2019-06-04 01:00:00,4520.8 +2019-06-04 01:15:00,4507.6 +2019-06-04 01:30:00,4507.2 +2019-06-04 01:45:00,4515.2 +2019-06-04 02:00:00,4518.0 +2019-06-04 02:15:00,4518.4 +2019-06-04 02:30:00,4533.6 +2019-06-04 02:45:00,4534.0 +2019-06-04 03:00:00,4568.8 +2019-06-04 03:15:00,4586.4 +2019-06-04 03:30:00,4626.8 +2019-06-04 03:45:00,4681.2 +2019-06-04 04:00:00,4792.8 +2019-06-04 04:15:00,4853.2 +2019-06-04 04:30:00,4955.6 +2019-06-04 04:45:00,5095.2 +2019-06-04 05:00:00,5386.8 +2019-06-04 05:15:00,5621.2 +2019-06-04 05:30:00,5773.2 +2019-06-04 05:45:00,5931.6 +2019-06-04 06:00:00,6128.8 +2019-06-04 06:15:00,6235.2 +2019-06-04 06:30:00,6358.8 +2019-06-04 06:45:00,6450.8 +2019-06-04 07:00:00,6534.8 +2019-06-04 07:15:00,6574.8 +2019-06-04 07:30:00,6601.6 +2019-06-04 07:45:00,6666.8 +2019-06-04 08:00:00,6619.2 +2019-06-04 08:15:00,6654.0 +2019-06-04 08:30:00,6701.6 +2019-06-04 08:45:00,6762.8 +2019-06-04 09:00:00,6767.6 +2019-06-04 09:15:00,6780.0 +2019-06-04 09:30:00,6812.4 +2019-06-04 09:45:00,6865.6 +2019-06-04 10:00:00,6862.0 +2019-06-04 10:15:00,6890.4 +2019-06-04 10:30:00,6911.2 +2019-06-04 10:45:00,6930.4 +2019-06-04 11:00:00,6855.2 +2019-06-04 11:15:00,6849.6 +2019-06-04 11:30:00,6850.8 +2019-06-04 11:45:00,6857.2 +2019-06-04 12:00:00,6854.4 +2019-06-04 12:15:00,6821.6 +2019-06-04 12:30:00,6813.6 +2019-06-04 12:45:00,6753.6 +2019-06-04 13:00:00,6715.6 +2019-06-04 13:15:00,6736.0 +2019-06-04 13:30:00,6723.2 +2019-06-04 13:45:00,6682.0 +2019-06-04 14:00:00,6662.8 +2019-06-04 14:15:00,6617.2 +2019-06-04 14:30:00,6575.2 +2019-06-04 14:45:00,6529.2 +2019-06-04 15:00:00,6504.4 +2019-06-04 15:15:00,6472.0 +2019-06-04 15:30:00,6446.8 +2019-06-04 15:45:00,6442.8 +2019-06-04 16:00:00,6448.8 +2019-06-04 16:15:00,6426.0 +2019-06-04 16:30:00,6435.2 +2019-06-04 16:45:00,6446.0 +2019-06-04 17:00:00,6370.8 +2019-06-04 17:15:00,6372.0 +2019-06-04 17:30:00,6386.4 +2019-06-04 17:45:00,6404.0 +2019-06-04 18:00:00,6362.8 +2019-06-04 18:15:00,6320.0 +2019-06-04 18:30:00,6307.2 +2019-06-04 18:45:00,6297.6 +2019-06-04 19:00:00,6251.6 +2019-06-04 19:15:00,6174.0 +2019-06-04 19:30:00,6128.4 +2019-06-04 19:45:00,6070.8 +2019-06-04 20:00:00,5990.0 +2019-06-04 20:15:00,5917.6 +2019-06-04 20:30:00,5900.4 +2019-06-04 20:45:00,5851.6 +2019-06-04 21:00:00,5788.4 +2019-06-04 21:15:00,5720.4 +2019-06-04 21:30:00,5606.4 +2019-06-04 21:45:00,5509.2 +2019-06-04 22:00:00,5373.6 +2019-06-04 22:15:00,5297.6 +2019-06-04 22:30:00,5220.4 +2019-06-04 22:45:00,5136.4 +2019-06-04 23:00:00,5023.6 +2019-06-04 23:15:00,4952.8 +2019-06-04 23:30:00,4915.6 +2019-06-04 23:45:00,4831.2 +2019-06-05 00:00:00,4780.8 +2019-06-05 00:15:00,4774.8 +2019-06-05 00:30:00,4722.0 +2019-06-05 00:45:00,4700.0 +2019-06-05 01:00:00,4624.4 +2019-06-05 01:15:00,4612.4 +2019-06-05 01:30:00,4594.4 +2019-06-05 01:45:00,4569.2 +2019-06-05 02:00:00,4588.0 +2019-06-05 02:15:00,4595.6 +2019-06-05 02:30:00,4582.4 +2019-06-05 02:45:00,4572.4 +2019-06-05 03:00:00,4618.0 +2019-06-05 03:15:00,4650.8 +2019-06-05 03:30:00,4685.2 +2019-06-05 03:45:00,4737.2 +2019-06-05 04:00:00,4834.4 +2019-06-05 04:15:00,4841.2 +2019-06-05 04:30:00,4940.0 +2019-06-05 04:45:00,5082.4 +2019-06-05 05:00:00,5417.2 +2019-06-05 05:15:00,5601.2 +2019-06-05 05:30:00,5791.6 +2019-06-05 05:45:00,5970.8 +2019-06-05 06:00:00,6176.4 +2019-06-05 06:15:00,6294.0 +2019-06-05 06:30:00,6388.4 +2019-06-05 06:45:00,6450.4 +2019-06-05 07:00:00,6536.8 +2019-06-05 07:15:00,6610.4 +2019-06-05 07:30:00,6637.6 +2019-06-05 07:45:00,6648.8 +2019-06-05 08:00:00,6630.8 +2019-06-05 08:15:00,6678.4 +2019-06-05 08:30:00,6719.2 +2019-06-05 08:45:00,6753.6 +2019-06-05 09:00:00,6775.6 +2019-06-05 09:15:00,6806.4 +2019-06-05 09:30:00,6844.4 +2019-06-05 09:45:00,6909.2 +2019-06-05 10:00:00,6900.4 +2019-06-05 10:15:00,6958.4 +2019-06-05 10:30:00,6975.2 +2019-06-05 10:45:00,6964.8 +2019-06-05 11:00:00,6862.8 +2019-06-05 11:15:00,6857.2 +2019-06-05 11:30:00,6860.4 +2019-06-05 11:45:00,6877.6 +2019-06-05 12:00:00,6892.4 +2019-06-05 12:15:00,6888.0 +2019-06-05 12:30:00,6839.2 +2019-06-05 12:45:00,6764.0 +2019-06-05 13:00:00,6746.0 +2019-06-05 13:15:00,6726.4 +2019-06-05 13:30:00,6693.2 +2019-06-05 13:45:00,6687.6 +2019-06-05 14:00:00,6661.2 +2019-06-05 14:15:00,6627.2 +2019-06-05 14:30:00,6602.8 +2019-06-05 14:45:00,6557.6 +2019-06-05 15:00:00,6544.4 +2019-06-05 15:15:00,6535.2 +2019-06-05 15:30:00,6497.6 +2019-06-05 15:45:00,6470.8 +2019-06-05 16:00:00,6482.0 +2019-06-05 16:15:00,6486.0 +2019-06-05 16:30:00,6484.4 +2019-06-05 16:45:00,6457.6 +2019-06-05 17:00:00,6436.4 +2019-06-05 17:15:00,6409.6 +2019-06-05 17:30:00,6413.2 +2019-06-05 17:45:00,6415.6 +2019-06-05 18:00:00,6376.0 +2019-06-05 18:15:00,6331.2 +2019-06-05 18:30:00,6318.8 +2019-06-05 18:45:00,6317.2 +2019-06-05 19:00:00,6214.8 +2019-06-05 19:15:00,6124.4 +2019-06-05 19:30:00,6026.8 +2019-06-05 19:45:00,5982.8 +2019-06-05 20:00:00,5869.6 +2019-06-05 20:15:00,5812.0 +2019-06-05 20:30:00,5778.8 +2019-06-05 20:45:00,5753.2 +2019-06-05 21:00:00,5670.8 +2019-06-05 21:15:00,5611.6 +2019-06-05 21:30:00,5515.2 +2019-06-05 21:45:00,5443.2 +2019-06-05 22:00:00,5302.4 +2019-06-05 22:15:00,5200.0 +2019-06-05 22:30:00,5094.0 +2019-06-05 22:45:00,4990.4 +2019-06-05 23:00:00,4967.6 +2019-06-05 23:15:00,4905.6 +2019-06-05 23:30:00,4869.6 +2019-06-05 23:45:00,4859.2 +2019-06-06 00:00:00,4817.6 +2019-06-06 00:15:00,4768.4 +2019-06-06 00:30:00,4735.2 +2019-06-06 00:45:00,4681.2 +2019-06-06 01:00:00,4626.4 +2019-06-06 01:15:00,4638.4 +2019-06-06 01:30:00,4662.4 +2019-06-06 01:45:00,4654.0 +2019-06-06 02:00:00,4699.2 +2019-06-06 02:15:00,4683.6 +2019-06-06 02:30:00,4690.8 +2019-06-06 02:45:00,4683.2 +2019-06-06 03:00:00,4704.0 +2019-06-06 03:15:00,4694.8 +2019-06-06 03:30:00,4710.4 +2019-06-06 03:45:00,4777.2 +2019-06-06 04:00:00,4922.4 +2019-06-06 04:15:00,4966.8 +2019-06-06 04:30:00,5030.8 +2019-06-06 04:45:00,5127.2 +2019-06-06 05:00:00,5429.6 +2019-06-06 05:15:00,5628.8 +2019-06-06 05:30:00,5748.4 +2019-06-06 05:45:00,5902.8 +2019-06-06 06:00:00,6098.8 +2019-06-06 06:15:00,6226.0 +2019-06-06 06:30:00,6368.0 +2019-06-06 06:45:00,6501.6 +2019-06-06 07:00:00,6573.6 +2019-06-06 07:15:00,6587.2 +2019-06-06 07:30:00,6600.0 +2019-06-06 07:45:00,6628.8 +2019-06-06 08:00:00,6615.2 +2019-06-06 08:15:00,6647.6 +2019-06-06 08:30:00,6715.6 +2019-06-06 08:45:00,6765.2 +2019-06-06 09:00:00,6785.2 +2019-06-06 09:15:00,6829.2 +2019-06-06 09:30:00,6870.0 +2019-06-06 09:45:00,6925.2 +2019-06-06 10:00:00,6937.2 +2019-06-06 10:15:00,6935.6 +2019-06-06 10:30:00,6960.8 +2019-06-06 10:45:00,6991.2 +2019-06-06 11:00:00,6912.4 +2019-06-06 11:15:00,6897.6 +2019-06-06 11:30:00,6878.4 +2019-06-06 11:45:00,6879.6 +2019-06-06 12:00:00,6878.0 +2019-06-06 12:15:00,6839.2 +2019-06-06 12:30:00,6804.0 +2019-06-06 12:45:00,6740.4 +2019-06-06 13:00:00,6670.0 +2019-06-06 13:15:00,6603.6 +2019-06-06 13:30:00,6582.0 +2019-06-06 13:45:00,6561.6 +2019-06-06 14:00:00,6519.2 +2019-06-06 14:15:00,6466.4 +2019-06-06 14:30:00,6423.2 +2019-06-06 14:45:00,6380.4 +2019-06-06 15:00:00,6330.0 +2019-06-06 15:15:00,6296.4 +2019-06-06 15:30:00,6284.0 +2019-06-06 15:45:00,6256.8 +2019-06-06 16:00:00,6268.0 +2019-06-06 16:15:00,6262.4 +2019-06-06 16:30:00,6278.0 +2019-06-06 16:45:00,6266.4 +2019-06-06 17:00:00,6225.2 +2019-06-06 17:15:00,6188.8 +2019-06-06 17:30:00,6167.6 +2019-06-06 17:45:00,6145.2 +2019-06-06 18:00:00,6128.4 +2019-06-06 18:15:00,6085.2 +2019-06-06 18:30:00,6048.0 +2019-06-06 18:45:00,6016.4 +2019-06-06 19:00:00,5909.6 +2019-06-06 19:15:00,5815.6 +2019-06-06 19:30:00,5716.4 +2019-06-06 19:45:00,5687.2 +2019-06-06 20:00:00,5648.0 +2019-06-06 20:15:00,5604.0 +2019-06-06 20:30:00,5555.6 +2019-06-06 20:45:00,5506.0 +2019-06-06 21:00:00,5468.8 +2019-06-06 21:15:00,5378.8 +2019-06-06 21:30:00,5276.4 +2019-06-06 21:45:00,5200.0 +2019-06-06 22:00:00,5060.0 +2019-06-06 22:15:00,4965.2 +2019-06-06 22:30:00,4871.2 +2019-06-06 22:45:00,4787.6 +2019-06-06 23:00:00,4731.2 +2019-06-06 23:15:00,4661.2 +2019-06-06 23:30:00,4610.4 +2019-06-06 23:45:00,4558.8 +2019-06-07 00:00:00,4514.4 +2019-06-07 00:15:00,4485.2 +2019-06-07 00:30:00,4437.6 +2019-06-07 00:45:00,4414.8 +2019-06-07 01:00:00,4361.2 +2019-06-07 01:15:00,4351.2 +2019-06-07 01:30:00,4340.4 +2019-06-07 01:45:00,4359.6 +2019-06-07 02:00:00,4370.0 +2019-06-07 02:15:00,4378.4 +2019-06-07 02:30:00,4383.2 +2019-06-07 02:45:00,4396.8 +2019-06-07 03:00:00,4436.4 +2019-06-07 03:15:00,4485.2 +2019-06-07 03:30:00,4496.8 +2019-06-07 03:45:00,4532.8 +2019-06-07 04:00:00,4612.4 +2019-06-07 04:15:00,4691.6 +2019-06-07 04:30:00,4792.4 +2019-06-07 04:45:00,4912.4 +2019-06-07 05:00:00,5159.6 +2019-06-07 05:15:00,5354.4 +2019-06-07 05:30:00,5518.0 +2019-06-07 05:45:00,5662.8 +2019-06-07 06:00:00,5826.4 +2019-06-07 06:15:00,5936.4 +2019-06-07 06:30:00,6032.8 +2019-06-07 06:45:00,6135.2 +2019-06-07 07:00:00,6252.4 +2019-06-07 07:15:00,6297.6 +2019-06-07 07:30:00,6350.8 +2019-06-07 07:45:00,6367.6 +2019-06-07 08:00:00,6343.2 +2019-06-07 08:15:00,6369.6 +2019-06-07 08:30:00,6404.4 +2019-06-07 08:45:00,6432.4 +2019-06-07 09:00:00,6433.6 +2019-06-07 09:15:00,6469.2 +2019-06-07 09:30:00,6535.6 +2019-06-07 09:45:00,6592.0 +2019-06-07 10:00:00,6585.6 +2019-06-07 10:15:00,6611.2 +2019-06-07 10:30:00,6642.0 +2019-06-07 10:45:00,6640.0 +2019-06-07 11:00:00,6596.4 +2019-06-07 11:15:00,6600.0 +2019-06-07 11:30:00,6610.8 +2019-06-07 11:45:00,6598.0 +2019-06-07 12:00:00,6548.4 +2019-06-07 12:15:00,6552.4 +2019-06-07 12:30:00,6521.6 +2019-06-07 12:45:00,6473.6 +2019-06-07 13:00:00,6430.4 +2019-06-07 13:15:00,6377.2 +2019-06-07 13:30:00,6345.6 +2019-06-07 13:45:00,6311.6 +2019-06-07 14:00:00,6326.0 +2019-06-07 14:15:00,6276.8 +2019-06-07 14:30:00,6264.8 +2019-06-07 14:45:00,6230.4 +2019-06-07 15:00:00,6223.2 +2019-06-07 15:15:00,6191.2 +2019-06-07 15:30:00,6167.2 +2019-06-07 15:45:00,6157.6 +2019-06-07 16:00:00,6166.8 +2019-06-07 16:15:00,6155.6 +2019-06-07 16:30:00,6107.6 +2019-06-07 16:45:00,6082.0 +2019-06-07 17:00:00,6029.2 +2019-06-07 17:15:00,6007.2 +2019-06-07 17:30:00,5973.2 +2019-06-07 17:45:00,5964.8 +2019-06-07 18:00:00,5930.0 +2019-06-07 18:15:00,5855.2 +2019-06-07 18:30:00,5871.2 +2019-06-07 18:45:00,5844.4 +2019-06-07 19:00:00,5757.6 +2019-06-07 19:15:00,5686.8 +2019-06-07 19:30:00,5661.6 +2019-06-07 19:45:00,5592.8 +2019-06-07 20:00:00,5499.6 +2019-06-07 20:15:00,5396.4 +2019-06-07 20:30:00,5370.4 +2019-06-07 20:45:00,5372.4 +2019-06-07 21:00:00,5306.0 +2019-06-07 21:15:00,5224.0 +2019-06-07 21:30:00,5096.8 +2019-06-07 21:45:00,5002.8 +2019-06-07 22:00:00,4881.2 +2019-06-07 22:15:00,4799.2 +2019-06-07 22:30:00,4768.8 +2019-06-07 22:45:00,4706.8 +2019-06-07 23:00:00,4604.0 +2019-06-07 23:15:00,4501.2 +2019-06-07 23:30:00,4457.2 +2019-06-07 23:45:00,4437.2 +2019-06-08 00:00:00,4393.2 +2019-06-08 00:15:00,4355.2 +2019-06-08 00:30:00,4329.6 +2019-06-08 00:45:00,4307.6 +2019-06-08 01:00:00,4298.0 +2019-06-08 01:15:00,4258.4 +2019-06-08 01:30:00,4238.0 +2019-06-08 01:45:00,4214.0 +2019-06-08 02:00:00,4178.4 +2019-06-08 02:15:00,4169.2 +2019-06-08 02:30:00,4140.8 +2019-06-08 02:45:00,4150.8 +2019-06-08 03:00:00,4182.4 +2019-06-08 03:15:00,4154.0 +2019-06-08 03:30:00,4162.0 +2019-06-08 03:45:00,4135.6 +2019-06-08 04:00:00,4137.6 +2019-06-08 04:15:00,4159.6 +2019-06-08 04:30:00,4178.8 +2019-06-08 04:45:00,4191.6 +2019-06-08 05:00:00,4263.6 +2019-06-08 05:15:00,4328.8 +2019-06-08 05:30:00,4405.6 +2019-06-08 05:45:00,4465.2 +2019-06-08 06:00:00,4583.2 +2019-06-08 06:15:00,4645.6 +2019-06-08 06:30:00,4732.8 +2019-06-08 06:45:00,4827.6 +2019-06-08 07:00:00,4922.8 +2019-06-08 07:15:00,4984.4 +2019-06-08 07:30:00,5064.0 +2019-06-08 07:45:00,5148.4 +2019-06-08 08:00:00,5233.2 +2019-06-08 08:15:00,5268.4 +2019-06-08 08:30:00,5348.4 +2019-06-08 08:45:00,5401.6 +2019-06-08 09:00:00,5397.2 +2019-06-08 09:15:00,5429.2 +2019-06-08 09:30:00,5499.6 +2019-06-08 09:45:00,5516.8 +2019-06-08 10:00:00,5588.8 +2019-06-08 10:15:00,5588.8 +2019-06-08 10:30:00,5591.6 +2019-06-08 10:45:00,5564.4 +2019-06-08 11:00:00,5522.4 +2019-06-08 11:15:00,5479.2 +2019-06-08 11:30:00,5428.4 +2019-06-08 11:45:00,5335.2 +2019-06-08 12:00:00,5318.0 +2019-06-08 12:15:00,5298.8 +2019-06-08 12:30:00,5277.2 +2019-06-08 12:45:00,5242.0 +2019-06-08 13:00:00,5140.8 +2019-06-08 13:15:00,5105.2 +2019-06-08 13:30:00,5072.8 +2019-06-08 13:45:00,5026.0 +2019-06-08 14:00:00,5030.4 +2019-06-08 14:15:00,4963.6 +2019-06-08 14:30:00,4952.4 +2019-06-08 14:45:00,4919.6 +2019-06-08 15:00:00,4960.8 +2019-06-08 15:15:00,4942.8 +2019-06-08 15:30:00,4966.4 +2019-06-08 15:45:00,4980.0 +2019-06-08 16:00:00,5048.0 +2019-06-08 16:15:00,5048.8 +2019-06-08 16:30:00,5044.8 +2019-06-08 16:45:00,5013.2 +2019-06-08 17:00:00,5022.4 +2019-06-08 17:15:00,4972.8 +2019-06-08 17:30:00,4956.4 +2019-06-08 17:45:00,4916.0 +2019-06-08 18:00:00,4936.8 +2019-06-08 18:15:00,4900.8 +2019-06-08 18:30:00,4853.6 +2019-06-08 18:45:00,4813.6 +2019-06-08 19:00:00,4780.4 +2019-06-08 19:15:00,4724.4 +2019-06-08 19:30:00,4654.8 +2019-06-08 19:45:00,4592.4 +2019-06-08 20:00:00,4567.2 +2019-06-08 20:15:00,4540.0 +2019-06-08 20:30:00,4546.0 +2019-06-08 20:45:00,4550.0 +2019-06-08 21:00:00,4562.0 +2019-06-08 21:15:00,4528.4 +2019-06-08 21:30:00,4445.2 +2019-06-08 21:45:00,4386.0 +2019-06-08 22:00:00,4287.6 +2019-06-08 22:15:00,4222.0 +2019-06-08 22:30:00,4174.4 +2019-06-08 22:45:00,4129.6 +2019-06-08 23:00:00,4048.0 +2019-06-08 23:15:00,3990.0 +2019-06-08 23:30:00,3943.2 +2019-06-08 23:45:00,3868.8 +2019-06-09 00:00:00,3815.6 +2019-06-09 00:15:00,3782.4 +2019-06-09 00:30:00,3752.4 +2019-06-09 00:45:00,3720.0 +2019-06-09 01:00:00,3675.6 +2019-06-09 01:15:00,3670.4 +2019-06-09 01:30:00,3633.6 +2019-06-09 01:45:00,3602.8 +2019-06-09 02:00:00,3624.0 +2019-06-09 02:15:00,3606.8 +2019-06-09 02:30:00,3592.0 +2019-06-09 02:45:00,3585.2 +2019-06-09 03:00:00,3622.8 +2019-06-09 03:15:00,3613.2 +2019-06-09 03:30:00,3595.2 +2019-06-09 03:45:00,3549.2 +2019-06-09 04:00:00,3556.8 +2019-06-09 04:15:00,3512.4 +2019-06-09 04:30:00,3493.6 +2019-06-09 04:45:00,3490.4 +2019-06-09 05:00:00,3536.4 +2019-06-09 05:15:00,3565.2 +2019-06-09 05:30:00,3618.4 +2019-06-09 05:45:00,3634.4 +2019-06-09 06:00:00,3671.2 +2019-06-09 06:15:00,3742.0 +2019-06-09 06:30:00,3838.4 +2019-06-09 06:45:00,3926.4 +2019-06-09 07:00:00,4010.8 +2019-06-09 07:15:00,4093.6 +2019-06-09 07:30:00,4177.2 +2019-06-09 07:45:00,4261.6 +2019-06-09 08:00:00,4336.8 +2019-06-09 08:15:00,4391.6 +2019-06-09 08:30:00,4428.8 +2019-06-09 08:45:00,4478.8 +2019-06-09 09:00:00,4510.0 +2019-06-09 09:15:00,4556.8 +2019-06-09 09:30:00,4592.0 +2019-06-09 09:45:00,4669.2 +2019-06-09 10:00:00,4712.0 +2019-06-09 10:15:00,4748.0 +2019-06-09 10:30:00,4778.8 +2019-06-09 10:45:00,4767.6 +2019-06-09 11:00:00,4760.0 +2019-06-09 11:15:00,4739.2 +2019-06-09 11:30:00,4694.0 +2019-06-09 11:45:00,4643.2 +2019-06-09 12:00:00,4585.6 +2019-06-09 12:15:00,4527.2 +2019-06-09 12:30:00,4473.6 +2019-06-09 12:45:00,4424.0 +2019-06-09 13:00:00,4416.8 +2019-06-09 13:15:00,4378.0 +2019-06-09 13:30:00,4332.0 +2019-06-09 13:45:00,4284.0 +2019-06-09 14:00:00,4316.0 +2019-06-09 14:15:00,4300.4 +2019-06-09 14:30:00,4240.4 +2019-06-09 14:45:00,4205.2 +2019-06-09 15:00:00,4234.8 +2019-06-09 15:15:00,4229.6 +2019-06-09 15:30:00,4242.8 +2019-06-09 15:45:00,4241.6 +2019-06-09 16:00:00,4283.6 +2019-06-09 16:15:00,4269.6 +2019-06-09 16:30:00,4294.0 +2019-06-09 16:45:00,4333.2 +2019-06-09 17:00:00,4384.8 +2019-06-09 17:15:00,4404.4 +2019-06-09 17:30:00,4415.2 +2019-06-09 17:45:00,4424.4 +2019-06-09 18:00:00,4453.2 +2019-06-09 18:15:00,4452.4 +2019-06-09 18:30:00,4448.8 +2019-06-09 18:45:00,4426.0 +2019-06-09 19:00:00,4443.2 +2019-06-09 19:15:00,4389.6 +2019-06-09 19:30:00,4360.0 +2019-06-09 19:45:00,4332.4 +2019-06-09 20:00:00,4312.0 +2019-06-09 20:15:00,4302.8 +2019-06-09 20:30:00,4305.2 +2019-06-09 20:45:00,4322.8 +2019-06-09 21:00:00,4337.2 +2019-06-09 21:15:00,4284.4 +2019-06-09 21:30:00,4223.2 +2019-06-09 21:45:00,4186.4 +2019-06-09 22:00:00,4087.6 +2019-06-09 22:15:00,4002.8 +2019-06-09 22:30:00,3942.8 +2019-06-09 22:45:00,3900.8 +2019-06-09 23:00:00,3847.2 +2019-06-09 23:15:00,3781.6 +2019-06-09 23:30:00,3736.8 +2019-06-09 23:45:00,3698.8 +2019-06-10 00:00:00,3640.0 +2019-06-10 00:15:00,3620.4 +2019-06-10 00:30:00,3600.8 +2019-06-10 00:45:00,3578.0 +2019-06-10 01:00:00,3571.2 +2019-06-10 01:15:00,3550.4 +2019-06-10 01:30:00,3546.0 +2019-06-10 01:45:00,3518.8 +2019-06-10 02:00:00,3500.8 +2019-06-10 02:15:00,3486.4 +2019-06-10 02:30:00,3489.2 +2019-06-10 02:45:00,3458.8 +2019-06-10 03:00:00,3479.6 +2019-06-10 03:15:00,3485.6 +2019-06-10 03:30:00,3494.8 +2019-06-10 03:45:00,3486.0 +2019-06-10 04:00:00,3503.2 +2019-06-10 04:15:00,3504.4 +2019-06-10 04:30:00,3532.8 +2019-06-10 04:45:00,3558.8 +2019-06-10 05:00:00,3576.0 +2019-06-10 05:15:00,3602.8 +2019-06-10 05:30:00,3632.8 +2019-06-10 05:45:00,3666.8 +2019-06-10 06:00:00,3744.8 +2019-06-10 06:15:00,3820.8 +2019-06-10 06:30:00,3883.6 +2019-06-10 06:45:00,3988.4 +2019-06-10 07:00:00,4085.2 +2019-06-10 07:15:00,4150.8 +2019-06-10 07:30:00,4229.2 +2019-06-10 07:45:00,4280.4 +2019-06-10 08:00:00,4369.6 +2019-06-10 08:15:00,4432.8 +2019-06-10 08:30:00,4489.6 +2019-06-10 08:45:00,4524.4 +2019-06-10 09:00:00,4576.0 +2019-06-10 09:15:00,4597.6 +2019-06-10 09:30:00,4614.4 +2019-06-10 09:45:00,4687.2 +2019-06-10 10:00:00,4747.2 +2019-06-10 10:15:00,4766.4 +2019-06-10 10:30:00,4832.0 +2019-06-10 10:45:00,4902.8 +2019-06-10 11:00:00,4938.4 +2019-06-10 11:15:00,4938.4 +2019-06-10 11:30:00,4938.8 +2019-06-10 11:45:00,4934.4 +2019-06-10 12:00:00,4876.0 +2019-06-10 12:15:00,4867.6 +2019-06-10 12:30:00,4812.4 +2019-06-10 12:45:00,4752.4 +2019-06-10 13:00:00,4717.2 +2019-06-10 13:15:00,4706.8 +2019-06-10 13:30:00,4690.4 +2019-06-10 13:45:00,4712.8 +2019-06-10 14:00:00,4710.8 +2019-06-10 14:15:00,4683.6 +2019-06-10 14:30:00,4637.6 +2019-06-10 14:45:00,4614.8 +2019-06-10 15:00:00,4637.2 +2019-06-10 15:15:00,4640.0 +2019-06-10 15:30:00,4630.8 +2019-06-10 15:45:00,4660.0 +2019-06-10 16:00:00,4707.6 +2019-06-10 16:15:00,4730.4 +2019-06-10 16:30:00,4787.6 +2019-06-10 16:45:00,4836.8 +2019-06-10 17:00:00,4845.6 +2019-06-10 17:15:00,4840.4 +2019-06-10 17:30:00,4863.2 +2019-06-10 17:45:00,4873.6 +2019-06-10 18:00:00,4883.2 +2019-06-10 18:15:00,4832.8 +2019-06-10 18:30:00,4845.6 +2019-06-10 18:45:00,4800.0 +2019-06-10 19:00:00,4770.4 +2019-06-10 19:15:00,4718.4 +2019-06-10 19:30:00,4678.8 +2019-06-10 19:45:00,4657.2 +2019-06-10 20:00:00,4668.0 +2019-06-10 20:15:00,4662.8 +2019-06-10 20:30:00,4680.4 +2019-06-10 20:45:00,4706.8 +2019-06-10 21:00:00,4699.2 +2019-06-10 21:15:00,4643.6 +2019-06-10 21:30:00,4557.2 +2019-06-10 21:45:00,4497.6 +2019-06-10 22:00:00,4392.4 +2019-06-10 22:15:00,4291.2 +2019-06-10 22:30:00,4193.2 +2019-06-10 22:45:00,4166.0 +2019-06-10 23:00:00,4110.0 +2019-06-10 23:15:00,4093.2 +2019-06-10 23:30:00,4065.2 +2019-06-10 23:45:00,4030.8 +2019-06-11 00:00:00,4012.4 +2019-06-11 00:15:00,3965.2 +2019-06-11 00:30:00,3938.8 +2019-06-11 00:45:00,3919.6 +2019-06-11 01:00:00,3900.0 +2019-06-11 01:15:00,3880.4 +2019-06-11 01:30:00,3891.6 +2019-06-11 01:45:00,3898.0 +2019-06-11 02:00:00,3881.2 +2019-06-11 02:15:00,3879.2 +2019-06-11 02:30:00,3882.8 +2019-06-11 02:45:00,3925.2 +2019-06-11 03:00:00,3990.8 +2019-06-11 03:15:00,4014.4 +2019-06-11 03:30:00,4054.0 +2019-06-11 03:45:00,4118.0 +2019-06-11 04:00:00,4253.2 +2019-06-11 04:15:00,4351.6 +2019-06-11 04:30:00,4481.2 +2019-06-11 04:45:00,4668.0 +2019-06-11 05:00:00,5012.0 +2019-06-11 05:15:00,5221.6 +2019-06-11 05:30:00,5409.2 +2019-06-11 05:45:00,5558.0 +2019-06-11 06:00:00,5743.6 +2019-06-11 06:15:00,5856.4 +2019-06-11 06:30:00,5967.6 +2019-06-11 06:45:00,6047.6 +2019-06-11 07:00:00,6103.6 +2019-06-11 07:15:00,6144.8 +2019-06-11 07:30:00,6176.4 +2019-06-11 07:45:00,6246.4 +2019-06-11 08:00:00,6270.8 +2019-06-11 08:15:00,6330.0 +2019-06-11 08:30:00,6394.4 +2019-06-11 08:45:00,6471.6 +2019-06-11 09:00:00,6510.8 +2019-06-11 09:15:00,6537.6 +2019-06-11 09:30:00,6576.8 +2019-06-11 09:45:00,6622.8 +2019-06-11 10:00:00,6657.6 +2019-06-11 10:15:00,6745.2 +2019-06-11 10:30:00,6739.6 +2019-06-11 10:45:00,6774.8 +2019-06-11 11:00:00,6713.6 +2019-06-11 11:15:00,6719.2 +2019-06-11 11:30:00,6725.6 +2019-06-11 11:45:00,6717.6 +2019-06-11 12:00:00,6687.6 +2019-06-11 12:15:00,6668.0 +2019-06-11 12:30:00,6605.6 +2019-06-11 12:45:00,6544.4 +2019-06-11 13:00:00,6510.4 +2019-06-11 13:15:00,6506.8 +2019-06-11 13:30:00,6500.4 +2019-06-11 13:45:00,6481.6 +2019-06-11 14:00:00,6509.2 +2019-06-11 14:15:00,6471.2 +2019-06-11 14:30:00,6452.8 +2019-06-11 14:45:00,6426.0 +2019-06-11 15:00:00,6371.2 +2019-06-11 15:15:00,6325.6 +2019-06-11 15:30:00,6295.6 +2019-06-11 15:45:00,6271.2 +2019-06-11 16:00:00,6246.0 +2019-06-11 16:15:00,6235.6 +2019-06-11 16:30:00,6253.6 +2019-06-11 16:45:00,6279.2 +2019-06-11 17:00:00,6249.2 +2019-06-11 17:15:00,6244.0 +2019-06-11 17:30:00,6261.6 +2019-06-11 17:45:00,6262.0 +2019-06-11 18:00:00,6242.0 +2019-06-11 18:15:00,6167.2 +2019-06-11 18:30:00,6141.2 +2019-06-11 18:45:00,6100.4 +2019-06-11 19:00:00,6036.8 +2019-06-11 19:15:00,5959.6 +2019-06-11 19:30:00,5891.6 +2019-06-11 19:45:00,5836.8 +2019-06-11 20:00:00,5779.2 +2019-06-11 20:15:00,5722.8 +2019-06-11 20:30:00,5691.2 +2019-06-11 20:45:00,5646.0 +2019-06-11 21:00:00,5576.4 +2019-06-11 21:15:00,5517.2 +2019-06-11 21:30:00,5431.2 +2019-06-11 21:45:00,5324.0 +2019-06-11 22:00:00,5216.4 +2019-06-11 22:15:00,5121.6 +2019-06-11 22:30:00,5024.0 +2019-06-11 22:45:00,4939.6 +2019-06-11 23:00:00,4824.0 +2019-06-11 23:15:00,4744.0 +2019-06-11 23:30:00,4719.2 +2019-06-11 23:45:00,4678.8 +2019-06-12 00:00:00,4609.6 +2019-06-12 00:15:00,4600.4 +2019-06-12 00:30:00,4564.0 +2019-06-12 00:45:00,4538.8 +2019-06-12 01:00:00,4496.0 +2019-06-12 01:15:00,4505.2 +2019-06-12 01:30:00,4492.4 +2019-06-12 01:45:00,4518.4 +2019-06-12 02:00:00,4508.8 +2019-06-12 02:15:00,4504.4 +2019-06-12 02:30:00,4511.2 +2019-06-12 02:45:00,4491.6 +2019-06-12 03:00:00,4506.0 +2019-06-12 03:15:00,4496.4 +2019-06-12 03:30:00,4552.8 +2019-06-12 03:45:00,4588.8 +2019-06-12 04:00:00,4718.8 +2019-06-12 04:15:00,4804.4 +2019-06-12 04:30:00,4922.0 +2019-06-12 04:45:00,5099.2 +2019-06-12 05:00:00,5408.0 +2019-06-12 05:15:00,5622.4 +2019-06-12 05:30:00,5802.8 +2019-06-12 05:45:00,5921.2 +2019-06-12 06:00:00,6086.0 +2019-06-12 06:15:00,6206.0 +2019-06-12 06:30:00,6294.0 +2019-06-12 06:45:00,6384.4 +2019-06-12 07:00:00,6476.8 +2019-06-12 07:15:00,6528.8 +2019-06-12 07:30:00,6581.2 +2019-06-12 07:45:00,6616.4 +2019-06-12 08:00:00,6624.0 +2019-06-12 08:15:00,6644.8 +2019-06-12 08:30:00,6705.2 +2019-06-12 08:45:00,6784.0 +2019-06-12 09:00:00,6830.0 +2019-06-12 09:15:00,6838.4 +2019-06-12 09:30:00,6882.8 +2019-06-12 09:45:00,6923.6 +2019-06-12 10:00:00,6951.2 +2019-06-12 10:15:00,7007.2 +2019-06-12 10:30:00,7052.4 +2019-06-12 10:45:00,7038.8 +2019-06-12 11:00:00,6966.8 +2019-06-12 11:15:00,6950.8 +2019-06-12 11:30:00,6922.4 +2019-06-12 11:45:00,6942.4 +2019-06-12 12:00:00,6884.8 +2019-06-12 12:15:00,6867.2 +2019-06-12 12:30:00,6782.4 +2019-06-12 12:45:00,6702.4 +2019-06-12 13:00:00,6634.8 +2019-06-12 13:15:00,6678.4 +2019-06-12 13:30:00,6718.0 +2019-06-12 13:45:00,6698.8 +2019-06-12 14:00:00,6605.2 +2019-06-12 14:15:00,6531.2 +2019-06-12 14:30:00,6476.8 +2019-06-12 14:45:00,6438.0 +2019-06-12 15:00:00,6417.6 +2019-06-12 15:15:00,6361.6 +2019-06-12 15:30:00,6325.6 +2019-06-12 15:45:00,6318.0 +2019-06-12 16:00:00,6306.4 +2019-06-12 16:15:00,6318.0 +2019-06-12 16:30:00,6347.6 +2019-06-12 16:45:00,6350.0 +2019-06-12 17:00:00,6335.6 +2019-06-12 17:15:00,6280.4 +2019-06-12 17:30:00,6298.0 +2019-06-12 17:45:00,6272.4 +2019-06-12 18:00:00,6240.0 +2019-06-12 18:15:00,6179.6 +2019-06-12 18:30:00,6145.6 +2019-06-12 18:45:00,6132.0 +2019-06-12 19:00:00,6051.6 +2019-06-12 19:15:00,5976.4 +2019-06-12 19:30:00,5934.8 +2019-06-12 19:45:00,5841.2 +2019-06-12 20:00:00,5782.4 +2019-06-12 20:15:00,5710.4 +2019-06-12 20:30:00,5676.0 +2019-06-12 20:45:00,5678.4 +2019-06-12 21:00:00,5618.4 +2019-06-12 21:15:00,5524.4 +2019-06-12 21:30:00,5439.6 +2019-06-12 21:45:00,5341.6 +2019-06-12 22:00:00,5222.8 +2019-06-12 22:15:00,5136.4 +2019-06-12 22:30:00,5045.6 +2019-06-12 22:45:00,4963.6 +2019-06-12 23:00:00,4806.8 +2019-06-12 23:15:00,4721.6 +2019-06-12 23:30:00,4665.6 +2019-06-12 23:45:00,4636.4 +2019-06-13 00:00:00,4532.8 +2019-06-13 00:15:00,4524.4 +2019-06-13 00:30:00,4475.6 +2019-06-13 00:45:00,4457.2 +2019-06-13 01:00:00,4404.0 +2019-06-13 01:15:00,4393.2 +2019-06-13 01:30:00,4372.8 +2019-06-13 01:45:00,4382.0 +2019-06-13 02:00:00,4422.0 +2019-06-13 02:15:00,4418.0 +2019-06-13 02:30:00,4424.4 +2019-06-13 02:45:00,4443.2 +2019-06-13 03:00:00,4514.8 +2019-06-13 03:15:00,4562.8 +2019-06-13 03:30:00,4555.2 +2019-06-13 03:45:00,4579.2 +2019-06-13 04:00:00,4692.8 +2019-06-13 04:15:00,4744.8 +2019-06-13 04:30:00,4822.8 +2019-06-13 04:45:00,4972.4 +2019-06-13 05:00:00,5278.0 +2019-06-13 05:15:00,5471.6 +2019-06-13 05:30:00,5639.6 +2019-06-13 05:45:00,5786.4 +2019-06-13 06:00:00,5996.4 +2019-06-13 06:15:00,6107.6 +2019-06-13 06:30:00,6177.6 +2019-06-13 06:45:00,6249.6 +2019-06-13 07:00:00,6344.4 +2019-06-13 07:15:00,6394.0 +2019-06-13 07:30:00,6441.2 +2019-06-13 07:45:00,6475.6 +2019-06-13 08:00:00,6476.8 +2019-06-13 08:15:00,6503.2 +2019-06-13 08:30:00,6553.2 +2019-06-13 08:45:00,6579.2 +2019-06-13 09:00:00,6570.8 +2019-06-13 09:15:00,6596.0 +2019-06-13 09:30:00,6638.4 +2019-06-13 09:45:00,6712.8 +2019-06-13 10:00:00,6744.8 +2019-06-13 10:15:00,6784.4 +2019-06-13 10:30:00,6817.6 +2019-06-13 10:45:00,6834.8 +2019-06-13 11:00:00,6796.0 +2019-06-13 11:15:00,6748.4 +2019-06-13 11:30:00,6764.0 +2019-06-13 11:45:00,6748.0 +2019-06-13 12:00:00,6730.8 +2019-06-13 12:15:00,6716.8 +2019-06-13 12:30:00,6680.0 +2019-06-13 12:45:00,6605.2 +2019-06-13 13:00:00,6622.0 +2019-06-13 13:15:00,6606.8 +2019-06-13 13:30:00,6563.6 +2019-06-13 13:45:00,6534.8 +2019-06-13 14:00:00,6500.0 +2019-06-13 14:15:00,6453.6 +2019-06-13 14:30:00,6404.8 +2019-06-13 14:45:00,6365.6 +2019-06-13 15:00:00,6335.6 +2019-06-13 15:15:00,6305.6 +2019-06-13 15:30:00,6244.8 +2019-06-13 15:45:00,6211.2 +2019-06-13 16:00:00,6214.8 +2019-06-13 16:15:00,6232.0 +2019-06-13 16:30:00,6231.6 +2019-06-13 16:45:00,6238.8 +2019-06-13 17:00:00,6192.0 +2019-06-13 17:15:00,6172.4 +2019-06-13 17:30:00,6164.0 +2019-06-13 17:45:00,6168.8 +2019-06-13 18:00:00,6134.8 +2019-06-13 18:15:00,6087.2 +2019-06-13 18:30:00,6064.0 +2019-06-13 18:45:00,6044.4 +2019-06-13 19:00:00,5979.6 +2019-06-13 19:15:00,5901.2 +2019-06-13 19:30:00,5808.0 +2019-06-13 19:45:00,5750.8 +2019-06-13 20:00:00,5728.4 +2019-06-13 20:15:00,5627.6 +2019-06-13 20:30:00,5573.2 +2019-06-13 20:45:00,5608.0 +2019-06-13 21:00:00,5544.8 +2019-06-13 21:15:00,5502.4 +2019-06-13 21:30:00,5426.0 +2019-06-13 21:45:00,5334.0 +2019-06-13 22:00:00,5234.8 +2019-06-13 22:15:00,5126.0 +2019-06-13 22:30:00,5014.4 +2019-06-13 22:45:00,4962.4 +2019-06-13 23:00:00,4855.2 +2019-06-13 23:15:00,4795.6 +2019-06-13 23:30:00,4735.2 +2019-06-13 23:45:00,4682.8 +2019-06-14 00:00:00,4637.2 +2019-06-14 00:15:00,4612.8 +2019-06-14 00:30:00,4586.8 +2019-06-14 00:45:00,4578.4 +2019-06-14 01:00:00,4530.0 +2019-06-14 01:15:00,4494.0 +2019-06-14 01:30:00,4484.8 +2019-06-14 01:45:00,4436.4 +2019-06-14 02:00:00,4478.0 +2019-06-14 02:15:00,4462.4 +2019-06-14 02:30:00,4445.6 +2019-06-14 02:45:00,4455.2 +2019-06-14 03:00:00,4486.8 +2019-06-14 03:15:00,4484.0 +2019-06-14 03:30:00,4537.2 +2019-06-14 03:45:00,4538.0 +2019-06-14 04:00:00,4636.4 +2019-06-14 04:15:00,4688.8 +2019-06-14 04:30:00,4775.2 +2019-06-14 04:45:00,4937.6 +2019-06-14 05:00:00,5225.2 +2019-06-14 05:15:00,5423.6 +2019-06-14 05:30:00,5588.0 +2019-06-14 05:45:00,5718.0 +2019-06-14 06:00:00,5899.2 +2019-06-14 06:15:00,5997.6 +2019-06-14 06:30:00,6097.2 +2019-06-14 06:45:00,6184.4 +2019-06-14 07:00:00,6326.0 +2019-06-14 07:15:00,6374.0 +2019-06-14 07:30:00,6428.8 +2019-06-14 07:45:00,6496.0 +2019-06-14 08:00:00,6488.8 +2019-06-14 08:15:00,6495.2 +2019-06-14 08:30:00,6538.4 +2019-06-14 08:45:00,6584.0 +2019-06-14 09:00:00,6603.2 +2019-06-14 09:15:00,6644.0 +2019-06-14 09:30:00,6702.8 +2019-06-14 09:45:00,6740.0 +2019-06-14 10:00:00,6746.4 +2019-06-14 10:15:00,6741.2 +2019-06-14 10:30:00,6750.4 +2019-06-14 10:45:00,6739.2 +2019-06-14 11:00:00,6695.2 +2019-06-14 11:15:00,6665.6 +2019-06-14 11:30:00,6643.6 +2019-06-14 11:45:00,6584.4 +2019-06-14 12:00:00,6566.8 +2019-06-14 12:15:00,6524.4 +2019-06-14 12:30:00,6482.8 +2019-06-14 12:45:00,6422.8 +2019-06-14 13:00:00,6396.8 +2019-06-14 13:15:00,6429.2 +2019-06-14 13:30:00,6397.2 +2019-06-14 13:45:00,6388.8 +2019-06-14 14:00:00,6389.2 +2019-06-14 14:15:00,6350.4 +2019-06-14 14:30:00,6308.8 +2019-06-14 14:45:00,6283.6 +2019-06-14 15:00:00,6228.4 +2019-06-14 15:15:00,6200.0 +2019-06-14 15:30:00,6178.0 +2019-06-14 15:45:00,6190.0 +2019-06-14 16:00:00,6203.2 +2019-06-14 16:15:00,6152.0 +2019-06-14 16:30:00,6170.0 +2019-06-14 16:45:00,6178.4 +2019-06-14 17:00:00,6140.0 +2019-06-14 17:15:00,6092.0 +2019-06-14 17:30:00,6137.2 +2019-06-14 17:45:00,6133.6 +2019-06-14 18:00:00,6099.2 +2019-06-14 18:15:00,6060.8 +2019-06-14 18:30:00,6030.8 +2019-06-14 18:45:00,5985.6 +2019-06-14 19:00:00,5909.2 +2019-06-14 19:15:00,5808.8 +2019-06-14 19:30:00,5736.8 +2019-06-14 19:45:00,5664.4 +2019-06-14 20:00:00,5603.6 +2019-06-14 20:15:00,5543.2 +2019-06-14 20:30:00,5535.6 +2019-06-14 20:45:00,5479.6 +2019-06-14 21:00:00,5448.0 +2019-06-14 21:15:00,5408.8 +2019-06-14 21:30:00,5320.4 +2019-06-14 21:45:00,5235.2 +2019-06-14 22:00:00,5113.2 +2019-06-14 22:15:00,5027.6 +2019-06-14 22:30:00,4944.4 +2019-06-14 22:45:00,4872.4 +2019-06-14 23:00:00,4748.8 +2019-06-14 23:15:00,4681.6 +2019-06-14 23:30:00,4613.2 +2019-06-14 23:45:00,4552.8 +2019-06-15 00:00:00,4495.6 +2019-06-15 00:15:00,4430.8 +2019-06-15 00:30:00,4378.4 +2019-06-15 00:45:00,4349.6 +2019-06-15 01:00:00,4296.0 +2019-06-15 01:15:00,4261.2 +2019-06-15 01:30:00,4236.8 +2019-06-15 01:45:00,4230.8 +2019-06-15 02:00:00,4230.8 +2019-06-15 02:15:00,4219.6 +2019-06-15 02:30:00,4202.8 +2019-06-15 02:45:00,4214.4 +2019-06-15 03:00:00,4184.4 +2019-06-15 03:15:00,4161.6 +2019-06-15 03:30:00,4145.6 +2019-06-15 03:45:00,4126.0 +2019-06-15 04:00:00,4093.6 +2019-06-15 04:15:00,4058.4 +2019-06-15 04:30:00,4058.4 +2019-06-15 04:45:00,4104.0 +2019-06-15 05:00:00,4240.8 +2019-06-15 05:15:00,4297.2 +2019-06-15 05:30:00,4382.0 +2019-06-15 05:45:00,4510.4 +2019-06-15 06:00:00,4654.4 +2019-06-15 06:15:00,4727.2 +2019-06-15 06:30:00,4818.8 +2019-06-15 06:45:00,4899.6 +2019-06-15 07:00:00,4963.2 +2019-06-15 07:15:00,5033.2 +2019-06-15 07:30:00,5116.4 +2019-06-15 07:45:00,5217.2 +2019-06-15 08:00:00,5288.8 +2019-06-15 08:15:00,5383.6 +2019-06-15 08:30:00,5449.6 +2019-06-15 08:45:00,5546.8 +2019-06-15 09:00:00,5612.4 +2019-06-15 09:15:00,5682.4 +2019-06-15 09:30:00,5710.0 +2019-06-15 09:45:00,5726.0 +2019-06-15 10:00:00,5704.8 +2019-06-15 10:15:00,5726.0 +2019-06-15 10:30:00,5740.0 +2019-06-15 10:45:00,5719.6 +2019-06-15 11:00:00,5639.2 +2019-06-15 11:15:00,5587.2 +2019-06-15 11:30:00,5575.2 +2019-06-15 11:45:00,5511.6 +2019-06-15 12:00:00,5426.0 +2019-06-15 12:15:00,5374.0 +2019-06-15 12:30:00,5306.0 +2019-06-15 12:45:00,5272.8 +2019-06-15 13:00:00,5244.8 +2019-06-15 13:15:00,5180.4 +2019-06-15 13:30:00,5133.2 +2019-06-15 13:45:00,5070.8 +2019-06-15 14:00:00,5084.8 +2019-06-15 14:15:00,5060.4 +2019-06-15 14:30:00,5115.6 +2019-06-15 14:45:00,5140.8 +2019-06-15 15:00:00,5150.8 +2019-06-15 15:15:00,5150.8 +2019-06-15 15:30:00,5111.6 +2019-06-15 15:45:00,5146.0 +2019-06-15 16:00:00,5207.6 +2019-06-15 16:15:00,5193.2 +2019-06-15 16:30:00,5192.8 +2019-06-15 16:45:00,5182.8 +2019-06-15 17:00:00,5165.6 +2019-06-15 17:15:00,5157.6 +2019-06-15 17:30:00,5143.6 +2019-06-15 17:45:00,5143.6 +2019-06-15 18:00:00,5186.4 +2019-06-15 18:15:00,5120.8 +2019-06-15 18:30:00,5078.8 +2019-06-15 18:45:00,5021.6 +2019-06-15 19:00:00,4964.4 +2019-06-15 19:15:00,4873.2 +2019-06-15 19:30:00,4814.4 +2019-06-15 19:45:00,4744.0 +2019-06-15 20:00:00,4716.8 +2019-06-15 20:15:00,4665.2 +2019-06-15 20:30:00,4653.6 +2019-06-15 20:45:00,4664.8 +2019-06-15 21:00:00,4678.8 +2019-06-15 21:15:00,4635.6 +2019-06-15 21:30:00,4585.2 +2019-06-15 21:45:00,4528.0 +2019-06-15 22:00:00,4400.4 +2019-06-15 22:15:00,4301.6 +2019-06-15 22:30:00,4258.4 +2019-06-15 22:45:00,4208.0 +2019-06-15 23:00:00,4073.6 +2019-06-15 23:15:00,4013.2 +2019-06-15 23:30:00,3974.8 +2019-06-15 23:45:00,3936.4 +2019-06-16 00:00:00,3846.8 +2019-06-16 00:15:00,3820.4 +2019-06-16 00:30:00,3805.6 +2019-06-16 00:45:00,3788.0 +2019-06-16 01:00:00,3776.0 +2019-06-16 01:15:00,3754.0 +2019-06-16 01:30:00,3740.8 +2019-06-16 01:45:00,3739.6 +2019-06-16 02:00:00,3743.6 +2019-06-16 02:15:00,3736.8 +2019-06-16 02:30:00,3697.6 +2019-06-16 02:45:00,3700.0 +2019-06-16 03:00:00,3726.0 +2019-06-16 03:15:00,3746.4 +2019-06-16 03:30:00,3740.8 +2019-06-16 03:45:00,3732.4 +2019-06-16 04:00:00,3736.8 +2019-06-16 04:15:00,3738.4 +2019-06-16 04:30:00,3734.0 +2019-06-16 04:45:00,3750.8 +2019-06-16 05:00:00,3784.4 +2019-06-16 05:15:00,3792.8 +2019-06-16 05:30:00,3820.0 +2019-06-16 05:45:00,3886.4 +2019-06-16 06:00:00,3965.6 +2019-06-16 06:15:00,4008.4 +2019-06-16 06:30:00,4085.2 +2019-06-16 06:45:00,4169.6 +2019-06-16 07:00:00,4262.4 +2019-06-16 07:15:00,4340.0 +2019-06-16 07:30:00,4403.6 +2019-06-16 07:45:00,4450.4 +2019-06-16 08:00:00,4534.4 +2019-06-16 08:15:00,4585.2 +2019-06-16 08:30:00,4621.2 +2019-06-16 08:45:00,4680.0 +2019-06-16 09:00:00,4717.6 +2019-06-16 09:15:00,4748.4 +2019-06-16 09:30:00,4830.4 +2019-06-16 09:45:00,4904.8 +2019-06-16 10:00:00,4976.4 +2019-06-16 10:15:00,5050.8 +2019-06-16 10:30:00,5087.2 +2019-06-16 10:45:00,5079.2 +2019-06-16 11:00:00,5099.6 +2019-06-16 11:15:00,5084.8 +2019-06-16 11:30:00,5022.4 +2019-06-16 11:45:00,4954.0 +2019-06-16 12:00:00,4930.0 +2019-06-16 12:15:00,4888.0 +2019-06-16 12:30:00,4876.0 +2019-06-16 12:45:00,4826.4 +2019-06-16 13:00:00,4810.0 +2019-06-16 13:15:00,4774.0 +2019-06-16 13:30:00,4737.6 +2019-06-16 13:45:00,4686.0 +2019-06-16 14:00:00,4729.2 +2019-06-16 14:15:00,4702.8 +2019-06-16 14:30:00,4707.6 +2019-06-16 14:45:00,4669.2 +2019-06-16 15:00:00,4678.4 +2019-06-16 15:15:00,4656.0 +2019-06-16 15:30:00,4633.6 +2019-06-16 15:45:00,4665.2 +2019-06-16 16:00:00,4741.2 +2019-06-16 16:15:00,4719.6 +2019-06-16 16:30:00,4708.4 +2019-06-16 16:45:00,4755.2 +2019-06-16 17:00:00,4833.6 +2019-06-16 17:15:00,4844.8 +2019-06-16 17:30:00,4840.8 +2019-06-16 17:45:00,4876.0 +2019-06-16 18:00:00,4895.2 +2019-06-16 18:15:00,4838.4 +2019-06-16 18:30:00,4836.4 +2019-06-16 18:45:00,4831.6 +2019-06-16 19:00:00,4839.2 +2019-06-16 19:15:00,4800.4 +2019-06-16 19:30:00,4779.6 +2019-06-16 19:45:00,4744.4 +2019-06-16 20:00:00,4716.0 +2019-06-16 20:15:00,4695.6 +2019-06-16 20:30:00,4687.6 +2019-06-16 20:45:00,4734.0 +2019-06-16 21:00:00,4796.0 +2019-06-16 21:15:00,4796.0 +2019-06-16 21:30:00,4757.6 +2019-06-16 21:45:00,4698.0 +2019-06-16 22:00:00,4588.8 +2019-06-16 22:15:00,4524.0 +2019-06-16 22:30:00,4432.8 +2019-06-16 22:45:00,4381.6 +2019-06-16 23:00:00,4318.0 +2019-06-16 23:15:00,4266.4 +2019-06-16 23:30:00,4251.2 +2019-06-16 23:45:00,4183.6 +2019-06-17 00:00:00,4160.0 +2019-06-17 00:15:00,4132.8 +2019-06-17 00:30:00,4111.2 +2019-06-17 00:45:00,4075.2 +2019-06-17 01:00:00,4044.8 +2019-06-17 01:15:00,4014.0 +2019-06-17 01:30:00,4016.8 +2019-06-17 01:45:00,4021.6 +2019-06-17 02:00:00,4042.8 +2019-06-17 02:15:00,4057.2 +2019-06-17 02:30:00,4042.8 +2019-06-17 02:45:00,4084.8 +2019-06-17 03:00:00,4171.2 +2019-06-17 03:15:00,4221.6 +2019-06-17 03:30:00,4236.0 +2019-06-17 03:45:00,4280.0 +2019-06-17 04:00:00,4407.6 +2019-06-17 04:15:00,4465.2 +2019-06-17 04:30:00,4601.2 +2019-06-17 04:45:00,4759.2 +2019-06-17 05:00:00,5064.0 +2019-06-17 05:15:00,5290.0 +2019-06-17 05:30:00,5463.6 +2019-06-17 05:45:00,5630.8 +2019-06-17 06:00:00,5831.2 +2019-06-17 06:15:00,5966.4 +2019-06-17 06:30:00,6061.2 +2019-06-17 06:45:00,6132.4 +2019-06-17 07:00:00,6274.8 +2019-06-17 07:15:00,6328.8 +2019-06-17 07:30:00,6382.0 +2019-06-17 07:45:00,6438.4 +2019-06-17 08:00:00,6402.8 +2019-06-17 08:15:00,6423.2 +2019-06-17 08:30:00,6478.4 +2019-06-17 08:45:00,6516.0 +2019-06-17 09:00:00,6548.4 +2019-06-17 09:15:00,6548.4 +2019-06-17 09:30:00,6578.0 +2019-06-17 09:45:00,6625.6 +2019-06-17 10:00:00,6657.2 +2019-06-17 10:15:00,6662.8 +2019-06-17 10:30:00,6737.2 +2019-06-17 10:45:00,6743.6 +2019-06-17 11:00:00,6675.6 +2019-06-17 11:15:00,6670.4 +2019-06-17 11:30:00,6683.2 +2019-06-17 11:45:00,6684.8 +2019-06-17 12:00:00,6672.0 +2019-06-17 12:15:00,6675.6 +2019-06-17 12:30:00,6624.0 +2019-06-17 12:45:00,6582.0 +2019-06-17 13:00:00,6556.4 +2019-06-17 13:15:00,6544.0 +2019-06-17 13:30:00,6508.8 +2019-06-17 13:45:00,6476.0 +2019-06-17 14:00:00,6451.6 +2019-06-17 14:15:00,6430.0 +2019-06-17 14:30:00,6372.8 +2019-06-17 14:45:00,6341.6 +2019-06-17 15:00:00,6326.4 +2019-06-17 15:15:00,6290.0 +2019-06-17 15:30:00,6260.4 +2019-06-17 15:45:00,6259.6 +2019-06-17 16:00:00,6272.0 +2019-06-17 16:15:00,6258.8 +2019-06-17 16:30:00,6258.0 +2019-06-17 16:45:00,6263.2 +2019-06-17 17:00:00,6242.8 +2019-06-17 17:15:00,6215.2 +2019-06-17 17:30:00,6229.2 +2019-06-17 17:45:00,6253.2 +2019-06-17 18:00:00,6244.8 +2019-06-17 18:15:00,6169.6 +2019-06-17 18:30:00,6156.4 +2019-06-17 18:45:00,6141.2 +2019-06-17 19:00:00,6070.8 +2019-06-17 19:15:00,5975.2 +2019-06-17 19:30:00,5901.2 +2019-06-17 19:45:00,5847.6 +2019-06-17 20:00:00,5781.2 +2019-06-17 20:15:00,5722.8 +2019-06-17 20:30:00,5672.4 +2019-06-17 20:45:00,5651.6 +2019-06-17 21:00:00,5582.4 +2019-06-17 21:15:00,5536.4 +2019-06-17 21:30:00,5437.2 +2019-06-17 21:45:00,5356.0 +2019-06-17 22:00:00,5230.4 +2019-06-17 22:15:00,5132.8 +2019-06-17 22:30:00,5040.8 +2019-06-17 22:45:00,4956.4 +2019-06-17 23:00:00,4800.8 +2019-06-17 23:15:00,4766.0 +2019-06-17 23:30:00,4728.8 +2019-06-17 23:45:00,4660.0 +2019-06-18 00:00:00,4600.4 +2019-06-18 00:15:00,4586.0 +2019-06-18 00:30:00,4564.4 +2019-06-18 00:45:00,4566.8 +2019-06-18 01:00:00,4491.2 +2019-06-18 01:15:00,4494.4 +2019-06-18 01:30:00,4501.2 +2019-06-18 01:45:00,4496.0 +2019-06-18 02:00:00,4499.6 +2019-06-18 02:15:00,4494.4 +2019-06-18 02:30:00,4505.6 +2019-06-18 02:45:00,4510.0 +2019-06-18 03:00:00,4542.8 +2019-06-18 03:15:00,4578.0 +2019-06-18 03:30:00,4594.8 +2019-06-18 03:45:00,4598.4 +2019-06-18 04:00:00,4689.6 +2019-06-18 04:15:00,4774.8 +2019-06-18 04:30:00,4856.4 +2019-06-18 04:45:00,5008.0 +2019-06-18 05:00:00,5313.6 +2019-06-18 05:15:00,5514.0 +2019-06-18 05:30:00,5692.4 +2019-06-18 05:45:00,5837.2 +2019-06-18 06:00:00,6006.4 +2019-06-18 06:15:00,6160.4 +2019-06-18 06:30:00,6254.8 +2019-06-18 06:45:00,6352.8 +2019-06-18 07:00:00,6434.4 +2019-06-18 07:15:00,6512.4 +2019-06-18 07:30:00,6566.4 +2019-06-18 07:45:00,6605.2 +2019-06-18 08:00:00,6588.4 +2019-06-18 08:15:00,6627.6 +2019-06-18 08:30:00,6698.0 +2019-06-18 08:45:00,6733.6 +2019-06-18 09:00:00,6746.0 +2019-06-18 09:15:00,6763.6 +2019-06-18 09:30:00,6812.4 +2019-06-18 09:45:00,6841.6 +2019-06-18 10:00:00,6880.8 +2019-06-18 10:15:00,6931.2 +2019-06-18 10:30:00,6983.2 +2019-06-18 10:45:00,7001.6 +2019-06-18 11:00:00,6920.0 +2019-06-18 11:15:00,6873.6 +2019-06-18 11:30:00,6856.4 +2019-06-18 11:45:00,6854.4 +2019-06-18 12:00:00,6850.4 +2019-06-18 12:15:00,6801.2 +2019-06-18 12:30:00,6780.8 +2019-06-18 12:45:00,6733.6 +2019-06-18 13:00:00,6712.4 +2019-06-18 13:15:00,6733.6 +2019-06-18 13:30:00,6684.0 +2019-06-18 13:45:00,6703.6 +2019-06-18 14:00:00,6691.6 +2019-06-18 14:15:00,6665.2 +2019-06-18 14:30:00,6605.6 +2019-06-18 14:45:00,6578.8 +2019-06-18 15:00:00,6572.0 +2019-06-18 15:15:00,6534.0 +2019-06-18 15:30:00,6507.6 +2019-06-18 15:45:00,6491.6 +2019-06-18 16:00:00,6491.2 +2019-06-18 16:15:00,6476.4 +2019-06-18 16:30:00,6505.2 +2019-06-18 16:45:00,6501.2 +2019-06-18 17:00:00,6462.0 +2019-06-18 17:15:00,6406.8 +2019-06-18 17:30:00,6406.4 +2019-06-18 17:45:00,6408.8 +2019-06-18 18:00:00,6392.0 +2019-06-18 18:15:00,6320.0 +2019-06-18 18:30:00,6310.8 +2019-06-18 18:45:00,6312.4 +2019-06-18 19:00:00,6235.6 +2019-06-18 19:15:00,6101.2 +2019-06-18 19:30:00,6041.6 +2019-06-18 19:45:00,5975.6 +2019-06-18 20:00:00,5919.6 +2019-06-18 20:15:00,5868.4 +2019-06-18 20:30:00,5802.4 +2019-06-18 20:45:00,5746.8 +2019-06-18 21:00:00,5730.4 +2019-06-18 21:15:00,5672.0 +2019-06-18 21:30:00,5531.6 +2019-06-18 21:45:00,5443.6 +2019-06-18 22:00:00,5320.8 +2019-06-18 22:15:00,5220.8 +2019-06-18 22:30:00,5120.8 +2019-06-18 22:45:00,5042.0 +2019-06-18 23:00:00,4926.4 +2019-06-18 23:15:00,4869.6 +2019-06-18 23:30:00,4828.8 +2019-06-18 23:45:00,4776.8 +2019-06-19 00:00:00,4718.4 +2019-06-19 00:15:00,4686.4 +2019-06-19 00:30:00,4656.8 +2019-06-19 00:45:00,4615.6 +2019-06-19 01:00:00,4564.4 +2019-06-19 01:15:00,4542.0 +2019-06-19 01:30:00,4523.2 +2019-06-19 01:45:00,4526.0 +2019-06-19 02:00:00,4538.8 +2019-06-19 02:15:00,4557.2 +2019-06-19 02:30:00,4540.0 +2019-06-19 02:45:00,4526.8 +2019-06-19 03:00:00,4551.6 +2019-06-19 03:15:00,4594.4 +2019-06-19 03:30:00,4611.2 +2019-06-19 03:45:00,4644.0 +2019-06-19 04:00:00,4717.2 +2019-06-19 04:15:00,4779.6 +2019-06-19 04:30:00,4850.4 +2019-06-19 04:45:00,4978.8 +2019-06-19 05:00:00,5286.4 +2019-06-19 05:15:00,5516.0 +2019-06-19 05:30:00,5712.8 +2019-06-19 05:45:00,5849.6 +2019-06-19 06:00:00,6018.8 +2019-06-19 06:15:00,6122.8 +2019-06-19 06:30:00,6220.8 +2019-06-19 06:45:00,6289.2 +2019-06-19 07:00:00,6414.8 +2019-06-19 07:15:00,6487.2 +2019-06-19 07:30:00,6519.6 +2019-06-19 07:45:00,6562.8 +2019-06-19 08:00:00,6553.2 +2019-06-19 08:15:00,6590.0 +2019-06-19 08:30:00,6661.2 +2019-06-19 08:45:00,6698.8 +2019-06-19 09:00:00,6739.6 +2019-06-19 09:15:00,6773.2 +2019-06-19 09:30:00,6826.4 +2019-06-19 09:45:00,6878.8 +2019-06-19 10:00:00,6903.6 +2019-06-19 10:15:00,6942.4 +2019-06-19 10:30:00,6962.4 +2019-06-19 10:45:00,6973.6 +2019-06-19 11:00:00,6957.2 +2019-06-19 11:15:00,6954.8 +2019-06-19 11:30:00,6948.4 +2019-06-19 11:45:00,6966.0 +2019-06-19 12:00:00,6958.8 +2019-06-19 12:15:00,6922.4 +2019-06-19 12:30:00,6863.2 +2019-06-19 12:45:00,6816.0 +2019-06-19 13:00:00,6814.8 +2019-06-19 13:15:00,6790.0 +2019-06-19 13:30:00,6756.0 +2019-06-19 13:45:00,6741.6 +2019-06-19 14:00:00,6720.4 +2019-06-19 14:15:00,6695.2 +2019-06-19 14:30:00,6597.6 +2019-06-19 14:45:00,6525.6 +2019-06-19 15:00:00,6523.6 +2019-06-19 15:15:00,6470.4 +2019-06-19 15:30:00,6463.6 +2019-06-19 15:45:00,6466.8 +2019-06-19 16:00:00,6485.2 +2019-06-19 16:15:00,6488.4 +2019-06-19 16:30:00,6495.6 +2019-06-19 16:45:00,6458.8 +2019-06-19 17:00:00,6447.2 +2019-06-19 17:15:00,6405.2 +2019-06-19 17:30:00,6398.0 +2019-06-19 17:45:00,6385.2 +2019-06-19 18:00:00,6336.0 +2019-06-19 18:15:00,6269.2 +2019-06-19 18:30:00,6234.4 +2019-06-19 18:45:00,6226.8 +2019-06-19 19:00:00,6135.2 +2019-06-19 19:15:00,6042.4 +2019-06-19 19:30:00,5950.8 +2019-06-19 19:45:00,5850.8 +2019-06-19 20:00:00,5755.6 +2019-06-19 20:15:00,5701.6 +2019-06-19 20:30:00,5644.0 +2019-06-19 20:45:00,5618.4 +2019-06-19 21:00:00,5512.0 +2019-06-19 21:15:00,5443.2 +2019-06-19 21:30:00,5370.8 +2019-06-19 21:45:00,5296.4 +2019-06-19 22:00:00,5088.0 +2019-06-19 22:15:00,4938.0 +2019-06-19 22:30:00,4828.8 +2019-06-19 22:45:00,4791.2 +2019-06-19 23:00:00,4694.8 +2019-06-19 23:15:00,4666.4 +2019-06-19 23:30:00,4605.6 +2019-06-19 23:45:00,4560.8 +2019-06-20 00:00:00,4497.6 +2019-06-20 00:15:00,4442.4 +2019-06-20 00:30:00,4390.4 +2019-06-20 00:45:00,4362.4 +2019-06-20 01:00:00,4366.0 +2019-06-20 01:15:00,4344.4 +2019-06-20 01:30:00,4363.6 +2019-06-20 01:45:00,4398.0 +2019-06-20 02:00:00,4377.2 +2019-06-20 02:15:00,4373.2 +2019-06-20 02:30:00,4356.0 +2019-06-20 02:45:00,4328.0 +2019-06-20 03:00:00,4344.4 +2019-06-20 03:15:00,4330.8 +2019-06-20 03:30:00,4322.4 +2019-06-20 03:45:00,4297.6 +2019-06-20 04:00:00,4308.8 +2019-06-20 04:15:00,4296.0 +2019-06-20 04:30:00,4292.0 +2019-06-20 04:45:00,4300.0 +2019-06-20 05:00:00,4395.6 +2019-06-20 05:15:00,4467.2 +2019-06-20 05:30:00,4502.8 +2019-06-20 05:45:00,4588.4 +2019-06-20 06:00:00,4722.4 +2019-06-20 06:15:00,4849.2 +2019-06-20 06:30:00,4912.0 +2019-06-20 06:45:00,4983.6 +2019-06-20 07:00:00,5023.6 +2019-06-20 07:15:00,5097.6 +2019-06-20 07:30:00,5152.8 +2019-06-20 07:45:00,5189.6 +2019-06-20 08:00:00,5211.6 +2019-06-20 08:15:00,5243.6 +2019-06-20 08:30:00,5306.0 +2019-06-20 08:45:00,5368.8 +2019-06-20 09:00:00,5402.4 +2019-06-20 09:15:00,5431.6 +2019-06-20 09:30:00,5492.8 +2019-06-20 09:45:00,5549.2 +2019-06-20 10:00:00,5614.0 +2019-06-20 10:15:00,5647.6 +2019-06-20 10:30:00,5681.6 +2019-06-20 10:45:00,5700.0 +2019-06-20 11:00:00,5708.0 +2019-06-20 11:15:00,5673.6 +2019-06-20 11:30:00,5648.8 +2019-06-20 11:45:00,5646.8 +2019-06-20 12:00:00,5606.0 +2019-06-20 12:15:00,5568.0 +2019-06-20 12:30:00,5509.6 +2019-06-20 12:45:00,5469.2 +2019-06-20 13:00:00,5462.4 +2019-06-20 13:15:00,5412.0 +2019-06-20 13:30:00,5412.0 +2019-06-20 13:45:00,5367.6 +2019-06-20 14:00:00,5382.4 +2019-06-20 14:15:00,5320.8 +2019-06-20 14:30:00,5292.8 +2019-06-20 14:45:00,5245.6 +2019-06-20 15:00:00,5242.4 +2019-06-20 15:15:00,5224.8 +2019-06-20 15:30:00,5192.8 +2019-06-20 15:45:00,5176.0 +2019-06-20 16:00:00,5214.0 +2019-06-20 16:15:00,5224.0 +2019-06-20 16:30:00,5269.2 +2019-06-20 16:45:00,5290.0 +2019-06-20 17:00:00,5343.6 +2019-06-20 17:15:00,5336.0 +2019-06-20 17:30:00,5335.6 +2019-06-20 17:45:00,5337.6 +2019-06-20 18:00:00,5299.6 +2019-06-20 18:15:00,5256.8 +2019-06-20 18:30:00,5257.2 +2019-06-20 18:45:00,5239.2 +2019-06-20 19:00:00,5178.4 +2019-06-20 19:15:00,5157.2 +2019-06-20 19:30:00,5102.0 +2019-06-20 19:45:00,5059.6 +2019-06-20 20:00:00,5016.0 +2019-06-20 20:15:00,5016.8 +2019-06-20 20:30:00,4991.2 +2019-06-20 20:45:00,5005.6 +2019-06-20 21:00:00,5015.2 +2019-06-20 21:15:00,4981.6 +2019-06-20 21:30:00,4923.6 +2019-06-20 21:45:00,4824.8 +2019-06-20 22:00:00,4724.0 +2019-06-20 22:15:00,4615.2 +2019-06-20 22:30:00,4527.2 +2019-06-20 22:45:00,4450.0 +2019-06-20 23:00:00,4394.8 +2019-06-20 23:15:00,4340.8 +2019-06-20 23:30:00,4302.4 +2019-06-20 23:45:00,4231.2 +2019-06-21 00:00:00,4162.4 +2019-06-21 00:15:00,4129.6 +2019-06-21 00:30:00,4122.0 +2019-06-21 00:45:00,4095.2 +2019-06-21 01:00:00,4096.0 +2019-06-21 01:15:00,4086.4 +2019-06-21 01:30:00,4055.6 +2019-06-21 01:45:00,4068.8 +2019-06-21 02:00:00,4053.6 +2019-06-21 02:15:00,4051.6 +2019-06-21 02:30:00,4071.2 +2019-06-21 02:45:00,4054.4 +2019-06-21 03:00:00,4102.0 +2019-06-21 03:15:00,4131.6 +2019-06-21 03:30:00,4150.4 +2019-06-21 03:45:00,4180.8 +2019-06-21 04:00:00,4250.0 +2019-06-21 04:15:00,4302.4 +2019-06-21 04:30:00,4353.2 +2019-06-21 04:45:00,4471.2 +2019-06-21 05:00:00,4725.6 +2019-06-21 05:15:00,4892.0 +2019-06-21 05:30:00,5022.0 +2019-06-21 05:45:00,5133.6 +2019-06-21 06:00:00,5301.6 +2019-06-21 06:15:00,5396.8 +2019-06-21 06:30:00,5520.4 +2019-06-21 06:45:00,5590.8 +2019-06-21 07:00:00,5692.8 +2019-06-21 07:15:00,5764.4 +2019-06-21 07:30:00,5807.6 +2019-06-21 07:45:00,5843.2 +2019-06-21 08:00:00,5868.0 +2019-06-21 08:15:00,5892.0 +2019-06-21 08:30:00,5939.6 +2019-06-21 08:45:00,6007.6 +2019-06-21 09:00:00,6036.0 +2019-06-21 09:15:00,6058.8 +2019-06-21 09:30:00,6080.8 +2019-06-21 09:45:00,6139.2 +2019-06-21 10:00:00,6156.4 +2019-06-21 10:15:00,6184.8 +2019-06-21 10:30:00,6203.6 +2019-06-21 10:45:00,6226.4 +2019-06-21 11:00:00,6213.6 +2019-06-21 11:15:00,6154.0 +2019-06-21 11:30:00,6135.6 +2019-06-21 11:45:00,6136.4 +2019-06-21 12:00:00,6131.2 +2019-06-21 12:15:00,6102.4 +2019-06-21 12:30:00,6088.0 +2019-06-21 12:45:00,6014.8 +2019-06-21 13:00:00,5994.4 +2019-06-21 13:15:00,5963.6 +2019-06-21 13:30:00,5949.2 +2019-06-21 13:45:00,5923.6 +2019-06-21 14:00:00,5936.8 +2019-06-21 14:15:00,5869.2 +2019-06-21 14:30:00,5832.4 +2019-06-21 14:45:00,5800.0 +2019-06-21 15:00:00,5806.4 +2019-06-21 15:15:00,5764.4 +2019-06-21 15:30:00,5687.2 +2019-06-21 15:45:00,5666.4 +2019-06-21 16:00:00,5678.8 +2019-06-21 16:15:00,5669.2 +2019-06-21 16:30:00,5664.8 +2019-06-21 16:45:00,5665.2 +2019-06-21 17:00:00,5684.4 +2019-06-21 17:15:00,5655.2 +2019-06-21 17:30:00,5649.2 +2019-06-21 17:45:00,5632.4 +2019-06-21 18:00:00,5633.2 +2019-06-21 18:15:00,5550.8 +2019-06-21 18:30:00,5547.6 +2019-06-21 18:45:00,5524.8 +2019-06-21 19:00:00,5461.6 +2019-06-21 19:15:00,5376.8 +2019-06-21 19:30:00,5299.2 +2019-06-21 19:45:00,5220.4 +2019-06-21 20:00:00,5146.4 +2019-06-21 20:15:00,5089.6 +2019-06-21 20:30:00,5060.8 +2019-06-21 20:45:00,5034.4 +2019-06-21 21:00:00,5011.6 +2019-06-21 21:15:00,4993.6 +2019-06-21 21:30:00,4914.4 +2019-06-21 21:45:00,4846.8 +2019-06-21 22:00:00,4724.0 +2019-06-21 22:15:00,4642.4 +2019-06-21 22:30:00,4560.4 +2019-06-21 22:45:00,4466.0 +2019-06-21 23:00:00,4380.4 +2019-06-21 23:15:00,4339.6 +2019-06-21 23:30:00,4286.8 +2019-06-21 23:45:00,4239.6 +2019-06-22 00:00:00,4186.8 +2019-06-22 00:15:00,4146.4 +2019-06-22 00:30:00,4085.2 +2019-06-22 00:45:00,4020.0 +2019-06-22 01:00:00,3993.6 +2019-06-22 01:15:00,3987.2 +2019-06-22 01:30:00,3975.2 +2019-06-22 01:45:00,3934.8 +2019-06-22 02:00:00,3926.0 +2019-06-22 02:15:00,3909.2 +2019-06-22 02:30:00,3924.0 +2019-06-22 02:45:00,3902.8 +2019-06-22 03:00:00,3952.4 +2019-06-22 03:15:00,3919.6 +2019-06-22 03:30:00,3934.8 +2019-06-22 03:45:00,3929.6 +2019-06-22 04:00:00,3942.0 +2019-06-22 04:15:00,3933.6 +2019-06-22 04:30:00,3946.0 +2019-06-22 04:45:00,3970.4 +2019-06-22 05:00:00,4073.2 +2019-06-22 05:15:00,4126.0 +2019-06-22 05:30:00,4225.6 +2019-06-22 05:45:00,4280.4 +2019-06-22 06:00:00,4367.6 +2019-06-22 06:15:00,4456.8 +2019-06-22 06:30:00,4551.2 +2019-06-22 06:45:00,4655.2 +2019-06-22 07:00:00,4739.6 +2019-06-22 07:15:00,4836.4 +2019-06-22 07:30:00,4913.6 +2019-06-22 07:45:00,4994.8 +2019-06-22 08:00:00,5091.2 +2019-06-22 08:15:00,5153.6 +2019-06-22 08:30:00,5208.4 +2019-06-22 08:45:00,5266.4 +2019-06-22 09:00:00,5308.8 +2019-06-22 09:15:00,5343.6 +2019-06-22 09:30:00,5349.2 +2019-06-22 09:45:00,5400.8 +2019-06-22 10:00:00,5424.4 +2019-06-22 10:15:00,5434.8 +2019-06-22 10:30:00,5459.2 +2019-06-22 10:45:00,5459.2 +2019-06-22 11:00:00,5456.4 +2019-06-22 11:15:00,5426.8 +2019-06-22 11:30:00,5409.6 +2019-06-22 11:45:00,5376.4 +2019-06-22 12:00:00,5307.6 +2019-06-22 12:15:00,5281.2 +2019-06-22 12:30:00,5258.8 +2019-06-22 12:45:00,5193.2 +2019-06-22 13:00:00,5156.8 +2019-06-22 13:15:00,5142.4 +2019-06-22 13:30:00,5157.6 +2019-06-22 13:45:00,5122.0 +2019-06-22 14:00:00,5117.2 +2019-06-22 14:15:00,5092.8 +2019-06-22 14:30:00,5099.6 +2019-06-22 14:45:00,5059.2 +2019-06-22 15:00:00,5049.2 +2019-06-22 15:15:00,5040.4 +2019-06-22 15:30:00,4985.2 +2019-06-22 15:45:00,5026.8 +2019-06-22 16:00:00,5039.2 +2019-06-22 16:15:00,5046.4 +2019-06-22 16:30:00,5045.2 +2019-06-22 16:45:00,5057.2 +2019-06-22 17:00:00,5065.6 +2019-06-22 17:15:00,5082.8 +2019-06-22 17:30:00,5054.8 +2019-06-22 17:45:00,5032.4 +2019-06-22 18:00:00,5017.6 +2019-06-22 18:15:00,4977.6 +2019-06-22 18:30:00,4946.4 +2019-06-22 18:45:00,4913.2 +2019-06-22 19:00:00,4851.2 +2019-06-22 19:15:00,4773.2 +2019-06-22 19:30:00,4710.4 +2019-06-22 19:45:00,4673.2 +2019-06-22 20:00:00,4647.2 +2019-06-22 20:15:00,4626.0 +2019-06-22 20:30:00,4574.4 +2019-06-22 20:45:00,4580.0 +2019-06-22 21:00:00,4564.4 +2019-06-22 21:15:00,4551.6 +2019-06-22 21:30:00,4529.6 +2019-06-22 21:45:00,4474.4 +2019-06-22 22:00:00,4388.0 +2019-06-22 22:15:00,4334.4 +2019-06-22 22:30:00,4265.2 +2019-06-22 22:45:00,4148.8 +2019-06-22 23:00:00,4048.8 +2019-06-22 23:15:00,3994.0 +2019-06-22 23:30:00,3936.0 +2019-06-22 23:45:00,3899.2 +2019-06-23 00:00:00,3835.6 +2019-06-23 00:15:00,3806.4 +2019-06-23 00:30:00,3779.2 +2019-06-23 00:45:00,3704.8 +2019-06-23 01:00:00,3713.2 +2019-06-23 01:15:00,3708.0 +2019-06-23 01:30:00,3709.2 +2019-06-23 01:45:00,3688.8 +2019-06-23 02:00:00,3696.8 +2019-06-23 02:15:00,3681.2 +2019-06-23 02:30:00,3670.4 +2019-06-23 02:45:00,3663.6 +2019-06-23 03:00:00,3630.0 +2019-06-23 03:15:00,3596.4 +2019-06-23 03:30:00,3602.0 +2019-06-23 03:45:00,3582.8 +2019-06-23 04:00:00,3568.0 +2019-06-23 04:15:00,3544.8 +2019-06-23 04:30:00,3524.4 +2019-06-23 04:45:00,3548.0 +2019-06-23 05:00:00,3618.8 +2019-06-23 05:15:00,3654.4 +2019-06-23 05:30:00,3695.2 +2019-06-23 05:45:00,3767.2 +2019-06-23 06:00:00,3841.6 +2019-06-23 06:15:00,3897.2 +2019-06-23 06:30:00,3966.8 +2019-06-23 06:45:00,4022.4 +2019-06-23 07:00:00,4140.8 +2019-06-23 07:15:00,4233.2 +2019-06-23 07:30:00,4295.6 +2019-06-23 07:45:00,4350.4 +2019-06-23 08:00:00,4433.2 +2019-06-23 08:15:00,4505.2 +2019-06-23 08:30:00,4557.2 +2019-06-23 08:45:00,4620.0 +2019-06-23 09:00:00,4664.0 +2019-06-23 09:15:00,4715.6 +2019-06-23 09:30:00,4776.0 +2019-06-23 09:45:00,4810.8 +2019-06-23 10:00:00,4848.4 +2019-06-23 10:15:00,4896.4 +2019-06-23 10:30:00,4942.0 +2019-06-23 10:45:00,4964.0 +2019-06-23 11:00:00,4978.4 +2019-06-23 11:15:00,4943.2 +2019-06-23 11:30:00,4937.2 +2019-06-23 11:45:00,4910.8 +2019-06-23 12:00:00,4832.4 +2019-06-23 12:15:00,4798.0 +2019-06-23 12:30:00,4767.2 +2019-06-23 12:45:00,4728.0 +2019-06-23 13:00:00,4684.4 +2019-06-23 13:15:00,4664.4 +2019-06-23 13:30:00,4649.6 +2019-06-23 13:45:00,4598.8 +2019-06-23 14:00:00,4618.8 +2019-06-23 14:15:00,4612.8 +2019-06-23 14:30:00,4596.8 +2019-06-23 14:45:00,4560.8 +2019-06-23 15:00:00,4638.8 +2019-06-23 15:15:00,4625.2 +2019-06-23 15:30:00,4621.6 +2019-06-23 15:45:00,4629.6 +2019-06-23 16:00:00,4698.0 +2019-06-23 16:15:00,4728.4 +2019-06-23 16:30:00,4709.2 +2019-06-23 16:45:00,4713.2 +2019-06-23 17:00:00,4810.8 +2019-06-23 17:15:00,4811.2 +2019-06-23 17:30:00,4822.0 +2019-06-23 17:45:00,4851.6 +2019-06-23 18:00:00,4899.2 +2019-06-23 18:15:00,4862.0 +2019-06-23 18:30:00,4833.2 +2019-06-23 18:45:00,4838.8 +2019-06-23 19:00:00,4855.2 +2019-06-23 19:15:00,4833.2 +2019-06-23 19:30:00,4778.8 +2019-06-23 19:45:00,4752.4 +2019-06-23 20:00:00,4748.0 +2019-06-23 20:15:00,4722.4 +2019-06-23 20:30:00,4712.8 +2019-06-23 20:45:00,4779.2 +2019-06-23 21:00:00,4820.0 +2019-06-23 21:15:00,4845.2 +2019-06-23 21:30:00,4786.8 +2019-06-23 21:45:00,4724.8 +2019-06-23 22:00:00,4618.8 +2019-06-23 22:15:00,4525.6 +2019-06-23 22:30:00,4426.4 +2019-06-23 22:45:00,4389.2 +2019-06-23 23:00:00,4334.4 +2019-06-23 23:15:00,4262.8 +2019-06-23 23:30:00,4224.4 +2019-06-23 23:45:00,4215.2 +2019-06-24 00:00:00,4153.2 +2019-06-24 00:15:00,4128.8 +2019-06-24 00:30:00,4088.0 +2019-06-24 00:45:00,4068.0 +2019-06-24 01:00:00,4058.4 +2019-06-24 01:15:00,4032.8 +2019-06-24 01:30:00,4019.2 +2019-06-24 01:45:00,4030.4 +2019-06-24 02:00:00,4053.6 +2019-06-24 02:15:00,4052.0 +2019-06-24 02:30:00,4066.0 +2019-06-24 02:45:00,4071.6 +2019-06-24 03:00:00,4150.4 +2019-06-24 03:15:00,4197.6 +2019-06-24 03:30:00,4235.6 +2019-06-24 03:45:00,4279.6 +2019-06-24 04:00:00,4375.6 +2019-06-24 04:15:00,4447.2 +2019-06-24 04:30:00,4553.6 +2019-06-24 04:45:00,4730.0 +2019-06-24 05:00:00,5069.6 +2019-06-24 05:15:00,5325.6 +2019-06-24 05:30:00,5505.6 +2019-06-24 05:45:00,5682.4 +2019-06-24 06:00:00,5893.6 +2019-06-24 06:15:00,6021.6 +2019-06-24 06:30:00,6146.4 +2019-06-24 06:45:00,6249.6 +2019-06-24 07:00:00,6348.4 +2019-06-24 07:15:00,6441.6 +2019-06-24 07:30:00,6474.8 +2019-06-24 07:45:00,6519.6 +2019-06-24 08:00:00,6521.6 +2019-06-24 08:15:00,6553.2 +2019-06-24 08:30:00,6611.6 +2019-06-24 08:45:00,6640.0 +2019-06-24 09:00:00,6676.4 +2019-06-24 09:15:00,6713.2 +2019-06-24 09:30:00,6748.0 +2019-06-24 09:45:00,6780.8 +2019-06-24 10:00:00,6839.2 +2019-06-24 10:15:00,6860.4 +2019-06-24 10:30:00,6868.4 +2019-06-24 10:45:00,6875.6 +2019-06-24 11:00:00,6858.0 +2019-06-24 11:15:00,6852.4 +2019-06-24 11:30:00,6848.4 +2019-06-24 11:45:00,6836.8 +2019-06-24 12:00:00,6850.0 +2019-06-24 12:15:00,6840.8 +2019-06-24 12:30:00,6811.2 +2019-06-24 12:45:00,6745.2 +2019-06-24 13:00:00,6744.8 +2019-06-24 13:15:00,6750.8 +2019-06-24 13:30:00,6727.2 +2019-06-24 13:45:00,6704.4 +2019-06-24 14:00:00,6674.8 +2019-06-24 14:15:00,6658.4 +2019-06-24 14:30:00,6629.6 +2019-06-24 14:45:00,6624.0 +2019-06-24 15:00:00,6607.6 +2019-06-24 15:15:00,6556.8 +2019-06-24 15:30:00,6548.0 +2019-06-24 15:45:00,6526.8 +2019-06-24 16:00:00,6548.4 +2019-06-24 16:15:00,6519.6 +2019-06-24 16:30:00,6529.6 +2019-06-24 16:45:00,6522.8 +2019-06-24 17:00:00,6498.8 +2019-06-24 17:15:00,6462.0 +2019-06-24 17:30:00,6471.6 +2019-06-24 17:45:00,6479.6 +2019-06-24 18:00:00,6460.0 +2019-06-24 18:15:00,6406.0 +2019-06-24 18:30:00,6387.6 +2019-06-24 18:45:00,6334.8 +2019-06-24 19:00:00,6283.2 +2019-06-24 19:15:00,6219.6 +2019-06-24 19:30:00,6149.6 +2019-06-24 19:45:00,6080.8 +2019-06-24 20:00:00,6000.4 +2019-06-24 20:15:00,5933.6 +2019-06-24 20:30:00,5862.4 +2019-06-24 20:45:00,5830.4 +2019-06-24 21:00:00,5800.8 +2019-06-24 21:15:00,5737.6 +2019-06-24 21:30:00,5664.8 +2019-06-24 21:45:00,5526.4 +2019-06-24 22:00:00,5410.0 +2019-06-24 22:15:00,5290.0 +2019-06-24 22:30:00,5176.4 +2019-06-24 22:45:00,5082.4 +2019-06-24 23:00:00,4993.2 +2019-06-24 23:15:00,4970.8 +2019-06-24 23:30:00,4900.4 +2019-06-24 23:45:00,4839.2 +2019-06-25 00:00:00,4800.8 +2019-06-25 00:15:00,4773.6 +2019-06-25 00:30:00,4722.4 +2019-06-25 00:45:00,4710.0 +2019-06-25 01:00:00,4674.4 +2019-06-25 01:15:00,4638.8 +2019-06-25 01:30:00,4628.0 +2019-06-25 01:45:00,4638.4 +2019-06-25 02:00:00,4635.2 +2019-06-25 02:15:00,4621.6 +2019-06-25 02:30:00,4597.2 +2019-06-25 02:45:00,4594.8 +2019-06-25 03:00:00,4662.8 +2019-06-25 03:15:00,4673.2 +2019-06-25 03:30:00,4696.4 +2019-06-25 03:45:00,4721.2 +2019-06-25 04:00:00,4837.6 +2019-06-25 04:15:00,4923.2 +2019-06-25 04:30:00,5016.0 +2019-06-25 04:45:00,5148.0 +2019-06-25 05:00:00,5412.0 +2019-06-25 05:15:00,5644.4 +2019-06-25 05:30:00,5829.2 +2019-06-25 05:45:00,5966.8 +2019-06-25 06:00:00,6157.6 +2019-06-25 06:15:00,6277.2 +2019-06-25 06:30:00,6394.4 +2019-06-25 06:45:00,6483.2 +2019-06-25 07:00:00,6552.8 +2019-06-25 07:15:00,6620.4 +2019-06-25 07:30:00,6676.8 +2019-06-25 07:45:00,6726.8 +2019-06-25 08:00:00,6717.2 +2019-06-25 08:15:00,6752.8 +2019-06-25 08:30:00,6826.8 +2019-06-25 08:45:00,6879.2 +2019-06-25 09:00:00,6888.8 +2019-06-25 09:15:00,6919.2 +2019-06-25 09:30:00,6976.8 +2019-06-25 09:45:00,7007.2 +2019-06-25 10:00:00,7012.0 +2019-06-25 10:15:00,7024.0 +2019-06-25 10:30:00,7087.6 +2019-06-25 10:45:00,7089.6 +2019-06-25 11:00:00,7047.2 +2019-06-25 11:15:00,7050.4 +2019-06-25 11:30:00,7033.2 +2019-06-25 11:45:00,7038.8 +2019-06-25 12:00:00,7042.8 +2019-06-25 12:15:00,7028.8 +2019-06-25 12:30:00,6977.2 +2019-06-25 12:45:00,6901.2 +2019-06-25 13:00:00,6892.0 +2019-06-25 13:15:00,6892.4 +2019-06-25 13:30:00,6869.2 +2019-06-25 13:45:00,6850.8 +2019-06-25 14:00:00,6838.8 +2019-06-25 14:15:00,6804.4 +2019-06-25 14:30:00,6759.6 +2019-06-25 14:45:00,6729.2 +2019-06-25 15:00:00,6734.8 +2019-06-25 15:15:00,6694.0 +2019-06-25 15:30:00,6648.0 +2019-06-25 15:45:00,6642.4 +2019-06-25 16:00:00,6640.8 +2019-06-25 16:15:00,6632.8 +2019-06-25 16:30:00,6623.6 +2019-06-25 16:45:00,6563.6 +2019-06-25 17:00:00,6533.2 +2019-06-25 17:15:00,6515.2 +2019-06-25 17:30:00,6514.8 +2019-06-25 17:45:00,6509.6 +2019-06-25 18:00:00,6532.8 +2019-06-25 18:15:00,6507.2 +2019-06-25 18:30:00,6502.0 +2019-06-25 18:45:00,6449.6 +2019-06-25 19:00:00,6368.0 +2019-06-25 19:15:00,6255.6 +2019-06-25 19:30:00,6182.8 +2019-06-25 19:45:00,6138.4 +2019-06-25 20:00:00,6089.2 +2019-06-25 20:15:00,6022.0 +2019-06-25 20:30:00,5942.0 +2019-06-25 20:45:00,5926.4 +2019-06-25 21:00:00,5898.8 +2019-06-25 21:15:00,5844.8 +2019-06-25 21:30:00,5722.8 +2019-06-25 21:45:00,5642.0 +2019-06-25 22:00:00,5511.2 +2019-06-25 22:15:00,5423.6 +2019-06-25 22:30:00,5316.8 +2019-06-25 22:45:00,5238.4 +2019-06-25 23:00:00,5124.8 +2019-06-25 23:15:00,5051.2 +2019-06-25 23:30:00,4992.0 +2019-06-25 23:45:00,4939.6 +2019-06-26 00:00:00,4874.0 +2019-06-26 00:15:00,4825.6 +2019-06-26 00:30:00,4775.6 +2019-06-26 00:45:00,4762.0 +2019-06-26 01:00:00,4697.6 +2019-06-26 01:15:00,4684.4 +2019-06-26 01:30:00,4675.6 +2019-06-26 01:45:00,4688.8 +2019-06-26 02:00:00,4677.6 +2019-06-26 02:15:00,4672.0 +2019-06-26 02:30:00,4650.0 +2019-06-26 02:45:00,4660.4 +2019-06-26 03:00:00,4703.2 +2019-06-26 03:15:00,4724.4 +2019-06-26 03:30:00,4776.8 +2019-06-26 03:45:00,4802.0 +2019-06-26 04:00:00,4902.8 +2019-06-26 04:15:00,4956.8 +2019-06-26 04:30:00,5031.2 +2019-06-26 04:45:00,5164.8 +2019-06-26 05:00:00,5490.0 +2019-06-26 05:15:00,5727.2 +2019-06-26 05:30:00,5897.2 +2019-06-26 05:45:00,6055.2 +2019-06-26 06:00:00,6278.0 +2019-06-26 06:15:00,6391.2 +2019-06-26 06:30:00,6506.0 +2019-06-26 06:45:00,6594.4 +2019-06-26 07:00:00,6718.8 +2019-06-26 07:15:00,6772.8 +2019-06-26 07:30:00,6816.4 +2019-06-26 07:45:00,6862.0 +2019-06-26 08:00:00,6860.8 +2019-06-26 08:15:00,6876.4 +2019-06-26 08:30:00,6947.2 +2019-06-26 08:45:00,6968.0 +2019-06-26 09:00:00,7022.4 +2019-06-26 09:15:00,7051.2 +2019-06-26 09:30:00,7092.4 +2019-06-26 09:45:00,7108.0 +2019-06-26 10:00:00,7114.0 +2019-06-26 10:15:00,7146.4 +2019-06-26 10:30:00,7178.4 +2019-06-26 10:45:00,7165.6 +2019-06-26 11:00:00,7070.8 +2019-06-26 11:15:00,7076.0 +2019-06-26 11:30:00,7100.8 +2019-06-26 11:45:00,7097.2 +2019-06-26 12:00:00,7056.0 +2019-06-26 12:15:00,7083.6 +2019-06-26 12:30:00,7051.6 +2019-06-26 12:45:00,6975.6 +2019-06-26 13:00:00,6959.2 +2019-06-26 13:15:00,6946.4 +2019-06-26 13:30:00,6940.8 +2019-06-26 13:45:00,6914.4 +2019-06-26 14:00:00,6912.8 +2019-06-26 14:15:00,6886.4 +2019-06-26 14:30:00,6852.0 +2019-06-26 14:45:00,6813.2 +2019-06-26 15:00:00,6776.0 +2019-06-26 15:15:00,6738.4 +2019-06-26 15:30:00,6712.8 +2019-06-26 15:45:00,6692.0 +2019-06-26 16:00:00,6695.6 +2019-06-26 16:15:00,6706.0 +2019-06-26 16:30:00,6687.2 +2019-06-26 16:45:00,6644.0 +2019-06-26 17:00:00,6603.2 +2019-06-26 17:15:00,6594.0 +2019-06-26 17:30:00,6597.2 +2019-06-26 17:45:00,6596.0 +2019-06-26 18:00:00,6578.0 +2019-06-26 18:15:00,6496.4 +2019-06-26 18:30:00,6482.4 +2019-06-26 18:45:00,6429.6 +2019-06-26 19:00:00,6348.0 +2019-06-26 19:15:00,6280.4 +2019-06-26 19:30:00,6210.4 +2019-06-26 19:45:00,6147.6 +2019-06-26 20:00:00,6064.8 +2019-06-26 20:15:00,6020.8 +2019-06-26 20:30:00,5953.2 +2019-06-26 20:45:00,5918.0 +2019-06-26 21:00:00,5886.8 +2019-06-26 21:15:00,5825.6 +2019-06-26 21:30:00,5740.0 +2019-06-26 21:45:00,5650.8 +2019-06-26 22:00:00,5525.2 +2019-06-26 22:15:00,5410.8 +2019-06-26 22:30:00,5330.8 +2019-06-26 22:45:00,5249.2 +2019-06-26 23:00:00,5157.2 +2019-06-26 23:15:00,5077.2 +2019-06-26 23:30:00,5009.6 +2019-06-26 23:45:00,4961.6 +2019-06-27 00:00:00,4934.4 +2019-06-27 00:15:00,4886.8 +2019-06-27 00:30:00,4843.6 +2019-06-27 00:45:00,4818.8 +2019-06-27 01:00:00,4797.6 +2019-06-27 01:15:00,4790.0 +2019-06-27 01:30:00,4748.8 +2019-06-27 01:45:00,4753.6 +2019-06-27 02:00:00,4745.6 +2019-06-27 02:15:00,4734.4 +2019-06-27 02:30:00,4734.4 +2019-06-27 02:45:00,4726.8 +2019-06-27 03:00:00,4778.8 +2019-06-27 03:15:00,4797.2 +2019-06-27 03:30:00,4800.8 +2019-06-27 03:45:00,4822.0 +2019-06-27 04:00:00,4922.0 +2019-06-27 04:15:00,4963.6 +2019-06-27 04:30:00,5038.0 +2019-06-27 04:45:00,5158.4 +2019-06-27 05:00:00,5445.2 +2019-06-27 05:15:00,5640.4 +2019-06-27 05:30:00,5800.4 +2019-06-27 05:45:00,5938.0 +2019-06-27 06:00:00,6132.8 +2019-06-27 06:15:00,6260.8 +2019-06-27 06:30:00,6371.2 +2019-06-27 06:45:00,6462.0 +2019-06-27 07:00:00,6557.2 +2019-06-27 07:15:00,6626.8 +2019-06-27 07:30:00,6645.6 +2019-06-27 07:45:00,6657.6 +2019-06-27 08:00:00,6659.6 +2019-06-27 08:15:00,6690.8 +2019-06-27 08:30:00,6760.0 +2019-06-27 08:45:00,6792.8 +2019-06-27 09:00:00,6851.6 +2019-06-27 09:15:00,6901.2 +2019-06-27 09:30:00,6934.8 +2019-06-27 09:45:00,6973.2 +2019-06-27 10:00:00,6957.6 +2019-06-27 10:15:00,6986.0 +2019-06-27 10:30:00,7017.2 +2019-06-27 10:45:00,7019.2 +2019-06-27 11:00:00,6972.0 +2019-06-27 11:15:00,6962.0 +2019-06-27 11:30:00,6948.0 +2019-06-27 11:45:00,6952.0 +2019-06-27 12:00:00,6939.2 +2019-06-27 12:15:00,6915.6 +2019-06-27 12:30:00,6866.8 +2019-06-27 12:45:00,6832.0 +2019-06-27 13:00:00,6786.4 +2019-06-27 13:15:00,6785.6 +2019-06-27 13:30:00,6763.2 +2019-06-27 13:45:00,6730.0 +2019-06-27 14:00:00,6696.8 +2019-06-27 14:15:00,6663.2 +2019-06-27 14:30:00,6621.2 +2019-06-27 14:45:00,6549.6 +2019-06-27 15:00:00,6549.2 +2019-06-27 15:15:00,6533.6 +2019-06-27 15:30:00,6502.4 +2019-06-27 15:45:00,6474.8 +2019-06-27 16:00:00,6469.6 +2019-06-27 16:15:00,6475.2 +2019-06-27 16:30:00,6495.2 +2019-06-27 16:45:00,6483.6 +2019-06-27 17:00:00,6413.2 +2019-06-27 17:15:00,6393.2 +2019-06-27 17:30:00,6385.6 +2019-06-27 17:45:00,6384.8 +2019-06-27 18:00:00,6359.2 +2019-06-27 18:15:00,6312.4 +2019-06-27 18:30:00,6294.8 +2019-06-27 18:45:00,6232.8 +2019-06-27 19:00:00,6160.8 +2019-06-27 19:15:00,6079.6 +2019-06-27 19:30:00,6008.8 +2019-06-27 19:45:00,5951.6 +2019-06-27 20:00:00,5859.6 +2019-06-27 20:15:00,5806.8 +2019-06-27 20:30:00,5759.6 +2019-06-27 20:45:00,5694.0 +2019-06-27 21:00:00,5690.8 +2019-06-27 21:15:00,5633.2 +2019-06-27 21:30:00,5529.6 +2019-06-27 21:45:00,5449.2 +2019-06-27 22:00:00,5338.0 +2019-06-27 22:15:00,5234.8 +2019-06-27 22:30:00,5135.2 +2019-06-27 22:45:00,5066.0 +2019-06-27 23:00:00,4931.2 +2019-06-27 23:15:00,4844.4 +2019-06-27 23:30:00,4804.8 +2019-06-27 23:45:00,4741.2 +2019-06-28 00:00:00,4711.6 +2019-06-28 00:15:00,4646.4 +2019-06-28 00:30:00,4636.8 +2019-06-28 00:45:00,4593.2 +2019-06-28 01:00:00,4586.8 +2019-06-28 01:15:00,4540.8 +2019-06-28 01:30:00,4529.6 +2019-06-28 01:45:00,4535.6 +2019-06-28 02:00:00,4558.0 +2019-06-28 02:15:00,4524.8 +2019-06-28 02:30:00,4535.2 +2019-06-28 02:45:00,4552.4 +2019-06-28 03:00:00,4594.4 +2019-06-28 03:15:00,4605.6 +2019-06-28 03:30:00,4636.4 +2019-06-28 03:45:00,4656.0 +2019-06-28 04:00:00,4753.6 +2019-06-28 04:15:00,4777.6 +2019-06-28 04:30:00,4847.2 +2019-06-28 04:45:00,4979.6 +2019-06-28 05:00:00,5275.2 +2019-06-28 05:15:00,5494.4 +2019-06-28 05:30:00,5674.8 +2019-06-28 05:45:00,5792.8 +2019-06-28 06:00:00,5956.0 +2019-06-28 06:15:00,6098.0 +2019-06-28 06:30:00,6190.8 +2019-06-28 06:45:00,6286.4 +2019-06-28 07:00:00,6359.2 +2019-06-28 07:15:00,6421.6 +2019-06-28 07:30:00,6454.0 +2019-06-28 07:45:00,6476.4 +2019-06-28 08:00:00,6444.0 +2019-06-28 08:15:00,6479.2 +2019-06-28 08:30:00,6529.2 +2019-06-28 08:45:00,6566.8 +2019-06-28 09:00:00,6567.2 +2019-06-28 09:15:00,6580.8 +2019-06-28 09:30:00,6631.6 +2019-06-28 09:45:00,6682.8 +2019-06-28 10:00:00,6689.6 +2019-06-28 10:15:00,6695.6 +2019-06-28 10:30:00,6702.8 +2019-06-28 10:45:00,6725.2 +2019-06-28 11:00:00,6656.4 +2019-06-28 11:15:00,6629.2 +2019-06-28 11:30:00,6614.8 +2019-06-28 11:45:00,6632.4 +2019-06-28 12:00:00,6577.2 +2019-06-28 12:15:00,6523.2 +2019-06-28 12:30:00,6469.6 +2019-06-28 12:45:00,6410.4 +2019-06-28 13:00:00,6408.4 +2019-06-28 13:15:00,6368.8 +2019-06-28 13:30:00,6325.2 +2019-06-28 13:45:00,6282.0 +2019-06-28 14:00:00,6256.4 +2019-06-28 14:15:00,6254.8 +2019-06-28 14:30:00,6207.6 +2019-06-28 14:45:00,6170.8 +2019-06-28 15:00:00,6202.4 +2019-06-28 15:15:00,6174.4 +2019-06-28 15:30:00,6172.0 +2019-06-28 15:45:00,6158.4 +2019-06-28 16:00:00,6162.0 +2019-06-28 16:15:00,6150.4 +2019-06-28 16:30:00,6157.6 +2019-06-28 16:45:00,6138.0 +2019-06-28 17:00:00,6114.0 +2019-06-28 17:15:00,6078.4 +2019-06-28 17:30:00,6068.8 +2019-06-28 17:45:00,6051.6 +2019-06-28 18:00:00,6036.8 +2019-06-28 18:15:00,6001.2 +2019-06-28 18:30:00,5974.4 +2019-06-28 18:45:00,5920.4 +2019-06-28 19:00:00,5846.8 +2019-06-28 19:15:00,5756.8 +2019-06-28 19:30:00,5693.2 +2019-06-28 19:45:00,5623.6 +2019-06-28 20:00:00,5564.4 +2019-06-28 20:15:00,5499.2 +2019-06-28 20:30:00,5438.4 +2019-06-28 20:45:00,5402.8 +2019-06-28 21:00:00,5380.4 +2019-06-28 21:15:00,5331.6 +2019-06-28 21:30:00,5248.0 +2019-06-28 21:45:00,5174.0 +2019-06-28 22:00:00,5063.6 +2019-06-28 22:15:00,4988.8 +2019-06-28 22:30:00,4898.8 +2019-06-28 22:45:00,4795.6 +2019-06-28 23:00:00,4651.2 +2019-06-28 23:15:00,4604.8 +2019-06-28 23:30:00,4525.2 +2019-06-28 23:45:00,4479.2 +2019-06-29 00:00:00,4426.0 +2019-06-29 00:15:00,4376.4 +2019-06-29 00:30:00,4340.4 +2019-06-29 00:45:00,4283.6 +2019-06-29 01:00:00,4264.4 +2019-06-29 01:15:00,4231.2 +2019-06-29 01:30:00,4220.4 +2019-06-29 01:45:00,4170.8 +2019-06-29 02:00:00,4173.2 +2019-06-29 02:15:00,4177.6 +2019-06-29 02:30:00,4181.2 +2019-06-29 02:45:00,4131.6 +2019-06-29 03:00:00,4131.2 +2019-06-29 03:15:00,4152.4 +2019-06-29 03:30:00,4150.4 +2019-06-29 03:45:00,4098.8 +2019-06-29 04:00:00,4098.4 +2019-06-29 04:15:00,4120.8 +2019-06-29 04:30:00,4119.2 +2019-06-29 04:45:00,4134.8 +2019-06-29 05:00:00,4218.8 +2019-06-29 05:15:00,4293.6 +2019-06-29 05:30:00,4359.2 +2019-06-29 05:45:00,4436.4 +2019-06-29 06:00:00,4551.2 +2019-06-29 06:15:00,4634.4 +2019-06-29 06:30:00,4772.8 +2019-06-29 06:45:00,4846.0 +2019-06-29 07:00:00,4960.8 +2019-06-29 07:15:00,5048.8 +2019-06-29 07:30:00,5136.0 +2019-06-29 07:45:00,5226.4 +2019-06-29 08:00:00,5307.6 +2019-06-29 08:15:00,5365.6 +2019-06-29 08:30:00,5420.0 +2019-06-29 08:45:00,5476.4 +2019-06-29 09:00:00,5510.4 +2019-06-29 09:15:00,5526.4 +2019-06-29 09:30:00,5545.6 +2019-06-29 09:45:00,5563.6 +2019-06-29 10:00:00,5560.0 +2019-06-29 10:15:00,5580.0 +2019-06-29 10:30:00,5610.0 +2019-06-29 10:45:00,5602.4 +2019-06-29 11:00:00,5564.8 +2019-06-29 11:15:00,5536.8 +2019-06-29 11:30:00,5545.6 +2019-06-29 11:45:00,5528.8 +2019-06-29 12:00:00,5482.0 +2019-06-29 12:15:00,5431.2 +2019-06-29 12:30:00,5404.0 +2019-06-29 12:45:00,5358.0 +2019-06-29 13:00:00,5336.0 +2019-06-29 13:15:00,5302.0 +2019-06-29 13:30:00,5280.4 +2019-06-29 13:45:00,5242.0 +2019-06-29 14:00:00,5251.6 +2019-06-29 14:15:00,5252.8 +2019-06-29 14:30:00,5203.2 +2019-06-29 14:45:00,5220.4 +2019-06-29 15:00:00,5205.2 +2019-06-29 15:15:00,5207.6 +2019-06-29 15:30:00,5130.8 +2019-06-29 15:45:00,5152.0 +2019-06-29 16:00:00,5187.2 +2019-06-29 16:15:00,5202.0 +2019-06-29 16:30:00,5199.6 +2019-06-29 16:45:00,5222.0 +2019-06-29 17:00:00,5246.8 +2019-06-29 17:15:00,5231.2 +2019-06-29 17:30:00,5216.4 +2019-06-29 17:45:00,5209.2 +2019-06-29 18:00:00,5207.6 +2019-06-29 18:15:00,5158.8 +2019-06-29 18:30:00,5143.6 +2019-06-29 18:45:00,5085.2 +2019-06-29 19:00:00,5035.2 +2019-06-29 19:15:00,4966.8 +2019-06-29 19:30:00,4918.0 +2019-06-29 19:45:00,4849.2 +2019-06-29 20:00:00,4783.2 +2019-06-29 20:15:00,4754.4 +2019-06-29 20:30:00,4742.0 +2019-06-29 20:45:00,4712.8 +2019-06-29 21:00:00,4742.8 +2019-06-29 21:15:00,4722.0 +2019-06-29 21:30:00,4668.4 +2019-06-29 21:45:00,4618.4 +2019-06-29 22:00:00,4537.2 +2019-06-29 22:15:00,4453.2 +2019-06-29 22:30:00,4374.4 +2019-06-29 22:45:00,4318.4 +2019-06-29 23:00:00,4231.2 +2019-06-29 23:15:00,4165.6 +2019-06-29 23:30:00,4099.2 +2019-06-29 23:45:00,4064.0 +2019-06-30 00:00:00,4005.6 +2019-06-30 00:15:00,3965.6 +2019-06-30 00:30:00,3908.0 +2019-06-30 00:45:00,3893.2 +2019-06-30 01:00:00,3855.6 +2019-06-30 01:15:00,3828.8 +2019-06-30 01:30:00,3825.2 +2019-06-30 01:45:00,3810.8 +2019-06-30 02:00:00,3772.4 +2019-06-30 02:15:00,3750.8 +2019-06-30 02:30:00,3737.6 +2019-06-30 02:45:00,3735.6 +2019-06-30 03:00:00,3738.8 +2019-06-30 03:15:00,3738.8 +2019-06-30 03:30:00,3734.8 +2019-06-30 03:45:00,3715.2 +2019-06-30 04:00:00,3705.6 +2019-06-30 04:15:00,3686.8 +2019-06-30 04:30:00,3704.4 +2019-06-30 04:45:00,3728.8 +2019-06-30 05:00:00,3787.2 +2019-06-30 05:15:00,3800.8 +2019-06-30 05:30:00,3836.8 +2019-06-30 05:45:00,3900.0 +2019-06-30 06:00:00,3974.8 +2019-06-30 06:15:00,4048.0 +2019-06-30 06:30:00,4119.2 +2019-06-30 06:45:00,4221.6 +2019-06-30 07:00:00,4325.6 +2019-06-30 07:15:00,4446.4 +2019-06-30 07:30:00,4523.6 +2019-06-30 07:45:00,4599.2 +2019-06-30 08:00:00,4668.0 +2019-06-30 08:15:00,4725.2 +2019-06-30 08:30:00,4798.8 +2019-06-30 08:45:00,4855.6 +2019-06-30 09:00:00,4914.4 +2019-06-30 09:15:00,4960.8 +2019-06-30 09:30:00,4998.8 +2019-06-30 09:45:00,5052.4 +2019-06-30 10:00:00,5110.4 +2019-06-30 10:15:00,5134.8 +2019-06-30 10:30:00,5189.2 +2019-06-30 10:45:00,5169.6 +2019-06-30 11:00:00,5144.0 +2019-06-30 11:15:00,5144.0 +2019-06-30 11:30:00,5106.4 +2019-06-30 11:45:00,5071.6 +2019-06-30 12:00:00,5019.6 +2019-06-30 12:15:00,5006.0 +2019-06-30 12:30:00,4971.6 +2019-06-30 12:45:00,4954.8 +2019-06-30 13:00:00,4917.2 +2019-06-30 13:15:00,4871.2 +2019-06-30 13:30:00,4866.0 +2019-06-30 13:45:00,4840.8 +2019-06-30 14:00:00,4842.8 +2019-06-30 14:15:00,4852.0 +2019-06-30 14:30:00,4852.8 +2019-06-30 14:45:00,4854.8 +2019-06-30 15:00:00,4856.8 +2019-06-30 15:15:00,4838.4 +2019-06-30 15:30:00,4862.8 +2019-06-30 15:45:00,4915.2 +2019-06-30 16:00:00,4968.4 +2019-06-30 16:15:00,4981.2 +2019-06-30 16:30:00,4972.8 +2019-06-30 16:45:00,4980.8 +2019-06-30 17:00:00,5002.4 +2019-06-30 17:15:00,5018.8 +2019-06-30 17:30:00,5052.0 +2019-06-30 17:45:00,5038.0 +2019-06-30 18:00:00,5117.2 +2019-06-30 18:15:00,5102.4 +2019-06-30 18:30:00,5070.8 +2019-06-30 18:45:00,5072.8 +2019-06-30 19:00:00,5086.4 +2019-06-30 19:15:00,5080.8 +2019-06-30 19:30:00,5060.8 +2019-06-30 19:45:00,5009.2 +2019-06-30 20:00:00,4986.8 +2019-06-30 20:15:00,4944.0 +2019-06-30 20:30:00,4984.0 +2019-06-30 20:45:00,5025.2 +2019-06-30 21:00:00,5090.0 +2019-06-30 21:15:00,5110.8 +2019-06-30 21:30:00,5060.8 +2019-06-30 21:45:00,4992.0 +2019-06-30 22:00:00,4883.6 +2019-06-30 22:15:00,4786.4 +2019-06-30 22:30:00,4722.8 +2019-06-30 22:45:00,4648.8 +2019-06-30 23:00:00,4742.0 +2019-06-30 23:15:00,4679.6 +2019-06-30 23:30:00,4633.2 +2019-06-30 23:45:00,4577.6 +2019-07-01 00:00:00,4534.0 +2019-07-01 00:15:00,4487.6 +2019-07-01 00:30:00,4440.4 +2019-07-01 00:45:00,4430.4 +2019-07-01 01:00:00,4396.4 +2019-07-01 01:15:00,4377.2 +2019-07-01 01:30:00,4387.6 +2019-07-01 01:45:00,4373.6 +2019-07-01 02:00:00,4392.8 +2019-07-01 02:15:00,4386.8 +2019-07-01 02:30:00,4378.8 +2019-07-01 02:45:00,4375.2 +2019-07-01 03:00:00,4414.0 +2019-07-01 03:15:00,4426.4 +2019-07-01 03:30:00,4460.0 +2019-07-01 03:45:00,4499.2 +2019-07-01 04:00:00,4641.2 +2019-07-01 04:15:00,4709.6 +2019-07-01 04:30:00,4808.4 +2019-07-01 04:45:00,4989.2 +2019-07-01 05:00:00,5320.8 +2019-07-01 05:15:00,5536.0 +2019-07-01 05:30:00,5754.4 +2019-07-01 05:45:00,5961.2 +2019-07-01 06:00:00,6106.0 +2019-07-01 06:15:00,6188.8 +2019-07-01 06:30:00,6298.0 +2019-07-01 06:45:00,6431.2 +2019-07-01 07:00:00,6556.8 +2019-07-01 07:15:00,6597.6 +2019-07-01 07:30:00,6659.6 +2019-07-01 07:45:00,6681.6 +2019-07-01 08:00:00,6691.6 +2019-07-01 08:15:00,6745.2 +2019-07-01 08:30:00,6807.2 +2019-07-01 08:45:00,6856.0 +2019-07-01 09:00:00,6932.0 +2019-07-01 09:15:00,6991.2 +2019-07-01 09:30:00,7037.6 +2019-07-01 09:45:00,7078.0 +2019-07-01 10:00:00,7126.8 +2019-07-01 10:15:00,7155.6 +2019-07-01 10:30:00,7196.8 +2019-07-01 10:45:00,7227.2 +2019-07-01 11:00:00,7189.6 +2019-07-01 11:15:00,7138.0 +2019-07-01 11:30:00,7156.8 +2019-07-01 11:45:00,7157.2 +2019-07-01 12:00:00,7168.4 +2019-07-01 12:15:00,7154.8 +2019-07-01 12:30:00,7129.6 +2019-07-01 12:45:00,7087.2 +2019-07-01 13:00:00,7069.2 +2019-07-01 13:15:00,7068.0 +2019-07-01 13:30:00,7066.4 +2019-07-01 13:45:00,7098.8 +2019-07-01 14:00:00,7103.6 +2019-07-01 14:15:00,7031.2 +2019-07-01 14:30:00,6992.8 +2019-07-01 14:45:00,6951.2 +2019-07-01 15:00:00,6873.6 +2019-07-01 15:15:00,6810.4 +2019-07-01 15:30:00,6793.6 +2019-07-01 15:45:00,6758.8 +2019-07-01 16:00:00,6752.0 +2019-07-01 16:15:00,6706.0 +2019-07-01 16:30:00,6707.2 +2019-07-01 16:45:00,6695.2 +2019-07-01 17:00:00,6679.6 +2019-07-01 17:15:00,6664.4 +2019-07-01 17:30:00,6666.0 +2019-07-01 17:45:00,6696.4 +2019-07-01 18:00:00,6676.0 +2019-07-01 18:15:00,6652.0 +2019-07-01 18:30:00,6631.2 +2019-07-01 18:45:00,6588.8 +2019-07-01 19:00:00,6463.6 +2019-07-01 19:15:00,6364.0 +2019-07-01 19:30:00,6240.8 +2019-07-01 19:45:00,6172.8 +2019-07-01 20:00:00,6110.0 +2019-07-01 20:15:00,6022.8 +2019-07-01 20:30:00,5976.4 +2019-07-01 20:45:00,5906.4 +2019-07-01 21:00:00,5867.6 +2019-07-01 21:15:00,5790.4 +2019-07-01 21:30:00,5687.6 +2019-07-01 21:45:00,5572.8 +2019-07-01 22:00:00,5433.6 +2019-07-01 22:15:00,5335.6 +2019-07-01 22:30:00,5246.0 +2019-07-01 22:45:00,5200.8 +2019-07-01 23:00:00,5073.6 +2019-07-01 23:15:00,5008.4 +2019-07-01 23:30:00,4978.8 +2019-07-01 23:45:00,4936.4 +2019-07-02 00:00:00,4849.6 +2019-07-02 00:15:00,4820.8 +2019-07-02 00:30:00,4812.4 +2019-07-02 00:45:00,4798.0 +2019-07-02 01:00:00,4742.8 +2019-07-02 01:15:00,4702.8 +2019-07-02 01:30:00,4699.6 +2019-07-02 01:45:00,4690.0 +2019-07-02 02:00:00,4673.6 +2019-07-02 02:15:00,4723.2 +2019-07-02 02:30:00,4720.4 +2019-07-02 02:45:00,4750.0 +2019-07-02 03:00:00,4776.4 +2019-07-02 03:15:00,4800.0 +2019-07-02 03:30:00,4832.4 +2019-07-02 03:45:00,4868.4 +2019-07-02 04:00:00,4971.6 +2019-07-02 04:15:00,5002.8 +2019-07-02 04:30:00,5088.8 +2019-07-02 04:45:00,5239.2 +2019-07-02 05:00:00,5534.4 +2019-07-02 05:15:00,5728.4 +2019-07-02 05:30:00,5881.2 +2019-07-02 05:45:00,6002.4 +2019-07-02 06:00:00,6182.4 +2019-07-02 06:15:00,6301.2 +2019-07-02 06:30:00,6401.2 +2019-07-02 06:45:00,6507.6 +2019-07-02 07:00:00,6626.0 +2019-07-02 07:15:00,6681.6 +2019-07-02 07:30:00,6730.0 +2019-07-02 07:45:00,6761.6 +2019-07-02 08:00:00,6709.2 +2019-07-02 08:15:00,6753.6 +2019-07-02 08:30:00,6798.4 +2019-07-02 08:45:00,6838.0 +2019-07-02 09:00:00,6840.4 +2019-07-02 09:15:00,6851.6 +2019-07-02 09:30:00,6910.0 +2019-07-02 09:45:00,6951.2 +2019-07-02 10:00:00,6957.2 +2019-07-02 10:15:00,7010.8 +2019-07-02 10:30:00,7038.8 +2019-07-02 10:45:00,7032.8 +2019-07-02 11:00:00,6980.8 +2019-07-02 11:15:00,6981.6 +2019-07-02 11:30:00,6999.2 +2019-07-02 11:45:00,6999.6 +2019-07-02 12:00:00,6992.8 +2019-07-02 12:15:00,6978.4 +2019-07-02 12:30:00,6930.0 +2019-07-02 12:45:00,6903.6 +2019-07-02 13:00:00,6876.8 +2019-07-02 13:15:00,6842.0 +2019-07-02 13:30:00,6828.0 +2019-07-02 13:45:00,6799.2 +2019-07-02 14:00:00,6758.4 +2019-07-02 14:15:00,6721.2 +2019-07-02 14:30:00,6674.4 +2019-07-02 14:45:00,6637.2 +2019-07-02 15:00:00,6606.8 +2019-07-02 15:15:00,6578.4 +2019-07-02 15:30:00,6542.0 +2019-07-02 15:45:00,6526.8 +2019-07-02 16:00:00,6538.8 +2019-07-02 16:15:00,6523.2 +2019-07-02 16:30:00,6529.6 +2019-07-02 16:45:00,6503.6 +2019-07-02 17:00:00,6473.6 +2019-07-02 17:15:00,6461.2 +2019-07-02 17:30:00,6436.4 +2019-07-02 17:45:00,6444.0 +2019-07-02 18:00:00,6414.0 +2019-07-02 18:15:00,6357.2 +2019-07-02 18:30:00,6314.8 +2019-07-02 18:45:00,6272.0 +2019-07-02 19:00:00,6196.0 +2019-07-02 19:15:00,6114.4 +2019-07-02 19:30:00,6038.4 +2019-07-02 19:45:00,5974.8 +2019-07-02 20:00:00,5911.6 +2019-07-02 20:15:00,5826.4 +2019-07-02 20:30:00,5754.4 +2019-07-02 20:45:00,5687.6 +2019-07-02 21:00:00,5638.4 +2019-07-02 21:15:00,5597.6 +2019-07-02 21:30:00,5503.2 +2019-07-02 21:45:00,5387.6 +2019-07-02 22:00:00,5276.0 +2019-07-02 22:15:00,5205.2 +2019-07-02 22:30:00,5100.8 +2019-07-02 22:45:00,5025.6 +2019-07-02 23:00:00,4924.0 +2019-07-02 23:15:00,4861.2 +2019-07-02 23:30:00,4792.0 +2019-07-02 23:45:00,4750.0 +2019-07-03 00:00:00,4723.2 +2019-07-03 00:15:00,4706.0 +2019-07-03 00:30:00,4642.4 +2019-07-03 00:45:00,4618.0 +2019-07-03 01:00:00,4608.0 +2019-07-03 01:15:00,4587.6 +2019-07-03 01:30:00,4600.0 +2019-07-03 01:45:00,4620.0 +2019-07-03 02:00:00,4604.4 +2019-07-03 02:15:00,4617.2 +2019-07-03 02:30:00,4624.0 +2019-07-03 02:45:00,4612.0 +2019-07-03 03:00:00,4653.6 +2019-07-03 03:15:00,4682.4 +2019-07-03 03:30:00,4698.8 +2019-07-03 03:45:00,4748.0 +2019-07-03 04:00:00,4833.6 +2019-07-03 04:15:00,4884.0 +2019-07-03 04:30:00,4955.6 +2019-07-03 04:45:00,5118.8 +2019-07-03 05:00:00,5422.0 +2019-07-03 05:15:00,5608.0 +2019-07-03 05:30:00,5760.0 +2019-07-03 05:45:00,5893.6 +2019-07-03 06:00:00,6056.8 +2019-07-03 06:15:00,6166.4 +2019-07-03 06:30:00,6282.8 +2019-07-03 06:45:00,6390.4 +2019-07-03 07:00:00,6506.8 +2019-07-03 07:15:00,6581.2 +2019-07-03 07:30:00,6662.4 +2019-07-03 07:45:00,6688.0 +2019-07-03 08:00:00,6648.0 +2019-07-03 08:15:00,6719.2 +2019-07-03 08:30:00,6760.0 +2019-07-03 08:45:00,6810.0 +2019-07-03 09:00:00,6835.2 +2019-07-03 09:15:00,6850.0 +2019-07-03 09:30:00,6888.4 +2019-07-03 09:45:00,6941.2 +2019-07-03 10:00:00,6996.4 +2019-07-03 10:15:00,7005.6 +2019-07-03 10:30:00,7038.8 +2019-07-03 10:45:00,7018.8 +2019-07-03 11:00:00,6956.0 +2019-07-03 11:15:00,6918.4 +2019-07-03 11:30:00,6925.2 +2019-07-03 11:45:00,6913.6 +2019-07-03 12:00:00,6900.4 +2019-07-03 12:15:00,6863.6 +2019-07-03 12:30:00,6808.0 +2019-07-03 12:45:00,6750.0 +2019-07-03 13:00:00,6688.8 +2019-07-03 13:15:00,6674.4 +2019-07-03 13:30:00,6679.6 +2019-07-03 13:45:00,6670.8 +2019-07-03 14:00:00,6656.8 +2019-07-03 14:15:00,6638.8 +2019-07-03 14:30:00,6611.6 +2019-07-03 14:45:00,6558.4 +2019-07-03 15:00:00,6518.4 +2019-07-03 15:15:00,6498.4 +2019-07-03 15:30:00,6449.2 +2019-07-03 15:45:00,6418.8 +2019-07-03 16:00:00,6456.0 +2019-07-03 16:15:00,6477.2 +2019-07-03 16:30:00,6477.2 +2019-07-03 16:45:00,6481.2 +2019-07-03 17:00:00,6434.0 +2019-07-03 17:15:00,6416.0 +2019-07-03 17:30:00,6400.4 +2019-07-03 17:45:00,6363.6 +2019-07-03 18:00:00,6326.8 +2019-07-03 18:15:00,6301.6 +2019-07-03 18:30:00,6252.8 +2019-07-03 18:45:00,6217.6 +2019-07-03 19:00:00,6157.6 +2019-07-03 19:15:00,6073.2 +2019-07-03 19:30:00,6042.4 +2019-07-03 19:45:00,5968.0 +2019-07-03 20:00:00,5899.6 +2019-07-03 20:15:00,5849.2 +2019-07-03 20:30:00,5801.6 +2019-07-03 20:45:00,5792.0 +2019-07-03 21:00:00,5775.2 +2019-07-03 21:15:00,5720.4 +2019-07-03 21:30:00,5618.4 +2019-07-03 21:45:00,5530.4 +2019-07-03 22:00:00,5380.4 +2019-07-03 22:15:00,5273.2 +2019-07-03 22:30:00,5172.0 +2019-07-03 22:45:00,5082.8 +2019-07-03 23:00:00,4946.4 +2019-07-03 23:15:00,4882.0 +2019-07-03 23:30:00,4834.8 +2019-07-03 23:45:00,4795.6 +2019-07-04 00:00:00,4755.2 +2019-07-04 00:15:00,4727.6 +2019-07-04 00:30:00,4707.2 +2019-07-04 00:45:00,4658.4 +2019-07-04 01:00:00,4591.2 +2019-07-04 01:15:00,4593.6 +2019-07-04 01:30:00,4593.6 +2019-07-04 01:45:00,4587.2 +2019-07-04 02:00:00,4598.8 +2019-07-04 02:15:00,4617.6 +2019-07-04 02:30:00,4593.6 +2019-07-04 02:45:00,4601.2 +2019-07-04 03:00:00,4650.8 +2019-07-04 03:15:00,4676.4 +2019-07-04 03:30:00,4707.6 +2019-07-04 03:45:00,4736.0 +2019-07-04 04:00:00,4855.6 +2019-07-04 04:15:00,4903.2 +2019-07-04 04:30:00,4962.8 +2019-07-04 04:45:00,5114.0 +2019-07-04 05:00:00,5398.4 +2019-07-04 05:15:00,5584.4 +2019-07-04 05:30:00,5748.4 +2019-07-04 05:45:00,5872.4 +2019-07-04 06:00:00,6035.6 +2019-07-04 06:15:00,6154.8 +2019-07-04 06:30:00,6278.4 +2019-07-04 06:45:00,6396.4 +2019-07-04 07:00:00,6490.0 +2019-07-04 07:15:00,6552.0 +2019-07-04 07:30:00,6610.0 +2019-07-04 07:45:00,6650.8 +2019-07-04 08:00:00,6642.4 +2019-07-04 08:15:00,6674.0 +2019-07-04 08:30:00,6714.0 +2019-07-04 08:45:00,6766.8 +2019-07-04 09:00:00,6739.6 +2019-07-04 09:15:00,6766.8 +2019-07-04 09:30:00,6858.0 +2019-07-04 09:45:00,6918.8 +2019-07-04 10:00:00,6942.4 +2019-07-04 10:15:00,6966.0 +2019-07-04 10:30:00,6988.4 +2019-07-04 10:45:00,7028.0 +2019-07-04 11:00:00,6955.6 +2019-07-04 11:15:00,6926.8 +2019-07-04 11:30:00,6937.2 +2019-07-04 11:45:00,6955.6 +2019-07-04 12:00:00,6926.0 +2019-07-04 12:15:00,6907.6 +2019-07-04 12:30:00,6890.8 +2019-07-04 12:45:00,6842.8 +2019-07-04 13:00:00,6815.2 +2019-07-04 13:15:00,6807.2 +2019-07-04 13:30:00,6792.4 +2019-07-04 13:45:00,6762.0 +2019-07-04 14:00:00,6752.4 +2019-07-04 14:15:00,6716.0 +2019-07-04 14:30:00,6696.4 +2019-07-04 14:45:00,6664.4 +2019-07-04 15:00:00,6632.4 +2019-07-04 15:15:00,6596.8 +2019-07-04 15:30:00,6570.4 +2019-07-04 15:45:00,6541.6 +2019-07-04 16:00:00,6563.2 +2019-07-04 16:15:00,6564.0 +2019-07-04 16:30:00,6534.8 +2019-07-04 16:45:00,6508.0 +2019-07-04 17:00:00,6481.6 +2019-07-04 17:15:00,6465.2 +2019-07-04 17:30:00,6463.6 +2019-07-04 17:45:00,6465.2 +2019-07-04 18:00:00,6460.8 +2019-07-04 18:15:00,6398.8 +2019-07-04 18:30:00,6381.6 +2019-07-04 18:45:00,6333.6 +2019-07-04 19:00:00,6257.2 +2019-07-04 19:15:00,6175.6 +2019-07-04 19:30:00,6105.2 +2019-07-04 19:45:00,6036.0 +2019-07-04 20:00:00,5952.4 +2019-07-04 20:15:00,5897.6 +2019-07-04 20:30:00,5877.6 +2019-07-04 20:45:00,5860.4 +2019-07-04 21:00:00,5801.2 +2019-07-04 21:15:00,5738.4 +2019-07-04 21:30:00,5654.8 +2019-07-04 21:45:00,5562.0 +2019-07-04 22:00:00,5438.0 +2019-07-04 22:15:00,5363.2 +2019-07-04 22:30:00,5262.4 +2019-07-04 22:45:00,5173.2 +2019-07-04 23:00:00,5044.0 +2019-07-04 23:15:00,5006.4 +2019-07-04 23:30:00,4960.8 +2019-07-04 23:45:00,4915.6 +2019-07-05 00:00:00,4850.0 +2019-07-05 00:15:00,4823.2 +2019-07-05 00:30:00,4794.0 +2019-07-05 00:45:00,4761.2 +2019-07-05 01:00:00,4732.4 +2019-07-05 01:15:00,4738.0 +2019-07-05 01:30:00,4718.8 +2019-07-05 01:45:00,4704.0 +2019-07-05 02:00:00,4734.8 +2019-07-05 02:15:00,4732.8 +2019-07-05 02:30:00,4695.2 +2019-07-05 02:45:00,4720.8 +2019-07-05 03:00:00,4759.6 +2019-07-05 03:15:00,4786.8 +2019-07-05 03:30:00,4804.4 +2019-07-05 03:45:00,4848.4 +2019-07-05 04:00:00,4939.6 +2019-07-05 04:15:00,4971.6 +2019-07-05 04:30:00,5040.0 +2019-07-05 04:45:00,5152.8 +2019-07-05 05:00:00,5486.8 +2019-07-05 05:15:00,5695.6 +2019-07-05 05:30:00,5853.2 +2019-07-05 05:45:00,5988.8 +2019-07-05 06:00:00,6160.8 +2019-07-05 06:15:00,6299.2 +2019-07-05 06:30:00,6386.0 +2019-07-05 06:45:00,6468.4 +2019-07-05 07:00:00,6560.4 +2019-07-05 07:15:00,6629.2 +2019-07-05 07:30:00,6692.0 +2019-07-05 07:45:00,6741.2 +2019-07-05 08:00:00,6737.6 +2019-07-05 08:15:00,6799.6 +2019-07-05 08:30:00,6825.6 +2019-07-05 08:45:00,6870.4 +2019-07-05 09:00:00,6853.6 +2019-07-05 09:15:00,6890.4 +2019-07-05 09:30:00,6880.8 +2019-07-05 09:45:00,6896.0 +2019-07-05 10:00:00,6909.6 +2019-07-05 10:15:00,6933.2 +2019-07-05 10:30:00,6955.2 +2019-07-05 10:45:00,6932.8 +2019-07-05 11:00:00,6857.6 +2019-07-05 11:15:00,6845.2 +2019-07-05 11:30:00,6860.0 +2019-07-05 11:45:00,6826.0 +2019-07-05 12:00:00,6798.0 +2019-07-05 12:15:00,6776.8 +2019-07-05 12:30:00,6734.8 +2019-07-05 12:45:00,6683.2 +2019-07-05 13:00:00,6663.6 +2019-07-05 13:15:00,6651.6 +2019-07-05 13:30:00,6626.0 +2019-07-05 13:45:00,6569.2 +2019-07-05 14:00:00,6547.2 +2019-07-05 14:15:00,6496.0 +2019-07-05 14:30:00,6444.8 +2019-07-05 14:45:00,6389.6 +2019-07-05 15:00:00,6382.4 +2019-07-05 15:15:00,6355.6 +2019-07-05 15:30:00,6340.8 +2019-07-05 15:45:00,6332.0 +2019-07-05 16:00:00,6314.8 +2019-07-05 16:15:00,6269.2 +2019-07-05 16:30:00,6288.0 +2019-07-05 16:45:00,6263.2 +2019-07-05 17:00:00,6273.6 +2019-07-05 17:15:00,6216.0 +2019-07-05 17:30:00,6192.8 +2019-07-05 17:45:00,6188.8 +2019-07-05 18:00:00,6132.8 +2019-07-05 18:15:00,6050.0 +2019-07-05 18:30:00,6014.4 +2019-07-05 18:45:00,5968.8 +2019-07-05 19:00:00,5846.0 +2019-07-05 19:15:00,5782.0 +2019-07-05 19:30:00,5695.2 +2019-07-05 19:45:00,5656.4 +2019-07-05 20:00:00,5580.4 +2019-07-05 20:15:00,5549.2 +2019-07-05 20:30:00,5482.0 +2019-07-05 20:45:00,5456.8 +2019-07-05 21:00:00,5420.4 +2019-07-05 21:15:00,5373.2 +2019-07-05 21:30:00,5321.6 +2019-07-05 21:45:00,5227.2 +2019-07-05 22:00:00,5098.0 +2019-07-05 22:15:00,5026.4 +2019-07-05 22:30:00,4936.4 +2019-07-05 22:45:00,4862.0 +2019-07-05 23:00:00,4787.6 +2019-07-05 23:15:00,4734.4 +2019-07-05 23:30:00,4683.2 +2019-07-05 23:45:00,4624.4 +2019-07-06 00:00:00,4542.0 +2019-07-06 00:15:00,4491.2 +2019-07-06 00:30:00,4434.4 +2019-07-06 00:45:00,4396.8 +2019-07-06 01:00:00,4328.8 +2019-07-06 01:15:00,4280.0 +2019-07-06 01:30:00,4260.4 +2019-07-06 01:45:00,4278.4 +2019-07-06 02:00:00,4255.2 +2019-07-06 02:15:00,4243.2 +2019-07-06 02:30:00,4211.6 +2019-07-06 02:45:00,4207.6 +2019-07-06 03:00:00,4201.2 +2019-07-06 03:15:00,4190.8 +2019-07-06 03:30:00,4226.8 +2019-07-06 03:45:00,4191.2 +2019-07-06 04:00:00,4223.6 +2019-07-06 04:15:00,4187.2 +2019-07-06 04:30:00,4185.2 +2019-07-06 04:45:00,4204.0 +2019-07-06 05:00:00,4294.0 +2019-07-06 05:15:00,4360.8 +2019-07-06 05:30:00,4397.2 +2019-07-06 05:45:00,4464.4 +2019-07-06 06:00:00,4564.0 +2019-07-06 06:15:00,4648.8 +2019-07-06 06:30:00,4748.8 +2019-07-06 06:45:00,4854.8 +2019-07-06 07:00:00,4972.4 +2019-07-06 07:15:00,5064.8 +2019-07-06 07:30:00,5160.0 +2019-07-06 07:45:00,5242.8 +2019-07-06 08:00:00,5316.4 +2019-07-06 08:15:00,5405.2 +2019-07-06 08:30:00,5503.2 +2019-07-06 08:45:00,5556.0 +2019-07-06 09:00:00,5575.2 +2019-07-06 09:15:00,5618.8 +2019-07-06 09:30:00,5669.6 +2019-07-06 09:45:00,5682.0 +2019-07-06 10:00:00,5706.4 +2019-07-06 10:15:00,5734.8 +2019-07-06 10:30:00,5744.8 +2019-07-06 10:45:00,5738.0 +2019-07-06 11:00:00,5734.8 +2019-07-06 11:15:00,5728.4 +2019-07-06 11:30:00,5722.4 +2019-07-06 11:45:00,5675.6 +2019-07-06 12:00:00,5638.0 +2019-07-06 12:15:00,5608.8 +2019-07-06 12:30:00,5620.0 +2019-07-06 12:45:00,5582.8 +2019-07-06 13:00:00,5538.0 +2019-07-06 13:15:00,5522.8 +2019-07-06 13:30:00,5496.0 +2019-07-06 13:45:00,5455.6 +2019-07-06 14:00:00,5431.6 +2019-07-06 14:15:00,5430.0 +2019-07-06 14:30:00,5401.2 +2019-07-06 14:45:00,5389.2 +2019-07-06 15:00:00,5392.8 +2019-07-06 15:15:00,5355.6 +2019-07-06 15:30:00,5310.8 +2019-07-06 15:45:00,5347.6 +2019-07-06 16:00:00,5353.2 +2019-07-06 16:15:00,5331.2 +2019-07-06 16:30:00,5326.8 +2019-07-06 16:45:00,5344.4 +2019-07-06 17:00:00,5374.0 +2019-07-06 17:15:00,5320.0 +2019-07-06 17:30:00,5354.8 +2019-07-06 17:45:00,5375.2 +2019-07-06 18:00:00,5376.8 +2019-07-06 18:15:00,5323.2 +2019-07-06 18:30:00,5272.4 +2019-07-06 18:45:00,5246.4 +2019-07-06 19:00:00,5162.4 +2019-07-06 19:15:00,5087.2 +2019-07-06 19:30:00,5017.6 +2019-07-06 19:45:00,4984.4 +2019-07-06 20:00:00,4959.6 +2019-07-06 20:15:00,4927.2 +2019-07-06 20:30:00,4903.2 +2019-07-06 20:45:00,4915.2 +2019-07-06 21:00:00,4938.8 +2019-07-06 21:15:00,4913.2 +2019-07-06 21:30:00,4809.6 +2019-07-06 21:45:00,4769.6 +2019-07-06 22:00:00,4658.8 +2019-07-06 22:15:00,4610.8 +2019-07-06 22:30:00,4547.2 +2019-07-06 22:45:00,4472.4 +2019-07-06 23:00:00,4375.2 +2019-07-06 23:15:00,4323.6 +2019-07-06 23:30:00,4259.2 +2019-07-06 23:45:00,4218.0 +2019-07-07 00:00:00,4179.2 +2019-07-07 00:15:00,4139.6 +2019-07-07 00:30:00,4068.4 +2019-07-07 00:45:00,4037.6 +2019-07-07 01:00:00,4010.0 +2019-07-07 01:15:00,3995.6 +2019-07-07 01:30:00,3978.4 +2019-07-07 01:45:00,3972.0 +2019-07-07 02:00:00,3954.8 +2019-07-07 02:15:00,3932.4 +2019-07-07 02:30:00,3922.0 +2019-07-07 02:45:00,3907.6 +2019-07-07 03:00:00,3893.2 +2019-07-07 03:15:00,3886.0 +2019-07-07 03:30:00,3938.0 +2019-07-07 03:45:00,3910.0 +2019-07-07 04:00:00,3914.4 +2019-07-07 04:15:00,3862.8 +2019-07-07 04:30:00,3865.2 +2019-07-07 04:45:00,3868.0 +2019-07-07 05:00:00,3928.8 +2019-07-07 05:15:00,3974.4 +2019-07-07 05:30:00,4022.4 +2019-07-07 05:45:00,4072.8 +2019-07-07 06:00:00,4097.2 +2019-07-07 06:15:00,4148.8 +2019-07-07 06:30:00,4230.0 +2019-07-07 06:45:00,4322.0 +2019-07-07 07:00:00,4380.0 +2019-07-07 07:15:00,4452.8 +2019-07-07 07:30:00,4519.2 +2019-07-07 07:45:00,4573.6 +2019-07-07 08:00:00,4714.4 +2019-07-07 08:15:00,4763.2 +2019-07-07 08:30:00,4798.0 +2019-07-07 08:45:00,4872.4 +2019-07-07 09:00:00,4917.2 +2019-07-07 09:15:00,4980.0 +2019-07-07 09:30:00,5016.4 +2019-07-07 09:45:00,5069.2 +2019-07-07 10:00:00,5105.2 +2019-07-07 10:15:00,5153.6 +2019-07-07 10:30:00,5196.4 +2019-07-07 10:45:00,5204.4 +2019-07-07 11:00:00,5240.0 +2019-07-07 11:15:00,5228.0 +2019-07-07 11:30:00,5229.6 +2019-07-07 11:45:00,5201.2 +2019-07-07 12:00:00,5138.0 +2019-07-07 12:15:00,5058.8 +2019-07-07 12:30:00,5032.4 +2019-07-07 12:45:00,5007.6 +2019-07-07 13:00:00,5019.2 +2019-07-07 13:15:00,5000.0 +2019-07-07 13:30:00,4978.8 +2019-07-07 13:45:00,4940.4 +2019-07-07 14:00:00,4917.2 +2019-07-07 14:15:00,4932.8 +2019-07-07 14:30:00,4902.0 +2019-07-07 14:45:00,4875.6 +2019-07-07 15:00:00,4912.8 +2019-07-07 15:15:00,4913.6 +2019-07-07 15:30:00,4890.4 +2019-07-07 15:45:00,4931.2 +2019-07-07 16:00:00,4980.0 +2019-07-07 16:15:00,5003.2 +2019-07-07 16:30:00,4969.6 +2019-07-07 16:45:00,4980.0 +2019-07-07 17:00:00,4995.2 +2019-07-07 17:15:00,4964.0 +2019-07-07 17:30:00,4978.8 +2019-07-07 17:45:00,4969.6 +2019-07-07 18:00:00,5000.0 +2019-07-07 18:15:00,4990.0 +2019-07-07 18:30:00,4955.2 +2019-07-07 18:45:00,4896.4 +2019-07-07 19:00:00,4918.8 +2019-07-07 19:15:00,4893.6 +2019-07-07 19:30:00,4856.0 +2019-07-07 19:45:00,4799.2 +2019-07-07 20:00:00,4773.2 +2019-07-07 20:15:00,4751.2 +2019-07-07 20:30:00,4775.6 +2019-07-07 20:45:00,4832.4 +2019-07-07 21:00:00,4864.8 +2019-07-07 21:15:00,4849.2 +2019-07-07 21:30:00,4788.8 +2019-07-07 21:45:00,4714.0 +2019-07-07 22:00:00,4618.8 +2019-07-07 22:15:00,4551.6 +2019-07-07 22:30:00,4494.4 +2019-07-07 22:45:00,4478.8 +2019-07-07 23:00:00,4426.4 +2019-07-07 23:15:00,4357.2 +2019-07-07 23:30:00,4347.6 +2019-07-07 23:45:00,4316.0 +2019-07-08 00:00:00,4246.0 +2019-07-08 00:15:00,4211.6 +2019-07-08 00:30:00,4174.8 +2019-07-08 00:45:00,4148.8 +2019-07-08 01:00:00,4067.6 +2019-07-08 01:15:00,4063.2 +2019-07-08 01:30:00,4067.6 +2019-07-08 01:45:00,4074.8 +2019-07-08 02:00:00,4082.4 +2019-07-08 02:15:00,4093.6 +2019-07-08 02:30:00,4104.8 +2019-07-08 02:45:00,4116.8 +2019-07-08 03:00:00,4155.6 +2019-07-08 03:15:00,4189.6 +2019-07-08 03:30:00,4247.2 +2019-07-08 03:45:00,4296.4 +2019-07-08 04:00:00,4450.0 +2019-07-08 04:15:00,4485.6 +2019-07-08 04:30:00,4576.0 +2019-07-08 04:45:00,4767.6 +2019-07-08 05:00:00,5091.6 +2019-07-08 05:15:00,5319.2 +2019-07-08 05:30:00,5481.6 +2019-07-08 05:45:00,5643.2 +2019-07-08 06:00:00,5864.0 +2019-07-08 06:15:00,5982.0 +2019-07-08 06:30:00,6082.0 +2019-07-08 06:45:00,6145.6 +2019-07-08 07:00:00,6218.0 +2019-07-08 07:15:00,6280.0 +2019-07-08 07:30:00,6318.0 +2019-07-08 07:45:00,6372.4 +2019-07-08 08:00:00,6371.2 +2019-07-08 08:15:00,6430.4 +2019-07-08 08:30:00,6486.8 +2019-07-08 08:45:00,6568.4 +2019-07-08 09:00:00,6613.2 +2019-07-08 09:15:00,6658.4 +2019-07-08 09:30:00,6686.4 +2019-07-08 09:45:00,6740.4 +2019-07-08 10:00:00,6748.4 +2019-07-08 10:15:00,6784.0 +2019-07-08 10:30:00,6816.0 +2019-07-08 10:45:00,6844.4 +2019-07-08 11:00:00,6828.8 +2019-07-08 11:15:00,6824.4 +2019-07-08 11:30:00,6833.2 +2019-07-08 11:45:00,6849.6 +2019-07-08 12:00:00,6833.6 +2019-07-08 12:15:00,6795.6 +2019-07-08 12:30:00,6771.2 +2019-07-08 12:45:00,6694.4 +2019-07-08 13:00:00,6671.2 +2019-07-08 13:15:00,6666.8 +2019-07-08 13:30:00,6646.4 +2019-07-08 13:45:00,6590.4 +2019-07-08 14:00:00,6596.0 +2019-07-08 14:15:00,6554.4 +2019-07-08 14:30:00,6504.4 +2019-07-08 14:45:00,6449.6 +2019-07-08 15:00:00,6441.6 +2019-07-08 15:15:00,6376.0 +2019-07-08 15:30:00,6350.0 +2019-07-08 15:45:00,6343.2 +2019-07-08 16:00:00,6368.0 +2019-07-08 16:15:00,6337.2 +2019-07-08 16:30:00,6339.2 +2019-07-08 16:45:00,6352.8 +2019-07-08 17:00:00,6301.2 +2019-07-08 17:15:00,6265.2 +2019-07-08 17:30:00,6252.8 +2019-07-08 17:45:00,6255.2 +2019-07-08 18:00:00,6216.8 +2019-07-08 18:15:00,6157.6 +2019-07-08 18:30:00,6124.4 +2019-07-08 18:45:00,6070.0 +2019-07-08 19:00:00,5999.6 +2019-07-08 19:15:00,5931.2 +2019-07-08 19:30:00,5864.4 +2019-07-08 19:45:00,5798.4 +2019-07-08 20:00:00,5744.4 +2019-07-08 20:15:00,5706.4 +2019-07-08 20:30:00,5651.6 +2019-07-08 20:45:00,5612.8 +2019-07-08 21:00:00,5580.0 +2019-07-08 21:15:00,5518.0 +2019-07-08 21:30:00,5412.4 +2019-07-08 21:45:00,5308.8 +2019-07-08 22:00:00,5162.8 +2019-07-08 22:15:00,5074.0 +2019-07-08 22:30:00,4977.2 +2019-07-08 22:45:00,4912.8 +2019-07-08 23:00:00,4826.8 +2019-07-08 23:15:00,4804.0 +2019-07-08 23:30:00,4708.8 +2019-07-08 23:45:00,4680.0 +2019-07-09 00:00:00,4641.2 +2019-07-09 00:15:00,4610.0 +2019-07-09 00:30:00,4577.6 +2019-07-09 00:45:00,4553.6 +2019-07-09 01:00:00,4548.4 +2019-07-09 01:15:00,4554.8 +2019-07-09 01:30:00,4519.6 +2019-07-09 01:45:00,4518.0 +2019-07-09 02:00:00,4526.8 +2019-07-09 02:15:00,4549.2 +2019-07-09 02:30:00,4554.0 +2019-07-09 02:45:00,4550.0 +2019-07-09 03:00:00,4573.6 +2019-07-09 03:15:00,4609.6 +2019-07-09 03:30:00,4639.6 +2019-07-09 03:45:00,4685.2 +2019-07-09 04:00:00,4735.6 +2019-07-09 04:15:00,4775.6 +2019-07-09 04:30:00,4888.8 +2019-07-09 04:45:00,5019.2 +2019-07-09 05:00:00,5306.4 +2019-07-09 05:15:00,5504.4 +2019-07-09 05:30:00,5687.6 +2019-07-09 05:45:00,5821.2 +2019-07-09 06:00:00,5965.6 +2019-07-09 06:15:00,6076.8 +2019-07-09 06:30:00,6216.4 +2019-07-09 06:45:00,6269.2 +2019-07-09 07:00:00,6287.2 +2019-07-09 07:15:00,6344.8 +2019-07-09 07:30:00,6384.8 +2019-07-09 07:45:00,6420.8 +2019-07-09 08:00:00,6408.4 +2019-07-09 08:15:00,6456.4 +2019-07-09 08:30:00,6498.8 +2019-07-09 08:45:00,6529.6 +2019-07-09 09:00:00,6584.8 +2019-07-09 09:15:00,6634.8 +2019-07-09 09:30:00,6664.0 +2019-07-09 09:45:00,6704.4 +2019-07-09 10:00:00,6815.6 +2019-07-09 10:15:00,6842.4 +2019-07-09 10:30:00,6858.4 +2019-07-09 10:45:00,6842.8 +2019-07-09 11:00:00,6767.2 +2019-07-09 11:15:00,6756.4 +2019-07-09 11:30:00,6748.8 +2019-07-09 11:45:00,6750.4 +2019-07-09 12:00:00,6748.4 +2019-07-09 12:15:00,6749.2 +2019-07-09 12:30:00,6702.8 +2019-07-09 12:45:00,6660.0 +2019-07-09 13:00:00,6660.0 +2019-07-09 13:15:00,6651.2 +2019-07-09 13:30:00,6610.0 +2019-07-09 13:45:00,6594.4 +2019-07-09 14:00:00,6569.2 +2019-07-09 14:15:00,6525.6 +2019-07-09 14:30:00,6499.6 +2019-07-09 14:45:00,6438.0 +2019-07-09 15:00:00,6412.4 +2019-07-09 15:15:00,6369.6 +2019-07-09 15:30:00,6378.0 +2019-07-09 15:45:00,6348.0 +2019-07-09 16:00:00,6334.8 +2019-07-09 16:15:00,6338.0 +2019-07-09 16:30:00,6332.0 +2019-07-09 16:45:00,6344.0 +2019-07-09 17:00:00,6284.0 +2019-07-09 17:15:00,6259.6 +2019-07-09 17:30:00,6283.2 +2019-07-09 17:45:00,6292.8 +2019-07-09 18:00:00,6256.4 +2019-07-09 18:15:00,6192.4 +2019-07-09 18:30:00,6173.2 +2019-07-09 18:45:00,6131.6 +2019-07-09 19:00:00,6060.0 +2019-07-09 19:15:00,5944.4 +2019-07-09 19:30:00,5890.4 +2019-07-09 19:45:00,5838.8 +2019-07-09 20:00:00,5762.8 +2019-07-09 20:15:00,5698.8 +2019-07-09 20:30:00,5664.0 +2019-07-09 20:45:00,5645.6 +2019-07-09 21:00:00,5604.4 +2019-07-09 21:15:00,5514.4 +2019-07-09 21:30:00,5406.4 +2019-07-09 21:45:00,5307.6 +2019-07-09 22:00:00,5216.0 +2019-07-09 22:15:00,5100.0 +2019-07-09 22:30:00,5036.4 +2019-07-09 22:45:00,4950.8 +2019-07-09 23:00:00,4852.4 +2019-07-09 23:15:00,4804.4 +2019-07-09 23:30:00,4738.4 +2019-07-09 23:45:00,4714.8 +2019-07-10 00:00:00,4644.8 +2019-07-10 00:15:00,4622.0 +2019-07-10 00:30:00,4569.2 +2019-07-10 00:45:00,4536.0 +2019-07-10 01:00:00,4485.6 +2019-07-10 01:15:00,4482.8 +2019-07-10 01:30:00,4460.4 +2019-07-10 01:45:00,4477.6 +2019-07-10 02:00:00,4494.8 +2019-07-10 02:15:00,4496.0 +2019-07-10 02:30:00,4498.8 +2019-07-10 02:45:00,4513.2 +2019-07-10 03:00:00,4552.0 +2019-07-10 03:15:00,4577.6 +2019-07-10 03:30:00,4600.4 +2019-07-10 03:45:00,4651.2 +2019-07-10 04:00:00,4731.6 +2019-07-10 04:15:00,4780.0 +2019-07-10 04:30:00,4844.8 +2019-07-10 04:45:00,4980.4 +2019-07-10 05:00:00,5294.4 +2019-07-10 05:15:00,5482.4 +2019-07-10 05:30:00,5630.4 +2019-07-10 05:45:00,5764.4 +2019-07-10 06:00:00,5944.0 +2019-07-10 06:15:00,6054.8 +2019-07-10 06:30:00,6147.2 +2019-07-10 06:45:00,6241.2 +2019-07-10 07:00:00,6289.6 +2019-07-10 07:15:00,6306.4 +2019-07-10 07:30:00,6345.2 +2019-07-10 07:45:00,6362.4 +2019-07-10 08:00:00,6346.4 +2019-07-10 08:15:00,6371.2 +2019-07-10 08:30:00,6441.6 +2019-07-10 08:45:00,6507.6 +2019-07-10 09:00:00,6504.8 +2019-07-10 09:15:00,6515.6 +2019-07-10 09:30:00,6560.4 +2019-07-10 09:45:00,6621.6 +2019-07-10 10:00:00,6656.4 +2019-07-10 10:15:00,6725.6 +2019-07-10 10:30:00,6780.0 +2019-07-10 10:45:00,6790.0 +2019-07-10 11:00:00,6738.0 +2019-07-10 11:15:00,6712.4 +2019-07-10 11:30:00,6737.6 +2019-07-10 11:45:00,6724.4 +2019-07-10 12:00:00,6715.6 +2019-07-10 12:15:00,6722.0 +2019-07-10 12:30:00,6703.2 +2019-07-10 12:45:00,6668.0 +2019-07-10 13:00:00,6636.0 +2019-07-10 13:15:00,6640.8 +2019-07-10 13:30:00,6609.2 +2019-07-10 13:45:00,6599.2 +2019-07-10 14:00:00,6589.2 +2019-07-10 14:15:00,6552.8 +2019-07-10 14:30:00,6494.0 +2019-07-10 14:45:00,6430.4 +2019-07-10 15:00:00,6399.6 +2019-07-10 15:15:00,6346.8 +2019-07-10 15:30:00,6319.6 +2019-07-10 15:45:00,6286.4 +2019-07-10 16:00:00,6288.0 +2019-07-10 16:15:00,6277.6 +2019-07-10 16:30:00,6305.6 +2019-07-10 16:45:00,6310.8 +2019-07-10 17:00:00,6306.4 +2019-07-10 17:15:00,6286.8 +2019-07-10 17:30:00,6285.6 +2019-07-10 17:45:00,6300.4 +2019-07-10 18:00:00,6294.4 +2019-07-10 18:15:00,6212.4 +2019-07-10 18:30:00,6178.0 +2019-07-10 18:45:00,6131.6 +2019-07-10 19:00:00,6046.4 +2019-07-10 19:15:00,5946.0 +2019-07-10 19:30:00,5877.2 +2019-07-10 19:45:00,5809.6 +2019-07-10 20:00:00,5771.2 +2019-07-10 20:15:00,5715.2 +2019-07-10 20:30:00,5677.2 +2019-07-10 20:45:00,5674.8 +2019-07-10 21:00:00,5586.0 +2019-07-10 21:15:00,5515.2 +2019-07-10 21:30:00,5395.6 +2019-07-10 21:45:00,5293.2 +2019-07-10 22:00:00,5151.6 +2019-07-10 22:15:00,5031.2 +2019-07-10 22:30:00,4957.2 +2019-07-10 22:45:00,4900.8 +2019-07-10 23:00:00,4817.2 +2019-07-10 23:15:00,4763.2 +2019-07-10 23:30:00,4739.2 +2019-07-10 23:45:00,4704.8 +2019-07-11 00:00:00,4653.2 +2019-07-11 00:15:00,4613.2 +2019-07-11 00:30:00,4573.2 +2019-07-11 00:45:00,4557.6 +2019-07-11 01:00:00,4484.0 +2019-07-11 01:15:00,4482.4 +2019-07-11 01:30:00,4462.8 +2019-07-11 01:45:00,4465.6 +2019-07-11 02:00:00,4490.8 +2019-07-11 02:15:00,4493.6 +2019-07-11 02:30:00,4472.8 +2019-07-11 02:45:00,4486.8 +2019-07-11 03:00:00,4524.0 +2019-07-11 03:15:00,4554.4 +2019-07-11 03:30:00,4604.0 +2019-07-11 03:45:00,4624.4 +2019-07-11 04:00:00,4756.0 +2019-07-11 04:15:00,4790.4 +2019-07-11 04:30:00,4861.2 +2019-07-11 04:45:00,4987.6 +2019-07-11 05:00:00,5271.2 +2019-07-11 05:15:00,5445.6 +2019-07-11 05:30:00,5606.0 +2019-07-11 05:45:00,5752.8 +2019-07-11 06:00:00,5924.0 +2019-07-11 06:15:00,6045.6 +2019-07-11 06:30:00,6140.4 +2019-07-11 06:45:00,6226.4 +2019-07-11 07:00:00,6348.4 +2019-07-11 07:15:00,6395.6 +2019-07-11 07:30:00,6427.6 +2019-07-11 07:45:00,6452.0 +2019-07-11 08:00:00,6439.6 +2019-07-11 08:15:00,6491.6 +2019-07-11 08:30:00,6560.0 +2019-07-11 08:45:00,6623.2 +2019-07-11 09:00:00,6643.6 +2019-07-11 09:15:00,6658.4 +2019-07-11 09:30:00,6714.0 +2019-07-11 09:45:00,6749.2 +2019-07-11 10:00:00,6806.0 +2019-07-11 10:15:00,6837.2 +2019-07-11 10:30:00,6856.0 +2019-07-11 10:45:00,6840.4 +2019-07-11 11:00:00,6798.0 +2019-07-11 11:15:00,6774.4 +2019-07-11 11:30:00,6774.4 +2019-07-11 11:45:00,6759.2 +2019-07-11 12:00:00,6754.8 +2019-07-11 12:15:00,6726.0 +2019-07-11 12:30:00,6692.4 +2019-07-11 12:45:00,6628.0 +2019-07-11 13:00:00,6598.8 +2019-07-11 13:15:00,6562.8 +2019-07-11 13:30:00,6518.4 +2019-07-11 13:45:00,6484.4 +2019-07-11 14:00:00,6475.2 +2019-07-11 14:15:00,6438.8 +2019-07-11 14:30:00,6409.6 +2019-07-11 14:45:00,6372.0 +2019-07-11 15:00:00,6363.2 +2019-07-11 15:15:00,6332.4 +2019-07-11 15:30:00,6308.0 +2019-07-11 15:45:00,6284.0 +2019-07-11 16:00:00,6320.8 +2019-07-11 16:15:00,6296.0 +2019-07-11 16:30:00,6288.0 +2019-07-11 16:45:00,6299.2 +2019-07-11 17:00:00,6272.8 +2019-07-11 17:15:00,6237.6 +2019-07-11 17:30:00,6242.0 +2019-07-11 17:45:00,6255.6 +2019-07-11 18:00:00,6248.4 +2019-07-11 18:15:00,6184.4 +2019-07-11 18:30:00,6135.6 +2019-07-11 18:45:00,6096.4 +2019-07-11 19:00:00,6027.6 +2019-07-11 19:15:00,5956.0 +2019-07-11 19:30:00,5886.4 +2019-07-11 19:45:00,5811.6 +2019-07-11 20:00:00,5753.6 +2019-07-11 20:15:00,5711.6 +2019-07-11 20:30:00,5641.2 +2019-07-11 20:45:00,5592.8 +2019-07-11 21:00:00,5526.0 +2019-07-11 21:15:00,5454.8 +2019-07-11 21:30:00,5344.4 +2019-07-11 21:45:00,5237.2 +2019-07-11 22:00:00,5135.6 +2019-07-11 22:15:00,5033.6 +2019-07-11 22:30:00,4953.2 +2019-07-11 22:45:00,4866.4 +2019-07-11 23:00:00,4775.6 +2019-07-11 23:15:00,4728.8 +2019-07-11 23:30:00,4698.0 +2019-07-11 23:45:00,4653.6 +2019-07-12 00:00:00,4611.2 +2019-07-12 00:15:00,4573.2 +2019-07-12 00:30:00,4529.6 +2019-07-12 00:45:00,4524.0 +2019-07-12 01:00:00,4474.4 +2019-07-12 01:15:00,4460.0 +2019-07-12 01:30:00,4444.8 +2019-07-12 01:45:00,4436.8 +2019-07-12 02:00:00,4489.6 +2019-07-12 02:15:00,4473.2 +2019-07-12 02:30:00,4465.6 +2019-07-12 02:45:00,4472.8 +2019-07-12 03:00:00,4548.0 +2019-07-12 03:15:00,4574.8 +2019-07-12 03:30:00,4600.0 +2019-07-12 03:45:00,4640.0 +2019-07-12 04:00:00,4758.0 +2019-07-12 04:15:00,4807.6 +2019-07-12 04:30:00,4865.2 +2019-07-12 04:45:00,5008.8 +2019-07-12 05:00:00,5290.8 +2019-07-12 05:15:00,5493.2 +2019-07-12 05:30:00,5661.2 +2019-07-12 05:45:00,5793.6 +2019-07-12 06:00:00,5978.0 +2019-07-12 06:15:00,6060.8 +2019-07-12 06:30:00,6179.6 +2019-07-12 06:45:00,6267.6 +2019-07-12 07:00:00,6381.6 +2019-07-12 07:15:00,6467.6 +2019-07-12 07:30:00,6509.6 +2019-07-12 07:45:00,6585.2 +2019-07-12 08:00:00,6568.8 +2019-07-12 08:15:00,6592.4 +2019-07-12 08:30:00,6664.4 +2019-07-12 08:45:00,6708.8 +2019-07-12 09:00:00,6726.8 +2019-07-12 09:15:00,6768.0 +2019-07-12 09:30:00,6798.0 +2019-07-12 09:45:00,6826.0 +2019-07-12 10:00:00,6829.6 +2019-07-12 10:15:00,6841.6 +2019-07-12 10:30:00,6870.4 +2019-07-12 10:45:00,6853.6 +2019-07-12 11:00:00,6783.6 +2019-07-12 11:15:00,6728.4 +2019-07-12 11:30:00,6704.4 +2019-07-12 11:45:00,6667.2 +2019-07-12 12:00:00,6624.0 +2019-07-12 12:15:00,6570.0 +2019-07-12 12:30:00,6537.2 +2019-07-12 12:45:00,6466.4 +2019-07-12 13:00:00,6440.0 +2019-07-12 13:15:00,6420.8 +2019-07-12 13:30:00,6420.0 +2019-07-12 13:45:00,6377.2 +2019-07-12 14:00:00,6381.2 +2019-07-12 14:15:00,6372.8 +2019-07-12 14:30:00,6340.4 +2019-07-12 14:45:00,6298.4 +2019-07-12 15:00:00,6295.6 +2019-07-12 15:15:00,6260.0 +2019-07-12 15:30:00,6228.8 +2019-07-12 15:45:00,6188.8 +2019-07-12 16:00:00,6203.6 +2019-07-12 16:15:00,6176.8 +2019-07-12 16:30:00,6167.2 +2019-07-12 16:45:00,6183.2 +2019-07-12 17:00:00,6164.8 +2019-07-12 17:15:00,6105.2 +2019-07-12 17:30:00,6082.8 +2019-07-12 17:45:00,6065.2 +2019-07-12 18:00:00,6049.6 +2019-07-12 18:15:00,5960.8 +2019-07-12 18:30:00,5920.0 +2019-07-12 18:45:00,5874.4 +2019-07-12 19:00:00,5784.0 +2019-07-12 19:15:00,5691.2 +2019-07-12 19:30:00,5598.4 +2019-07-12 19:45:00,5541.2 +2019-07-12 20:00:00,5488.0 +2019-07-12 20:15:00,5442.0 +2019-07-12 20:30:00,5400.4 +2019-07-12 20:45:00,5353.6 +2019-07-12 21:00:00,5284.0 +2019-07-12 21:15:00,5214.4 +2019-07-12 21:30:00,5105.6 +2019-07-12 21:45:00,5016.0 +2019-07-12 22:00:00,4926.0 +2019-07-12 22:15:00,4884.4 +2019-07-12 22:30:00,4818.4 +2019-07-12 22:45:00,4745.6 +2019-07-12 23:00:00,4649.2 +2019-07-12 23:15:00,4591.6 +2019-07-12 23:30:00,4542.0 +2019-07-12 23:45:00,4488.4 +2019-07-13 00:00:00,4410.0 +2019-07-13 00:15:00,4352.4 +2019-07-13 00:30:00,4310.0 +2019-07-13 00:45:00,4303.2 +2019-07-13 01:00:00,4219.6 +2019-07-13 01:15:00,4216.0 +2019-07-13 01:30:00,4186.0 +2019-07-13 01:45:00,4202.0 +2019-07-13 02:00:00,4206.8 +2019-07-13 02:15:00,4186.8 +2019-07-13 02:30:00,4158.8 +2019-07-13 02:45:00,4174.0 +2019-07-13 03:00:00,4176.8 +2019-07-13 03:15:00,4172.8 +2019-07-13 03:30:00,4162.4 +2019-07-13 03:45:00,4174.0 +2019-07-13 04:00:00,4211.6 +2019-07-13 04:15:00,4189.2 +2019-07-13 04:30:00,4147.6 +2019-07-13 04:45:00,4189.6 +2019-07-13 05:00:00,4258.0 +2019-07-13 05:15:00,4334.8 +2019-07-13 05:30:00,4390.8 +2019-07-13 05:45:00,4463.6 +2019-07-13 06:00:00,4551.6 +2019-07-13 06:15:00,4618.0 +2019-07-13 06:30:00,4706.4 +2019-07-13 06:45:00,4800.0 +2019-07-13 07:00:00,4897.2 +2019-07-13 07:15:00,4983.6 +2019-07-13 07:30:00,5063.6 +2019-07-13 07:45:00,5138.8 +2019-07-13 08:00:00,5248.8 +2019-07-13 08:15:00,5306.4 +2019-07-13 08:30:00,5356.8 +2019-07-13 08:45:00,5416.4 +2019-07-13 09:00:00,5483.2 +2019-07-13 09:15:00,5524.0 +2019-07-13 09:30:00,5561.6 +2019-07-13 09:45:00,5590.4 +2019-07-13 10:00:00,5598.4 +2019-07-13 10:15:00,5658.4 +2019-07-13 10:30:00,5689.2 +2019-07-13 10:45:00,5658.0 +2019-07-13 11:00:00,5597.2 +2019-07-13 11:15:00,5556.0 +2019-07-13 11:30:00,5525.2 +2019-07-13 11:45:00,5478.8 +2019-07-13 12:00:00,5414.0 +2019-07-13 12:15:00,5382.4 +2019-07-13 12:30:00,5401.2 +2019-07-13 12:45:00,5344.0 +2019-07-13 13:00:00,5270.8 +2019-07-13 13:15:00,5256.4 +2019-07-13 13:30:00,5224.0 +2019-07-13 13:45:00,5186.8 +2019-07-13 14:00:00,5193.6 +2019-07-13 14:15:00,5197.2 +2019-07-13 14:30:00,5174.0 +2019-07-13 14:45:00,5164.0 +2019-07-13 15:00:00,5184.8 +2019-07-13 15:15:00,5144.4 +2019-07-13 15:30:00,5111.2 +2019-07-13 15:45:00,5120.0 +2019-07-13 16:00:00,5210.4 +2019-07-13 16:15:00,5213.6 +2019-07-13 16:30:00,5201.2 +2019-07-13 16:45:00,5191.2 +2019-07-13 17:00:00,5205.2 +2019-07-13 17:15:00,5203.6 +2019-07-13 17:30:00,5178.4 +2019-07-13 17:45:00,5152.8 +2019-07-13 18:00:00,5142.0 +2019-07-13 18:15:00,5082.8 +2019-07-13 18:30:00,5069.6 +2019-07-13 18:45:00,5046.0 +2019-07-13 19:00:00,4968.8 +2019-07-13 19:15:00,4889.6 +2019-07-13 19:30:00,4818.4 +2019-07-13 19:45:00,4768.0 +2019-07-13 20:00:00,4753.2 +2019-07-13 20:15:00,4729.2 +2019-07-13 20:30:00,4717.6 +2019-07-13 20:45:00,4718.4 +2019-07-13 21:00:00,4698.8 +2019-07-13 21:15:00,4652.4 +2019-07-13 21:30:00,4562.0 +2019-07-13 21:45:00,4513.2 +2019-07-13 22:00:00,4432.8 +2019-07-13 22:15:00,4368.4 +2019-07-13 22:30:00,4303.2 +2019-07-13 22:45:00,4231.6 +2019-07-13 23:00:00,4173.2 +2019-07-13 23:15:00,4117.6 +2019-07-13 23:30:00,4059.6 +2019-07-13 23:45:00,4011.6 +2019-07-14 00:00:00,3949.2 +2019-07-14 00:15:00,3913.2 +2019-07-14 00:30:00,3878.4 +2019-07-14 00:45:00,3850.8 +2019-07-14 01:00:00,3794.8 +2019-07-14 01:15:00,3779.2 +2019-07-14 01:30:00,3760.4 +2019-07-14 01:45:00,3733.2 +2019-07-14 02:00:00,3733.2 +2019-07-14 02:15:00,3728.0 +2019-07-14 02:30:00,3729.2 +2019-07-14 02:45:00,3715.2 +2019-07-14 03:00:00,3707.2 +2019-07-14 03:15:00,3710.4 +2019-07-14 03:30:00,3725.6 +2019-07-14 03:45:00,3638.8 +2019-07-14 04:00:00,3667.6 +2019-07-14 04:15:00,3703.2 +2019-07-14 04:30:00,3674.8 +2019-07-14 04:45:00,3702.4 +2019-07-14 05:00:00,3742.4 +2019-07-14 05:15:00,3754.8 +2019-07-14 05:30:00,3794.8 +2019-07-14 05:45:00,3828.4 +2019-07-14 06:00:00,3854.0 +2019-07-14 06:15:00,3902.0 +2019-07-14 06:30:00,3970.8 +2019-07-14 06:45:00,4013.2 +2019-07-14 07:00:00,4100.0 +2019-07-14 07:15:00,4196.4 +2019-07-14 07:30:00,4277.2 +2019-07-14 07:45:00,4345.6 +2019-07-14 08:00:00,4413.2 +2019-07-14 08:15:00,4493.6 +2019-07-14 08:30:00,4581.2 +2019-07-14 08:45:00,4632.0 +2019-07-14 09:00:00,4719.6 +2019-07-14 09:15:00,4752.0 +2019-07-14 09:30:00,4805.6 +2019-07-14 09:45:00,4878.8 +2019-07-14 10:00:00,4944.0 +2019-07-14 10:15:00,4997.6 +2019-07-14 10:30:00,5043.6 +2019-07-14 10:45:00,5047.6 +2019-07-14 11:00:00,5037.2 +2019-07-14 11:15:00,4991.2 +2019-07-14 11:30:00,4959.2 +2019-07-14 11:45:00,4933.6 +2019-07-14 12:00:00,4900.8 +2019-07-14 12:15:00,4842.0 +2019-07-14 12:30:00,4836.8 +2019-07-14 12:45:00,4793.6 +2019-07-14 13:00:00,4751.2 +2019-07-14 13:15:00,4731.2 +2019-07-14 13:30:00,4744.0 +2019-07-14 13:45:00,4736.4 +2019-07-14 14:00:00,4716.0 +2019-07-14 14:15:00,4694.4 +2019-07-14 14:30:00,4675.2 +2019-07-14 14:45:00,4676.0 +2019-07-14 15:00:00,4653.2 +2019-07-14 15:15:00,4661.2 +2019-07-14 15:30:00,4701.2 +2019-07-14 15:45:00,4719.6 +2019-07-14 16:00:00,4762.4 +2019-07-14 16:15:00,4724.0 +2019-07-14 16:30:00,4741.2 +2019-07-14 16:45:00,4778.8 +2019-07-14 17:00:00,4813.6 +2019-07-14 17:15:00,4827.2 +2019-07-14 17:30:00,4835.6 +2019-07-14 17:45:00,4869.6 +2019-07-14 18:00:00,4850.4 +2019-07-14 18:15:00,4811.2 +2019-07-14 18:30:00,4794.8 +2019-07-14 18:45:00,4792.0 +2019-07-14 19:00:00,4792.4 +2019-07-14 19:15:00,4769.2 +2019-07-14 19:30:00,4728.0 +2019-07-14 19:45:00,4686.8 +2019-07-14 20:00:00,4698.8 +2019-07-14 20:15:00,4678.4 +2019-07-14 20:30:00,4698.4 +2019-07-14 20:45:00,4764.4 +2019-07-14 21:00:00,4770.4 +2019-07-14 21:15:00,4710.4 +2019-07-14 21:30:00,4654.4 +2019-07-14 21:45:00,4578.0 +2019-07-14 22:00:00,4495.2 +2019-07-14 22:15:00,4414.0 +2019-07-14 22:30:00,4336.4 +2019-07-14 22:45:00,4274.0 +2019-07-14 23:00:00,4214.8 +2019-07-14 23:15:00,4162.4 +2019-07-14 23:30:00,4117.6 +2019-07-14 23:45:00,4070.4 +2019-07-15 00:00:00,4032.8 +2019-07-15 00:15:00,4009.2 +2019-07-15 00:30:00,3969.2 +2019-07-15 00:45:00,3940.8 +2019-07-15 01:00:00,3904.0 +2019-07-15 01:15:00,3888.8 +2019-07-15 01:30:00,3918.4 +2019-07-15 01:45:00,3902.8 +2019-07-15 02:00:00,3948.4 +2019-07-15 02:15:00,3965.6 +2019-07-15 02:30:00,3965.6 +2019-07-15 02:45:00,3975.2 +2019-07-15 03:00:00,4054.4 +2019-07-15 03:15:00,4094.0 +2019-07-15 03:30:00,4159.6 +2019-07-15 03:45:00,4229.2 +2019-07-15 04:00:00,4372.4 +2019-07-15 04:15:00,4436.0 +2019-07-15 04:30:00,4496.8 +2019-07-15 04:45:00,4648.0 +2019-07-15 05:00:00,5005.2 +2019-07-15 05:15:00,5220.4 +2019-07-15 05:30:00,5391.6 +2019-07-15 05:45:00,5555.2 +2019-07-15 06:00:00,5716.8 +2019-07-15 06:15:00,5851.6 +2019-07-15 06:30:00,5962.8 +2019-07-15 06:45:00,6070.8 +2019-07-15 07:00:00,6163.6 +2019-07-15 07:15:00,6236.8 +2019-07-15 07:30:00,6271.2 +2019-07-15 07:45:00,6321.2 +2019-07-15 08:00:00,6286.4 +2019-07-15 08:15:00,6330.4 +2019-07-15 08:30:00,6388.8 +2019-07-15 08:45:00,6449.2 +2019-07-15 09:00:00,6511.6 +2019-07-15 09:15:00,6533.2 +2019-07-15 09:30:00,6576.8 +2019-07-15 09:45:00,6622.0 +2019-07-15 10:00:00,6653.2 +2019-07-15 10:15:00,6698.0 +2019-07-15 10:30:00,6746.0 +2019-07-15 10:45:00,6761.6 +2019-07-15 11:00:00,6704.4 +2019-07-15 11:15:00,6667.6 +2019-07-15 11:30:00,6691.6 +2019-07-15 11:45:00,6694.0 +2019-07-15 12:00:00,6701.2 +2019-07-15 12:15:00,6662.4 +2019-07-15 12:30:00,6600.4 +2019-07-15 12:45:00,6558.0 +2019-07-15 13:00:00,6542.0 +2019-07-15 13:15:00,6554.8 +2019-07-15 13:30:00,6506.0 +2019-07-15 13:45:00,6486.4 +2019-07-15 14:00:00,6479.6 +2019-07-15 14:15:00,6406.0 +2019-07-15 14:30:00,6371.6 +2019-07-15 14:45:00,6354.8 +2019-07-15 15:00:00,6337.2 +2019-07-15 15:15:00,6305.2 +2019-07-15 15:30:00,6280.8 +2019-07-15 15:45:00,6267.6 +2019-07-15 16:00:00,6294.0 +2019-07-15 16:15:00,6278.0 +2019-07-15 16:30:00,6281.2 +2019-07-15 16:45:00,6276.4 +2019-07-15 17:00:00,6261.2 +2019-07-15 17:15:00,6222.8 +2019-07-15 17:30:00,6220.0 +2019-07-15 17:45:00,6222.0 +2019-07-15 18:00:00,6196.0 +2019-07-15 18:15:00,6131.6 +2019-07-15 18:30:00,6098.8 +2019-07-15 18:45:00,6059.6 +2019-07-15 19:00:00,6004.4 +2019-07-15 19:15:00,5917.2 +2019-07-15 19:30:00,5849.2 +2019-07-15 19:45:00,5780.0 +2019-07-15 20:00:00,5730.8 +2019-07-15 20:15:00,5683.2 +2019-07-15 20:30:00,5642.8 +2019-07-15 20:45:00,5638.4 +2019-07-15 21:00:00,5572.4 +2019-07-15 21:15:00,5498.4 +2019-07-15 21:30:00,5372.8 +2019-07-15 21:45:00,5278.0 +2019-07-15 22:00:00,5156.4 +2019-07-15 22:15:00,5041.6 +2019-07-15 22:30:00,4967.2 +2019-07-15 22:45:00,4879.2 +2019-07-15 23:00:00,4753.6 +2019-07-15 23:15:00,4672.8 +2019-07-15 23:30:00,4621.2 +2019-07-15 23:45:00,4590.0 +2019-07-16 00:00:00,4554.8 +2019-07-16 00:15:00,4518.4 +2019-07-16 00:30:00,4487.2 +2019-07-16 00:45:00,4483.6 +2019-07-16 01:00:00,4416.0 +2019-07-16 01:15:00,4430.4 +2019-07-16 01:30:00,4400.8 +2019-07-16 01:45:00,4390.8 +2019-07-16 02:00:00,4410.4 +2019-07-16 02:15:00,4406.8 +2019-07-16 02:30:00,4392.4 +2019-07-16 02:45:00,4417.6 +2019-07-16 03:00:00,4467.6 +2019-07-16 03:15:00,4478.4 +2019-07-16 03:30:00,4512.4 +2019-07-16 03:45:00,4581.6 +2019-07-16 04:00:00,4717.2 +2019-07-16 04:15:00,4744.0 +2019-07-16 04:30:00,4826.0 +2019-07-16 04:45:00,4973.6 +2019-07-16 05:00:00,5259.2 +2019-07-16 05:15:00,5447.2 +2019-07-16 05:30:00,5560.4 +2019-07-16 05:45:00,5676.0 +2019-07-16 06:00:00,5888.0 +2019-07-16 06:15:00,6002.0 +2019-07-16 06:30:00,6161.6 +2019-07-16 06:45:00,6246.4 +2019-07-16 07:00:00,6376.4 +2019-07-16 07:15:00,6441.2 +2019-07-16 07:30:00,6461.2 +2019-07-16 07:45:00,6502.0 +2019-07-16 08:00:00,6497.2 +2019-07-16 08:15:00,6550.8 +2019-07-16 08:30:00,6605.2 +2019-07-16 08:45:00,6676.0 +2019-07-16 09:00:00,6700.4 +2019-07-16 09:15:00,6719.6 +2019-07-16 09:30:00,6741.6 +2019-07-16 09:45:00,6776.8 +2019-07-16 10:00:00,6785.2 +2019-07-16 10:15:00,6775.6 +2019-07-16 10:30:00,6785.2 +2019-07-16 10:45:00,6809.2 +2019-07-16 11:00:00,6776.4 +2019-07-16 11:15:00,6733.6 +2019-07-16 11:30:00,6728.4 +2019-07-16 11:45:00,6731.2 +2019-07-16 12:00:00,6720.8 +2019-07-16 12:15:00,6706.8 +2019-07-16 12:30:00,6661.2 +2019-07-16 12:45:00,6621.6 +2019-07-16 13:00:00,6618.4 +2019-07-16 13:15:00,6617.6 +2019-07-16 13:30:00,6595.2 +2019-07-16 13:45:00,6571.6 +2019-07-16 14:00:00,6531.6 +2019-07-16 14:15:00,6509.2 +2019-07-16 14:30:00,6446.0 +2019-07-16 14:45:00,6402.4 +2019-07-16 15:00:00,6368.4 +2019-07-16 15:15:00,6353.2 +2019-07-16 15:30:00,6334.0 +2019-07-16 15:45:00,6326.0 +2019-07-16 16:00:00,6321.2 +2019-07-16 16:15:00,6328.8 +2019-07-16 16:30:00,6310.4 +2019-07-16 16:45:00,6305.2 +2019-07-16 17:00:00,6294.0 +2019-07-16 17:15:00,6264.8 +2019-07-16 17:30:00,6265.2 +2019-07-16 17:45:00,6275.6 +2019-07-16 18:00:00,6251.2 +2019-07-16 18:15:00,6210.4 +2019-07-16 18:30:00,6161.2 +2019-07-16 18:45:00,6108.0 +2019-07-16 19:00:00,6012.8 +2019-07-16 19:15:00,5932.0 +2019-07-16 19:30:00,5876.4 +2019-07-16 19:45:00,5818.0 +2019-07-16 20:00:00,5750.8 +2019-07-16 20:15:00,5710.8 +2019-07-16 20:30:00,5703.2 +2019-07-16 20:45:00,5654.0 +2019-07-16 21:00:00,5596.4 +2019-07-16 21:15:00,5524.0 +2019-07-16 21:30:00,5434.4 +2019-07-16 21:45:00,5317.6 +2019-07-16 22:00:00,5218.8 +2019-07-16 22:15:00,5106.8 +2019-07-16 22:30:00,5029.6 +2019-07-16 22:45:00,4968.0 +2019-07-16 23:00:00,4830.4 +2019-07-16 23:15:00,4777.2 +2019-07-16 23:30:00,4733.2 +2019-07-16 23:45:00,4680.4 +2019-07-17 00:00:00,4619.2 +2019-07-17 00:15:00,4565.2 +2019-07-17 00:30:00,4540.4 +2019-07-17 00:45:00,4504.4 +2019-07-17 01:00:00,4442.0 +2019-07-17 01:15:00,4422.0 +2019-07-17 01:30:00,4387.6 +2019-07-17 01:45:00,4393.2 +2019-07-17 02:00:00,4404.8 +2019-07-17 02:15:00,4410.0 +2019-07-17 02:30:00,4371.2 +2019-07-17 02:45:00,4390.8 +2019-07-17 03:00:00,4456.8 +2019-07-17 03:15:00,4492.4 +2019-07-17 03:30:00,4492.4 +2019-07-17 03:45:00,4538.8 +2019-07-17 04:00:00,4659.6 +2019-07-17 04:15:00,4707.6 +2019-07-17 04:30:00,4768.4 +2019-07-17 04:45:00,4882.0 +2019-07-17 05:00:00,5189.2 +2019-07-17 05:15:00,5386.8 +2019-07-17 05:30:00,5517.6 +2019-07-17 05:45:00,5650.0 +2019-07-17 06:00:00,5824.4 +2019-07-17 06:15:00,5931.2 +2019-07-17 06:30:00,6060.8 +2019-07-17 06:45:00,6124.4 +2019-07-17 07:00:00,6240.0 +2019-07-17 07:15:00,6303.2 +2019-07-17 07:30:00,6357.2 +2019-07-17 07:45:00,6385.6 +2019-07-17 08:00:00,6364.8 +2019-07-17 08:15:00,6390.0 +2019-07-17 08:30:00,6460.4 +2019-07-17 08:45:00,6505.6 +2019-07-17 09:00:00,6521.6 +2019-07-17 09:15:00,6545.2 +2019-07-17 09:30:00,6592.8 +2019-07-17 09:45:00,6628.4 +2019-07-17 10:00:00,6658.0 +2019-07-17 10:15:00,6697.2 +2019-07-17 10:30:00,6708.0 +2019-07-17 10:45:00,6665.2 +2019-07-17 11:00:00,6638.0 +2019-07-17 11:15:00,6611.2 +2019-07-17 11:30:00,6621.2 +2019-07-17 11:45:00,6630.8 +2019-07-17 12:00:00,6618.4 +2019-07-17 12:15:00,6589.6 +2019-07-17 12:30:00,6536.4 +2019-07-17 12:45:00,6482.4 +2019-07-17 13:00:00,6459.6 +2019-07-17 13:15:00,6444.0 +2019-07-17 13:30:00,6410.0 +2019-07-17 13:45:00,6379.2 +2019-07-17 14:00:00,6412.8 +2019-07-17 14:15:00,6390.0 +2019-07-17 14:30:00,6328.8 +2019-07-17 14:45:00,6283.2 +2019-07-17 15:00:00,6264.0 +2019-07-17 15:15:00,6211.2 +2019-07-17 15:30:00,6163.6 +2019-07-17 15:45:00,6178.4 +2019-07-17 16:00:00,6189.2 +2019-07-17 16:15:00,6161.6 +2019-07-17 16:30:00,6160.4 +2019-07-17 16:45:00,6165.6 +2019-07-17 17:00:00,6160.8 +2019-07-17 17:15:00,6132.8 +2019-07-17 17:30:00,6098.0 +2019-07-17 17:45:00,6091.6 +2019-07-17 18:00:00,6062.0 +2019-07-17 18:15:00,6002.8 +2019-07-17 18:30:00,5976.4 +2019-07-17 18:45:00,5943.6 +2019-07-17 19:00:00,5891.2 +2019-07-17 19:15:00,5808.4 +2019-07-17 19:30:00,5737.2 +2019-07-17 19:45:00,5666.8 +2019-07-17 20:00:00,5615.2 +2019-07-17 20:15:00,5599.6 +2019-07-17 20:30:00,5584.8 +2019-07-17 20:45:00,5573.2 +2019-07-17 21:00:00,5502.8 +2019-07-17 21:15:00,5434.0 +2019-07-17 21:30:00,5319.2 +2019-07-17 21:45:00,5191.6 +2019-07-17 22:00:00,5072.0 +2019-07-17 22:15:00,4955.2 +2019-07-17 22:30:00,4878.8 +2019-07-17 22:45:00,4795.6 +2019-07-17 23:00:00,4700.4 +2019-07-17 23:15:00,4653.2 +2019-07-17 23:30:00,4588.0 +2019-07-17 23:45:00,4532.4 +2019-07-18 00:00:00,4481.6 +2019-07-18 00:15:00,4449.6 +2019-07-18 00:30:00,4447.6 +2019-07-18 00:45:00,4401.6 +2019-07-18 01:00:00,4346.8 +2019-07-18 01:15:00,4355.2 +2019-07-18 01:30:00,4336.8 +2019-07-18 01:45:00,4328.0 +2019-07-18 02:00:00,4356.0 +2019-07-18 02:15:00,4344.0 +2019-07-18 02:30:00,4346.4 +2019-07-18 02:45:00,4388.8 +2019-07-18 03:00:00,4400.4 +2019-07-18 03:15:00,4406.0 +2019-07-18 03:30:00,4451.2 +2019-07-18 03:45:00,4496.4 +2019-07-18 04:00:00,4618.4 +2019-07-18 04:15:00,4660.4 +2019-07-18 04:30:00,4722.0 +2019-07-18 04:45:00,4865.6 +2019-07-18 05:00:00,5155.6 +2019-07-18 05:15:00,5320.0 +2019-07-18 05:30:00,5478.0 +2019-07-18 05:45:00,5626.8 +2019-07-18 06:00:00,5788.0 +2019-07-18 06:15:00,5903.6 +2019-07-18 06:30:00,6004.8 +2019-07-18 06:45:00,6111.6 +2019-07-18 07:00:00,6213.2 +2019-07-18 07:15:00,6275.6 +2019-07-18 07:30:00,6336.0 +2019-07-18 07:45:00,6371.6 +2019-07-18 08:00:00,6357.6 +2019-07-18 08:15:00,6394.8 +2019-07-18 08:30:00,6442.8 +2019-07-18 08:45:00,6484.4 +2019-07-18 09:00:00,6480.4 +2019-07-18 09:15:00,6518.8 +2019-07-18 09:30:00,6547.6 +2019-07-18 09:45:00,6620.0 +2019-07-18 10:00:00,6628.0 +2019-07-18 10:15:00,6672.0 +2019-07-18 10:30:00,6723.2 +2019-07-18 10:45:00,6739.2 +2019-07-18 11:00:00,6668.4 +2019-07-18 11:15:00,6646.4 +2019-07-18 11:30:00,6648.4 +2019-07-18 11:45:00,6648.8 +2019-07-18 12:00:00,6630.4 +2019-07-18 12:15:00,6629.2 +2019-07-18 12:30:00,6598.8 +2019-07-18 12:45:00,6548.4 +2019-07-18 13:00:00,6514.8 +2019-07-18 13:15:00,6534.4 +2019-07-18 13:30:00,6513.6 +2019-07-18 13:45:00,6486.0 +2019-07-18 14:00:00,6506.4 +2019-07-18 14:15:00,6450.8 +2019-07-18 14:30:00,6395.2 +2019-07-18 14:45:00,6359.6 +2019-07-18 15:00:00,6332.0 +2019-07-18 15:15:00,6281.6 +2019-07-18 15:30:00,6240.4 +2019-07-18 15:45:00,6239.6 +2019-07-18 16:00:00,6262.8 +2019-07-18 16:15:00,6278.4 +2019-07-18 16:30:00,6278.8 +2019-07-18 16:45:00,6256.8 +2019-07-18 17:00:00,6229.6 +2019-07-18 17:15:00,6179.2 +2019-07-18 17:30:00,6204.8 +2019-07-18 17:45:00,6222.8 +2019-07-18 18:00:00,6196.8 +2019-07-18 18:15:00,6128.8 +2019-07-18 18:30:00,6095.6 +2019-07-18 18:45:00,6066.4 +2019-07-18 19:00:00,5980.0 +2019-07-18 19:15:00,5896.0 +2019-07-18 19:30:00,5821.2 +2019-07-18 19:45:00,5780.0 +2019-07-18 20:00:00,5720.0 +2019-07-18 20:15:00,5663.6 +2019-07-18 20:30:00,5670.8 +2019-07-18 20:45:00,5641.6 +2019-07-18 21:00:00,5556.4 +2019-07-18 21:15:00,5456.8 +2019-07-18 21:30:00,5360.4 +2019-07-18 21:45:00,5257.6 +2019-07-18 22:00:00,5142.8 +2019-07-18 22:15:00,5058.4 +2019-07-18 22:30:00,4971.6 +2019-07-18 22:45:00,4890.8 +2019-07-18 23:00:00,4820.4 +2019-07-18 23:15:00,4761.6 +2019-07-18 23:30:00,4732.4 +2019-07-18 23:45:00,4679.6 +2019-07-19 00:00:00,4620.4 +2019-07-19 00:15:00,4580.8 +2019-07-19 00:30:00,4544.8 +2019-07-19 00:45:00,4541.2 +2019-07-19 01:00:00,4498.4 +2019-07-19 01:15:00,4480.8 +2019-07-19 01:30:00,4472.0 +2019-07-19 01:45:00,4456.0 +2019-07-19 02:00:00,4487.6 +2019-07-19 02:15:00,4466.8 +2019-07-19 02:30:00,4466.8 +2019-07-19 02:45:00,4471.6 +2019-07-19 03:00:00,4504.8 +2019-07-19 03:15:00,4537.2 +2019-07-19 03:30:00,4576.0 +2019-07-19 03:45:00,4615.2 +2019-07-19 04:00:00,4718.4 +2019-07-19 04:15:00,4765.2 +2019-07-19 04:30:00,4838.8 +2019-07-19 04:45:00,4953.2 +2019-07-19 05:00:00,5235.2 +2019-07-19 05:15:00,5419.2 +2019-07-19 05:30:00,5578.0 +2019-07-19 05:45:00,5716.0 +2019-07-19 06:00:00,5894.0 +2019-07-19 06:15:00,6006.4 +2019-07-19 06:30:00,6060.4 +2019-07-19 06:45:00,6192.0 +2019-07-19 07:00:00,6310.0 +2019-07-19 07:15:00,6352.4 +2019-07-19 07:30:00,6384.4 +2019-07-19 07:45:00,6415.6 +2019-07-19 08:00:00,6401.2 +2019-07-19 08:15:00,6445.2 +2019-07-19 08:30:00,6534.4 +2019-07-19 08:45:00,6561.2 +2019-07-19 09:00:00,6574.4 +2019-07-19 09:15:00,6592.8 +2019-07-19 09:30:00,6641.6 +2019-07-19 09:45:00,6688.8 +2019-07-19 10:00:00,6681.6 +2019-07-19 10:15:00,6737.6 +2019-07-19 10:30:00,6772.0 +2019-07-19 10:45:00,6796.4 +2019-07-19 11:00:00,6738.4 +2019-07-19 11:15:00,6700.0 +2019-07-19 11:30:00,6690.0 +2019-07-19 11:45:00,6662.0 +2019-07-19 12:00:00,6623.2 +2019-07-19 12:15:00,6585.6 +2019-07-19 12:30:00,6522.8 +2019-07-19 12:45:00,6459.2 +2019-07-19 13:00:00,6444.4 +2019-07-19 13:15:00,6422.0 +2019-07-19 13:30:00,6400.0 +2019-07-19 13:45:00,6342.0 +2019-07-19 14:00:00,6306.0 +2019-07-19 14:15:00,6273.6 +2019-07-19 14:30:00,6244.8 +2019-07-19 14:45:00,6194.0 +2019-07-19 15:00:00,6192.0 +2019-07-19 15:15:00,6149.6 +2019-07-19 15:30:00,6101.2 +2019-07-19 15:45:00,6071.2 +2019-07-19 16:00:00,6068.8 +2019-07-19 16:15:00,6040.8 +2019-07-19 16:30:00,6022.8 +2019-07-19 16:45:00,6006.4 +2019-07-19 17:00:00,6014.0 +2019-07-19 17:15:00,5965.2 +2019-07-19 17:30:00,5958.8 +2019-07-19 17:45:00,5949.2 +2019-07-19 18:00:00,5912.0 +2019-07-19 18:15:00,5839.2 +2019-07-19 18:30:00,5781.6 +2019-07-19 18:45:00,5738.4 +2019-07-19 19:00:00,5662.8 +2019-07-19 19:15:00,5562.0 +2019-07-19 19:30:00,5486.0 +2019-07-19 19:45:00,5441.6 +2019-07-19 20:00:00,5390.4 +2019-07-19 20:15:00,5355.2 +2019-07-19 20:30:00,5318.4 +2019-07-19 20:45:00,5301.6 +2019-07-19 21:00:00,5266.8 +2019-07-19 21:15:00,5208.4 +2019-07-19 21:30:00,5104.8 +2019-07-19 21:45:00,5021.2 +2019-07-19 22:00:00,4933.2 +2019-07-19 22:15:00,4841.6 +2019-07-19 22:30:00,4741.6 +2019-07-19 22:45:00,4678.8 +2019-07-19 23:00:00,4600.8 +2019-07-19 23:15:00,4553.6 +2019-07-19 23:30:00,4480.8 +2019-07-19 23:45:00,4444.0 +2019-07-20 00:00:00,4390.0 +2019-07-20 00:15:00,4310.4 +2019-07-20 00:30:00,4280.0 +2019-07-20 00:45:00,4237.2 +2019-07-20 01:00:00,4187.6 +2019-07-20 01:15:00,4138.4 +2019-07-20 01:30:00,4116.4 +2019-07-20 01:45:00,4116.0 +2019-07-20 02:00:00,4083.2 +2019-07-20 02:15:00,4081.2 +2019-07-20 02:30:00,4068.8 +2019-07-20 02:45:00,4074.8 +2019-07-20 03:00:00,4049.2 +2019-07-20 03:15:00,4048.8 +2019-07-20 03:30:00,4053.2 +2019-07-20 03:45:00,4057.2 +2019-07-20 04:00:00,4103.6 +2019-07-20 04:15:00,4065.2 +2019-07-20 04:30:00,4035.6 +2019-07-20 04:45:00,4066.4 +2019-07-20 05:00:00,4189.2 +2019-07-20 05:15:00,4248.4 +2019-07-20 05:30:00,4339.6 +2019-07-20 05:45:00,4408.4 +2019-07-20 06:00:00,4487.2 +2019-07-20 06:15:00,4569.2 +2019-07-20 06:30:00,4692.4 +2019-07-20 06:45:00,4786.0 +2019-07-20 07:00:00,4904.4 +2019-07-20 07:15:00,5011.6 +2019-07-20 07:30:00,5104.4 +2019-07-20 07:45:00,5208.4 +2019-07-20 08:00:00,5268.8 +2019-07-20 08:15:00,5326.4 +2019-07-20 08:30:00,5424.0 +2019-07-20 08:45:00,5468.0 +2019-07-20 09:00:00,5515.6 +2019-07-20 09:15:00,5557.2 +2019-07-20 09:30:00,5584.4 +2019-07-20 09:45:00,5640.8 +2019-07-20 10:00:00,5635.2 +2019-07-20 10:15:00,5671.2 +2019-07-20 10:30:00,5719.2 +2019-07-20 10:45:00,5748.0 +2019-07-20 11:00:00,5715.2 +2019-07-20 11:15:00,5709.6 +2019-07-20 11:30:00,5724.4 +2019-07-20 11:45:00,5699.2 +2019-07-20 12:00:00,5640.8 +2019-07-20 12:15:00,5562.4 +2019-07-20 12:30:00,5480.8 +2019-07-20 12:45:00,5455.2 +2019-07-20 13:00:00,5370.0 +2019-07-20 13:15:00,5302.4 +2019-07-20 13:30:00,5267.2 +2019-07-20 13:45:00,5248.0 +2019-07-20 14:00:00,5261.2 +2019-07-20 14:15:00,5255.2 +2019-07-20 14:30:00,5258.8 +2019-07-20 14:45:00,5248.8 +2019-07-20 15:00:00,5281.6 +2019-07-20 15:15:00,5262.0 +2019-07-20 15:30:00,5229.2 +2019-07-20 15:45:00,5212.4 +2019-07-20 16:00:00,5180.4 +2019-07-20 16:15:00,5157.6 +2019-07-20 16:30:00,5177.2 +2019-07-20 16:45:00,5195.2 +2019-07-20 17:00:00,5274.8 +2019-07-20 17:15:00,5268.8 +2019-07-20 17:30:00,5237.2 +2019-07-20 17:45:00,5232.8 +2019-07-20 18:00:00,5210.0 +2019-07-20 18:15:00,5147.2 +2019-07-20 18:30:00,5137.6 +2019-07-20 18:45:00,5128.0 +2019-07-20 19:00:00,5071.2 +2019-07-20 19:15:00,4982.4 +2019-07-20 19:30:00,4927.6 +2019-07-20 19:45:00,4876.8 +2019-07-20 20:00:00,4852.0 +2019-07-20 20:15:00,4825.2 +2019-07-20 20:30:00,4818.0 +2019-07-20 20:45:00,4809.6 +2019-07-20 21:00:00,4807.2 +2019-07-20 21:15:00,4746.4 +2019-07-20 21:30:00,4676.4 +2019-07-20 21:45:00,4597.6 +2019-07-20 22:00:00,4503.2 +2019-07-20 22:15:00,4448.0 +2019-07-20 22:30:00,4372.8 +2019-07-20 22:45:00,4314.0 +2019-07-20 23:00:00,4189.2 +2019-07-20 23:15:00,4120.4 +2019-07-20 23:30:00,4074.4 +2019-07-20 23:45:00,4022.0 +2019-07-21 00:00:00,3974.8 +2019-07-21 00:15:00,3937.6 +2019-07-21 00:30:00,3883.2 +2019-07-21 00:45:00,3876.0 +2019-07-21 01:00:00,3859.6 +2019-07-21 01:15:00,3855.6 +2019-07-21 01:30:00,3795.6 +2019-07-21 01:45:00,3796.0 +2019-07-21 02:00:00,3766.4 +2019-07-21 02:15:00,3760.0 +2019-07-21 02:30:00,3736.0 +2019-07-21 02:45:00,3747.6 +2019-07-21 03:00:00,3730.4 +2019-07-21 03:15:00,3734.8 +2019-07-21 03:30:00,3746.0 +2019-07-21 03:45:00,3748.0 +2019-07-21 04:00:00,3788.4 +2019-07-21 04:15:00,3756.8 +2019-07-21 04:30:00,3744.4 +2019-07-21 04:45:00,3736.4 +2019-07-21 05:00:00,3776.4 +2019-07-21 05:15:00,3780.0 +2019-07-21 05:30:00,3827.6 +2019-07-21 05:45:00,3868.4 +2019-07-21 06:00:00,3926.0 +2019-07-21 06:15:00,3976.0 +2019-07-21 06:30:00,4009.6 +2019-07-21 06:45:00,4087.6 +2019-07-21 07:00:00,4158.8 +2019-07-21 07:15:00,4274.8 +2019-07-21 07:30:00,4346.8 +2019-07-21 07:45:00,4416.8 +2019-07-21 08:00:00,4491.2 +2019-07-21 08:15:00,4551.2 +2019-07-21 08:30:00,4619.6 +2019-07-21 08:45:00,4661.6 +2019-07-21 09:00:00,4718.8 +2019-07-21 09:15:00,4810.8 +2019-07-21 09:30:00,4888.0 +2019-07-21 09:45:00,4952.0 +2019-07-21 10:00:00,5047.2 +2019-07-21 10:15:00,5116.0 +2019-07-21 10:30:00,5158.0 +2019-07-21 10:45:00,5182.4 +2019-07-21 11:00:00,5197.2 +2019-07-21 11:15:00,5153.2 +2019-07-21 11:30:00,5130.4 +2019-07-21 11:45:00,5108.4 +2019-07-21 12:00:00,5063.2 +2019-07-21 12:15:00,5011.6 +2019-07-21 12:30:00,4980.0 +2019-07-21 12:45:00,4941.2 +2019-07-21 13:00:00,4940.0 +2019-07-21 13:15:00,4934.0 +2019-07-21 13:30:00,4888.8 +2019-07-21 13:45:00,4870.0 +2019-07-21 14:00:00,4844.4 +2019-07-21 14:15:00,4844.8 +2019-07-21 14:30:00,4820.0 +2019-07-21 14:45:00,4787.2 +2019-07-21 15:00:00,4774.8 +2019-07-21 15:15:00,4783.6 +2019-07-21 15:30:00,4782.8 +2019-07-21 15:45:00,4788.0 +2019-07-21 16:00:00,4833.6 +2019-07-21 16:15:00,4838.8 +2019-07-21 16:30:00,4831.2 +2019-07-21 16:45:00,4824.4 +2019-07-21 17:00:00,4879.6 +2019-07-21 17:15:00,4908.8 +2019-07-21 17:30:00,4898.4 +2019-07-21 17:45:00,4873.6 +2019-07-21 18:00:00,4905.2 +2019-07-21 18:15:00,4885.2 +2019-07-21 18:30:00,4862.0 +2019-07-21 18:45:00,4824.0 +2019-07-21 19:00:00,4842.0 +2019-07-21 19:15:00,4825.6 +2019-07-21 19:30:00,4800.8 +2019-07-21 19:45:00,4757.2 +2019-07-21 20:00:00,4751.6 +2019-07-21 20:15:00,4755.2 +2019-07-21 20:30:00,4811.6 +2019-07-21 20:45:00,4866.8 +2019-07-21 21:00:00,4877.6 +2019-07-21 21:15:00,4822.4 +2019-07-21 21:30:00,4754.0 +2019-07-21 21:45:00,4666.0 +2019-07-21 22:00:00,4607.6 +2019-07-21 22:15:00,4555.2 +2019-07-21 22:30:00,4468.8 +2019-07-21 22:45:00,4397.6 +2019-07-21 23:00:00,4311.2 +2019-07-21 23:15:00,4271.6 +2019-07-21 23:30:00,4238.4 +2019-07-21 23:45:00,4170.4 +2019-07-22 00:00:00,4105.6 +2019-07-22 00:15:00,4075.2 +2019-07-22 00:30:00,4030.0 +2019-07-22 00:45:00,3978.0 +2019-07-22 01:00:00,3959.6 +2019-07-22 01:15:00,3974.0 +2019-07-22 01:30:00,3960.4 +2019-07-22 01:45:00,3939.2 +2019-07-22 02:00:00,3979.6 +2019-07-22 02:15:00,3988.8 +2019-07-22 02:30:00,3991.6 +2019-07-22 02:45:00,3976.4 +2019-07-22 03:00:00,4063.6 +2019-07-22 03:15:00,4086.8 +2019-07-22 03:30:00,4133.6 +2019-07-22 03:45:00,4183.6 +2019-07-22 04:00:00,4347.6 +2019-07-22 04:15:00,4438.0 +2019-07-22 04:30:00,4508.8 +2019-07-22 04:45:00,4641.2 +2019-07-22 05:00:00,4938.8 +2019-07-22 05:15:00,5173.6 +2019-07-22 05:30:00,5342.0 +2019-07-22 05:45:00,5483.6 +2019-07-22 06:00:00,5692.0 +2019-07-22 06:15:00,5809.2 +2019-07-22 06:30:00,5930.4 +2019-07-22 06:45:00,6049.2 +2019-07-22 07:00:00,6156.0 +2019-07-22 07:15:00,6234.4 +2019-07-22 07:30:00,6297.2 +2019-07-22 07:45:00,6333.6 +2019-07-22 08:00:00,6316.4 +2019-07-22 08:15:00,6361.6 +2019-07-22 08:30:00,6428.8 +2019-07-22 08:45:00,6494.8 +2019-07-22 09:00:00,6531.2 +2019-07-22 09:15:00,6539.6 +2019-07-22 09:30:00,6565.6 +2019-07-22 09:45:00,6626.0 +2019-07-22 10:00:00,6649.6 +2019-07-22 10:15:00,6702.8 +2019-07-22 10:30:00,6745.2 +2019-07-22 10:45:00,6748.4 +2019-07-22 11:00:00,6704.0 +2019-07-22 11:15:00,6705.2 +2019-07-22 11:30:00,6706.4 +2019-07-22 11:45:00,6734.4 +2019-07-22 12:00:00,6751.2 +2019-07-22 12:15:00,6707.6 +2019-07-22 12:30:00,6656.4 +2019-07-22 12:45:00,6606.4 +2019-07-22 13:00:00,6598.4 +2019-07-22 13:15:00,6565.2 +2019-07-22 13:30:00,6542.4 +2019-07-22 13:45:00,6503.2 +2019-07-22 14:00:00,6527.6 +2019-07-22 14:15:00,6479.2 +2019-07-22 14:30:00,6459.2 +2019-07-22 14:45:00,6409.6 +2019-07-22 15:00:00,6406.4 +2019-07-22 15:15:00,6403.2 +2019-07-22 15:30:00,6386.4 +2019-07-22 15:45:00,6353.6 +2019-07-22 16:00:00,6344.4 +2019-07-22 16:15:00,6356.0 +2019-07-22 16:30:00,6354.4 +2019-07-22 16:45:00,6357.2 +2019-07-22 17:00:00,6304.0 +2019-07-22 17:15:00,6282.4 +2019-07-22 17:30:00,6250.4 +2019-07-22 17:45:00,6235.6 +2019-07-22 18:00:00,6201.6 +2019-07-22 18:15:00,6141.2 +2019-07-22 18:30:00,6128.0 +2019-07-22 18:45:00,6070.0 +2019-07-22 19:00:00,5988.8 +2019-07-22 19:15:00,5890.8 +2019-07-22 19:30:00,5812.4 +2019-07-22 19:45:00,5760.4 +2019-07-22 20:00:00,5687.6 +2019-07-22 20:15:00,5682.0 +2019-07-22 20:30:00,5660.8 +2019-07-22 20:45:00,5612.0 +2019-07-22 21:00:00,5573.6 +2019-07-22 21:15:00,5500.8 +2019-07-22 21:30:00,5369.2 +2019-07-22 21:45:00,5285.6 +2019-07-22 22:00:00,5145.6 +2019-07-22 22:15:00,5069.2 +2019-07-22 22:30:00,4968.0 +2019-07-22 22:45:00,4891.6 +2019-07-22 23:00:00,4822.8 +2019-07-22 23:15:00,4751.2 +2019-07-22 23:30:00,4706.4 +2019-07-22 23:45:00,4672.4 +2019-07-23 00:00:00,4622.4 +2019-07-23 00:15:00,4592.0 +2019-07-23 00:30:00,4537.2 +2019-07-23 00:45:00,4513.6 +2019-07-23 01:00:00,4472.0 +2019-07-23 01:15:00,4444.8 +2019-07-23 01:30:00,4433.2 +2019-07-23 01:45:00,4425.2 +2019-07-23 02:00:00,4455.6 +2019-07-23 02:15:00,4440.0 +2019-07-23 02:30:00,4420.4 +2019-07-23 02:45:00,4438.8 +2019-07-23 03:00:00,4468.0 +2019-07-23 03:15:00,4468.4 +2019-07-23 03:30:00,4496.0 +2019-07-23 03:45:00,4559.2 +2019-07-23 04:00:00,4654.4 +2019-07-23 04:15:00,4695.6 +2019-07-23 04:30:00,4777.6 +2019-07-23 04:45:00,4902.0 +2019-07-23 05:00:00,5182.8 +2019-07-23 05:15:00,5362.4 +2019-07-23 05:30:00,5502.4 +2019-07-23 05:45:00,5663.2 +2019-07-23 06:00:00,5851.2 +2019-07-23 06:15:00,5957.2 +2019-07-23 06:30:00,6062.8 +2019-07-23 06:45:00,6171.6 +2019-07-23 07:00:00,6270.8 +2019-07-23 07:15:00,6351.2 +2019-07-23 07:30:00,6402.4 +2019-07-23 07:45:00,6469.2 +2019-07-23 08:00:00,6454.8 +2019-07-23 08:15:00,6514.4 +2019-07-23 08:30:00,6592.4 +2019-07-23 08:45:00,6661.6 +2019-07-23 09:00:00,6676.8 +2019-07-23 09:15:00,6726.0 +2019-07-23 09:30:00,6768.4 +2019-07-23 09:45:00,6800.4 +2019-07-23 10:00:00,6839.6 +2019-07-23 10:15:00,6877.2 +2019-07-23 10:30:00,6896.0 +2019-07-23 10:45:00,6904.8 +2019-07-23 11:00:00,6840.8 +2019-07-23 11:15:00,6802.4 +2019-07-23 11:30:00,6801.2 +2019-07-23 11:45:00,6796.4 +2019-07-23 12:00:00,6799.2 +2019-07-23 12:15:00,6786.8 +2019-07-23 12:30:00,6759.6 +2019-07-23 12:45:00,6724.4 +2019-07-23 13:00:00,6717.6 +2019-07-23 13:15:00,6698.8 +2019-07-23 13:30:00,6669.2 +2019-07-23 13:45:00,6650.0 +2019-07-23 14:00:00,6643.2 +2019-07-23 14:15:00,6606.0 +2019-07-23 14:30:00,6528.8 +2019-07-23 14:45:00,6499.2 +2019-07-23 15:00:00,6476.4 +2019-07-23 15:15:00,6448.8 +2019-07-23 15:30:00,6439.6 +2019-07-23 15:45:00,6406.8 +2019-07-23 16:00:00,6406.4 +2019-07-23 16:15:00,6400.0 +2019-07-23 16:30:00,6418.8 +2019-07-23 16:45:00,6417.6 +2019-07-23 17:00:00,6357.2 +2019-07-23 17:15:00,6326.4 +2019-07-23 17:30:00,6314.8 +2019-07-23 17:45:00,6326.4 +2019-07-23 18:00:00,6316.4 +2019-07-23 18:15:00,6252.0 +2019-07-23 18:30:00,6204.8 +2019-07-23 18:45:00,6173.6 +2019-07-23 19:00:00,6097.2 +2019-07-23 19:15:00,6016.0 +2019-07-23 19:30:00,5944.8 +2019-07-23 19:45:00,5905.6 +2019-07-23 20:00:00,5853.6 +2019-07-23 20:15:00,5826.4 +2019-07-23 20:30:00,5798.4 +2019-07-23 20:45:00,5782.4 +2019-07-23 21:00:00,5706.0 +2019-07-23 21:15:00,5615.6 +2019-07-23 21:30:00,5488.8 +2019-07-23 21:45:00,5403.2 +2019-07-23 22:00:00,5271.6 +2019-07-23 22:15:00,5173.6 +2019-07-23 22:30:00,5066.0 +2019-07-23 22:45:00,5007.6 +2019-07-23 23:00:00,4902.4 +2019-07-23 23:15:00,4846.8 +2019-07-23 23:30:00,4810.8 +2019-07-23 23:45:00,4760.0 +2019-07-24 00:00:00,4744.4 +2019-07-24 00:15:00,4701.2 +2019-07-24 00:30:00,4666.4 +2019-07-24 00:45:00,4661.2 +2019-07-24 01:00:00,4614.8 +2019-07-24 01:15:00,4598.0 +2019-07-24 01:30:00,4578.0 +2019-07-24 01:45:00,4570.8 +2019-07-24 02:00:00,4598.0 +2019-07-24 02:15:00,4592.8 +2019-07-24 02:30:00,4582.4 +2019-07-24 02:45:00,4591.6 +2019-07-24 03:00:00,4616.4 +2019-07-24 03:15:00,4648.0 +2019-07-24 03:30:00,4682.8 +2019-07-24 03:45:00,4727.2 +2019-07-24 04:00:00,4843.6 +2019-07-24 04:15:00,4882.8 +2019-07-24 04:30:00,4962.4 +2019-07-24 04:45:00,5040.0 +2019-07-24 05:00:00,5312.0 +2019-07-24 05:15:00,5531.2 +2019-07-24 05:30:00,5661.2 +2019-07-24 05:45:00,5803.2 +2019-07-24 06:00:00,5972.8 +2019-07-24 06:15:00,6100.8 +2019-07-24 06:30:00,6203.6 +2019-07-24 06:45:00,6308.0 +2019-07-24 07:00:00,6397.2 +2019-07-24 07:15:00,6473.6 +2019-07-24 07:30:00,6528.8 +2019-07-24 07:45:00,6583.6 +2019-07-24 08:00:00,6577.2 +2019-07-24 08:15:00,6620.8 +2019-07-24 08:30:00,6690.8 +2019-07-24 08:45:00,6755.2 +2019-07-24 09:00:00,6788.8 +2019-07-24 09:15:00,6837.2 +2019-07-24 09:30:00,6880.4 +2019-07-24 09:45:00,6936.0 +2019-07-24 10:00:00,6940.0 +2019-07-24 10:15:00,6974.8 +2019-07-24 10:30:00,7003.2 +2019-07-24 10:45:00,7013.2 +2019-07-24 11:00:00,6915.6 +2019-07-24 11:15:00,6911.2 +2019-07-24 11:30:00,6915.6 +2019-07-24 11:45:00,6915.6 +2019-07-24 12:00:00,6895.6 +2019-07-24 12:15:00,6867.6 +2019-07-24 12:30:00,6838.4 +2019-07-24 12:45:00,6799.6 +2019-07-24 13:00:00,6800.0 +2019-07-24 13:15:00,6801.2 +2019-07-24 13:30:00,6772.8 +2019-07-24 13:45:00,6742.4 +2019-07-24 14:00:00,6732.4 +2019-07-24 14:15:00,6677.2 +2019-07-24 14:30:00,6634.8 +2019-07-24 14:45:00,6595.6 +2019-07-24 15:00:00,6575.6 +2019-07-24 15:15:00,6532.8 +2019-07-24 15:30:00,6511.2 +2019-07-24 15:45:00,6475.6 +2019-07-24 16:00:00,6460.4 +2019-07-24 16:15:00,6431.6 +2019-07-24 16:30:00,6419.6 +2019-07-24 16:45:00,6424.4 +2019-07-24 17:00:00,6373.6 +2019-07-24 17:15:00,6324.0 +2019-07-24 17:30:00,6342.4 +2019-07-24 17:45:00,6342.4 +2019-07-24 18:00:00,6309.2 +2019-07-24 18:15:00,6259.2 +2019-07-24 18:30:00,6218.0 +2019-07-24 18:45:00,6203.6 +2019-07-24 19:00:00,6124.0 +2019-07-24 19:15:00,6060.4 +2019-07-24 19:30:00,6000.8 +2019-07-24 19:45:00,5946.0 +2019-07-24 20:00:00,5911.6 +2019-07-24 20:15:00,5880.0 +2019-07-24 20:30:00,5851.6 +2019-07-24 20:45:00,5835.2 +2019-07-24 21:00:00,5778.4 +2019-07-24 21:15:00,5706.4 +2019-07-24 21:30:00,5594.8 +2019-07-24 21:45:00,5497.2 +2019-07-24 22:00:00,5378.8 +2019-07-24 22:15:00,5315.2 +2019-07-24 22:30:00,5228.8 +2019-07-24 22:45:00,5196.4 +2019-07-24 23:00:00,5075.6 +2019-07-24 23:15:00,5025.2 +2019-07-24 23:30:00,4985.2 +2019-07-24 23:45:00,4932.8 +2019-07-25 00:00:00,4892.8 +2019-07-25 00:15:00,4866.0 +2019-07-25 00:30:00,4824.0 +2019-07-25 00:45:00,4788.4 +2019-07-25 01:00:00,4757.6 +2019-07-25 01:15:00,4720.4 +2019-07-25 01:30:00,4709.6 +2019-07-25 01:45:00,4693.6 +2019-07-25 02:00:00,4697.2 +2019-07-25 02:15:00,4698.0 +2019-07-25 02:30:00,4679.6 +2019-07-25 02:45:00,4666.8 +2019-07-25 03:00:00,4704.0 +2019-07-25 03:15:00,4730.8 +2019-07-25 03:30:00,4760.4 +2019-07-25 03:45:00,4802.4 +2019-07-25 04:00:00,4923.2 +2019-07-25 04:15:00,4976.4 +2019-07-25 04:30:00,4994.8 +2019-07-25 04:45:00,5089.2 +2019-07-25 05:00:00,5335.6 +2019-07-25 05:15:00,5507.6 +2019-07-25 05:30:00,5647.6 +2019-07-25 05:45:00,5788.8 +2019-07-25 06:00:00,5965.2 +2019-07-25 06:15:00,6085.2 +2019-07-25 06:30:00,6221.2 +2019-07-25 06:45:00,6326.4 +2019-07-25 07:00:00,6410.0 +2019-07-25 07:15:00,6456.8 +2019-07-25 07:30:00,6524.4 +2019-07-25 07:45:00,6590.8 +2019-07-25 08:00:00,6584.8 +2019-07-25 08:15:00,6626.4 +2019-07-25 08:30:00,6691.6 +2019-07-25 08:45:00,6773.2 +2019-07-25 09:00:00,6811.6 +2019-07-25 09:15:00,6836.4 +2019-07-25 09:30:00,6898.4 +2019-07-25 09:45:00,6930.8 +2019-07-25 10:00:00,6948.4 +2019-07-25 10:15:00,6975.2 +2019-07-25 10:30:00,7032.8 +2019-07-25 10:45:00,7048.4 +2019-07-25 11:00:00,6949.2 +2019-07-25 11:15:00,6916.4 +2019-07-25 11:30:00,6929.6 +2019-07-25 11:45:00,6946.0 +2019-07-25 12:00:00,6917.2 +2019-07-25 12:15:00,6892.4 +2019-07-25 12:30:00,6871.2 +2019-07-25 12:45:00,6826.0 +2019-07-25 13:00:00,6793.6 +2019-07-25 13:15:00,6781.6 +2019-07-25 13:30:00,6754.4 +2019-07-25 13:45:00,6726.4 +2019-07-25 14:00:00,6726.0 +2019-07-25 14:15:00,6682.4 +2019-07-25 14:30:00,6623.2 +2019-07-25 14:45:00,6581.6 +2019-07-25 15:00:00,6563.2 +2019-07-25 15:15:00,6523.2 +2019-07-25 15:30:00,6480.0 +2019-07-25 15:45:00,6490.4 +2019-07-25 16:00:00,6519.2 +2019-07-25 16:15:00,6451.2 +2019-07-25 16:30:00,6490.8 +2019-07-25 16:45:00,6482.0 +2019-07-25 17:00:00,6456.0 +2019-07-25 17:15:00,6404.4 +2019-07-25 17:30:00,6409.6 +2019-07-25 17:45:00,6416.0 +2019-07-25 18:00:00,6358.4 +2019-07-25 18:15:00,6328.8 +2019-07-25 18:30:00,6312.4 +2019-07-25 18:45:00,6282.0 +2019-07-25 19:00:00,6212.0 +2019-07-25 19:15:00,6144.8 +2019-07-25 19:30:00,6108.8 +2019-07-25 19:45:00,6074.8 +2019-07-25 20:00:00,6023.2 +2019-07-25 20:15:00,6020.0 +2019-07-25 20:30:00,5993.6 +2019-07-25 20:45:00,5955.2 +2019-07-25 21:00:00,5877.2 +2019-07-25 21:15:00,5787.2 +2019-07-25 21:30:00,5676.4 +2019-07-25 21:45:00,5599.2 +2019-07-25 22:00:00,5476.0 +2019-07-25 22:15:00,5390.8 +2019-07-25 22:30:00,5278.8 +2019-07-25 22:45:00,5178.8 +2019-07-25 23:00:00,5053.6 +2019-07-25 23:15:00,4987.2 +2019-07-25 23:30:00,4948.4 +2019-07-25 23:45:00,4889.6 +2019-07-26 00:00:00,4836.0 +2019-07-26 00:15:00,4802.4 +2019-07-26 00:30:00,4767.6 +2019-07-26 00:45:00,4736.4 +2019-07-26 01:00:00,4745.2 +2019-07-26 01:15:00,4716.0 +2019-07-26 01:30:00,4690.0 +2019-07-26 01:45:00,4674.4 +2019-07-26 02:00:00,4701.6 +2019-07-26 02:15:00,4684.8 +2019-07-26 02:30:00,4672.4 +2019-07-26 02:45:00,4686.0 +2019-07-26 03:00:00,4738.8 +2019-07-26 03:15:00,4773.2 +2019-07-26 03:30:00,4799.2 +2019-07-26 03:45:00,4871.2 +2019-07-26 04:00:00,4955.6 +2019-07-26 04:15:00,5017.2 +2019-07-26 04:30:00,5058.0 +2019-07-26 04:45:00,5172.8 +2019-07-26 05:00:00,5427.2 +2019-07-26 05:15:00,5620.0 +2019-07-26 05:30:00,5742.8 +2019-07-26 05:45:00,5848.0 +2019-07-26 06:00:00,6021.2 +2019-07-26 06:15:00,6122.8 +2019-07-26 06:30:00,6234.0 +2019-07-26 06:45:00,6339.2 +2019-07-26 07:00:00,6458.0 +2019-07-26 07:15:00,6516.0 +2019-07-26 07:30:00,6557.6 +2019-07-26 07:45:00,6618.8 +2019-07-26 08:00:00,6641.2 +2019-07-26 08:15:00,6694.4 +2019-07-26 08:30:00,6768.0 +2019-07-26 08:45:00,6820.0 +2019-07-26 09:00:00,6853.6 +2019-07-26 09:15:00,6866.4 +2019-07-26 09:30:00,6906.8 +2019-07-26 09:45:00,6964.8 +2019-07-26 10:00:00,6962.8 +2019-07-26 10:15:00,6988.8 +2019-07-26 10:30:00,7004.8 +2019-07-26 10:45:00,7000.4 +2019-07-26 11:00:00,6911.2 +2019-07-26 11:15:00,6891.2 +2019-07-26 11:30:00,6880.8 +2019-07-26 11:45:00,6868.4 +2019-07-26 12:00:00,6816.0 +2019-07-26 12:15:00,6776.0 +2019-07-26 12:30:00,6767.2 +2019-07-26 12:45:00,6707.2 +2019-07-26 13:00:00,6684.4 +2019-07-26 13:15:00,6670.0 +2019-07-26 13:30:00,6641.2 +2019-07-26 13:45:00,6609.2 +2019-07-26 14:00:00,6578.0 +2019-07-26 14:15:00,6551.6 +2019-07-26 14:30:00,6536.8 +2019-07-26 14:45:00,6486.4 +2019-07-26 15:00:00,6493.2 +2019-07-26 15:15:00,6496.0 +2019-07-26 15:30:00,6490.8 +2019-07-26 15:45:00,6486.8 +2019-07-26 16:00:00,6490.4 +2019-07-26 16:15:00,6466.0 +2019-07-26 16:30:00,6456.8 +2019-07-26 16:45:00,6436.8 +2019-07-26 17:00:00,6422.8 +2019-07-26 17:15:00,6373.2 +2019-07-26 17:30:00,6347.6 +2019-07-26 17:45:00,6312.4 +2019-07-26 18:00:00,6293.6 +2019-07-26 18:15:00,6238.0 +2019-07-26 18:30:00,6196.0 +2019-07-26 18:45:00,6139.2 +2019-07-26 19:00:00,6048.4 +2019-07-26 19:15:00,5972.8 +2019-07-26 19:30:00,5900.4 +2019-07-26 19:45:00,5855.2 +2019-07-26 20:00:00,5790.0 +2019-07-26 20:15:00,5771.6 +2019-07-26 20:30:00,5757.2 +2019-07-26 20:45:00,5703.2 +2019-07-26 21:00:00,5666.4 +2019-07-26 21:15:00,5626.0 +2019-07-26 21:30:00,5504.4 +2019-07-26 21:45:00,5386.0 +2019-07-26 22:00:00,5256.8 +2019-07-26 22:15:00,5172.0 +2019-07-26 22:30:00,5064.4 +2019-07-26 22:45:00,5008.0 +2019-07-26 23:00:00,4895.6 +2019-07-26 23:15:00,4812.4 +2019-07-26 23:30:00,4763.2 +2019-07-26 23:45:00,4702.0 +2019-07-27 00:00:00,4596.0 +2019-07-27 00:15:00,4542.4 +2019-07-27 00:30:00,4499.2 +2019-07-27 00:45:00,4398.0 +2019-07-27 01:00:00,4431.2 +2019-07-27 01:15:00,4371.6 +2019-07-27 01:30:00,4370.4 +2019-07-27 01:45:00,4370.4 +2019-07-27 02:00:00,4366.8 +2019-07-27 02:15:00,4360.0 +2019-07-27 02:30:00,4320.4 +2019-07-27 02:45:00,4320.0 +2019-07-27 03:00:00,4315.6 +2019-07-27 03:15:00,4284.0 +2019-07-27 03:30:00,4255.6 +2019-07-27 03:45:00,4262.4 +2019-07-27 04:00:00,4279.2 +2019-07-27 04:15:00,4271.6 +2019-07-27 04:30:00,4271.6 +2019-07-27 04:45:00,4298.4 +2019-07-27 05:00:00,4390.8 +2019-07-27 05:15:00,4427.2 +2019-07-27 05:30:00,4494.0 +2019-07-27 05:45:00,4536.8 +2019-07-27 06:00:00,4634.4 +2019-07-27 06:15:00,4726.4 +2019-07-27 06:30:00,4797.2 +2019-07-27 06:45:00,4896.0 +2019-07-27 07:00:00,4984.0 +2019-07-27 07:15:00,5066.0 +2019-07-27 07:30:00,5149.6 +2019-07-27 07:45:00,5243.6 +2019-07-27 08:00:00,5318.8 +2019-07-27 08:15:00,5381.2 +2019-07-27 08:30:00,5472.4 +2019-07-27 08:45:00,5530.0 +2019-07-27 09:00:00,5569.6 +2019-07-27 09:15:00,5606.4 +2019-07-27 09:30:00,5654.8 +2019-07-27 09:45:00,5694.0 +2019-07-27 10:00:00,5755.6 +2019-07-27 10:15:00,5801.2 +2019-07-27 10:30:00,5825.6 +2019-07-27 10:45:00,5827.6 +2019-07-27 11:00:00,5791.6 +2019-07-27 11:15:00,5769.2 +2019-07-27 11:30:00,5743.6 +2019-07-27 11:45:00,5714.8 +2019-07-27 12:00:00,5633.6 +2019-07-27 12:15:00,5595.2 +2019-07-27 12:30:00,5573.6 +2019-07-27 12:45:00,5541.6 +2019-07-27 13:00:00,5522.0 +2019-07-27 13:15:00,5515.6 +2019-07-27 13:30:00,5500.0 +2019-07-27 13:45:00,5467.2 +2019-07-27 14:00:00,5441.6 +2019-07-27 14:15:00,5424.0 +2019-07-27 14:30:00,5404.4 +2019-07-27 14:45:00,5382.0 +2019-07-27 15:00:00,5374.0 +2019-07-27 15:15:00,5362.8 +2019-07-27 15:30:00,5342.4 +2019-07-27 15:45:00,5352.0 +2019-07-27 16:00:00,5384.0 +2019-07-27 16:15:00,5376.4 +2019-07-27 16:30:00,5398.0 +2019-07-27 16:45:00,5387.6 +2019-07-27 17:00:00,5397.6 +2019-07-27 17:15:00,5378.4 +2019-07-27 17:30:00,5375.2 +2019-07-27 17:45:00,5360.4 +2019-07-27 18:00:00,5339.2 +2019-07-27 18:15:00,5291.2 +2019-07-27 18:30:00,5256.8 +2019-07-27 18:45:00,5227.2 +2019-07-27 19:00:00,5176.4 +2019-07-27 19:15:00,5082.8 +2019-07-27 19:30:00,5046.0 +2019-07-27 19:45:00,4988.8 +2019-07-27 20:00:00,4952.4 +2019-07-27 20:15:00,4981.2 +2019-07-27 20:30:00,4959.2 +2019-07-27 20:45:00,4971.6 +2019-07-27 21:00:00,4927.6 +2019-07-27 21:15:00,4883.6 +2019-07-27 21:30:00,4799.6 +2019-07-27 21:45:00,4745.2 +2019-07-27 22:00:00,4640.8 +2019-07-27 22:15:00,4577.2 +2019-07-27 22:30:00,4528.8 +2019-07-27 22:45:00,4466.0 +2019-07-27 23:00:00,4376.8 +2019-07-27 23:15:00,4297.6 +2019-07-27 23:30:00,4267.6 +2019-07-27 23:45:00,4230.4 +2019-07-28 00:00:00,4158.4 +2019-07-28 00:15:00,4108.0 +2019-07-28 00:30:00,4079.2 +2019-07-28 00:45:00,4038.8 +2019-07-28 01:00:00,4027.6 +2019-07-28 01:15:00,4015.6 +2019-07-28 01:30:00,4004.4 +2019-07-28 01:45:00,3986.0 +2019-07-28 02:00:00,3970.8 +2019-07-28 02:15:00,3966.4 +2019-07-28 02:30:00,3934.4 +2019-07-28 02:45:00,3932.8 +2019-07-28 03:00:00,3945.2 +2019-07-28 03:15:00,3951.6 +2019-07-28 03:30:00,3948.4 +2019-07-28 03:45:00,3822.4 +2019-07-28 04:00:00,3926.4 +2019-07-28 04:15:00,3907.2 +2019-07-28 04:30:00,3896.0 +2019-07-28 04:45:00,3905.2 +2019-07-28 05:00:00,3902.4 +2019-07-28 05:15:00,3934.4 +2019-07-28 05:30:00,3954.4 +2019-07-28 05:45:00,3991.2 +2019-07-28 06:00:00,4056.4 +2019-07-28 06:15:00,4071.2 +2019-07-28 06:30:00,4122.8 +2019-07-28 06:45:00,4189.2 +2019-07-28 07:00:00,4316.4 +2019-07-28 07:15:00,4375.2 +2019-07-28 07:30:00,4434.4 +2019-07-28 07:45:00,4501.2 +2019-07-28 08:00:00,4585.2 +2019-07-28 08:15:00,4619.6 +2019-07-28 08:30:00,4672.8 +2019-07-28 08:45:00,4744.8 +2019-07-28 09:00:00,4822.4 +2019-07-28 09:15:00,4850.0 +2019-07-28 09:30:00,4903.6 +2019-07-28 09:45:00,4953.6 +2019-07-28 10:00:00,5012.0 +2019-07-28 10:15:00,5054.4 +2019-07-28 10:30:00,5086.0 +2019-07-28 10:45:00,5118.0 +2019-07-28 11:00:00,5108.4 +2019-07-28 11:15:00,5085.2 +2019-07-28 11:30:00,5038.8 +2019-07-28 11:45:00,5027.6 +2019-07-28 12:00:00,5011.2 +2019-07-28 12:15:00,4973.2 +2019-07-28 12:30:00,4939.2 +2019-07-28 12:45:00,4906.0 +2019-07-28 13:00:00,4871.2 +2019-07-28 13:15:00,4875.2 +2019-07-28 13:30:00,4840.4 +2019-07-28 13:45:00,4820.8 +2019-07-28 14:00:00,4859.6 +2019-07-28 14:15:00,4826.0 +2019-07-28 14:30:00,4794.4 +2019-07-28 14:45:00,4785.2 +2019-07-28 15:00:00,4802.4 +2019-07-28 15:15:00,4789.6 +2019-07-28 15:30:00,4777.6 +2019-07-28 15:45:00,4809.2 +2019-07-28 16:00:00,4835.2 +2019-07-28 16:15:00,4852.0 +2019-07-28 16:30:00,4895.2 +2019-07-28 16:45:00,4921.6 +2019-07-28 17:00:00,4957.6 +2019-07-28 17:15:00,4970.0 +2019-07-28 17:30:00,4976.8 +2019-07-28 17:45:00,4974.4 +2019-07-28 18:00:00,5021.6 +2019-07-28 18:15:00,5010.0 +2019-07-28 18:30:00,4992.4 +2019-07-28 18:45:00,4952.8 +2019-07-28 19:00:00,4935.2 +2019-07-28 19:15:00,4899.2 +2019-07-28 19:30:00,4874.8 +2019-07-28 19:45:00,4838.4 +2019-07-28 20:00:00,4872.8 +2019-07-28 20:15:00,4901.2 +2019-07-28 20:30:00,4940.8 +2019-07-28 20:45:00,4937.2 +2019-07-28 21:00:00,4924.4 +2019-07-28 21:15:00,4872.0 +2019-07-28 21:30:00,4794.0 +2019-07-28 21:45:00,4738.0 +2019-07-28 22:00:00,4632.0 +2019-07-28 22:15:00,4554.4 +2019-07-28 22:30:00,4500.0 +2019-07-28 22:45:00,4462.0 +2019-07-28 23:00:00,4328.0 +2019-07-28 23:15:00,4271.6 +2019-07-28 23:30:00,4219.2 +2019-07-28 23:45:00,4194.0 +2019-07-29 00:00:00,4165.2 +2019-07-29 00:15:00,4148.4 +2019-07-29 00:30:00,4141.2 +2019-07-29 00:45:00,4130.4 +2019-07-29 01:00:00,4120.4 +2019-07-29 01:15:00,4110.8 +2019-07-29 01:30:00,4089.2 +2019-07-29 01:45:00,4106.8 +2019-07-29 02:00:00,4086.0 +2019-07-29 02:15:00,4082.0 +2019-07-29 02:30:00,4094.0 +2019-07-29 02:45:00,4105.2 +2019-07-29 03:00:00,4160.4 +2019-07-29 03:15:00,4180.8 +2019-07-29 03:30:00,4216.4 +2019-07-29 03:45:00,4273.2 +2019-07-29 04:00:00,4409.6 +2019-07-29 04:15:00,4502.8 +2019-07-29 04:30:00,4543.2 +2019-07-29 04:45:00,4680.8 +2019-07-29 05:00:00,5034.4 +2019-07-29 05:15:00,5233.6 +2019-07-29 05:30:00,5398.8 +2019-07-29 05:45:00,5561.2 +2019-07-29 06:00:00,5772.8 +2019-07-29 06:15:00,5898.4 +2019-07-29 06:30:00,6006.4 +2019-07-29 06:45:00,6118.4 +2019-07-29 07:00:00,6228.8 +2019-07-29 07:15:00,6297.6 +2019-07-29 07:30:00,6343.6 +2019-07-29 07:45:00,6380.0 +2019-07-29 08:00:00,6378.0 +2019-07-29 08:15:00,6401.2 +2019-07-29 08:30:00,6460.8 +2019-07-29 08:45:00,6576.4 +2019-07-29 09:00:00,6607.6 +2019-07-29 09:15:00,6615.6 +2019-07-29 09:30:00,6630.0 +2019-07-29 09:45:00,6680.8 +2019-07-29 10:00:00,6674.8 +2019-07-29 10:15:00,6703.2 +2019-07-29 10:30:00,6704.8 +2019-07-29 10:45:00,6714.4 +2019-07-29 11:00:00,6677.2 +2019-07-29 11:15:00,6643.6 +2019-07-29 11:30:00,6621.2 +2019-07-29 11:45:00,6624.8 +2019-07-29 12:00:00,6619.6 +2019-07-29 12:15:00,6606.0 +2019-07-29 12:30:00,6562.8 +2019-07-29 12:45:00,6515.2 +2019-07-29 13:00:00,6481.6 +2019-07-29 13:15:00,6463.6 +2019-07-29 13:30:00,6441.2 +2019-07-29 13:45:00,6436.4 +2019-07-29 14:00:00,6442.4 +2019-07-29 14:15:00,6428.8 +2019-07-29 14:30:00,6360.4 +2019-07-29 14:45:00,6307.6 +2019-07-29 15:00:00,6286.4 +2019-07-29 15:15:00,6260.4 +2019-07-29 15:30:00,6241.6 +2019-07-29 15:45:00,6210.8 +2019-07-29 16:00:00,6212.8 +2019-07-29 16:15:00,6206.0 +2019-07-29 16:30:00,6218.8 +2019-07-29 16:45:00,6212.8 +2019-07-29 17:00:00,6174.8 +2019-07-29 17:15:00,6144.8 +2019-07-29 17:30:00,6133.2 +2019-07-29 17:45:00,6124.8 +2019-07-29 18:00:00,6090.4 +2019-07-29 18:15:00,6059.6 +2019-07-29 18:30:00,6029.6 +2019-07-29 18:45:00,5993.2 +2019-07-29 19:00:00,5902.8 +2019-07-29 19:15:00,5830.4 +2019-07-29 19:30:00,5764.0 +2019-07-29 19:45:00,5718.0 +2019-07-29 20:00:00,5673.6 +2019-07-29 20:15:00,5650.0 +2019-07-29 20:30:00,5638.4 +2019-07-29 20:45:00,5599.2 +2019-07-29 21:00:00,5530.4 +2019-07-29 21:15:00,5448.0 +2019-07-29 21:30:00,5336.0 +2019-07-29 21:45:00,5238.8 +2019-07-29 22:00:00,5106.8 +2019-07-29 22:15:00,5002.0 +2019-07-29 22:30:00,4930.8 +2019-07-29 22:45:00,4858.4 +2019-07-29 23:00:00,4735.6 +2019-07-29 23:15:00,4686.0 +2019-07-29 23:30:00,4626.4 +2019-07-29 23:45:00,4580.8 +2019-07-30 00:00:00,4535.6 +2019-07-30 00:15:00,4493.6 +2019-07-30 00:30:00,4491.2 +2019-07-30 00:45:00,4471.6 +2019-07-30 01:00:00,4430.8 +2019-07-30 01:15:00,4411.2 +2019-07-30 01:30:00,4396.8 +2019-07-30 01:45:00,4395.2 +2019-07-30 02:00:00,4382.4 +2019-07-30 02:15:00,4379.6 +2019-07-30 02:30:00,4398.0 +2019-07-30 02:45:00,4404.0 +2019-07-30 03:00:00,4439.6 +2019-07-30 03:15:00,4488.8 +2019-07-30 03:30:00,4522.4 +2019-07-30 03:45:00,4580.4 +2019-07-30 04:00:00,4674.8 +2019-07-30 04:15:00,4720.8 +2019-07-30 04:30:00,4798.8 +2019-07-30 04:45:00,4920.0 +2019-07-30 05:00:00,5182.8 +2019-07-30 05:15:00,5341.2 +2019-07-30 05:30:00,5491.2 +2019-07-30 05:45:00,5618.0 +2019-07-30 06:00:00,5802.8 +2019-07-30 06:15:00,5929.2 +2019-07-30 06:30:00,6052.4 +2019-07-30 06:45:00,6132.0 +2019-07-30 07:00:00,6218.8 +2019-07-30 07:15:00,6291.6 +2019-07-30 07:30:00,6344.8 +2019-07-30 07:45:00,6385.6 +2019-07-30 08:00:00,6417.6 +2019-07-30 08:15:00,6462.4 +2019-07-30 08:30:00,6528.4 +2019-07-30 08:45:00,6578.4 +2019-07-30 09:00:00,6599.6 +2019-07-30 09:15:00,6650.8 +2019-07-30 09:30:00,6710.8 +2019-07-30 09:45:00,6742.4 +2019-07-30 10:00:00,6790.4 +2019-07-30 10:15:00,6829.6 +2019-07-30 10:30:00,6833.2 +2019-07-30 10:45:00,6859.2 +2019-07-30 11:00:00,6785.2 +2019-07-30 11:15:00,6748.0 +2019-07-30 11:30:00,6738.0 +2019-07-30 11:45:00,6744.8 +2019-07-30 12:00:00,6742.4 +2019-07-30 12:15:00,6739.2 +2019-07-30 12:30:00,6749.6 +2019-07-30 12:45:00,6718.4 +2019-07-30 13:00:00,6687.6 +2019-07-30 13:15:00,6700.0 +2019-07-30 13:30:00,6644.8 +2019-07-30 13:45:00,6650.0 +2019-07-30 14:00:00,6631.2 +2019-07-30 14:15:00,6600.8 +2019-07-30 14:30:00,6532.0 +2019-07-30 14:45:00,6504.8 +2019-07-30 15:00:00,6514.4 +2019-07-30 15:15:00,6474.4 +2019-07-30 15:30:00,6458.0 +2019-07-30 15:45:00,6416.4 +2019-07-30 16:00:00,6387.6 +2019-07-30 16:15:00,6360.0 +2019-07-30 16:30:00,6386.8 +2019-07-30 16:45:00,6389.6 +2019-07-30 17:00:00,6376.8 +2019-07-30 17:15:00,6361.2 +2019-07-30 17:30:00,6352.8 +2019-07-30 17:45:00,6336.4 +2019-07-30 18:00:00,6294.8 +2019-07-30 18:15:00,6253.6 +2019-07-30 18:30:00,6213.2 +2019-07-30 18:45:00,6180.0 +2019-07-30 19:00:00,6092.0 +2019-07-30 19:15:00,6000.0 +2019-07-30 19:30:00,5940.0 +2019-07-30 19:45:00,5889.6 +2019-07-30 20:00:00,5862.8 +2019-07-30 20:15:00,5856.0 +2019-07-30 20:30:00,5830.4 +2019-07-30 20:45:00,5781.2 +2019-07-30 21:00:00,5700.8 +2019-07-30 21:15:00,5584.0 +2019-07-30 21:30:00,5471.2 +2019-07-30 21:45:00,5361.2 +2019-07-30 22:00:00,5264.4 +2019-07-30 22:15:00,5146.0 +2019-07-30 22:30:00,5040.0 +2019-07-30 22:45:00,4934.8 +2019-07-30 23:00:00,4855.2 +2019-07-30 23:15:00,4806.4 +2019-07-30 23:30:00,4741.6 +2019-07-30 23:45:00,4685.6 +2019-07-31 00:00:00,4651.2 +2019-07-31 00:15:00,4613.6 +2019-07-31 00:30:00,4592.4 +2019-07-31 00:45:00,4560.4 +2019-07-31 01:00:00,4521.6 +2019-07-31 01:15:00,4508.0 +2019-07-31 01:30:00,4503.2 +2019-07-31 01:45:00,4500.0 +2019-07-31 02:00:00,4490.4 +2019-07-31 02:15:00,4468.0 +2019-07-31 02:30:00,4470.8 +2019-07-31 02:45:00,4489.6 +2019-07-31 03:00:00,4522.0 +2019-07-31 03:15:00,4554.8 +2019-07-31 03:30:00,4591.6 +2019-07-31 03:45:00,4651.2 +2019-07-31 04:00:00,4753.2 +2019-07-31 04:15:00,4820.8 +2019-07-31 04:30:00,4919.2 +2019-07-31 04:45:00,5027.6 +2019-07-31 05:00:00,5305.2 +2019-07-31 05:15:00,5487.6 +2019-07-31 05:30:00,5621.6 +2019-07-31 05:45:00,5752.4 +2019-07-31 06:00:00,5936.0 +2019-07-31 06:15:00,6037.6 +2019-07-31 06:30:00,6154.8 +2019-07-31 06:45:00,6253.6 +2019-07-31 07:00:00,6338.8 +2019-07-31 07:15:00,6367.6 +2019-07-31 07:30:00,6416.4 +2019-07-31 07:45:00,6451.2 +2019-07-31 08:00:00,6422.4 +2019-07-31 08:15:00,6462.4 +2019-07-31 08:30:00,6504.0 +2019-07-31 08:45:00,6539.6 +2019-07-31 09:00:00,6588.8 +2019-07-31 09:15:00,6631.2 +2019-07-31 09:30:00,6672.8 +2019-07-31 09:45:00,6711.6 +2019-07-31 10:00:00,6764.0 +2019-07-31 10:15:00,6838.0 +2019-07-31 10:30:00,6840.4 +2019-07-31 10:45:00,6846.8 +2019-07-31 11:00:00,6746.0 +2019-07-31 11:15:00,6703.6 +2019-07-31 11:30:00,6684.8 +2019-07-31 11:45:00,6694.4 +2019-07-31 12:00:00,6667.6 +2019-07-31 12:15:00,6618.8 +2019-07-31 12:30:00,6536.4 +2019-07-31 12:45:00,6507.2 +2019-07-31 13:00:00,6468.4 +2019-07-31 13:15:00,6456.0 +2019-07-31 13:30:00,6454.0 +2019-07-31 13:45:00,6431.6 +2019-07-31 14:00:00,6422.0 +2019-07-31 14:15:00,6399.6 +2019-07-31 14:30:00,6330.0 +2019-07-31 14:45:00,6342.4 +2019-07-31 15:00:00,6333.2 +2019-07-31 15:15:00,6308.0 +2019-07-31 15:30:00,6300.4 +2019-07-31 15:45:00,6266.8 +2019-07-31 16:00:00,6243.6 +2019-07-31 16:15:00,6233.6 +2019-07-31 16:30:00,6243.2 +2019-07-31 16:45:00,6274.0 +2019-07-31 17:00:00,6215.6 +2019-07-31 17:15:00,6216.4 +2019-07-31 17:30:00,6220.0 +2019-07-31 17:45:00,6221.2 +2019-07-31 18:00:00,6177.6 +2019-07-31 18:15:00,6116.8 +2019-07-31 18:30:00,6078.8 +2019-07-31 18:45:00,6055.2 +2019-07-31 19:00:00,5970.8 +2019-07-31 19:15:00,5876.8 +2019-07-31 19:30:00,5812.0 +2019-07-31 19:45:00,5755.6 +2019-07-31 20:00:00,5701.6 +2019-07-31 20:15:00,5700.0 +2019-07-31 20:30:00,5661.2 +2019-07-31 20:45:00,5606.8 +2019-07-31 21:00:00,5505.6 +2019-07-31 21:15:00,5409.6 +2019-07-31 21:30:00,5293.6 +2019-07-31 21:45:00,5187.2 +2019-07-31 22:00:00,5076.4 +2019-07-31 22:15:00,4970.8 +2019-07-31 22:30:00,4887.2 +2019-07-31 22:45:00,4805.6 +2019-07-31 23:00:00,4730.0 +2019-07-31 23:15:00,4670.8 +2019-07-31 23:30:00,4600.4 +2019-07-31 23:45:00,4561.2 +2019-08-01 00:00:00,4508.0 +2019-08-01 00:15:00,4470.4 +2019-08-01 00:30:00,4466.8 +2019-08-01 00:45:00,4464.4 +2019-08-01 01:00:00,4424.0 +2019-08-01 01:15:00,4403.2 +2019-08-01 01:30:00,4384.4 +2019-08-01 01:45:00,4387.2 +2019-08-01 02:00:00,4379.2 +2019-08-01 02:15:00,4377.2 +2019-08-01 02:30:00,4386.0 +2019-08-01 02:45:00,4406.4 +2019-08-01 03:00:00,4463.2 +2019-08-01 03:15:00,4483.2 +2019-08-01 03:30:00,4512.0 +2019-08-01 03:45:00,4556.8 +2019-08-01 04:00:00,4653.6 +2019-08-01 04:15:00,4724.4 +2019-08-01 04:30:00,4804.8 +2019-08-01 04:45:00,4902.8 +2019-08-01 05:00:00,5148.8 +2019-08-01 05:15:00,5304.0 +2019-08-01 05:30:00,5434.4 +2019-08-01 05:45:00,5583.6 +2019-08-01 06:00:00,5728.8 +2019-08-01 06:15:00,5848.8 +2019-08-01 06:30:00,5950.4 +2019-08-01 06:45:00,6038.8 +2019-08-01 07:00:00,6103.2 +2019-08-01 07:15:00,6158.0 +2019-08-01 07:30:00,6226.4 +2019-08-01 07:45:00,6279.6 +2019-08-01 08:00:00,6263.2 +2019-08-01 08:15:00,6292.4 +2019-08-01 08:30:00,6363.6 +2019-08-01 08:45:00,6413.2 +2019-08-01 09:00:00,6424.0 +2019-08-01 09:15:00,6462.0 +2019-08-01 09:30:00,6516.8 +2019-08-01 09:45:00,6538.0 +2019-08-01 10:00:00,6557.6 +2019-08-01 10:15:00,6580.0 +2019-08-01 10:30:00,6642.4 +2019-08-01 10:45:00,6654.0 +2019-08-01 11:00:00,6594.8 +2019-08-01 11:15:00,6578.8 +2019-08-01 11:30:00,6568.0 +2019-08-01 11:45:00,6569.2 +2019-08-01 12:00:00,6548.0 +2019-08-01 12:15:00,6529.2 +2019-08-01 12:30:00,6500.0 +2019-08-01 12:45:00,6460.4 +2019-08-01 13:00:00,6430.4 +2019-08-01 13:15:00,6421.6 +2019-08-01 13:30:00,6381.2 +2019-08-01 13:45:00,6400.0 +2019-08-01 14:00:00,6374.8 +2019-08-01 14:15:00,6307.2 +2019-08-01 14:30:00,6246.8 +2019-08-01 14:45:00,6230.8 +2019-08-01 15:00:00,6221.6 +2019-08-01 15:15:00,6179.6 +2019-08-01 15:30:00,6130.8 +2019-08-01 15:45:00,6096.4 +2019-08-01 16:00:00,6103.2 +2019-08-01 16:15:00,6100.0 +2019-08-01 16:30:00,6071.2 +2019-08-01 16:45:00,6099.6 +2019-08-01 17:00:00,6094.0 +2019-08-01 17:15:00,6083.6 +2019-08-01 17:30:00,6044.4 +2019-08-01 17:45:00,6049.2 +2019-08-01 18:00:00,6027.2 +2019-08-01 18:15:00,5956.8 +2019-08-01 18:30:00,5918.4 +2019-08-01 18:45:00,5886.0 +2019-08-01 19:00:00,5808.8 +2019-08-01 19:15:00,5710.0 +2019-08-01 19:30:00,5659.6 +2019-08-01 19:45:00,5628.4 +2019-08-01 20:00:00,5584.8 +2019-08-01 20:15:00,5573.2 +2019-08-01 20:30:00,5556.0 +2019-08-01 20:45:00,5522.0 +2019-08-01 21:00:00,5438.0 +2019-08-01 21:15:00,5335.6 +2019-08-01 21:30:00,5233.6 +2019-08-01 21:45:00,5145.6 +2019-08-01 22:00:00,5015.2 +2019-08-01 22:15:00,4919.6 +2019-08-01 22:30:00,4838.0 +2019-08-01 22:45:00,4756.0 +2019-08-01 23:00:00,4698.0 +2019-08-01 23:15:00,4625.6 +2019-08-01 23:30:00,4573.6 +2019-08-01 23:45:00,4517.2 +2019-08-02 00:00:00,4471.2 +2019-08-02 00:15:00,4423.6 +2019-08-02 00:30:00,4399.2 +2019-08-02 00:45:00,4370.8 +2019-08-02 01:00:00,4314.4 +2019-08-02 01:15:00,4332.8 +2019-08-02 01:30:00,4318.8 +2019-08-02 01:45:00,4336.4 +2019-08-02 02:00:00,4329.2 +2019-08-02 02:15:00,4338.8 +2019-08-02 02:30:00,4340.8 +2019-08-02 02:45:00,4344.4 +2019-08-02 03:00:00,4394.4 +2019-08-02 03:15:00,4411.6 +2019-08-02 03:30:00,4440.4 +2019-08-02 03:45:00,4485.2 +2019-08-02 04:00:00,4604.8 +2019-08-02 04:15:00,4686.8 +2019-08-02 04:30:00,4738.0 +2019-08-02 04:45:00,4843.2 +2019-08-02 05:00:00,5094.8 +2019-08-02 05:15:00,5246.0 +2019-08-02 05:30:00,5396.8 +2019-08-02 05:45:00,5534.0 +2019-08-02 06:00:00,5720.4 +2019-08-02 06:15:00,5817.2 +2019-08-02 06:30:00,5923.2 +2019-08-02 06:45:00,6015.2 +2019-08-02 07:00:00,6131.2 +2019-08-02 07:15:00,6192.0 +2019-08-02 07:30:00,6229.6 +2019-08-02 07:45:00,6267.6 +2019-08-02 08:00:00,6278.0 +2019-08-02 08:15:00,6321.2 +2019-08-02 08:30:00,6368.4 +2019-08-02 08:45:00,6429.2 +2019-08-02 09:00:00,6446.0 +2019-08-02 09:15:00,6483.2 +2019-08-02 09:30:00,6521.6 +2019-08-02 09:45:00,6548.0 +2019-08-02 10:00:00,6562.4 +2019-08-02 10:15:00,6603.2 +2019-08-02 10:30:00,6626.4 +2019-08-02 10:45:00,6626.4 +2019-08-02 11:00:00,6556.8 +2019-08-02 11:15:00,6512.8 +2019-08-02 11:30:00,6502.4 +2019-08-02 11:45:00,6461.2 +2019-08-02 12:00:00,6410.0 +2019-08-02 12:15:00,6374.4 +2019-08-02 12:30:00,6317.6 +2019-08-02 12:45:00,6258.4 +2019-08-02 13:00:00,6226.4 +2019-08-02 13:15:00,6207.2 +2019-08-02 13:30:00,6172.0 +2019-08-02 13:45:00,6130.0 +2019-08-02 14:00:00,6172.0 +2019-08-02 14:15:00,6129.6 +2019-08-02 14:30:00,6076.4 +2019-08-02 14:45:00,6045.6 +2019-08-02 15:00:00,6019.6 +2019-08-02 15:15:00,6018.4 +2019-08-02 15:30:00,6008.4 +2019-08-02 15:45:00,5984.4 +2019-08-02 16:00:00,6038.8 +2019-08-02 16:15:00,6023.2 +2019-08-02 16:30:00,6012.4 +2019-08-02 16:45:00,5971.6 +2019-08-02 17:00:00,5940.0 +2019-08-02 17:15:00,5912.4 +2019-08-02 17:30:00,5895.2 +2019-08-02 17:45:00,5880.8 +2019-08-02 18:00:00,5820.8 +2019-08-02 18:15:00,5761.2 +2019-08-02 18:30:00,5710.8 +2019-08-02 18:45:00,5673.2 +2019-08-02 19:00:00,5600.4 +2019-08-02 19:15:00,5517.6 +2019-08-02 19:30:00,5463.6 +2019-08-02 19:45:00,5401.2 +2019-08-02 20:00:00,5346.4 +2019-08-02 20:15:00,5341.6 +2019-08-02 20:30:00,5300.0 +2019-08-02 20:45:00,5238.0 +2019-08-02 21:00:00,5156.0 +2019-08-02 21:15:00,5070.8 +2019-08-02 21:30:00,4946.0 +2019-08-02 21:45:00,4860.8 +2019-08-02 22:00:00,4754.4 +2019-08-02 22:15:00,4675.6 +2019-08-02 22:30:00,4608.0 +2019-08-02 22:45:00,4547.2 +2019-08-02 23:00:00,4405.2 +2019-08-02 23:15:00,4351.2 +2019-08-02 23:30:00,4298.8 +2019-08-02 23:45:00,4260.8 +2019-08-03 00:00:00,4218.8 +2019-08-03 00:15:00,4197.6 +2019-08-03 00:30:00,4168.0 +2019-08-03 00:45:00,4117.2 +2019-08-03 01:00:00,4078.4 +2019-08-03 01:15:00,4045.2 +2019-08-03 01:30:00,4003.6 +2019-08-03 01:45:00,3992.8 +2019-08-03 02:00:00,3991.2 +2019-08-03 02:15:00,4016.0 +2019-08-03 02:30:00,3994.4 +2019-08-03 02:45:00,3993.6 +2019-08-03 03:00:00,4000.0 +2019-08-03 03:15:00,3997.2 +2019-08-03 03:30:00,3997.6 +2019-08-03 03:45:00,3993.2 +2019-08-03 04:00:00,4008.0 +2019-08-03 04:15:00,4030.4 +2019-08-03 04:30:00,4032.8 +2019-08-03 04:45:00,4034.0 +2019-08-03 05:00:00,4106.8 +2019-08-03 05:15:00,4135.2 +2019-08-03 05:30:00,4194.0 +2019-08-03 05:45:00,4260.0 +2019-08-03 06:00:00,4368.4 +2019-08-03 06:15:00,4452.8 +2019-08-03 06:30:00,4536.8 +2019-08-03 06:45:00,4638.4 +2019-08-03 07:00:00,4754.4 +2019-08-03 07:15:00,4816.8 +2019-08-03 07:30:00,4892.8 +2019-08-03 07:45:00,4982.8 +2019-08-03 08:00:00,5057.2 +2019-08-03 08:15:00,5108.0 +2019-08-03 08:30:00,5192.4 +2019-08-03 08:45:00,5267.6 +2019-08-03 09:00:00,5310.0 +2019-08-03 09:15:00,5362.0 +2019-08-03 09:30:00,5388.0 +2019-08-03 09:45:00,5410.4 +2019-08-03 10:00:00,5411.6 +2019-08-03 10:15:00,5434.4 +2019-08-03 10:30:00,5469.6 +2019-08-03 10:45:00,5458.0 +2019-08-03 11:00:00,5428.4 +2019-08-03 11:15:00,5422.8 +2019-08-03 11:30:00,5367.6 +2019-08-03 11:45:00,5363.6 +2019-08-03 12:00:00,5307.2 +2019-08-03 12:15:00,5285.2 +2019-08-03 12:30:00,5225.2 +2019-08-03 12:45:00,5158.4 +2019-08-03 13:00:00,5108.0 +2019-08-03 13:15:00,5067.6 +2019-08-03 13:30:00,5038.4 +2019-08-03 13:45:00,5001.6 +2019-08-03 14:00:00,5007.2 +2019-08-03 14:15:00,5018.0 +2019-08-03 14:30:00,4968.4 +2019-08-03 14:45:00,4944.4 +2019-08-03 15:00:00,4939.6 +2019-08-03 15:15:00,4931.2 +2019-08-03 15:30:00,4927.2 +2019-08-03 15:45:00,4926.4 +2019-08-03 16:00:00,4960.0 +2019-08-03 16:15:00,4984.8 +2019-08-03 16:30:00,4999.6 +2019-08-03 16:45:00,5019.2 +2019-08-03 17:00:00,5000.8 +2019-08-03 17:15:00,4984.0 +2019-08-03 17:30:00,4946.0 +2019-08-03 17:45:00,4948.8 +2019-08-03 18:00:00,4960.8 +2019-08-03 18:15:00,4894.8 +2019-08-03 18:30:00,4863.6 +2019-08-03 18:45:00,4832.4 +2019-08-03 19:00:00,4780.4 +2019-08-03 19:15:00,4693.6 +2019-08-03 19:30:00,4653.2 +2019-08-03 19:45:00,4631.2 +2019-08-03 20:00:00,4616.4 +2019-08-03 20:15:00,4645.6 +2019-08-03 20:30:00,4636.4 +2019-08-03 20:45:00,4598.4 +2019-08-03 21:00:00,4553.2 +2019-08-03 21:15:00,4483.6 +2019-08-03 21:30:00,4434.4 +2019-08-03 21:45:00,4377.2 +2019-08-03 22:00:00,4280.4 +2019-08-03 22:15:00,4195.6 +2019-08-03 22:30:00,4130.4 +2019-08-03 22:45:00,4076.8 +2019-08-03 23:00:00,3991.2 +2019-08-03 23:15:00,3938.8 +2019-08-03 23:30:00,3901.6 +2019-08-03 23:45:00,3862.0 +2019-08-04 00:00:00,3832.4 +2019-08-04 00:15:00,3803.6 +2019-08-04 00:30:00,3774.0 +2019-08-04 00:45:00,3746.0 +2019-08-04 01:00:00,3707.2 +2019-08-04 01:15:00,3674.4 +2019-08-04 01:30:00,3682.4 +2019-08-04 01:45:00,3678.0 +2019-08-04 02:00:00,3671.6 +2019-08-04 02:15:00,3652.8 +2019-08-04 02:30:00,3645.2 +2019-08-04 02:45:00,3631.2 +2019-08-04 03:00:00,3633.6 +2019-08-04 03:15:00,3642.0 +2019-08-04 03:30:00,3645.2 +2019-08-04 03:45:00,3652.4 +2019-08-04 04:00:00,3674.4 +2019-08-04 04:15:00,3645.2 +2019-08-04 04:30:00,3668.0 +2019-08-04 04:45:00,3641.6 +2019-08-04 05:00:00,3670.8 +2019-08-04 05:15:00,3674.0 +2019-08-04 05:30:00,3690.0 +2019-08-04 05:45:00,3718.8 +2019-08-04 06:00:00,3779.2 +2019-08-04 06:15:00,3836.8 +2019-08-04 06:30:00,3898.4 +2019-08-04 06:45:00,3965.6 +2019-08-04 07:00:00,4080.8 +2019-08-04 07:15:00,4160.0 +2019-08-04 07:30:00,4202.0 +2019-08-04 07:45:00,4297.6 +2019-08-04 08:00:00,4375.6 +2019-08-04 08:15:00,4432.8 +2019-08-04 08:30:00,4489.2 +2019-08-04 08:45:00,4565.2 +2019-08-04 09:00:00,4589.6 +2019-08-04 09:15:00,4642.0 +2019-08-04 09:30:00,4712.8 +2019-08-04 09:45:00,4774.0 +2019-08-04 10:00:00,4826.8 +2019-08-04 10:15:00,4892.4 +2019-08-04 10:30:00,4914.0 +2019-08-04 10:45:00,4921.2 +2019-08-04 11:00:00,4870.8 +2019-08-04 11:15:00,4848.8 +2019-08-04 11:30:00,4786.4 +2019-08-04 11:45:00,4779.2 +2019-08-04 12:00:00,4769.2 +2019-08-04 12:15:00,4725.2 +2019-08-04 12:30:00,4699.2 +2019-08-04 12:45:00,4676.4 +2019-08-04 13:00:00,4658.0 +2019-08-04 13:15:00,4632.4 +2019-08-04 13:30:00,4614.0 +2019-08-04 13:45:00,4600.8 +2019-08-04 14:00:00,4588.8 +2019-08-04 14:15:00,4572.0 +2019-08-04 14:30:00,4535.6 +2019-08-04 14:45:00,4528.4 +2019-08-04 15:00:00,4544.0 +2019-08-04 15:15:00,4547.2 +2019-08-04 15:30:00,4539.6 +2019-08-04 15:45:00,4547.6 +2019-08-04 16:00:00,4588.8 +2019-08-04 16:15:00,4599.6 +2019-08-04 16:30:00,4580.8 +2019-08-04 16:45:00,4600.8 +2019-08-04 17:00:00,4642.8 +2019-08-04 17:15:00,4644.4 +2019-08-04 17:30:00,4651.6 +2019-08-04 17:45:00,4653.6 +2019-08-04 18:00:00,4656.8 +2019-08-04 18:15:00,4609.6 +2019-08-04 18:30:00,4605.6 +2019-08-04 18:45:00,4592.0 +2019-08-04 19:00:00,4588.8 +2019-08-04 19:15:00,4557.6 +2019-08-04 19:30:00,4564.4 +2019-08-04 19:45:00,4541.6 +2019-08-04 20:00:00,4556.8 +2019-08-04 20:15:00,4604.0 +2019-08-04 20:30:00,4615.2 +2019-08-04 20:45:00,4595.2 +2019-08-04 21:00:00,4588.0 +2019-08-04 21:15:00,4527.2 +2019-08-04 21:30:00,4444.8 +2019-08-04 21:45:00,4370.0 +2019-08-04 22:00:00,4269.6 +2019-08-04 22:15:00,4195.6 +2019-08-04 22:30:00,4127.2 +2019-08-04 22:45:00,4065.2 +2019-08-04 23:00:00,4022.0 +2019-08-04 23:15:00,4000.0 +2019-08-04 23:30:00,4000.8 +2019-08-04 23:45:00,3960.8 +2019-08-05 00:00:00,3933.6 +2019-08-05 00:15:00,3917.6 +2019-08-05 00:30:00,3864.8 +2019-08-05 00:45:00,3837.2 +2019-08-05 01:00:00,3804.8 +2019-08-05 01:15:00,3780.0 +2019-08-05 01:30:00,3785.2 +2019-08-05 01:45:00,3769.2 +2019-08-05 02:00:00,3786.0 +2019-08-05 02:15:00,3773.2 +2019-08-05 02:30:00,3779.6 +2019-08-05 02:45:00,3790.4 +2019-08-05 03:00:00,3858.4 +2019-08-05 03:15:00,3895.2 +2019-08-05 03:30:00,3922.0 +2019-08-05 03:45:00,3985.6 +2019-08-05 04:00:00,4161.6 +2019-08-05 04:15:00,4223.2 +2019-08-05 04:30:00,4328.8 +2019-08-05 04:45:00,4474.0 +2019-08-05 05:00:00,4772.0 +2019-08-05 05:15:00,4940.8 +2019-08-05 05:30:00,5102.0 +2019-08-05 05:45:00,5232.4 +2019-08-05 06:00:00,5390.4 +2019-08-05 06:15:00,5500.0 +2019-08-05 06:30:00,5641.2 +2019-08-05 06:45:00,5770.4 +2019-08-05 07:00:00,5900.0 +2019-08-05 07:15:00,5942.8 +2019-08-05 07:30:00,6002.8 +2019-08-05 07:45:00,6079.6 +2019-08-05 08:00:00,6119.6 +2019-08-05 08:15:00,6186.8 +2019-08-05 08:30:00,6242.4 +2019-08-05 08:45:00,6287.6 +2019-08-05 09:00:00,6324.8 +2019-08-05 09:15:00,6360.4 +2019-08-05 09:30:00,6407.6 +2019-08-05 09:45:00,6380.4 +2019-08-05 10:00:00,6438.4 +2019-08-05 10:15:00,6514.8 +2019-08-05 10:30:00,6498.4 +2019-08-05 10:45:00,6500.4 +2019-08-05 11:00:00,6453.2 +2019-08-05 11:15:00,6391.6 +2019-08-05 11:30:00,6343.2 +2019-08-05 11:45:00,6317.2 +2019-08-05 12:00:00,6358.4 +2019-08-05 12:15:00,6374.0 +2019-08-05 12:30:00,6337.2 +2019-08-05 12:45:00,6314.0 +2019-08-05 13:00:00,6279.6 +2019-08-05 13:15:00,6300.8 +2019-08-05 13:30:00,6296.0 +2019-08-05 13:45:00,6272.0 +2019-08-05 14:00:00,6284.4 +2019-08-05 14:15:00,6226.0 +2019-08-05 14:30:00,6195.2 +2019-08-05 14:45:00,6154.4 +2019-08-05 15:00:00,6106.4 +2019-08-05 15:15:00,6083.2 +2019-08-05 15:30:00,6028.0 +2019-08-05 15:45:00,6021.2 +2019-08-05 16:00:00,6025.2 +2019-08-05 16:15:00,6024.8 +2019-08-05 16:30:00,6031.2 +2019-08-05 16:45:00,6014.8 +2019-08-05 17:00:00,5993.6 +2019-08-05 17:15:00,5967.2 +2019-08-05 17:30:00,5969.6 +2019-08-05 17:45:00,5942.8 +2019-08-05 18:00:00,5922.4 +2019-08-05 18:15:00,5880.0 +2019-08-05 18:30:00,5875.2 +2019-08-05 18:45:00,5838.0 +2019-08-05 19:00:00,5734.4 +2019-08-05 19:15:00,5648.8 +2019-08-05 19:30:00,5609.2 +2019-08-05 19:45:00,5582.8 +2019-08-05 20:00:00,5537.6 +2019-08-05 20:15:00,5515.2 +2019-08-05 20:30:00,5486.4 +2019-08-05 20:45:00,5398.0 +2019-08-05 21:00:00,5286.4 +2019-08-05 21:15:00,5189.6 +2019-08-05 21:30:00,5057.6 +2019-08-05 21:45:00,4957.2 +2019-08-05 22:00:00,4846.0 +2019-08-05 22:15:00,4774.8 +2019-08-05 22:30:00,4710.0 +2019-08-05 22:45:00,4652.4 +2019-08-05 23:00:00,4599.2 +2019-08-05 23:15:00,4553.6 +2019-08-05 23:30:00,4524.0 +2019-08-05 23:45:00,4479.6 +2019-08-06 00:00:00,4378.8 +2019-08-06 00:15:00,4357.2 +2019-08-06 00:30:00,4342.0 +2019-08-06 00:45:00,4310.0 +2019-08-06 01:00:00,4251.2 +2019-08-06 01:15:00,4269.2 +2019-08-06 01:30:00,4248.0 +2019-08-06 01:45:00,4250.4 +2019-08-06 02:00:00,4246.8 +2019-08-06 02:15:00,4254.8 +2019-08-06 02:30:00,4236.4 +2019-08-06 02:45:00,4246.0 +2019-08-06 03:00:00,4313.2 +2019-08-06 03:15:00,4349.6 +2019-08-06 03:30:00,4380.8 +2019-08-06 03:45:00,4414.4 +2019-08-06 04:00:00,4530.8 +2019-08-06 04:15:00,4616.8 +2019-08-06 04:30:00,4679.2 +2019-08-06 04:45:00,4782.0 +2019-08-06 05:00:00,5070.0 +2019-08-06 05:15:00,5242.4 +2019-08-06 05:30:00,5370.0 +2019-08-06 05:45:00,5485.2 +2019-08-06 06:00:00,5670.0 +2019-08-06 06:15:00,5797.2 +2019-08-06 06:30:00,5899.6 +2019-08-06 06:45:00,6027.6 +2019-08-06 07:00:00,6126.4 +2019-08-06 07:15:00,6184.4 +2019-08-06 07:30:00,6232.4 +2019-08-06 07:45:00,6313.2 +2019-08-06 08:00:00,6293.2 +2019-08-06 08:15:00,6304.0 +2019-08-06 08:30:00,6322.4 +2019-08-06 08:45:00,6375.2 +2019-08-06 09:00:00,6396.0 +2019-08-06 09:15:00,6448.8 +2019-08-06 09:30:00,6530.8 +2019-08-06 09:45:00,6600.0 +2019-08-06 10:00:00,6624.0 +2019-08-06 10:15:00,6642.4 +2019-08-06 10:30:00,6730.4 +2019-08-06 10:45:00,6760.4 +2019-08-06 11:00:00,6669.6 +2019-08-06 11:15:00,6642.0 +2019-08-06 11:30:00,6618.4 +2019-08-06 11:45:00,6611.2 +2019-08-06 12:00:00,6599.2 +2019-08-06 12:15:00,6570.8 +2019-08-06 12:30:00,6524.0 +2019-08-06 12:45:00,6474.0 +2019-08-06 13:00:00,6469.2 +2019-08-06 13:15:00,6468.0 +2019-08-06 13:30:00,6433.6 +2019-08-06 13:45:00,6403.6 +2019-08-06 14:00:00,6367.2 +2019-08-06 14:15:00,6322.0 +2019-08-06 14:30:00,6269.2 +2019-08-06 14:45:00,6200.4 +2019-08-06 15:00:00,6176.0 +2019-08-06 15:15:00,6148.8 +2019-08-06 15:30:00,6150.4 +2019-08-06 15:45:00,6149.2 +2019-08-06 16:00:00,6188.0 +2019-08-06 16:15:00,6187.2 +2019-08-06 16:30:00,6166.0 +2019-08-06 16:45:00,6166.8 +2019-08-06 17:00:00,6123.2 +2019-08-06 17:15:00,6069.2 +2019-08-06 17:30:00,6052.0 +2019-08-06 17:45:00,6031.2 +2019-08-06 18:00:00,5998.8 +2019-08-06 18:15:00,5907.6 +2019-08-06 18:30:00,5871.2 +2019-08-06 18:45:00,5823.2 +2019-08-06 19:00:00,5736.8 +2019-08-06 19:15:00,5660.4 +2019-08-06 19:30:00,5626.4 +2019-08-06 19:45:00,5614.0 +2019-08-06 20:00:00,5590.8 +2019-08-06 20:15:00,5590.0 +2019-08-06 20:30:00,5549.6 +2019-08-06 20:45:00,5451.6 +2019-08-06 21:00:00,5315.2 +2019-08-06 21:15:00,5202.4 +2019-08-06 21:30:00,5097.6 +2019-08-06 21:45:00,5008.0 +2019-08-06 22:00:00,4890.4 +2019-08-06 22:15:00,4792.4 +2019-08-06 22:30:00,4746.4 +2019-08-06 22:45:00,4701.6 +2019-08-06 23:00:00,4592.0 +2019-08-06 23:15:00,4527.2 +2019-08-06 23:30:00,4466.8 +2019-08-06 23:45:00,4441.6 +2019-08-07 00:00:00,4388.4 +2019-08-07 00:15:00,4341.2 +2019-08-07 00:30:00,4306.8 +2019-08-07 00:45:00,4289.6 +2019-08-07 01:00:00,4252.8 +2019-08-07 01:15:00,4235.2 +2019-08-07 01:30:00,4281.6 +2019-08-07 01:45:00,4298.4 +2019-08-07 02:00:00,4290.0 +2019-08-07 02:15:00,4277.2 +2019-08-07 02:30:00,4312.8 +2019-08-07 02:45:00,4334.4 +2019-08-07 03:00:00,4374.4 +2019-08-07 03:15:00,4380.8 +2019-08-07 03:30:00,4423.6 +2019-08-07 03:45:00,4506.0 +2019-08-07 04:00:00,4624.0 +2019-08-07 04:15:00,4670.0 +2019-08-07 04:30:00,4718.8 +2019-08-07 04:45:00,4842.4 +2019-08-07 05:00:00,5112.4 +2019-08-07 05:15:00,5286.4 +2019-08-07 05:30:00,5418.0 +2019-08-07 05:45:00,5530.0 +2019-08-07 06:00:00,5708.0 +2019-08-07 06:15:00,5858.8 +2019-08-07 06:30:00,5962.4 +2019-08-07 06:45:00,6008.8 +2019-08-07 07:00:00,6106.0 +2019-08-07 07:15:00,6166.8 +2019-08-07 07:30:00,6202.4 +2019-08-07 07:45:00,6243.2 +2019-08-07 08:00:00,6259.6 +2019-08-07 08:15:00,6264.8 +2019-08-07 08:30:00,6322.0 +2019-08-07 08:45:00,6426.4 +2019-08-07 09:00:00,6471.6 +2019-08-07 09:15:00,6534.8 +2019-08-07 09:30:00,6599.2 +2019-08-07 09:45:00,6668.0 +2019-08-07 10:00:00,6716.8 +2019-08-07 10:15:00,6788.4 +2019-08-07 10:30:00,6799.6 +2019-08-07 10:45:00,6748.0 +2019-08-07 11:00:00,6668.8 +2019-08-07 11:15:00,6609.2 +2019-08-07 11:30:00,6553.2 +2019-08-07 11:45:00,6550.4 +2019-08-07 12:00:00,6556.4 +2019-08-07 12:15:00,6552.0 +2019-08-07 12:30:00,6535.2 +2019-08-07 12:45:00,6512.4 +2019-08-07 13:00:00,6484.8 +2019-08-07 13:15:00,6464.4 +2019-08-07 13:30:00,6406.0 +2019-08-07 13:45:00,6367.6 +2019-08-07 14:00:00,6345.6 +2019-08-07 14:15:00,6297.6 +2019-08-07 14:30:00,6282.0 +2019-08-07 14:45:00,6230.4 +2019-08-07 15:00:00,6188.8 +2019-08-07 15:15:00,6167.6 +2019-08-07 15:30:00,6166.0 +2019-08-07 15:45:00,6167.2 +2019-08-07 16:00:00,6186.8 +2019-08-07 16:15:00,6159.6 +2019-08-07 16:30:00,6144.4 +2019-08-07 16:45:00,6124.0 +2019-08-07 17:00:00,6101.6 +2019-08-07 17:15:00,6070.4 +2019-08-07 17:30:00,6076.0 +2019-08-07 17:45:00,6074.8 +2019-08-07 18:00:00,6042.4 +2019-08-07 18:15:00,5976.0 +2019-08-07 18:30:00,5926.8 +2019-08-07 18:45:00,5888.4 +2019-08-07 19:00:00,5770.4 +2019-08-07 19:15:00,5788.0 +2019-08-07 19:30:00,5723.2 +2019-08-07 19:45:00,5708.8 +2019-08-07 20:00:00,5672.4 +2019-08-07 20:15:00,5662.4 +2019-08-07 20:30:00,5588.0 +2019-08-07 20:45:00,5504.0 +2019-08-07 21:00:00,5384.4 +2019-08-07 21:15:00,5274.0 +2019-08-07 21:30:00,5177.6 +2019-08-07 21:45:00,5098.0 +2019-08-07 22:00:00,4956.4 +2019-08-07 22:15:00,4878.4 +2019-08-07 22:30:00,4841.6 +2019-08-07 22:45:00,4760.0 +2019-08-07 23:00:00,4657.6 +2019-08-07 23:15:00,4606.0 +2019-08-07 23:30:00,4531.6 +2019-08-07 23:45:00,4496.8 +2019-08-08 00:00:00,4440.4 +2019-08-08 00:15:00,4416.8 +2019-08-08 00:30:00,4378.0 +2019-08-08 00:45:00,4363.2 +2019-08-08 01:00:00,4324.8 +2019-08-08 01:15:00,4320.4 +2019-08-08 01:30:00,4316.8 +2019-08-08 01:45:00,4347.2 +2019-08-08 02:00:00,4329.2 +2019-08-08 02:15:00,4314.8 +2019-08-08 02:30:00,4358.0 +2019-08-08 02:45:00,4375.2 +2019-08-08 03:00:00,4396.0 +2019-08-08 03:15:00,4417.2 +2019-08-08 03:30:00,4459.2 +2019-08-08 03:45:00,4524.8 +2019-08-08 04:00:00,4674.4 +2019-08-08 04:15:00,4746.8 +2019-08-08 04:30:00,4800.8 +2019-08-08 04:45:00,4884.8 +2019-08-08 05:00:00,5151.6 +2019-08-08 05:15:00,5286.0 +2019-08-08 05:30:00,5408.4 +2019-08-08 05:45:00,5532.0 +2019-08-08 06:00:00,5721.2 +2019-08-08 06:15:00,5836.4 +2019-08-08 06:30:00,5932.4 +2019-08-08 06:45:00,6042.4 +2019-08-08 07:00:00,6134.4 +2019-08-08 07:15:00,6223.2 +2019-08-08 07:30:00,6274.8 +2019-08-08 07:45:00,6327.6 +2019-08-08 08:00:00,6302.4 +2019-08-08 08:15:00,6353.2 +2019-08-08 08:30:00,6446.0 +2019-08-08 08:45:00,6492.0 +2019-08-08 09:00:00,6508.0 +2019-08-08 09:15:00,6524.8 +2019-08-08 09:30:00,6600.4 +2019-08-08 09:45:00,6642.0 +2019-08-08 10:00:00,6679.6 +2019-08-08 10:15:00,6708.8 +2019-08-08 10:30:00,6788.4 +2019-08-08 10:45:00,6816.8 +2019-08-08 11:00:00,6758.0 +2019-08-08 11:15:00,6733.2 +2019-08-08 11:30:00,6731.2 +2019-08-08 11:45:00,6733.6 +2019-08-08 12:00:00,6698.4 +2019-08-08 12:15:00,6630.4 +2019-08-08 12:30:00,6634.0 +2019-08-08 12:45:00,6591.2 +2019-08-08 13:00:00,6539.6 +2019-08-08 13:15:00,6527.6 +2019-08-08 13:30:00,6510.8 +2019-08-08 13:45:00,6498.0 +2019-08-08 14:00:00,6515.6 +2019-08-08 14:15:00,6504.8 +2019-08-08 14:30:00,6452.8 +2019-08-08 14:45:00,6383.2 +2019-08-08 15:00:00,6365.6 +2019-08-08 15:15:00,6323.6 +2019-08-08 15:30:00,6294.8 +2019-08-08 15:45:00,6266.0 +2019-08-08 16:00:00,6255.6 +2019-08-08 16:15:00,6246.0 +2019-08-08 16:30:00,6208.4 +2019-08-08 16:45:00,6200.4 +2019-08-08 17:00:00,6195.6 +2019-08-08 17:15:00,6164.4 +2019-08-08 17:30:00,6141.2 +2019-08-08 17:45:00,6168.4 +2019-08-08 18:00:00,6163.6 +2019-08-08 18:15:00,6070.8 +2019-08-08 18:30:00,6004.8 +2019-08-08 18:45:00,5944.0 +2019-08-08 19:00:00,5868.4 +2019-08-08 19:15:00,5809.6 +2019-08-08 19:30:00,5749.6 +2019-08-08 19:45:00,5698.0 +2019-08-08 20:00:00,5694.4 +2019-08-08 20:15:00,5722.4 +2019-08-08 20:30:00,5654.0 +2019-08-08 20:45:00,5561.6 +2019-08-08 21:00:00,5490.4 +2019-08-08 21:15:00,5391.2 +2019-08-08 21:30:00,5289.2 +2019-08-08 21:45:00,5182.4 +2019-08-08 22:00:00,5053.6 +2019-08-08 22:15:00,4965.2 +2019-08-08 22:30:00,4862.4 +2019-08-08 22:45:00,4795.6 +2019-08-08 23:00:00,4703.6 +2019-08-08 23:15:00,4649.2 +2019-08-08 23:30:00,4585.2 +2019-08-08 23:45:00,4558.0 +2019-08-09 00:00:00,4494.0 +2019-08-09 00:15:00,4470.0 +2019-08-09 00:30:00,4421.6 +2019-08-09 00:45:00,4396.8 +2019-08-09 01:00:00,4362.4 +2019-08-09 01:15:00,4344.0 +2019-08-09 01:30:00,4349.6 +2019-08-09 01:45:00,4348.0 +2019-08-09 02:00:00,4347.6 +2019-08-09 02:15:00,4348.4 +2019-08-09 02:30:00,4359.2 +2019-08-09 02:45:00,4366.8 +2019-08-09 03:00:00,4411.2 +2019-08-09 03:15:00,4432.0 +2019-08-09 03:30:00,4460.8 +2019-08-09 03:45:00,4505.2 +2019-08-09 04:00:00,4620.4 +2019-08-09 04:15:00,4704.4 +2019-08-09 04:30:00,4800.0 +2019-08-09 04:45:00,4890.8 +2019-08-09 05:00:00,5116.0 +2019-08-09 05:15:00,5288.8 +2019-08-09 05:30:00,5419.2 +2019-08-09 05:45:00,5537.2 +2019-08-09 06:00:00,5702.4 +2019-08-09 06:15:00,5830.4 +2019-08-09 06:30:00,5940.0 +2019-08-09 06:45:00,6028.4 +2019-08-09 07:00:00,6130.4 +2019-08-09 07:15:00,6191.2 +2019-08-09 07:30:00,6249.6 +2019-08-09 07:45:00,6318.0 +2019-08-09 08:00:00,6308.0 +2019-08-09 08:15:00,6362.4 +2019-08-09 08:30:00,6427.6 +2019-08-09 08:45:00,6463.6 +2019-08-09 09:00:00,6511.6 +2019-08-09 09:15:00,6518.4 +2019-08-09 09:30:00,6551.6 +2019-08-09 09:45:00,6572.0 +2019-08-09 10:00:00,6601.6 +2019-08-09 10:15:00,6638.0 +2019-08-09 10:30:00,6699.6 +2019-08-09 10:45:00,6698.8 +2019-08-09 11:00:00,6623.6 +2019-08-09 11:15:00,6631.2 +2019-08-09 11:30:00,6635.2 +2019-08-09 11:45:00,6648.4 +2019-08-09 12:00:00,6596.0 +2019-08-09 12:15:00,6542.0 +2019-08-09 12:30:00,6519.6 +2019-08-09 12:45:00,6433.2 +2019-08-09 13:00:00,6403.6 +2019-08-09 13:15:00,6382.4 +2019-08-09 13:30:00,6336.0 +2019-08-09 13:45:00,6310.8 +2019-08-09 14:00:00,6274.8 +2019-08-09 14:15:00,6231.6 +2019-08-09 14:30:00,6162.4 +2019-08-09 14:45:00,6130.8 +2019-08-09 15:00:00,6157.2 +2019-08-09 15:15:00,6171.2 +2019-08-09 15:30:00,6188.8 +2019-08-09 15:45:00,6218.8 +2019-08-09 16:00:00,6232.4 +2019-08-09 16:15:00,6202.8 +2019-08-09 16:30:00,6182.8 +2019-08-09 16:45:00,6166.8 +2019-08-09 17:00:00,6141.6 +2019-08-09 17:15:00,6104.0 +2019-08-09 17:30:00,6094.8 +2019-08-09 17:45:00,6066.8 +2019-08-09 18:00:00,6026.4 +2019-08-09 18:15:00,5938.8 +2019-08-09 18:30:00,5895.2 +2019-08-09 18:45:00,5850.8 +2019-08-09 19:00:00,5796.0 +2019-08-09 19:15:00,5722.4 +2019-08-09 19:30:00,5686.8 +2019-08-09 19:45:00,5671.2 +2019-08-09 20:00:00,5616.4 +2019-08-09 20:15:00,5559.2 +2019-08-09 20:30:00,5506.8 +2019-08-09 20:45:00,5419.2 +2019-08-09 21:00:00,5364.0 +2019-08-09 21:15:00,5264.4 +2019-08-09 21:30:00,5143.2 +2019-08-09 21:45:00,5068.4 +2019-08-09 22:00:00,4945.2 +2019-08-09 22:15:00,4879.6 +2019-08-09 22:30:00,4828.8 +2019-08-09 22:45:00,4753.2 +2019-08-09 23:00:00,4697.6 +2019-08-09 23:15:00,4633.6 +2019-08-09 23:30:00,4580.8 +2019-08-09 23:45:00,4516.0 +2019-08-10 00:00:00,4436.8 +2019-08-10 00:15:00,4411.6 +2019-08-10 00:30:00,4386.0 +2019-08-10 00:45:00,4349.2 +2019-08-10 01:00:00,4280.4 +2019-08-10 01:15:00,4255.2 +2019-08-10 01:30:00,4222.0 +2019-08-10 01:45:00,4201.2 +2019-08-10 02:00:00,4187.6 +2019-08-10 02:15:00,4190.8 +2019-08-10 02:30:00,4147.2 +2019-08-10 02:45:00,4175.6 +2019-08-10 03:00:00,4187.6 +2019-08-10 03:15:00,4174.0 +2019-08-10 03:30:00,4192.8 +2019-08-10 03:45:00,4199.2 +2019-08-10 04:00:00,4248.8 +2019-08-10 04:15:00,4225.2 +2019-08-10 04:30:00,4239.6 +2019-08-10 04:45:00,4255.6 +2019-08-10 05:00:00,4304.4 +2019-08-10 05:15:00,4357.2 +2019-08-10 05:30:00,4431.6 +2019-08-10 05:45:00,4521.2 +2019-08-10 06:00:00,4642.0 +2019-08-10 06:15:00,4737.2 +2019-08-10 06:30:00,4789.6 +2019-08-10 06:45:00,4871.6 +2019-08-10 07:00:00,4956.8 +2019-08-10 07:15:00,5052.0 +2019-08-10 07:30:00,5141.6 +2019-08-10 07:45:00,5262.0 +2019-08-10 08:00:00,5356.4 +2019-08-10 08:15:00,5423.6 +2019-08-10 08:30:00,5552.0 +2019-08-10 08:45:00,5601.6 +2019-08-10 09:00:00,5622.0 +2019-08-10 09:15:00,5620.0 +2019-08-10 09:30:00,5674.8 +2019-08-10 09:45:00,5702.0 +2019-08-10 10:00:00,5719.6 +2019-08-10 10:15:00,5761.6 +2019-08-10 10:30:00,5798.0 +2019-08-10 10:45:00,5809.6 +2019-08-10 11:00:00,5798.0 +2019-08-10 11:15:00,5745.6 +2019-08-10 11:30:00,5715.2 +2019-08-10 11:45:00,5709.2 +2019-08-10 12:00:00,5636.4 +2019-08-10 12:15:00,5612.4 +2019-08-10 12:30:00,5584.0 +2019-08-10 12:45:00,5509.6 +2019-08-10 13:00:00,5456.4 +2019-08-10 13:15:00,5401.2 +2019-08-10 13:30:00,5396.8 +2019-08-10 13:45:00,5408.4 +2019-08-10 14:00:00,5411.2 +2019-08-10 14:15:00,5365.6 +2019-08-10 14:30:00,5343.2 +2019-08-10 14:45:00,5330.0 +2019-08-10 15:00:00,5353.2 +2019-08-10 15:15:00,5360.0 +2019-08-10 15:30:00,5384.0 +2019-08-10 15:45:00,5344.0 +2019-08-10 16:00:00,5350.4 +2019-08-10 16:15:00,5376.4 +2019-08-10 16:30:00,5396.4 +2019-08-10 16:45:00,5405.6 +2019-08-10 17:00:00,5405.6 +2019-08-10 17:15:00,5388.8 +2019-08-10 17:30:00,5384.0 +2019-08-10 17:45:00,5316.8 +2019-08-10 18:00:00,5325.2 +2019-08-10 18:15:00,5266.8 +2019-08-10 18:30:00,5214.4 +2019-08-10 18:45:00,5170.8 +2019-08-10 19:00:00,5084.0 +2019-08-10 19:15:00,5040.8 +2019-08-10 19:30:00,4995.6 +2019-08-10 19:45:00,4943.2 +2019-08-10 20:00:00,4924.0 +2019-08-10 20:15:00,4925.6 +2019-08-10 20:30:00,4880.4 +2019-08-10 20:45:00,4821.6 +2019-08-10 21:00:00,4788.0 +2019-08-10 21:15:00,4705.2 +2019-08-10 21:30:00,4618.4 +2019-08-10 21:45:00,4586.0 +2019-08-10 22:00:00,4513.2 +2019-08-10 22:15:00,4433.2 +2019-08-10 22:30:00,4380.4 +2019-08-10 22:45:00,4358.8 +2019-08-10 23:00:00,4308.8 +2019-08-10 23:15:00,4255.2 +2019-08-10 23:30:00,4189.2 +2019-08-10 23:45:00,4141.2 +2019-08-11 00:00:00,4097.2 +2019-08-11 00:15:00,4075.2 +2019-08-11 00:30:00,4035.6 +2019-08-11 00:45:00,3981.6 +2019-08-11 01:00:00,3966.8 +2019-08-11 01:15:00,3946.0 +2019-08-11 01:30:00,3911.2 +2019-08-11 01:45:00,3898.4 +2019-08-11 02:00:00,3890.0 +2019-08-11 02:15:00,3882.0 +2019-08-11 02:30:00,3869.6 +2019-08-11 02:45:00,3871.2 +2019-08-11 03:00:00,3857.2 +2019-08-11 03:15:00,3869.6 +2019-08-11 03:30:00,3846.4 +2019-08-11 03:45:00,3870.8 +2019-08-11 04:00:00,3903.2 +2019-08-11 04:15:00,3900.4 +2019-08-11 04:30:00,3902.8 +2019-08-11 04:45:00,3868.0 +2019-08-11 05:00:00,3922.0 +2019-08-11 05:15:00,3940.4 +2019-08-11 05:30:00,3952.4 +2019-08-11 05:45:00,3985.6 +2019-08-11 06:00:00,4072.4 +2019-08-11 06:15:00,4132.4 +2019-08-11 06:30:00,4198.8 +2019-08-11 06:45:00,4263.6 +2019-08-11 07:00:00,4353.2 +2019-08-11 07:15:00,4433.6 +2019-08-11 07:30:00,4511.6 +2019-08-11 07:45:00,4568.0 +2019-08-11 08:00:00,4660.0 +2019-08-11 08:15:00,4726.0 +2019-08-11 08:30:00,4806.4 +2019-08-11 08:45:00,4871.2 +2019-08-11 09:00:00,4929.2 +2019-08-11 09:15:00,5016.0 +2019-08-11 09:30:00,5029.2 +2019-08-11 09:45:00,5076.0 +2019-08-11 10:00:00,5201.2 +2019-08-11 10:15:00,5250.4 +2019-08-11 10:30:00,5298.0 +2019-08-11 10:45:00,5269.2 +2019-08-11 11:00:00,5250.4 +2019-08-11 11:15:00,5215.2 +2019-08-11 11:30:00,5160.0 +2019-08-11 11:45:00,5116.0 +2019-08-11 12:00:00,5047.6 +2019-08-11 12:15:00,5033.6 +2019-08-11 12:30:00,5005.6 +2019-08-11 12:45:00,4939.2 +2019-08-11 13:00:00,4902.0 +2019-08-11 13:15:00,4897.6 +2019-08-11 13:30:00,4915.6 +2019-08-11 13:45:00,4892.0 +2019-08-11 14:00:00,4844.4 +2019-08-11 14:15:00,4854.4 +2019-08-11 14:30:00,4834.4 +2019-08-11 14:45:00,4787.2 +2019-08-11 15:00:00,4743.6 +2019-08-11 15:15:00,4710.4 +2019-08-11 15:30:00,4681.6 +2019-08-11 15:45:00,4653.6 +2019-08-11 16:00:00,4654.8 +2019-08-11 16:15:00,4677.6 +2019-08-11 16:30:00,4722.4 +2019-08-11 16:45:00,4734.8 +2019-08-11 17:00:00,4784.0 +2019-08-11 17:15:00,4831.6 +2019-08-11 17:30:00,4842.0 +2019-08-11 17:45:00,4860.8 +2019-08-11 18:00:00,4844.8 +2019-08-11 18:15:00,4785.6 +2019-08-11 18:30:00,4772.4 +2019-08-11 18:45:00,4743.2 +2019-08-11 19:00:00,4766.4 +2019-08-11 19:15:00,4759.6 +2019-08-11 19:30:00,4764.8 +2019-08-11 19:45:00,4757.2 +2019-08-11 20:00:00,4776.8 +2019-08-11 20:15:00,4777.2 +2019-08-11 20:30:00,4747.2 +2019-08-11 20:45:00,4709.2 +2019-08-11 21:00:00,4685.2 +2019-08-11 21:15:00,4631.2 +2019-08-11 21:30:00,4529.6 +2019-08-11 21:45:00,4474.0 +2019-08-11 22:00:00,4429.2 +2019-08-11 22:15:00,4353.2 +2019-08-11 22:30:00,4278.4 +2019-08-11 22:45:00,4228.4 +2019-08-11 23:00:00,4196.8 +2019-08-11 23:15:00,4136.8 +2019-08-11 23:30:00,4128.4 +2019-08-11 23:45:00,4104.0 +2019-08-12 00:00:00,4056.4 +2019-08-12 00:15:00,4038.8 +2019-08-12 00:30:00,4028.4 +2019-08-12 00:45:00,4014.8 +2019-08-12 01:00:00,3986.4 +2019-08-12 01:15:00,3975.6 +2019-08-12 01:30:00,3957.2 +2019-08-12 01:45:00,3970.4 +2019-08-12 02:00:00,3937.2 +2019-08-12 02:15:00,3952.4 +2019-08-12 02:30:00,3933.6 +2019-08-12 02:45:00,3963.2 +2019-08-12 03:00:00,4017.2 +2019-08-12 03:15:00,4028.4 +2019-08-12 03:30:00,4086.0 +2019-08-12 03:45:00,4155.2 +2019-08-12 04:00:00,4320.8 +2019-08-12 04:15:00,4421.2 +2019-08-12 04:30:00,4521.6 +2019-08-12 04:45:00,4690.8 +2019-08-12 05:00:00,4971.2 +2019-08-12 05:15:00,5146.0 +2019-08-12 05:30:00,5280.8 +2019-08-12 05:45:00,5412.0 +2019-08-12 06:00:00,5600.8 +2019-08-12 06:15:00,5735.2 +2019-08-12 06:30:00,5863.6 +2019-08-12 06:45:00,5959.6 +2019-08-12 07:00:00,6079.6 +2019-08-12 07:15:00,6144.0 +2019-08-12 07:30:00,6188.0 +2019-08-12 07:45:00,6219.6 +2019-08-12 08:00:00,6232.8 +2019-08-12 08:15:00,6310.0 +2019-08-12 08:30:00,6363.2 +2019-08-12 08:45:00,6407.6 +2019-08-12 09:00:00,6434.8 +2019-08-12 09:15:00,6430.8 +2019-08-12 09:30:00,6475.2 +2019-08-12 09:45:00,6594.8 +2019-08-12 10:00:00,6694.4 +2019-08-12 10:15:00,6759.2 +2019-08-12 10:30:00,6786.0 +2019-08-12 10:45:00,6688.0 +2019-08-12 11:00:00,6597.6 +2019-08-12 11:15:00,6549.6 +2019-08-12 11:30:00,6556.0 +2019-08-12 11:45:00,6544.4 +2019-08-12 12:00:00,6564.8 +2019-08-12 12:15:00,6566.0 +2019-08-12 12:30:00,6514.8 +2019-08-12 12:45:00,6449.6 +2019-08-12 13:00:00,6391.6 +2019-08-12 13:15:00,6361.2 +2019-08-12 13:30:00,6326.8 +2019-08-12 13:45:00,6260.8 +2019-08-12 14:00:00,6248.8 +2019-08-12 14:15:00,6206.8 +2019-08-12 14:30:00,6194.0 +2019-08-12 14:45:00,6164.0 +2019-08-12 15:00:00,6203.2 +2019-08-12 15:15:00,6171.2 +2019-08-12 15:30:00,6136.4 +2019-08-12 15:45:00,6116.0 +2019-08-12 16:00:00,6122.0 +2019-08-12 16:15:00,6113.2 +2019-08-12 16:30:00,6117.6 +2019-08-12 16:45:00,6117.2 +2019-08-12 17:00:00,6093.6 +2019-08-12 17:15:00,6054.8 +2019-08-12 17:30:00,6019.2 +2019-08-12 17:45:00,6013.6 +2019-08-12 18:00:00,5987.6 +2019-08-12 18:15:00,5948.0 +2019-08-12 18:30:00,5903.2 +2019-08-12 18:45:00,5868.8 +2019-08-12 19:00:00,5806.0 +2019-08-12 19:15:00,5718.0 +2019-08-12 19:30:00,5700.4 +2019-08-12 19:45:00,5711.6 +2019-08-12 20:00:00,5715.2 +2019-08-12 20:15:00,5657.6 +2019-08-12 20:30:00,5564.0 +2019-08-12 20:45:00,5502.0 +2019-08-12 21:00:00,5387.6 +2019-08-12 21:15:00,5270.4 +2019-08-12 21:30:00,5163.2 +2019-08-12 21:45:00,5053.2 +2019-08-12 22:00:00,4912.4 +2019-08-12 22:15:00,4839.6 +2019-08-12 22:30:00,4748.4 +2019-08-12 22:45:00,4707.2 +2019-08-12 23:00:00,4634.8 +2019-08-12 23:15:00,4574.0 +2019-08-12 23:30:00,4527.2 +2019-08-12 23:45:00,4483.6 +2019-08-13 00:00:00,4405.2 +2019-08-13 00:15:00,4361.6 +2019-08-13 00:30:00,4326.8 +2019-08-13 00:45:00,4322.8 +2019-08-13 01:00:00,4289.2 +2019-08-13 01:15:00,4277.6 +2019-08-13 01:30:00,4282.4 +2019-08-13 01:45:00,4286.8 +2019-08-13 02:00:00,4270.0 +2019-08-13 02:15:00,4283.2 +2019-08-13 02:30:00,4289.6 +2019-08-13 02:45:00,4286.0 +2019-08-13 03:00:00,4325.2 +2019-08-13 03:15:00,4368.0 +2019-08-13 03:30:00,4405.6 +2019-08-13 03:45:00,4469.2 +2019-08-13 04:00:00,4604.8 +2019-08-13 04:15:00,4697.6 +2019-08-13 04:30:00,4769.2 +2019-08-13 04:45:00,4913.6 +2019-08-13 05:00:00,5206.0 +2019-08-13 05:15:00,5401.2 +2019-08-13 05:30:00,5519.2 +2019-08-13 05:45:00,5631.6 +2019-08-13 06:00:00,5808.0 +2019-08-13 06:15:00,5904.0 +2019-08-13 06:30:00,6008.0 +2019-08-13 06:45:00,6099.6 +2019-08-13 07:00:00,6204.8 +2019-08-13 07:15:00,6260.4 +2019-08-13 07:30:00,6316.0 +2019-08-13 07:45:00,6353.6 +2019-08-13 08:00:00,6346.4 +2019-08-13 08:15:00,6360.0 +2019-08-13 08:30:00,6432.4 +2019-08-13 08:45:00,6492.0 +2019-08-13 09:00:00,6535.6 +2019-08-13 09:15:00,6558.8 +2019-08-13 09:30:00,6584.0 +2019-08-13 09:45:00,6653.6 +2019-08-13 10:00:00,6702.8 +2019-08-13 10:15:00,6744.0 +2019-08-13 10:30:00,6771.6 +2019-08-13 10:45:00,6778.4 +2019-08-13 11:00:00,6692.0 +2019-08-13 11:15:00,6671.2 +2019-08-13 11:30:00,6662.0 +2019-08-13 11:45:00,6632.4 +2019-08-13 12:00:00,6550.8 +2019-08-13 12:15:00,6491.6 +2019-08-13 12:30:00,6450.4 +2019-08-13 12:45:00,6374.0 +2019-08-13 13:00:00,6369.2 +2019-08-13 13:15:00,6399.2 +2019-08-13 13:30:00,6374.8 +2019-08-13 13:45:00,6347.6 +2019-08-13 14:00:00,6363.2 +2019-08-13 14:15:00,6338.4 +2019-08-13 14:30:00,6260.0 +2019-08-13 14:45:00,6218.8 +2019-08-13 15:00:00,6190.0 +2019-08-13 15:15:00,6180.4 +2019-08-13 15:30:00,6133.2 +2019-08-13 15:45:00,6090.4 +2019-08-13 16:00:00,6096.0 +2019-08-13 16:15:00,6082.8 +2019-08-13 16:30:00,6113.2 +2019-08-13 16:45:00,6083.6 +2019-08-13 17:00:00,6035.2 +2019-08-13 17:15:00,6036.0 +2019-08-13 17:30:00,6074.4 +2019-08-13 17:45:00,6111.2 +2019-08-13 18:00:00,6061.6 +2019-08-13 18:15:00,5984.8 +2019-08-13 18:30:00,5938.4 +2019-08-13 18:45:00,5866.8 +2019-08-13 19:00:00,5789.6 +2019-08-13 19:15:00,5730.0 +2019-08-13 19:30:00,5690.8 +2019-08-13 19:45:00,5719.6 +2019-08-13 20:00:00,5718.8 +2019-08-13 20:15:00,5692.0 +2019-08-13 20:30:00,5597.6 +2019-08-13 20:45:00,5503.2 +2019-08-13 21:00:00,5405.6 +2019-08-13 21:15:00,5281.2 +2019-08-13 21:30:00,5160.0 +2019-08-13 21:45:00,5054.0 +2019-08-13 22:00:00,4936.8 +2019-08-13 22:15:00,4849.6 +2019-08-13 22:30:00,4802.0 +2019-08-13 22:45:00,4736.8 +2019-08-13 23:00:00,4652.4 +2019-08-13 23:15:00,4601.2 +2019-08-13 23:30:00,4572.0 +2019-08-13 23:45:00,4537.6 +2019-08-14 00:00:00,4477.2 +2019-08-14 00:15:00,4415.6 +2019-08-14 00:30:00,4377.6 +2019-08-14 00:45:00,4371.2 +2019-08-14 01:00:00,4342.8 +2019-08-14 01:15:00,4290.8 +2019-08-14 01:30:00,4306.4 +2019-08-14 01:45:00,4338.4 +2019-08-14 02:00:00,4356.8 +2019-08-14 02:15:00,4336.8 +2019-08-14 02:30:00,4336.8 +2019-08-14 02:45:00,4358.4 +2019-08-14 03:00:00,4392.8 +2019-08-14 03:15:00,4425.2 +2019-08-14 03:30:00,4452.4 +2019-08-14 03:45:00,4498.8 +2019-08-14 04:00:00,4635.2 +2019-08-14 04:15:00,4684.8 +2019-08-14 04:30:00,4759.6 +2019-08-14 04:45:00,4881.6 +2019-08-14 05:00:00,5160.8 +2019-08-14 05:15:00,5303.6 +2019-08-14 05:30:00,5446.0 +2019-08-14 05:45:00,5587.2 +2019-08-14 06:00:00,5760.0 +2019-08-14 06:15:00,5865.6 +2019-08-14 06:30:00,5954.4 +2019-08-14 06:45:00,6042.0 +2019-08-14 07:00:00,6106.4 +2019-08-14 07:15:00,6161.6 +2019-08-14 07:30:00,6179.6 +2019-08-14 07:45:00,6208.8 +2019-08-14 08:00:00,6220.4 +2019-08-14 08:15:00,6255.2 +2019-08-14 08:30:00,6292.8 +2019-08-14 08:45:00,6334.4 +2019-08-14 09:00:00,6334.0 +2019-08-14 09:15:00,6363.2 +2019-08-14 09:30:00,6404.4 +2019-08-14 09:45:00,6458.4 +2019-08-14 10:00:00,6508.0 +2019-08-14 10:15:00,6567.6 +2019-08-14 10:30:00,6581.2 +2019-08-14 10:45:00,6587.2 +2019-08-14 11:00:00,6529.2 +2019-08-14 11:15:00,6504.4 +2019-08-14 11:30:00,6489.6 +2019-08-14 11:45:00,6448.8 +2019-08-14 12:00:00,6465.2 +2019-08-14 12:15:00,6450.0 +2019-08-14 12:30:00,6401.2 +2019-08-14 12:45:00,6339.2 +2019-08-14 13:00:00,6300.4 +2019-08-14 13:15:00,6293.2 +2019-08-14 13:30:00,6268.0 +2019-08-14 13:45:00,6234.0 +2019-08-14 14:00:00,6245.6 +2019-08-14 14:15:00,6179.6 +2019-08-14 14:30:00,6134.8 +2019-08-14 14:45:00,6080.8 +2019-08-14 15:00:00,6035.2 +2019-08-14 15:15:00,6007.6 +2019-08-14 15:30:00,5967.2 +2019-08-14 15:45:00,5950.4 +2019-08-14 16:00:00,5953.6 +2019-08-14 16:15:00,5952.8 +2019-08-14 16:30:00,5960.4 +2019-08-14 16:45:00,5948.0 +2019-08-14 17:00:00,5942.8 +2019-08-14 17:15:00,5918.4 +2019-08-14 17:30:00,5915.6 +2019-08-14 17:45:00,5920.8 +2019-08-14 18:00:00,5909.6 +2019-08-14 18:15:00,5876.0 +2019-08-14 18:30:00,5861.6 +2019-08-14 18:45:00,5811.2 +2019-08-14 19:00:00,5762.0 +2019-08-14 19:15:00,5682.0 +2019-08-14 19:30:00,5627.2 +2019-08-14 19:45:00,5598.4 +2019-08-14 20:00:00,5632.0 +2019-08-14 20:15:00,5581.2 +2019-08-14 20:30:00,5487.2 +2019-08-14 20:45:00,5390.4 +2019-08-14 21:00:00,5289.6 +2019-08-14 21:15:00,5174.4 +2019-08-14 21:30:00,5070.0 +2019-08-14 21:45:00,4960.0 +2019-08-14 22:00:00,4831.2 +2019-08-14 22:15:00,4761.2 +2019-08-14 22:30:00,4657.2 +2019-08-14 22:45:00,4601.2 +2019-08-14 23:00:00,4522.4 +2019-08-14 23:15:00,4490.8 +2019-08-14 23:30:00,4425.2 +2019-08-14 23:45:00,4358.8 +2019-08-15 00:00:00,4326.8 +2019-08-15 00:15:00,4290.8 +2019-08-15 00:30:00,4257.6 +2019-08-15 00:45:00,4268.4 +2019-08-15 01:00:00,4243.6 +2019-08-15 01:15:00,4229.6 +2019-08-15 01:30:00,4223.2 +2019-08-15 01:45:00,4256.8 +2019-08-15 02:00:00,4265.2 +2019-08-15 02:15:00,4262.8 +2019-08-15 02:30:00,4256.8 +2019-08-15 02:45:00,4296.4 +2019-08-15 03:00:00,4332.4 +2019-08-15 03:15:00,4373.6 +2019-08-15 03:30:00,4412.4 +2019-08-15 03:45:00,4459.2 +2019-08-15 04:00:00,4570.4 +2019-08-15 04:15:00,4636.4 +2019-08-15 04:30:00,4734.8 +2019-08-15 04:45:00,4874.4 +2019-08-15 05:00:00,5100.8 +2019-08-15 05:15:00,5228.0 +2019-08-15 05:30:00,5313.6 +2019-08-15 05:45:00,5432.0 +2019-08-15 06:00:00,5568.4 +2019-08-15 06:15:00,5650.0 +2019-08-15 06:30:00,5749.2 +2019-08-15 06:45:00,5826.8 +2019-08-15 07:00:00,5929.6 +2019-08-15 07:15:00,6010.4 +2019-08-15 07:30:00,6118.0 +2019-08-15 07:45:00,6178.4 +2019-08-15 08:00:00,6206.4 +2019-08-15 08:15:00,6226.8 +2019-08-15 08:30:00,6284.0 +2019-08-15 08:45:00,6320.4 +2019-08-15 09:00:00,6356.8 +2019-08-15 09:15:00,6393.6 +2019-08-15 09:30:00,6449.2 +2019-08-15 09:45:00,6476.0 +2019-08-15 10:00:00,6533.6 +2019-08-15 10:15:00,6593.2 +2019-08-15 10:30:00,6614.0 +2019-08-15 10:45:00,6623.6 +2019-08-15 11:00:00,6574.4 +2019-08-15 11:15:00,6580.4 +2019-08-15 11:30:00,6571.6 +2019-08-15 11:45:00,6583.2 +2019-08-15 12:00:00,6574.4 +2019-08-15 12:15:00,6526.4 +2019-08-15 12:30:00,6482.8 +2019-08-15 12:45:00,6462.4 +2019-08-15 13:00:00,6446.4 +2019-08-15 13:15:00,6396.4 +2019-08-15 13:30:00,6430.0 +2019-08-15 13:45:00,6412.4 +2019-08-15 14:00:00,6405.6 +2019-08-15 14:15:00,6362.8 +2019-08-15 14:30:00,6342.8 +2019-08-15 14:45:00,6344.4 +2019-08-15 15:00:00,6338.0 +2019-08-15 15:15:00,6299.2 +2019-08-15 15:30:00,6260.8 +2019-08-15 15:45:00,6260.4 +2019-08-15 16:00:00,6186.4 +2019-08-15 16:15:00,6177.6 +2019-08-15 16:30:00,6220.4 +2019-08-15 16:45:00,6217.2 +2019-08-15 17:00:00,6221.2 +2019-08-15 17:15:00,6170.8 +2019-08-15 17:30:00,6107.6 +2019-08-15 17:45:00,6116.8 +2019-08-15 18:00:00,6064.0 +2019-08-15 18:15:00,6000.8 +2019-08-15 18:30:00,5960.8 +2019-08-15 18:45:00,5904.0 +2019-08-15 19:00:00,5865.6 +2019-08-15 19:15:00,5772.0 +2019-08-15 19:30:00,5725.6 +2019-08-15 19:45:00,5698.4 +2019-08-15 20:00:00,5614.0 +2019-08-15 20:15:00,5527.6 +2019-08-15 20:30:00,5452.8 +2019-08-15 20:45:00,5360.8 +2019-08-15 21:00:00,5241.6 +2019-08-15 21:15:00,5146.0 +2019-08-15 21:30:00,5045.2 +2019-08-15 21:45:00,4969.6 +2019-08-15 22:00:00,4850.8 +2019-08-15 22:15:00,4813.6 +2019-08-15 22:30:00,4752.4 +2019-08-15 22:45:00,4694.8 +2019-08-15 23:00:00,4596.4 +2019-08-15 23:15:00,4549.6 +2019-08-15 23:30:00,4487.6 +2019-08-15 23:45:00,4464.4 +2019-08-16 00:00:00,4405.2 +2019-08-16 00:15:00,4380.4 +2019-08-16 00:30:00,4377.6 +2019-08-16 00:45:00,4349.2 +2019-08-16 01:00:00,4316.4 +2019-08-16 01:15:00,4317.6 +2019-08-16 01:30:00,4302.8 +2019-08-16 01:45:00,4318.4 +2019-08-16 02:00:00,4316.4 +2019-08-16 02:15:00,4326.0 +2019-08-16 02:30:00,4302.4 +2019-08-16 02:45:00,4309.2 +2019-08-16 03:00:00,4351.2 +2019-08-16 03:15:00,4382.8 +2019-08-16 03:30:00,4407.6 +2019-08-16 03:45:00,4473.2 +2019-08-16 04:00:00,4585.2 +2019-08-16 04:15:00,4643.6 +2019-08-16 04:30:00,4716.8 +2019-08-16 04:45:00,4819.2 +2019-08-16 05:00:00,5076.0 +2019-08-16 05:15:00,5238.4 +2019-08-16 05:30:00,5340.4 +2019-08-16 05:45:00,5471.2 +2019-08-16 06:00:00,5638.4 +2019-08-16 06:15:00,5747.2 +2019-08-16 06:30:00,5801.6 +2019-08-16 06:45:00,5900.8 +2019-08-16 07:00:00,5987.2 +2019-08-16 07:15:00,6052.4 +2019-08-16 07:30:00,6106.0 +2019-08-16 07:45:00,6135.2 +2019-08-16 08:00:00,6130.4 +2019-08-16 08:15:00,6172.8 +2019-08-16 08:30:00,6243.2 +2019-08-16 08:45:00,6292.8 +2019-08-16 09:00:00,6332.4 +2019-08-16 09:15:00,6383.6 +2019-08-16 09:30:00,6393.6 +2019-08-16 09:45:00,6416.8 +2019-08-16 10:00:00,6424.8 +2019-08-16 10:15:00,6448.0 +2019-08-16 10:30:00,6466.0 +2019-08-16 10:45:00,6478.4 +2019-08-16 11:00:00,6407.6 +2019-08-16 11:15:00,6378.8 +2019-08-16 11:30:00,6345.2 +2019-08-16 11:45:00,6313.6 +2019-08-16 12:00:00,6266.8 +2019-08-16 12:15:00,6248.8 +2019-08-16 12:30:00,6233.6 +2019-08-16 12:45:00,6150.4 +2019-08-16 13:00:00,6120.4 +2019-08-16 13:15:00,6087.2 +2019-08-16 13:30:00,6029.2 +2019-08-16 13:45:00,5958.0 +2019-08-16 14:00:00,5921.6 +2019-08-16 14:15:00,5887.2 +2019-08-16 14:30:00,5860.4 +2019-08-16 14:45:00,5828.0 +2019-08-16 15:00:00,5834.0 +2019-08-16 15:15:00,5786.4 +2019-08-16 15:30:00,5753.6 +2019-08-16 15:45:00,5726.8 +2019-08-16 16:00:00,5752.4 +2019-08-16 16:15:00,5753.6 +2019-08-16 16:30:00,5722.0 +2019-08-16 16:45:00,5708.8 +2019-08-16 17:00:00,5676.8 +2019-08-16 17:15:00,5670.4 +2019-08-16 17:30:00,5661.2 +2019-08-16 17:45:00,5669.6 +2019-08-16 18:00:00,5642.0 +2019-08-16 18:15:00,5577.2 +2019-08-16 18:30:00,5565.2 +2019-08-16 18:45:00,5551.6 +2019-08-16 19:00:00,5489.2 +2019-08-16 19:15:00,5402.8 +2019-08-16 19:30:00,5359.2 +2019-08-16 19:45:00,5353.6 +2019-08-16 20:00:00,5362.4 +2019-08-16 20:15:00,5324.4 +2019-08-16 20:30:00,5253.2 +2019-08-16 20:45:00,5124.8 +2019-08-16 21:00:00,5031.6 +2019-08-16 21:15:00,4941.6 +2019-08-16 21:30:00,4855.6 +2019-08-16 21:45:00,4756.8 +2019-08-16 22:00:00,4655.6 +2019-08-16 22:15:00,4582.8 +2019-08-16 22:30:00,4523.2 +2019-08-16 22:45:00,4488.0 +2019-08-16 23:00:00,4432.4 +2019-08-16 23:15:00,4376.4 +2019-08-16 23:30:00,4345.6 +2019-08-16 23:45:00,4292.0 +2019-08-17 00:00:00,4238.4 +2019-08-17 00:15:00,4208.8 +2019-08-17 00:30:00,4200.8 +2019-08-17 00:45:00,4169.6 +2019-08-17 01:00:00,4142.0 +2019-08-17 01:15:00,4130.0 +2019-08-17 01:30:00,4109.6 +2019-08-17 01:45:00,4138.0 +2019-08-17 02:00:00,4103.2 +2019-08-17 02:15:00,4099.6 +2019-08-17 02:30:00,4116.4 +2019-08-17 02:45:00,4100.0 +2019-08-17 03:00:00,4095.2 +2019-08-17 03:15:00,4093.6 +2019-08-17 03:30:00,4110.0 +2019-08-17 03:45:00,4140.4 +2019-08-17 04:00:00,4219.2 +2019-08-17 04:15:00,4217.2 +2019-08-17 04:30:00,4226.0 +2019-08-17 04:45:00,4252.8 +2019-08-17 05:00:00,4317.6 +2019-08-17 05:15:00,4312.0 +2019-08-17 05:30:00,4358.4 +2019-08-17 05:45:00,4418.0 +2019-08-17 06:00:00,4552.8 +2019-08-17 06:15:00,4605.6 +2019-08-17 06:30:00,4682.4 +2019-08-17 06:45:00,4734.0 +2019-08-17 07:00:00,4833.2 +2019-08-17 07:15:00,4928.4 +2019-08-17 07:30:00,5015.2 +2019-08-17 07:45:00,5090.0 +2019-08-17 08:00:00,5154.8 +2019-08-17 08:15:00,5214.8 +2019-08-17 08:30:00,5268.8 +2019-08-17 08:45:00,5324.0 +2019-08-17 09:00:00,5353.6 +2019-08-17 09:15:00,5400.8 +2019-08-17 09:30:00,5408.8 +2019-08-17 09:45:00,5443.2 +2019-08-17 10:00:00,5468.8 +2019-08-17 10:15:00,5526.4 +2019-08-17 10:30:00,5576.0 +2019-08-17 10:45:00,5574.4 +2019-08-17 11:00:00,5530.4 +2019-08-17 11:15:00,5498.4 +2019-08-17 11:30:00,5484.0 +2019-08-17 11:45:00,5464.8 +2019-08-17 12:00:00,5401.6 +2019-08-17 12:15:00,5381.6 +2019-08-17 12:30:00,5332.4 +2019-08-17 12:45:00,5295.2 +2019-08-17 13:00:00,5299.6 +2019-08-17 13:15:00,5315.6 +2019-08-17 13:30:00,5310.4 +2019-08-17 13:45:00,5281.2 +2019-08-17 14:00:00,5254.8 +2019-08-17 14:15:00,5243.6 +2019-08-17 14:30:00,5196.0 +2019-08-17 14:45:00,5173.2 +2019-08-17 15:00:00,5164.4 +2019-08-17 15:15:00,5137.6 +2019-08-17 15:30:00,5117.2 +2019-08-17 15:45:00,5108.8 +2019-08-17 16:00:00,5160.4 +2019-08-17 16:15:00,5171.6 +2019-08-17 16:30:00,5126.0 +2019-08-17 16:45:00,5130.8 +2019-08-17 17:00:00,5116.8 +2019-08-17 17:15:00,5102.0 +2019-08-17 17:30:00,5086.0 +2019-08-17 17:45:00,5050.8 +2019-08-17 18:00:00,5067.2 +2019-08-17 18:15:00,5000.4 +2019-08-17 18:30:00,4966.0 +2019-08-17 18:45:00,4923.2 +2019-08-17 19:00:00,4897.2 +2019-08-17 19:15:00,4824.8 +2019-08-17 19:30:00,4822.4 +2019-08-17 19:45:00,4834.4 +2019-08-17 20:00:00,4820.8 +2019-08-17 20:15:00,4774.4 +2019-08-17 20:30:00,4712.0 +2019-08-17 20:45:00,4656.4 +2019-08-17 21:00:00,4615.6 +2019-08-17 21:15:00,4546.8 +2019-08-17 21:30:00,4454.8 +2019-08-17 21:45:00,4413.2 +2019-08-17 22:00:00,4336.8 +2019-08-17 22:15:00,4262.4 +2019-08-17 22:30:00,4187.6 +2019-08-17 22:45:00,4155.6 +2019-08-17 23:00:00,4080.4 +2019-08-17 23:15:00,4008.4 +2019-08-17 23:30:00,3943.2 +2019-08-17 23:45:00,3870.0 +2019-08-18 00:00:00,3823.6 +2019-08-18 00:15:00,3788.0 +2019-08-18 00:30:00,3751.2 +2019-08-18 00:45:00,3729.6 +2019-08-18 01:00:00,3720.0 +2019-08-18 01:15:00,3702.8 +2019-08-18 01:30:00,3676.0 +2019-08-18 01:45:00,3652.4 +2019-08-18 02:00:00,3630.0 +2019-08-18 02:15:00,3600.8 +2019-08-18 02:30:00,3600.8 +2019-08-18 02:45:00,3596.0 +2019-08-18 03:00:00,3604.4 +2019-08-18 03:15:00,3577.2 +2019-08-18 03:30:00,3612.4 +2019-08-18 03:45:00,3655.2 +2019-08-18 04:00:00,3683.6 +2019-08-18 04:15:00,3691.6 +2019-08-18 04:30:00,3694.4 +2019-08-18 04:45:00,3729.2 +2019-08-18 05:00:00,3743.6 +2019-08-18 05:15:00,3746.0 +2019-08-18 05:30:00,3750.0 +2019-08-18 05:45:00,3787.6 +2019-08-18 06:00:00,3822.0 +2019-08-18 06:15:00,3896.8 +2019-08-18 06:30:00,3956.4 +2019-08-18 06:45:00,4038.0 +2019-08-18 07:00:00,4123.2 +2019-08-18 07:15:00,4211.2 +2019-08-18 07:30:00,4281.2 +2019-08-18 07:45:00,4352.4 +2019-08-18 08:00:00,4417.6 +2019-08-18 08:15:00,4481.2 +2019-08-18 08:30:00,4549.2 +2019-08-18 08:45:00,4641.6 +2019-08-18 09:00:00,4729.6 +2019-08-18 09:15:00,4772.8 +2019-08-18 09:30:00,4821.6 +2019-08-18 09:45:00,4838.0 +2019-08-18 10:00:00,4920.8 +2019-08-18 10:15:00,4991.2 +2019-08-18 10:30:00,5063.2 +2019-08-18 10:45:00,5057.2 +2019-08-18 11:00:00,5059.2 +2019-08-18 11:15:00,5051.2 +2019-08-18 11:30:00,5033.2 +2019-08-18 11:45:00,5020.4 +2019-08-18 12:00:00,4970.4 +2019-08-18 12:15:00,4925.2 +2019-08-18 12:30:00,4892.8 +2019-08-18 12:45:00,4884.8 +2019-08-18 13:00:00,4852.8 +2019-08-18 13:15:00,4837.6 +2019-08-18 13:30:00,4815.6 +2019-08-18 13:45:00,4802.4 +2019-08-18 14:00:00,4792.4 +2019-08-18 14:15:00,4745.2 +2019-08-18 14:30:00,4739.6 +2019-08-18 14:45:00,4734.8 +2019-08-18 15:00:00,4728.0 +2019-08-18 15:15:00,4696.0 +2019-08-18 15:30:00,4722.8 +2019-08-18 15:45:00,4735.2 +2019-08-18 16:00:00,4762.0 +2019-08-18 16:15:00,4760.0 +2019-08-18 16:30:00,4722.4 +2019-08-18 16:45:00,4736.8 +2019-08-18 17:00:00,4813.6 +2019-08-18 17:15:00,4852.0 +2019-08-18 17:30:00,4822.4 +2019-08-18 17:45:00,4842.0 +2019-08-18 18:00:00,4822.4 +2019-08-18 18:15:00,4780.0 +2019-08-18 18:30:00,4772.8 +2019-08-18 18:45:00,4757.2 +2019-08-18 19:00:00,4759.6 +2019-08-18 19:15:00,4751.6 +2019-08-18 19:30:00,4804.8 +2019-08-18 19:45:00,4844.4 +2019-08-18 20:00:00,4889.6 +2019-08-18 20:15:00,4851.6 +2019-08-18 20:30:00,4824.4 +2019-08-18 20:45:00,4811.6 +2019-08-18 21:00:00,4837.6 +2019-08-18 21:15:00,4748.0 +2019-08-18 21:30:00,4668.0 +2019-08-18 21:45:00,4584.4 +2019-08-18 22:00:00,4467.2 +2019-08-18 22:15:00,4369.6 +2019-08-18 22:30:00,4312.4 +2019-08-18 22:45:00,4286.4 +2019-08-18 23:00:00,4267.2 +2019-08-18 23:15:00,4217.6 +2019-08-18 23:30:00,4191.6 +2019-08-18 23:45:00,4153.2 +2019-08-19 00:00:00,4095.6 +2019-08-19 00:15:00,4076.4 +2019-08-19 00:30:00,4048.0 +2019-08-19 00:45:00,4012.4 +2019-08-19 01:00:00,3983.2 +2019-08-19 01:15:00,3985.6 +2019-08-19 01:30:00,3994.8 +2019-08-19 01:45:00,3982.0 +2019-08-19 02:00:00,3986.8 +2019-08-19 02:15:00,3990.0 +2019-08-19 02:30:00,4001.2 +2019-08-19 02:45:00,4038.4 +2019-08-19 03:00:00,4082.4 +2019-08-19 03:15:00,4107.6 +2019-08-19 03:30:00,4153.2 +2019-08-19 03:45:00,4211.2 +2019-08-19 04:00:00,4384.0 +2019-08-19 04:15:00,4498.4 +2019-08-19 04:30:00,4602.4 +2019-08-19 04:45:00,4765.2 +2019-08-19 05:00:00,5054.8 +2019-08-19 05:15:00,5257.2 +2019-08-19 05:30:00,5418.4 +2019-08-19 05:45:00,5557.6 +2019-08-19 06:00:00,5736.8 +2019-08-19 06:15:00,5868.0 +2019-08-19 06:30:00,5959.2 +2019-08-19 06:45:00,6059.2 +2019-08-19 07:00:00,6189.2 +2019-08-19 07:15:00,6266.0 +2019-08-19 07:30:00,6307.6 +2019-08-19 07:45:00,6351.2 +2019-08-19 08:00:00,6355.2 +2019-08-19 08:15:00,6416.4 +2019-08-19 08:30:00,6496.8 +2019-08-19 08:45:00,6554.0 +2019-08-19 09:00:00,6557.2 +2019-08-19 09:15:00,6613.2 +2019-08-19 09:30:00,6673.6 +2019-08-19 09:45:00,6727.6 +2019-08-19 10:00:00,6700.8 +2019-08-19 10:15:00,6734.8 +2019-08-19 10:30:00,6747.6 +2019-08-19 10:45:00,6772.8 +2019-08-19 11:00:00,6748.8 +2019-08-19 11:15:00,6756.0 +2019-08-19 11:30:00,6773.6 +2019-08-19 11:45:00,6769.6 +2019-08-19 12:00:00,6715.2 +2019-08-19 12:15:00,6700.4 +2019-08-19 12:30:00,6663.2 +2019-08-19 12:45:00,6606.8 +2019-08-19 13:00:00,6553.2 +2019-08-19 13:15:00,6516.8 +2019-08-19 13:30:00,6504.4 +2019-08-19 13:45:00,6454.4 +2019-08-19 14:00:00,6431.2 +2019-08-19 14:15:00,6388.4 +2019-08-19 14:30:00,6349.2 +2019-08-19 14:45:00,6272.4 +2019-08-19 15:00:00,6226.0 +2019-08-19 15:15:00,6167.6 +2019-08-19 15:30:00,6123.6 +2019-08-19 15:45:00,6097.6 +2019-08-19 16:00:00,6098.4 +2019-08-19 16:15:00,6091.2 +2019-08-19 16:30:00,6066.4 +2019-08-19 16:45:00,6072.4 +2019-08-19 17:00:00,6089.6 +2019-08-19 17:15:00,6113.2 +2019-08-19 17:30:00,6060.8 +2019-08-19 17:45:00,6084.4 +2019-08-19 18:00:00,6056.0 +2019-08-19 18:15:00,5996.0 +2019-08-19 18:30:00,5954.4 +2019-08-19 18:45:00,5895.2 +2019-08-19 19:00:00,5865.6 +2019-08-19 19:15:00,5815.2 +2019-08-19 19:30:00,5779.6 +2019-08-19 19:45:00,5796.8 +2019-08-19 20:00:00,5773.2 +2019-08-19 20:15:00,5697.2 +2019-08-19 20:30:00,5576.8 +2019-08-19 20:45:00,5475.2 +2019-08-19 21:00:00,5342.8 +2019-08-19 21:15:00,5224.8 +2019-08-19 21:30:00,5115.2 +2019-08-19 21:45:00,5000.8 +2019-08-19 22:00:00,4856.8 +2019-08-19 22:15:00,4783.6 +2019-08-19 22:30:00,4697.6 +2019-08-19 22:45:00,4624.0 +2019-08-19 23:00:00,4598.0 +2019-08-19 23:15:00,4545.6 +2019-08-19 23:30:00,4509.2 +2019-08-19 23:45:00,4461.6 +2019-08-20 00:00:00,4426.4 +2019-08-20 00:15:00,4400.0 +2019-08-20 00:30:00,4392.8 +2019-08-20 00:45:00,4362.0 +2019-08-20 01:00:00,4311.6 +2019-08-20 01:15:00,4298.4 +2019-08-20 01:30:00,4324.0 +2019-08-20 01:45:00,4327.2 +2019-08-20 02:00:00,4324.4 +2019-08-20 02:15:00,4310.0 +2019-08-20 02:30:00,4319.2 +2019-08-20 02:45:00,4342.0 +2019-08-20 03:00:00,4386.8 +2019-08-20 03:15:00,4406.4 +2019-08-20 03:30:00,4448.4 +2019-08-20 03:45:00,4483.6 +2019-08-20 04:00:00,4620.4 +2019-08-20 04:15:00,4702.0 +2019-08-20 04:30:00,4752.4 +2019-08-20 04:45:00,4916.8 +2019-08-20 05:00:00,5182.8 +2019-08-20 05:15:00,5350.0 +2019-08-20 05:30:00,5463.2 +2019-08-20 05:45:00,5602.4 +2019-08-20 06:00:00,5748.0 +2019-08-20 06:15:00,5822.0 +2019-08-20 06:30:00,5916.4 +2019-08-20 06:45:00,6005.6 +2019-08-20 07:00:00,6127.2 +2019-08-20 07:15:00,6163.2 +2019-08-20 07:30:00,6226.0 +2019-08-20 07:45:00,6241.6 +2019-08-20 08:00:00,6223.6 +2019-08-20 08:15:00,6299.2 +2019-08-20 08:30:00,6361.6 +2019-08-20 08:45:00,6424.0 +2019-08-20 09:00:00,6459.2 +2019-08-20 09:15:00,6484.0 +2019-08-20 09:30:00,6495.6 +2019-08-20 09:45:00,6562.8 +2019-08-20 10:00:00,6594.8 +2019-08-20 10:15:00,6626.8 +2019-08-20 10:30:00,6673.2 +2019-08-20 10:45:00,6668.4 +2019-08-20 11:00:00,6583.6 +2019-08-20 11:15:00,6534.0 +2019-08-20 11:30:00,6527.2 +2019-08-20 11:45:00,6516.0 +2019-08-20 12:00:00,6507.2 +2019-08-20 12:15:00,6482.8 +2019-08-20 12:30:00,6458.8 +2019-08-20 12:45:00,6426.0 +2019-08-20 13:00:00,6393.2 +2019-08-20 13:15:00,6372.0 +2019-08-20 13:30:00,6359.2 +2019-08-20 13:45:00,6339.2 +2019-08-20 14:00:00,6326.8 +2019-08-20 14:15:00,6256.8 +2019-08-20 14:30:00,6221.6 +2019-08-20 14:45:00,6185.2 +2019-08-20 15:00:00,6156.0 +2019-08-20 15:15:00,6126.8 +2019-08-20 15:30:00,6113.6 +2019-08-20 15:45:00,6102.0 +2019-08-20 16:00:00,6122.0 +2019-08-20 16:15:00,6087.6 +2019-08-20 16:30:00,6102.4 +2019-08-20 16:45:00,6094.4 +2019-08-20 17:00:00,6074.8 +2019-08-20 17:15:00,6059.2 +2019-08-20 17:30:00,6067.6 +2019-08-20 17:45:00,6076.0 +2019-08-20 18:00:00,6057.6 +2019-08-20 18:15:00,5990.8 +2019-08-20 18:30:00,5973.6 +2019-08-20 18:45:00,5938.0 +2019-08-20 19:00:00,5884.0 +2019-08-20 19:15:00,5822.8 +2019-08-20 19:30:00,5809.6 +2019-08-20 19:45:00,5804.0 +2019-08-20 20:00:00,5746.0 +2019-08-20 20:15:00,5656.8 +2019-08-20 20:30:00,5584.0 +2019-08-20 20:45:00,5460.0 +2019-08-20 21:00:00,5326.8 +2019-08-20 21:15:00,5222.0 +2019-08-20 21:30:00,5105.6 +2019-08-20 21:45:00,5026.0 +2019-08-20 22:00:00,4881.2 +2019-08-20 22:15:00,4806.4 +2019-08-20 22:30:00,4738.8 +2019-08-20 22:45:00,4682.8 +2019-08-20 23:00:00,4588.0 +2019-08-20 23:15:00,4539.2 +2019-08-20 23:30:00,4494.0 +2019-08-20 23:45:00,4434.8 +2019-08-21 00:00:00,4408.4 +2019-08-21 00:15:00,4374.0 +2019-08-21 00:30:00,4348.4 +2019-08-21 00:45:00,4306.0 +2019-08-21 01:00:00,4267.2 +2019-08-21 01:15:00,4272.8 +2019-08-21 01:30:00,4270.8 +2019-08-21 01:45:00,4266.0 +2019-08-21 02:00:00,4248.4 +2019-08-21 02:15:00,4276.4 +2019-08-21 02:30:00,4295.2 +2019-08-21 02:45:00,4309.6 +2019-08-21 03:00:00,4322.4 +2019-08-21 03:15:00,4352.4 +2019-08-21 03:30:00,4412.4 +2019-08-21 03:45:00,4454.4 +2019-08-21 04:00:00,4578.0 +2019-08-21 04:15:00,4677.2 +2019-08-21 04:30:00,4792.8 +2019-08-21 04:45:00,4902.0 +2019-08-21 05:00:00,5166.0 +2019-08-21 05:15:00,5334.8 +2019-08-21 05:30:00,5495.2 +2019-08-21 05:45:00,5608.4 +2019-08-21 06:00:00,5776.0 +2019-08-21 06:15:00,5893.2 +2019-08-21 06:30:00,5985.2 +2019-08-21 06:45:00,6058.0 +2019-08-21 07:00:00,5973.2 +2019-08-21 07:15:00,6179.2 +2019-08-21 07:30:00,6209.2 +2019-08-21 07:45:00,6231.2 +2019-08-21 08:00:00,6222.4 +2019-08-21 08:15:00,6256.4 +2019-08-21 08:30:00,6286.0 +2019-08-21 08:45:00,6338.0 +2019-08-21 09:00:00,6360.0 +2019-08-21 09:15:00,6368.8 +2019-08-21 09:30:00,6430.8 +2019-08-21 09:45:00,6446.8 +2019-08-21 10:00:00,6479.2 +2019-08-21 10:15:00,6538.4 +2019-08-21 10:30:00,6546.0 +2019-08-21 10:45:00,6573.6 +2019-08-21 11:00:00,6530.0 +2019-08-21 11:15:00,6518.8 +2019-08-21 11:30:00,6492.4 +2019-08-21 11:45:00,6502.4 +2019-08-21 12:00:00,6510.8 +2019-08-21 12:15:00,6470.8 +2019-08-21 12:30:00,6434.4 +2019-08-21 12:45:00,6342.4 +2019-08-21 13:00:00,6316.4 +2019-08-21 13:15:00,6320.8 +2019-08-21 13:30:00,6271.6 +2019-08-21 13:45:00,6266.4 +2019-08-21 14:00:00,6249.2 +2019-08-21 14:15:00,6215.6 +2019-08-21 14:30:00,6156.0 +2019-08-21 14:45:00,6105.2 +2019-08-21 15:00:00,6090.0 +2019-08-21 15:15:00,6031.2 +2019-08-21 15:30:00,6024.8 +2019-08-21 15:45:00,6012.0 +2019-08-21 16:00:00,6020.4 +2019-08-21 16:15:00,5994.4 +2019-08-21 16:30:00,5956.4 +2019-08-21 16:45:00,5970.0 +2019-08-21 17:00:00,5955.6 +2019-08-21 17:15:00,5953.6 +2019-08-21 17:30:00,5938.8 +2019-08-21 17:45:00,5910.4 +2019-08-21 18:00:00,5925.6 +2019-08-21 18:15:00,5873.6 +2019-08-21 18:30:00,5841.6 +2019-08-21 18:45:00,5816.8 +2019-08-21 19:00:00,5766.0 +2019-08-21 19:15:00,5748.8 +2019-08-21 19:30:00,5740.4 +2019-08-21 19:45:00,5745.2 +2019-08-21 20:00:00,5740.4 +2019-08-21 20:15:00,5649.2 +2019-08-21 20:30:00,5542.0 +2019-08-21 20:45:00,5428.0 +2019-08-21 21:00:00,5266.0 +2019-08-21 21:15:00,5154.4 +2019-08-21 21:30:00,5025.2 +2019-08-21 21:45:00,4948.0 +2019-08-21 22:00:00,4833.6 +2019-08-21 22:15:00,4735.2 +2019-08-21 22:30:00,4660.4 +2019-08-21 22:45:00,4614.4 +2019-08-21 23:00:00,4528.0 +2019-08-21 23:15:00,4454.4 +2019-08-21 23:30:00,4448.8 +2019-08-21 23:45:00,4430.8 +2019-08-22 00:00:00,4373.2 +2019-08-22 00:15:00,4345.6 +2019-08-22 00:30:00,4303.2 +2019-08-22 00:45:00,4288.4 +2019-08-22 01:00:00,4231.6 +2019-08-22 01:15:00,4218.8 +2019-08-22 01:30:00,4224.8 +2019-08-22 01:45:00,4230.4 +2019-08-22 02:00:00,4246.8 +2019-08-22 02:15:00,4236.0 +2019-08-22 02:30:00,4229.6 +2019-08-22 02:45:00,4258.4 +2019-08-22 03:00:00,4302.4 +2019-08-22 03:15:00,4330.8 +2019-08-22 03:30:00,4370.4 +2019-08-22 03:45:00,4419.2 +2019-08-22 04:00:00,4571.6 +2019-08-22 04:15:00,4662.4 +2019-08-22 04:30:00,4752.0 +2019-08-22 04:45:00,4897.2 +2019-08-22 05:00:00,5168.0 +2019-08-22 05:15:00,5322.8 +2019-08-22 05:30:00,5442.8 +2019-08-22 05:45:00,5558.0 +2019-08-22 06:00:00,5708.4 +2019-08-22 06:15:00,5831.2 +2019-08-22 06:30:00,5911.2 +2019-08-22 06:45:00,5990.0 +2019-08-22 07:00:00,6080.0 +2019-08-22 07:15:00,6115.2 +2019-08-22 07:30:00,6160.4 +2019-08-22 07:45:00,6185.2 +2019-08-22 08:00:00,6183.2 +2019-08-22 08:15:00,6226.0 +2019-08-22 08:30:00,6280.4 +2019-08-22 08:45:00,6329.2 +2019-08-22 09:00:00,6347.2 +2019-08-22 09:15:00,6358.0 +2019-08-22 09:30:00,6406.8 +2019-08-22 09:45:00,6452.8 +2019-08-22 10:00:00,6510.0 +2019-08-22 10:15:00,6522.8 +2019-08-22 10:30:00,6534.0 +2019-08-22 10:45:00,6544.0 +2019-08-22 11:00:00,6494.0 +2019-08-22 11:15:00,6500.0 +2019-08-22 11:30:00,6472.0 +2019-08-22 11:45:00,6475.2 +2019-08-22 12:00:00,6464.8 +2019-08-22 12:15:00,6445.2 +2019-08-22 12:30:00,6432.8 +2019-08-22 12:45:00,6380.8 +2019-08-22 13:00:00,6358.4 +2019-08-22 13:15:00,6328.4 +2019-08-22 13:30:00,6284.0 +2019-08-22 13:45:00,6272.8 +2019-08-22 14:00:00,6300.4 +2019-08-22 14:15:00,6268.0 +2019-08-22 14:30:00,6186.0 +2019-08-22 14:45:00,6122.4 +2019-08-22 15:00:00,6148.0 +2019-08-22 15:15:00,6105.6 +2019-08-22 15:30:00,6064.8 +2019-08-22 15:45:00,6069.6 +2019-08-22 16:00:00,6080.4 +2019-08-22 16:15:00,6049.6 +2019-08-22 16:30:00,6043.6 +2019-08-22 16:45:00,6040.8 +2019-08-22 17:00:00,6038.4 +2019-08-22 17:15:00,6002.8 +2019-08-22 17:30:00,5992.4 +2019-08-22 17:45:00,5984.4 +2019-08-22 18:00:00,5990.8 +2019-08-22 18:15:00,5918.0 +2019-08-22 18:30:00,5890.4 +2019-08-22 18:45:00,5880.4 +2019-08-22 19:00:00,5824.8 +2019-08-22 19:15:00,5778.4 +2019-08-22 19:30:00,5791.2 +2019-08-22 19:45:00,5825.2 +2019-08-22 20:00:00,5787.2 +2019-08-22 20:15:00,5722.4 +2019-08-22 20:30:00,5636.4 +2019-08-22 20:45:00,5514.4 +2019-08-22 21:00:00,5401.2 +2019-08-22 21:15:00,5297.2 +2019-08-22 21:30:00,5180.8 +2019-08-22 21:45:00,5092.4 +2019-08-22 22:00:00,4979.2 +2019-08-22 22:15:00,4917.6 +2019-08-22 22:30:00,4828.4 +2019-08-22 22:45:00,4757.6 +2019-08-22 23:00:00,4667.2 +2019-08-22 23:15:00,4581.2 +2019-08-22 23:30:00,4539.2 +2019-08-22 23:45:00,4535.2 +2019-08-23 00:00:00,4494.4 +2019-08-23 00:15:00,4448.8 +2019-08-23 00:30:00,4419.6 +2019-08-23 00:45:00,4395.2 +2019-08-23 01:00:00,4332.8 +2019-08-23 01:15:00,4312.0 +2019-08-23 01:30:00,4304.0 +2019-08-23 01:45:00,4327.6 +2019-08-23 02:00:00,4315.2 +2019-08-23 02:15:00,4299.2 +2019-08-23 02:30:00,4301.2 +2019-08-23 02:45:00,4320.8 +2019-08-23 03:00:00,4363.2 +2019-08-23 03:15:00,4393.2 +2019-08-23 03:30:00,4412.0 +2019-08-23 03:45:00,4492.8 +2019-08-23 04:00:00,4618.4 +2019-08-23 04:15:00,4644.4 +2019-08-23 04:30:00,4755.6 +2019-08-23 04:45:00,4923.6 +2019-08-23 05:00:00,5167.6 +2019-08-23 05:15:00,5332.0 +2019-08-23 05:30:00,5466.0 +2019-08-23 05:45:00,5576.0 +2019-08-23 06:00:00,5725.6 +2019-08-23 06:15:00,5830.0 +2019-08-23 06:30:00,5938.4 +2019-08-23 06:45:00,6017.6 +2019-08-23 07:00:00,6092.8 +2019-08-23 07:15:00,6130.8 +2019-08-23 07:30:00,6171.2 +2019-08-23 07:45:00,6213.6 +2019-08-23 08:00:00,6228.0 +2019-08-23 08:15:00,6261.2 +2019-08-23 08:30:00,6323.6 +2019-08-23 08:45:00,6364.0 +2019-08-23 09:00:00,6398.0 +2019-08-23 09:15:00,6427.6 +2019-08-23 09:30:00,6467.2 +2019-08-23 09:45:00,6527.2 +2019-08-23 10:00:00,6549.6 +2019-08-23 10:15:00,6561.2 +2019-08-23 10:30:00,6586.0 +2019-08-23 10:45:00,6565.2 +2019-08-23 11:00:00,6478.8 +2019-08-23 11:15:00,6436.4 +2019-08-23 11:30:00,6428.0 +2019-08-23 11:45:00,6394.0 +2019-08-23 12:00:00,6371.6 +2019-08-23 12:15:00,6337.6 +2019-08-23 12:30:00,6304.0 +2019-08-23 12:45:00,6249.6 +2019-08-23 13:00:00,6222.4 +2019-08-23 13:15:00,6195.2 +2019-08-23 13:30:00,6155.2 +2019-08-23 13:45:00,6115.6 +2019-08-23 14:00:00,6113.2 +2019-08-23 14:15:00,6070.0 +2019-08-23 14:30:00,6024.4 +2019-08-23 14:45:00,5996.0 +2019-08-23 15:00:00,6008.8 +2019-08-23 15:15:00,5976.8 +2019-08-23 15:30:00,5921.6 +2019-08-23 15:45:00,5917.6 +2019-08-23 16:00:00,5942.0 +2019-08-23 16:15:00,5926.0 +2019-08-23 16:30:00,5911.6 +2019-08-23 16:45:00,5892.8 +2019-08-23 17:00:00,5873.2 +2019-08-23 17:15:00,5850.8 +2019-08-23 17:30:00,5839.2 +2019-08-23 17:45:00,5837.2 +2019-08-23 18:00:00,5796.8 +2019-08-23 18:15:00,5728.8 +2019-08-23 18:30:00,5720.8 +2019-08-23 18:45:00,5697.6 +2019-08-23 19:00:00,5638.0 +2019-08-23 19:15:00,5581.2 +2019-08-23 19:30:00,5578.4 +2019-08-23 19:45:00,5585.6 +2019-08-23 20:00:00,5533.6 +2019-08-23 20:15:00,5434.8 +2019-08-23 20:30:00,5334.0 +2019-08-23 20:45:00,5206.8 +2019-08-23 21:00:00,5061.2 +2019-08-23 21:15:00,5007.6 +2019-08-23 21:30:00,4914.8 +2019-08-23 21:45:00,4824.0 +2019-08-23 22:00:00,4734.4 +2019-08-23 22:15:00,4661.6 +2019-08-23 22:30:00,4589.6 +2019-08-23 22:45:00,4532.0 +2019-08-23 23:00:00,4420.0 +2019-08-23 23:15:00,4378.8 +2019-08-23 23:30:00,4336.4 +2019-08-23 23:45:00,4292.0 +2019-08-24 00:00:00,4248.8 +2019-08-24 00:15:00,4190.8 +2019-08-24 00:30:00,4166.8 +2019-08-24 00:45:00,4127.6 +2019-08-24 01:00:00,4068.0 +2019-08-24 01:15:00,4047.6 +2019-08-24 01:30:00,4042.4 +2019-08-24 01:45:00,4014.0 +2019-08-24 02:00:00,4011.2 +2019-08-24 02:15:00,3994.8 +2019-08-24 02:30:00,3985.6 +2019-08-24 02:45:00,3990.8 +2019-08-24 03:00:00,3971.2 +2019-08-24 03:15:00,3975.2 +2019-08-24 03:30:00,3973.2 +2019-08-24 03:45:00,3974.0 +2019-08-24 04:00:00,4034.8 +2019-08-24 04:15:00,4055.2 +2019-08-24 04:30:00,4064.0 +2019-08-24 04:45:00,4095.2 +2019-08-24 05:00:00,4181.2 +2019-08-24 05:15:00,4181.6 +2019-08-24 05:30:00,4224.0 +2019-08-24 05:45:00,4265.6 +2019-08-24 06:00:00,4387.2 +2019-08-24 06:15:00,4477.6 +2019-08-24 06:30:00,4560.0 +2019-08-24 06:45:00,4667.2 +2019-08-24 07:00:00,4782.8 +2019-08-24 07:15:00,4873.6 +2019-08-24 07:30:00,4948.8 +2019-08-24 07:45:00,5030.8 +2019-08-24 08:00:00,5115.2 +2019-08-24 08:15:00,5175.2 +2019-08-24 08:30:00,5212.4 +2019-08-24 08:45:00,5281.2 +2019-08-24 09:00:00,5318.4 +2019-08-24 09:15:00,5336.8 +2019-08-24 09:30:00,5400.4 +2019-08-24 09:45:00,5424.8 +2019-08-24 10:00:00,5450.4 +2019-08-24 10:15:00,5483.6 +2019-08-24 10:30:00,5515.6 +2019-08-24 10:45:00,5506.4 +2019-08-24 11:00:00,5469.2 +2019-08-24 11:15:00,5466.8 +2019-08-24 11:30:00,5427.6 +2019-08-24 11:45:00,5387.2 +2019-08-24 12:00:00,5335.6 +2019-08-24 12:15:00,5318.8 +2019-08-24 12:30:00,5288.8 +2019-08-24 12:45:00,5253.6 +2019-08-24 13:00:00,5198.0 +2019-08-24 13:15:00,5176.0 +2019-08-24 13:30:00,5138.0 +2019-08-24 13:45:00,5100.0 +2019-08-24 14:00:00,5120.8 +2019-08-24 14:15:00,5102.8 +2019-08-24 14:30:00,5073.6 +2019-08-24 14:45:00,5041.2 +2019-08-24 15:00:00,5050.4 +2019-08-24 15:15:00,5037.2 +2019-08-24 15:30:00,5037.2 +2019-08-24 15:45:00,5011.2 +2019-08-24 16:00:00,5054.8 +2019-08-24 16:15:00,5050.4 +2019-08-24 16:30:00,5060.8 +2019-08-24 16:45:00,5072.4 +2019-08-24 17:00:00,5075.6 +2019-08-24 17:15:00,5070.8 +2019-08-24 17:30:00,5063.6 +2019-08-24 17:45:00,5047.6 +2019-08-24 18:00:00,5048.4 +2019-08-24 18:15:00,5025.2 +2019-08-24 18:30:00,4983.6 +2019-08-24 18:45:00,4927.6 +2019-08-24 19:00:00,4884.4 +2019-08-24 19:15:00,4863.6 +2019-08-24 19:30:00,4910.4 +2019-08-24 19:45:00,4917.6 +2019-08-24 20:00:00,4901.6 +2019-08-24 20:15:00,4838.8 +2019-08-24 20:30:00,4815.6 +2019-08-24 20:45:00,4748.8 +2019-08-24 21:00:00,4702.0 +2019-08-24 21:15:00,4624.4 +2019-08-24 21:30:00,4561.6 +2019-08-24 21:45:00,4491.6 +2019-08-24 22:00:00,4397.6 +2019-08-24 22:15:00,4353.2 +2019-08-24 22:30:00,4310.4 +2019-08-24 22:45:00,4226.0 +2019-08-24 23:00:00,4120.8 +2019-08-24 23:15:00,4059.2 +2019-08-24 23:30:00,4018.4 +2019-08-24 23:45:00,3988.8 +2019-08-25 00:00:00,3931.6 +2019-08-25 00:15:00,3861.6 +2019-08-25 00:30:00,3840.0 +2019-08-25 00:45:00,3822.0 +2019-08-25 01:00:00,3794.8 +2019-08-25 01:15:00,3762.8 +2019-08-25 01:30:00,3733.2 +2019-08-25 01:45:00,3726.4 +2019-08-25 02:00:00,3718.4 +2019-08-25 02:15:00,3702.8 +2019-08-25 02:30:00,3703.6 +2019-08-25 02:45:00,3695.2 +2019-08-25 03:00:00,3684.0 +2019-08-25 03:15:00,3686.8 +2019-08-25 03:30:00,3671.2 +2019-08-25 03:45:00,3659.2 +2019-08-25 04:00:00,3692.0 +2019-08-25 04:15:00,3691.2 +2019-08-25 04:30:00,3696.4 +2019-08-25 04:45:00,3680.0 +2019-08-25 05:00:00,3750.0 +2019-08-25 05:15:00,3708.4 +2019-08-25 05:30:00,3728.4 +2019-08-25 05:45:00,3751.2 +2019-08-25 06:00:00,3833.6 +2019-08-25 06:15:00,3900.4 +2019-08-25 06:30:00,3976.8 +2019-08-25 06:45:00,4044.8 +2019-08-25 07:00:00,4130.4 +2019-08-25 07:15:00,4216.8 +2019-08-25 07:30:00,4297.6 +2019-08-25 07:45:00,4350.0 +2019-08-25 08:00:00,4431.2 +2019-08-25 08:15:00,4521.6 +2019-08-25 08:30:00,4578.8 +2019-08-25 08:45:00,4661.2 +2019-08-25 09:00:00,4691.2 +2019-08-25 09:15:00,4751.2 +2019-08-25 09:30:00,4792.0 +2019-08-25 09:45:00,4845.2 +2019-08-25 10:00:00,4892.0 +2019-08-25 10:15:00,4932.8 +2019-08-25 10:30:00,4962.4 +2019-08-25 10:45:00,5004.4 +2019-08-25 11:00:00,4998.0 +2019-08-25 11:15:00,4980.4 +2019-08-25 11:30:00,4948.0 +2019-08-25 11:45:00,4912.8 +2019-08-25 12:00:00,4890.4 +2019-08-25 12:15:00,4863.2 +2019-08-25 12:30:00,4827.2 +2019-08-25 12:45:00,4787.6 +2019-08-25 13:00:00,4764.8 +2019-08-25 13:15:00,4746.0 +2019-08-25 13:30:00,4730.4 +2019-08-25 13:45:00,4696.8 +2019-08-25 14:00:00,4694.4 +2019-08-25 14:15:00,4682.4 +2019-08-25 14:30:00,4662.8 +2019-08-25 14:45:00,4648.8 +2019-08-25 15:00:00,4646.8 +2019-08-25 15:15:00,4622.8 +2019-08-25 15:30:00,4636.8 +2019-08-25 15:45:00,4653.2 +2019-08-25 16:00:00,4716.4 +2019-08-25 16:15:00,4736.4 +2019-08-25 16:30:00,4774.4 +2019-08-25 16:45:00,4823.6 +2019-08-25 17:00:00,4845.6 +2019-08-25 17:15:00,4869.6 +2019-08-25 17:30:00,4866.0 +2019-08-25 17:45:00,4901.6 +2019-08-25 18:00:00,4910.8 +2019-08-25 18:15:00,4883.2 +2019-08-25 18:30:00,4893.2 +2019-08-25 18:45:00,4916.4 +2019-08-25 19:00:00,4925.6 +2019-08-25 19:15:00,4952.8 +2019-08-25 19:30:00,4992.0 +2019-08-25 19:45:00,5022.4 +2019-08-25 20:00:00,5022.8 +2019-08-25 20:15:00,4973.6 +2019-08-25 20:30:00,4910.4 +2019-08-25 20:45:00,4894.4 +2019-08-25 21:00:00,4839.6 +2019-08-25 21:15:00,4786.8 +2019-08-25 21:30:00,4706.4 +2019-08-25 21:45:00,4633.6 +2019-08-25 22:00:00,4523.2 +2019-08-25 22:15:00,4446.0 +2019-08-25 22:30:00,4386.4 +2019-08-25 22:45:00,4324.0 +2019-08-25 23:00:00,4273.2 +2019-08-25 23:15:00,4226.8 +2019-08-25 23:30:00,4160.4 +2019-08-25 23:45:00,4127.6 +2019-08-26 00:00:00,4104.8 +2019-08-26 00:15:00,4075.2 +2019-08-26 00:30:00,4039.6 +2019-08-26 00:45:00,4018.0 +2019-08-26 01:00:00,3990.4 +2019-08-26 01:15:00,3968.8 +2019-08-26 01:30:00,3984.8 +2019-08-26 01:45:00,3975.2 +2019-08-26 02:00:00,3954.4 +2019-08-26 02:15:00,3970.0 +2019-08-26 02:30:00,3970.8 +2019-08-26 02:45:00,3996.8 +2019-08-26 03:00:00,4043.2 +2019-08-26 03:15:00,4080.0 +2019-08-26 03:30:00,4138.8 +2019-08-26 03:45:00,4204.0 +2019-08-26 04:00:00,4374.0 +2019-08-26 04:15:00,4463.6 +2019-08-26 04:30:00,4581.6 +2019-08-26 04:45:00,4761.2 +2019-08-26 05:00:00,5101.2 +2019-08-26 05:15:00,5300.0 +2019-08-26 05:30:00,5445.2 +2019-08-26 05:45:00,5580.4 +2019-08-26 06:00:00,5769.2 +2019-08-26 06:15:00,5886.0 +2019-08-26 06:30:00,6002.4 +2019-08-26 06:45:00,6118.8 +2019-08-26 07:00:00,6206.8 +2019-08-26 07:15:00,6287.6 +2019-08-26 07:30:00,6334.8 +2019-08-26 07:45:00,6382.0 +2019-08-26 08:00:00,6420.0 +2019-08-26 08:15:00,6470.0 +2019-08-26 08:30:00,6540.0 +2019-08-26 08:45:00,6566.8 +2019-08-26 09:00:00,6603.2 +2019-08-26 09:15:00,6639.6 +2019-08-26 09:30:00,6691.6 +2019-08-26 09:45:00,6739.6 +2019-08-26 10:00:00,6780.0 +2019-08-26 10:15:00,6835.2 +2019-08-26 10:30:00,6863.6 +2019-08-26 10:45:00,6869.6 +2019-08-26 11:00:00,6817.6 +2019-08-26 11:15:00,6799.6 +2019-08-26 11:30:00,6798.8 +2019-08-26 11:45:00,6817.2 +2019-08-26 12:00:00,6831.2 +2019-08-26 12:15:00,6814.0 +2019-08-26 12:30:00,6814.4 +2019-08-26 12:45:00,6743.6 +2019-08-26 13:00:00,6706.8 +2019-08-26 13:15:00,6700.8 +2019-08-26 13:30:00,6678.0 +2019-08-26 13:45:00,6636.8 +2019-08-26 14:00:00,6633.6 +2019-08-26 14:15:00,6621.6 +2019-08-26 14:30:00,6596.8 +2019-08-26 14:45:00,6545.2 +2019-08-26 15:00:00,6510.0 +2019-08-26 15:15:00,6466.8 +2019-08-26 15:30:00,6429.6 +2019-08-26 15:45:00,6420.8 +2019-08-26 16:00:00,6418.0 +2019-08-26 16:15:00,6424.8 +2019-08-26 16:30:00,6442.0 +2019-08-26 16:45:00,6447.2 +2019-08-26 17:00:00,6389.2 +2019-08-26 17:15:00,6342.4 +2019-08-26 17:30:00,6359.6 +2019-08-26 17:45:00,6337.6 +2019-08-26 18:00:00,6284.0 +2019-08-26 18:15:00,6210.8 +2019-08-26 18:30:00,6197.6 +2019-08-26 18:45:00,6162.0 +2019-08-26 19:00:00,6154.0 +2019-08-26 19:15:00,6109.2 +2019-08-26 19:30:00,6124.8 +2019-08-26 19:45:00,6106.0 +2019-08-26 20:00:00,6028.8 +2019-08-26 20:15:00,5950.0 +2019-08-26 20:30:00,5796.4 +2019-08-26 20:45:00,5708.4 +2019-08-26 21:00:00,5594.4 +2019-08-26 21:15:00,5492.4 +2019-08-26 21:30:00,5384.4 +2019-08-26 21:45:00,5289.6 +2019-08-26 22:00:00,5151.2 +2019-08-26 22:15:00,5077.2 +2019-08-26 22:30:00,4992.8 +2019-08-26 22:45:00,4923.2 +2019-08-26 23:00:00,4822.0 +2019-08-26 23:15:00,4773.2 +2019-08-26 23:30:00,4721.2 +2019-08-26 23:45:00,4658.4 +2019-08-27 00:00:00,4582.0 +2019-08-27 00:15:00,4593.2 +2019-08-27 00:30:00,4534.8 +2019-08-27 00:45:00,4535.2 +2019-08-27 01:00:00,4505.2 +2019-08-27 01:15:00,4503.6 +2019-08-27 01:30:00,4493.2 +2019-08-27 01:45:00,4504.8 +2019-08-27 02:00:00,4519.6 +2019-08-27 02:15:00,4526.4 +2019-08-27 02:30:00,4516.8 +2019-08-27 02:45:00,4514.0 +2019-08-27 03:00:00,4568.0 +2019-08-27 03:15:00,4575.2 +2019-08-27 03:30:00,4616.8 +2019-08-27 03:45:00,4680.4 +2019-08-27 04:00:00,4822.0 +2019-08-27 04:15:00,4915.2 +2019-08-27 04:30:00,5045.6 +2019-08-27 04:45:00,5174.8 +2019-08-27 05:00:00,5476.0 +2019-08-27 05:15:00,5614.8 +2019-08-27 05:30:00,5726.0 +2019-08-27 05:45:00,5842.8 +2019-08-27 06:00:00,6010.8 +2019-08-27 06:15:00,6130.8 +2019-08-27 06:30:00,6235.2 +2019-08-27 06:45:00,6308.0 +2019-08-27 07:00:00,6413.6 +2019-08-27 07:15:00,6480.0 +2019-08-27 07:30:00,6524.4 +2019-08-27 07:45:00,6573.6 +2019-08-27 08:00:00,6536.8 +2019-08-27 08:15:00,6585.2 +2019-08-27 08:30:00,6682.4 +2019-08-27 08:45:00,6729.2 +2019-08-27 09:00:00,6764.0 +2019-08-27 09:15:00,6785.6 +2019-08-27 09:30:00,6826.8 +2019-08-27 09:45:00,6866.4 +2019-08-27 10:00:00,6901.6 +2019-08-27 10:15:00,6970.8 +2019-08-27 10:30:00,7008.8 +2019-08-27 10:45:00,7034.8 +2019-08-27 11:00:00,6952.0 +2019-08-27 11:15:00,6944.8 +2019-08-27 11:30:00,6967.2 +2019-08-27 11:45:00,6963.6 +2019-08-27 12:00:00,6956.4 +2019-08-27 12:15:00,6947.6 +2019-08-27 12:30:00,6933.6 +2019-08-27 12:45:00,6884.8 +2019-08-27 13:00:00,6827.6 +2019-08-27 13:15:00,6818.8 +2019-08-27 13:30:00,6786.8 +2019-08-27 13:45:00,6781.2 +2019-08-27 14:00:00,6804.4 +2019-08-27 14:15:00,6730.8 +2019-08-27 14:30:00,6720.4 +2019-08-27 14:45:00,6702.0 +2019-08-27 15:00:00,6684.8 +2019-08-27 15:15:00,6626.0 +2019-08-27 15:30:00,6623.6 +2019-08-27 15:45:00,6591.2 +2019-08-27 16:00:00,6581.2 +2019-08-27 16:15:00,6568.8 +2019-08-27 16:30:00,6587.6 +2019-08-27 16:45:00,6589.6 +2019-08-27 17:00:00,6576.4 +2019-08-27 17:15:00,6533.2 +2019-08-27 17:30:00,6499.2 +2019-08-27 17:45:00,6510.4 +2019-08-27 18:00:00,6508.8 +2019-08-27 18:15:00,6464.0 +2019-08-27 18:30:00,6453.2 +2019-08-27 18:45:00,6439.2 +2019-08-27 19:00:00,6333.6 +2019-08-27 19:15:00,6293.6 +2019-08-27 19:30:00,6314.4 +2019-08-27 19:45:00,6280.4 +2019-08-27 20:00:00,6170.8 +2019-08-27 20:15:00,6066.0 +2019-08-27 20:30:00,5947.2 +2019-08-27 20:45:00,5799.6 +2019-08-27 21:00:00,5682.8 +2019-08-27 21:15:00,5578.0 +2019-08-27 21:30:00,5422.0 +2019-08-27 21:45:00,5342.8 +2019-08-27 22:00:00,5228.4 +2019-08-27 22:15:00,5156.8 +2019-08-27 22:30:00,5067.2 +2019-08-27 22:45:00,4987.6 +2019-08-27 23:00:00,4886.4 +2019-08-27 23:15:00,4838.0 +2019-08-27 23:30:00,4774.0 +2019-08-27 23:45:00,4730.4 +2019-08-28 00:00:00,4724.0 +2019-08-28 00:15:00,4698.4 +2019-08-28 00:30:00,4663.6 +2019-08-28 00:45:00,4632.8 +2019-08-28 01:00:00,4598.4 +2019-08-28 01:15:00,4595.2 +2019-08-28 01:30:00,4597.2 +2019-08-28 01:45:00,4593.6 +2019-08-28 02:00:00,4589.2 +2019-08-28 02:15:00,4596.4 +2019-08-28 02:30:00,4597.2 +2019-08-28 02:45:00,4594.0 +2019-08-28 03:00:00,4660.8 +2019-08-28 03:15:00,4687.6 +2019-08-28 03:30:00,4707.6 +2019-08-28 03:45:00,4736.4 +2019-08-28 04:00:00,4876.4 +2019-08-28 04:15:00,4968.0 +2019-08-28 04:30:00,5076.0 +2019-08-28 04:45:00,5238.0 +2019-08-28 05:00:00,5558.4 +2019-08-28 05:15:00,5718.8 +2019-08-28 05:30:00,5840.4 +2019-08-28 05:45:00,5960.8 +2019-08-28 06:00:00,6134.0 +2019-08-28 06:15:00,6226.4 +2019-08-28 06:30:00,6320.0 +2019-08-28 06:45:00,6409.2 +2019-08-28 07:00:00,6494.8 +2019-08-28 07:15:00,6544.8 +2019-08-28 07:30:00,6566.0 +2019-08-28 07:45:00,6617.2 +2019-08-28 08:00:00,6584.4 +2019-08-28 08:15:00,6655.2 +2019-08-28 08:30:00,6703.2 +2019-08-28 08:45:00,6758.4 +2019-08-28 09:00:00,6779.6 +2019-08-28 09:15:00,6820.0 +2019-08-28 09:30:00,6866.0 +2019-08-28 09:45:00,6912.8 +2019-08-28 10:00:00,6938.4 +2019-08-28 10:15:00,6965.2 +2019-08-28 10:30:00,6994.4 +2019-08-28 10:45:00,6985.6 +2019-08-28 11:00:00,6973.6 +2019-08-28 11:15:00,6975.2 +2019-08-28 11:30:00,6959.2 +2019-08-28 11:45:00,6982.0 +2019-08-28 12:00:00,6954.8 +2019-08-28 12:15:00,6920.8 +2019-08-28 12:30:00,6906.8 +2019-08-28 12:45:00,6864.4 +2019-08-28 13:00:00,6870.8 +2019-08-28 13:15:00,6857.6 +2019-08-28 13:30:00,6821.6 +2019-08-28 13:45:00,6815.2 +2019-08-28 14:00:00,6779.2 +2019-08-28 14:15:00,6729.6 +2019-08-28 14:30:00,6654.4 +2019-08-28 14:45:00,6614.4 +2019-08-28 15:00:00,6622.8 +2019-08-28 15:15:00,6576.4 +2019-08-28 15:30:00,6524.0 +2019-08-28 15:45:00,6490.4 +2019-08-28 16:00:00,6506.8 +2019-08-28 16:15:00,6496.8 +2019-08-28 16:30:00,6496.0 +2019-08-28 16:45:00,6511.2 +2019-08-28 17:00:00,6496.0 +2019-08-28 17:15:00,6500.4 +2019-08-28 17:30:00,6530.8 +2019-08-28 17:45:00,6513.2 +2019-08-28 18:00:00,6477.6 +2019-08-28 18:15:00,6415.2 +2019-08-28 18:30:00,6408.0 +2019-08-28 18:45:00,6398.4 +2019-08-28 19:00:00,6374.0 +2019-08-28 19:15:00,6357.6 +2019-08-28 19:30:00,6373.2 +2019-08-28 19:45:00,6362.4 +2019-08-28 20:00:00,6235.2 +2019-08-28 20:15:00,6106.0 +2019-08-28 20:30:00,5983.6 +2019-08-28 20:45:00,5864.8 +2019-08-28 21:00:00,5718.4 +2019-08-28 21:15:00,5609.6 +2019-08-28 21:30:00,5484.4 +2019-08-28 21:45:00,5367.6 +2019-08-28 22:00:00,5261.6 +2019-08-28 22:15:00,5159.6 +2019-08-28 22:30:00,5073.2 +2019-08-28 22:45:00,5002.0 +2019-08-28 23:00:00,4861.2 +2019-08-28 23:15:00,4822.0 +2019-08-28 23:30:00,4777.6 +2019-08-28 23:45:00,4725.2 +2019-08-29 00:00:00,4702.0 +2019-08-29 00:15:00,4672.0 +2019-08-29 00:30:00,4655.6 +2019-08-29 00:45:00,4612.8 +2019-08-29 01:00:00,4572.0 +2019-08-29 01:15:00,4579.6 +2019-08-29 01:30:00,4557.2 +2019-08-29 01:45:00,4537.6 +2019-08-29 02:00:00,4561.2 +2019-08-29 02:15:00,4575.6 +2019-08-29 02:30:00,4548.0 +2019-08-29 02:45:00,4575.2 +2019-08-29 03:00:00,4622.4 +2019-08-29 03:15:00,4634.4 +2019-08-29 03:30:00,4652.0 +2019-08-29 03:45:00,4679.2 +2019-08-29 04:00:00,4826.4 +2019-08-29 04:15:00,4914.0 +2019-08-29 04:30:00,4997.2 +2019-08-29 04:45:00,5165.6 +2019-08-29 05:00:00,5472.0 +2019-08-29 05:15:00,5662.0 +2019-08-29 05:30:00,5807.6 +2019-08-29 05:45:00,5904.0 +2019-08-29 06:00:00,6092.0 +2019-08-29 06:15:00,6188.0 +2019-08-29 06:30:00,6292.0 +2019-08-29 06:45:00,6365.6 +2019-08-29 07:00:00,6467.6 +2019-08-29 07:15:00,6532.8 +2019-08-29 07:30:00,6565.2 +2019-08-29 07:45:00,6586.0 +2019-08-29 08:00:00,6569.2 +2019-08-29 08:15:00,6608.8 +2019-08-29 08:30:00,6668.4 +2019-08-29 08:45:00,6700.8 +2019-08-29 09:00:00,6730.4 +2019-08-29 09:15:00,6769.2 +2019-08-29 09:30:00,6802.4 +2019-08-29 09:45:00,6849.6 +2019-08-29 10:00:00,6869.6 +2019-08-29 10:15:00,6884.8 +2019-08-29 10:30:00,6898.4 +2019-08-29 10:45:00,6890.8 +2019-08-29 11:00:00,6835.2 +2019-08-29 11:15:00,6817.6 +2019-08-29 11:30:00,6835.2 +2019-08-29 11:45:00,6841.2 +2019-08-29 12:00:00,6843.6 +2019-08-29 12:15:00,6805.2 +2019-08-29 12:30:00,6745.6 +2019-08-29 12:45:00,6706.0 +2019-08-29 13:00:00,6681.6 +2019-08-29 13:15:00,6679.6 +2019-08-29 13:30:00,6651.2 +2019-08-29 13:45:00,6621.6 +2019-08-29 14:00:00,6592.8 +2019-08-29 14:15:00,6549.2 +2019-08-29 14:30:00,6528.8 +2019-08-29 14:45:00,6490.8 +2019-08-29 15:00:00,6485.6 +2019-08-29 15:15:00,6436.0 +2019-08-29 15:30:00,6406.8 +2019-08-29 15:45:00,6380.4 +2019-08-29 16:00:00,6395.2 +2019-08-29 16:15:00,6394.0 +2019-08-29 16:30:00,6383.2 +2019-08-29 16:45:00,6355.2 +2019-08-29 17:00:00,6354.0 +2019-08-29 17:15:00,6305.2 +2019-08-29 17:30:00,6306.4 +2019-08-29 17:45:00,6314.8 +2019-08-29 18:00:00,6266.8 +2019-08-29 18:15:00,6217.2 +2019-08-29 18:30:00,6200.4 +2019-08-29 18:45:00,6176.8 +2019-08-29 19:00:00,6154.0 +2019-08-29 19:15:00,6142.0 +2019-08-29 19:30:00,6186.8 +2019-08-29 19:45:00,6156.4 +2019-08-29 20:00:00,6033.2 +2019-08-29 20:15:00,5933.2 +2019-08-29 20:30:00,5820.4 +2019-08-29 20:45:00,5692.8 +2019-08-29 21:00:00,5581.2 +2019-08-29 21:15:00,5471.6 +2019-08-29 21:30:00,5350.8 +2019-08-29 21:45:00,5259.6 +2019-08-29 22:00:00,5112.0 +2019-08-29 22:15:00,5017.6 +2019-08-29 22:30:00,4947.6 +2019-08-29 22:45:00,4902.8 +2019-08-29 23:00:00,4764.0 +2019-08-29 23:15:00,4711.2 +2019-08-29 23:30:00,4684.0 +2019-08-29 23:45:00,4635.6 +2019-08-30 00:00:00,4589.2 +2019-08-30 00:15:00,4530.4 +2019-08-30 00:30:00,4512.0 +2019-08-30 00:45:00,4478.0 +2019-08-30 01:00:00,4438.8 +2019-08-30 01:15:00,4403.2 +2019-08-30 01:30:00,4424.0 +2019-08-30 01:45:00,4419.6 +2019-08-30 02:00:00,4420.8 +2019-08-30 02:15:00,4429.2 +2019-08-30 02:30:00,4433.2 +2019-08-30 02:45:00,4446.0 +2019-08-30 03:00:00,4469.2 +2019-08-30 03:15:00,4506.0 +2019-08-30 03:30:00,4525.6 +2019-08-30 03:45:00,4588.4 +2019-08-30 04:00:00,4725.6 +2019-08-30 04:15:00,4799.2 +2019-08-30 04:30:00,4906.0 +2019-08-30 04:45:00,5033.2 +2019-08-30 05:00:00,5346.8 +2019-08-30 05:15:00,5552.8 +2019-08-30 05:30:00,5700.4 +2019-08-30 05:45:00,5826.8 +2019-08-30 06:00:00,5973.2 +2019-08-30 06:15:00,6105.2 +2019-08-30 06:30:00,6202.0 +2019-08-30 06:45:00,6286.4 +2019-08-30 07:00:00,6406.4 +2019-08-30 07:15:00,6467.2 +2019-08-30 07:30:00,6512.8 +2019-08-30 07:45:00,6550.4 +2019-08-30 08:00:00,6505.2 +2019-08-30 08:15:00,6532.8 +2019-08-30 08:30:00,6588.8 +2019-08-30 08:45:00,6638.8 +2019-08-30 09:00:00,6628.4 +2019-08-30 09:15:00,6620.0 +2019-08-30 09:30:00,6676.0 +2019-08-30 09:45:00,6710.0 +2019-08-30 10:00:00,6732.8 +2019-08-30 10:15:00,6753.2 +2019-08-30 10:30:00,6775.2 +2019-08-30 10:45:00,6777.2 +2019-08-30 11:00:00,6695.2 +2019-08-30 11:15:00,6663.6 +2019-08-30 11:30:00,6661.2 +2019-08-30 11:45:00,6678.4 +2019-08-30 12:00:00,6659.2 +2019-08-30 12:15:00,6596.4 +2019-08-30 12:30:00,6565.6 +2019-08-30 12:45:00,6489.2 +2019-08-30 13:00:00,6481.6 +2019-08-30 13:15:00,6469.6 +2019-08-30 13:30:00,6429.6 +2019-08-30 13:45:00,6411.6 +2019-08-30 14:00:00,6390.0 +2019-08-30 14:15:00,6356.4 +2019-08-30 14:30:00,6316.0 +2019-08-30 14:45:00,6275.6 +2019-08-30 15:00:00,6292.0 +2019-08-30 15:15:00,6266.4 +2019-08-30 15:30:00,6228.4 +2019-08-30 15:45:00,6202.0 +2019-08-30 16:00:00,6207.2 +2019-08-30 16:15:00,6186.8 +2019-08-30 16:30:00,6156.4 +2019-08-30 16:45:00,6152.0 +2019-08-30 17:00:00,6134.0 +2019-08-30 17:15:00,6104.0 +2019-08-30 17:30:00,6080.0 +2019-08-30 17:45:00,6069.6 +2019-08-30 18:00:00,6044.8 +2019-08-30 18:15:00,5994.4 +2019-08-30 18:30:00,5969.2 +2019-08-30 18:45:00,5949.2 +2019-08-30 19:00:00,5889.6 +2019-08-30 19:15:00,5889.6 +2019-08-30 19:30:00,5876.8 +2019-08-30 19:45:00,5862.0 +2019-08-30 20:00:00,5757.6 +2019-08-30 20:15:00,5665.6 +2019-08-30 20:30:00,5539.2 +2019-08-30 20:45:00,5430.4 +2019-08-30 21:00:00,5272.4 +2019-08-30 21:15:00,5185.6 +2019-08-30 21:30:00,5099.2 +2019-08-30 21:45:00,5009.6 +2019-08-30 22:00:00,4885.2 +2019-08-30 22:15:00,4825.6 +2019-08-30 22:30:00,4735.6 +2019-08-30 22:45:00,4673.6 +2019-08-30 23:00:00,4508.8 +2019-08-30 23:15:00,4462.4 +2019-08-30 23:30:00,4440.4 +2019-08-30 23:45:00,4388.0 +2019-08-31 00:00:00,4316.8 +2019-08-31 00:15:00,4284.8 +2019-08-31 00:30:00,4221.6 +2019-08-31 00:45:00,4186.0 +2019-08-31 01:00:00,4150.0 +2019-08-31 01:15:00,4097.6 +2019-08-31 01:30:00,4083.6 +2019-08-31 01:45:00,4071.6 +2019-08-31 02:00:00,4073.6 +2019-08-31 02:15:00,4050.8 +2019-08-31 02:30:00,4033.6 +2019-08-31 02:45:00,4016.4 +2019-08-31 03:00:00,4022.8 +2019-08-31 03:15:00,4024.8 +2019-08-31 03:30:00,4017.2 +2019-08-31 03:45:00,4036.8 +2019-08-31 04:00:00,4098.0 +2019-08-31 04:15:00,4108.4 +2019-08-31 04:30:00,4112.8 +2019-08-31 04:45:00,4176.0 +2019-08-31 05:00:00,4263.6 +2019-08-31 05:15:00,4291.6 +2019-08-31 05:30:00,4300.4 +2019-08-31 05:45:00,4336.0 +2019-08-31 06:00:00,4464.0 +2019-08-31 06:15:00,4524.8 +2019-08-31 06:30:00,4609.6 +2019-08-31 06:45:00,4728.8 +2019-08-31 07:00:00,4838.4 +2019-08-31 07:15:00,4950.0 +2019-08-31 07:30:00,5005.6 +2019-08-31 07:45:00,5101.2 +2019-08-31 08:00:00,5177.2 +2019-08-31 08:15:00,5250.4 +2019-08-31 08:30:00,5336.8 +2019-08-31 08:45:00,5386.0 +2019-08-31 09:00:00,5398.8 +2019-08-31 09:15:00,5432.4 +2019-08-31 09:30:00,5488.8 +2019-08-31 09:45:00,5485.6 +2019-08-31 10:00:00,5499.6 +2019-08-31 10:15:00,5548.0 +2019-08-31 10:30:00,5573.2 +2019-08-31 10:45:00,5580.8 +2019-08-31 11:00:00,5576.0 +2019-08-31 11:15:00,5569.2 +2019-08-31 11:30:00,5551.6 +2019-08-31 11:45:00,5496.8 +2019-08-31 12:00:00,5486.8 +2019-08-31 12:15:00,5472.8 +2019-08-31 12:30:00,5483.6 +2019-08-31 12:45:00,5426.8 +2019-08-31 13:00:00,5443.6 +2019-08-31 13:15:00,5419.2 +2019-08-31 13:30:00,5361.6 +2019-08-31 13:45:00,5360.4 +2019-08-31 14:00:00,5344.8 +2019-08-31 14:15:00,5326.0 +2019-08-31 14:30:00,5309.6 +2019-08-31 14:45:00,5260.4 +2019-08-31 15:00:00,5265.6 +2019-08-31 15:15:00,5261.2 +2019-08-31 15:30:00,5181.6 +2019-08-31 15:45:00,5190.0 +2019-08-31 16:00:00,5207.2 +2019-08-31 16:15:00,5242.4 +2019-08-31 16:30:00,5230.0 +2019-08-31 16:45:00,5218.4 +2019-08-31 17:00:00,5263.2 +2019-08-31 17:15:00,5229.6 +2019-08-31 17:30:00,5206.4 +2019-08-31 17:45:00,5181.6 +2019-08-31 18:00:00,5171.6 +2019-08-31 18:15:00,5131.2 +2019-08-31 18:30:00,5123.6 +2019-08-31 18:45:00,5105.6 +2019-08-31 19:00:00,5096.0 +2019-08-31 19:15:00,5109.6 +2019-08-31 19:30:00,5084.8 +2019-08-31 19:45:00,5081.2 +2019-08-31 20:00:00,5018.0 +2019-08-31 20:15:00,4934.0 +2019-08-31 20:30:00,4894.8 +2019-08-31 20:45:00,4862.0 +2019-08-31 21:00:00,4817.6 +2019-08-31 21:15:00,4772.0 +2019-08-31 21:30:00,4727.2 +2019-08-31 21:45:00,4712.4 +2019-08-31 22:00:00,4652.8 +2019-08-31 22:15:00,4591.2 +2019-08-31 22:30:00,4570.8 +2019-08-31 22:45:00,4529.6 +2019-08-31 23:00:00,4436.8 +2019-08-31 23:15:00,4392.8 +2019-08-31 23:30:00,4328.4 +2019-08-31 23:45:00,4292.4 +2019-09-01 00:00:00,4200.0 +2019-09-01 00:15:00,4144.0 +2019-09-01 00:30:00,4102.8 +2019-09-01 00:45:00,4044.0 +2019-09-01 01:00:00,3985.6 +2019-09-01 01:15:00,3940.4 +2019-09-01 01:30:00,3900.4 +2019-09-01 01:45:00,3919.2 +2019-09-01 02:00:00,3880.8 +2019-09-01 02:15:00,3882.8 +2019-09-01 02:30:00,3848.8 +2019-09-01 02:45:00,3829.2 +2019-09-01 03:00:00,3842.0 +2019-09-01 03:15:00,3837.6 +2019-09-01 03:30:00,3854.8 +2019-09-01 03:45:00,3845.2 +2019-09-01 04:00:00,3854.0 +2019-09-01 04:15:00,3852.8 +2019-09-01 04:30:00,3864.0 +2019-09-01 04:45:00,3857.6 +2019-09-01 05:00:00,3918.4 +2019-09-01 05:15:00,3917.2 +2019-09-01 05:30:00,3940.8 +2019-09-01 05:45:00,3921.2 +2019-09-01 06:00:00,3984.8 +2019-09-01 06:15:00,4033.6 +2019-09-01 06:30:00,4100.0 +2019-09-01 06:45:00,4112.8 +2019-09-01 07:00:00,4207.6 +2019-09-01 07:15:00,4287.2 +2019-09-01 07:30:00,4392.8 +2019-09-01 07:45:00,4462.4 +2019-09-01 08:00:00,4526.8 +2019-09-01 08:15:00,4566.4 +2019-09-01 08:30:00,4674.0 +2019-09-01 08:45:00,4742.8 +2019-09-01 09:00:00,4769.6 +2019-09-01 09:15:00,4826.0 +2019-09-01 09:30:00,4845.2 +2019-09-01 09:45:00,4915.2 +2019-09-01 10:00:00,4948.8 +2019-09-01 10:15:00,4993.2 +2019-09-01 10:30:00,5060.0 +2019-09-01 10:45:00,5118.0 +2019-09-01 11:00:00,5084.8 +2019-09-01 11:15:00,5048.4 +2019-09-01 11:30:00,5037.6 +2019-09-01 11:45:00,5019.2 +2019-09-01 12:00:00,5000.0 +2019-09-01 12:15:00,4967.2 +2019-09-01 12:30:00,4970.0 +2019-09-01 12:45:00,4920.0 +2019-09-01 13:00:00,4880.8 +2019-09-01 13:15:00,4842.4 +2019-09-01 13:30:00,4817.2 +2019-09-01 13:45:00,4761.6 +2019-09-01 14:00:00,4733.2 +2019-09-01 14:15:00,4700.8 +2019-09-01 14:30:00,4644.4 +2019-09-01 14:45:00,4621.6 +2019-09-01 15:00:00,4698.0 +2019-09-01 15:15:00,4706.8 +2019-09-01 15:30:00,4679.6 +2019-09-01 15:45:00,4693.6 +2019-09-01 16:00:00,4740.8 +2019-09-01 16:15:00,4786.0 +2019-09-01 16:30:00,4788.8 +2019-09-01 16:45:00,4854.4 +2019-09-01 17:00:00,4861.2 +2019-09-01 17:15:00,4894.8 +2019-09-01 17:30:00,4898.8 +2019-09-01 17:45:00,4874.8 +2019-09-01 18:00:00,4843.2 +2019-09-01 18:15:00,4843.6 +2019-09-01 18:30:00,4889.6 +2019-09-01 18:45:00,4867.2 +2019-09-01 19:00:00,4909.2 +2019-09-01 19:15:00,4951.6 +2019-09-01 19:30:00,4930.0 +2019-09-01 19:45:00,4882.8 +2019-09-01 20:00:00,4809.2 +2019-09-01 20:15:00,4754.0 +2019-09-01 20:30:00,4708.8 +2019-09-01 20:45:00,4647.6 +2019-09-01 21:00:00,4656.4 +2019-09-01 21:15:00,4579.2 +2019-09-01 21:30:00,4509.6 +2019-09-01 21:45:00,4444.0 +2019-09-01 22:00:00,4343.6 +2019-09-01 22:15:00,4295.2 +2019-09-01 22:30:00,4226.8 +2019-09-01 22:45:00,4169.6 +2019-09-01 23:00:00,4116.4 +2019-09-01 23:15:00,4067.2 +2019-09-01 23:30:00,4051.6 +2019-09-01 23:45:00,4033.6 +2019-09-02 00:00:00,4020.8 +2019-09-02 00:15:00,3976.8 +2019-09-02 00:30:00,3937.2 +2019-09-02 00:45:00,3930.4 +2019-09-02 01:00:00,3928.8 +2019-09-02 01:15:00,3923.2 +2019-09-02 01:30:00,3932.4 +2019-09-02 01:45:00,3930.8 +2019-09-02 02:00:00,3945.2 +2019-09-02 02:15:00,3937.2 +2019-09-02 02:30:00,3949.6 +2019-09-02 02:45:00,3994.8 +2019-09-02 03:00:00,4086.4 +2019-09-02 03:15:00,4124.8 +2019-09-02 03:30:00,4172.0 +2019-09-02 03:45:00,4212.0 +2019-09-02 04:00:00,4319.6 +2019-09-02 04:15:00,4440.8 +2019-09-02 04:30:00,4588.0 +2019-09-02 04:45:00,4785.2 +2019-09-02 05:00:00,5138.4 +2019-09-02 05:15:00,5318.0 +2019-09-02 05:30:00,5433.2 +2019-09-02 05:45:00,5542.4 +2019-09-02 06:00:00,5733.6 +2019-09-02 06:15:00,5828.4 +2019-09-02 06:30:00,5914.0 +2019-09-02 06:45:00,6011.2 +2019-09-02 07:00:00,6067.6 +2019-09-02 07:15:00,6096.4 +2019-09-02 07:30:00,6163.6 +2019-09-02 07:45:00,6215.2 +2019-09-02 08:00:00,6191.6 +2019-09-02 08:15:00,6218.0 +2019-09-02 08:30:00,6285.2 +2019-09-02 08:45:00,6318.0 +2019-09-02 09:00:00,6336.8 +2019-09-02 09:15:00,6368.0 +2019-09-02 09:30:00,6415.2 +2019-09-02 09:45:00,6479.6 +2019-09-02 10:00:00,6532.0 +2019-09-02 10:15:00,6581.6 +2019-09-02 10:30:00,6608.4 +2019-09-02 10:45:00,6705.2 +2019-09-02 11:00:00,6623.2 +2019-09-02 11:15:00,6588.8 +2019-09-02 11:30:00,6616.0 +2019-09-02 11:45:00,6577.6 +2019-09-02 12:00:00,6596.0 +2019-09-02 12:15:00,6611.6 +2019-09-02 12:30:00,6586.8 +2019-09-02 12:45:00,6531.6 +2019-09-02 13:00:00,6499.2 +2019-09-02 13:15:00,6479.2 +2019-09-02 13:30:00,6472.4 +2019-09-02 13:45:00,6413.6 +2019-09-02 14:00:00,6382.0 +2019-09-02 14:15:00,6331.6 +2019-09-02 14:30:00,6274.8 +2019-09-02 14:45:00,6265.2 +2019-09-02 15:00:00,6229.6 +2019-09-02 15:15:00,6212.0 +2019-09-02 15:30:00,6176.4 +2019-09-02 15:45:00,6132.8 +2019-09-02 16:00:00,6147.2 +2019-09-02 16:15:00,6129.2 +2019-09-02 16:30:00,6112.4 +2019-09-02 16:45:00,6131.6 +2019-09-02 17:00:00,6126.8 +2019-09-02 17:15:00,6096.0 +2019-09-02 17:30:00,6094.0 +2019-09-02 17:45:00,6137.2 +2019-09-02 18:00:00,6144.0 +2019-09-02 18:15:00,6103.6 +2019-09-02 18:30:00,6101.2 +2019-09-02 18:45:00,6068.4 +2019-09-02 19:00:00,6074.0 +2019-09-02 19:15:00,6068.4 +2019-09-02 19:30:00,6085.2 +2019-09-02 19:45:00,6000.8 +2019-09-02 20:00:00,5906.0 +2019-09-02 20:15:00,5787.6 +2019-09-02 20:30:00,5696.0 +2019-09-02 20:45:00,5558.0 +2019-09-02 21:00:00,5409.2 +2019-09-02 21:15:00,5298.8 +2019-09-02 21:30:00,5183.6 +2019-09-02 21:45:00,5102.0 +2019-09-02 22:00:00,4945.6 +2019-09-02 22:15:00,4848.4 +2019-09-02 22:30:00,4813.2 +2019-09-02 22:45:00,4744.8 +2019-09-02 23:00:00,4595.6 +2019-09-02 23:15:00,4523.2 +2019-09-02 23:30:00,4474.0 +2019-09-02 23:45:00,4460.4 +2019-09-03 00:00:00,4422.4 +2019-09-03 00:15:00,4419.2 +2019-09-03 00:30:00,4386.8 +2019-09-03 00:45:00,4380.4 +2019-09-03 01:00:00,4384.0 +2019-09-03 01:15:00,4360.4 +2019-09-03 01:30:00,4356.4 +2019-09-03 01:45:00,4381.2 +2019-09-03 02:00:00,4389.6 +2019-09-03 02:15:00,4400.4 +2019-09-03 02:30:00,4396.0 +2019-09-03 02:45:00,4406.8 +2019-09-03 03:00:00,4439.2 +2019-09-03 03:15:00,4452.0 +2019-09-03 03:30:00,4530.4 +2019-09-03 03:45:00,4568.8 +2019-09-03 04:00:00,4722.0 +2019-09-03 04:15:00,4822.0 +2019-09-03 04:30:00,4947.2 +2019-09-03 04:45:00,5100.4 +2019-09-03 05:00:00,5460.0 +2019-09-03 05:15:00,5675.6 +2019-09-03 05:30:00,5783.2 +2019-09-03 05:45:00,5881.2 +2019-09-03 06:00:00,6040.8 +2019-09-03 06:15:00,6149.2 +2019-09-03 06:30:00,6250.4 +2019-09-03 06:45:00,6307.2 +2019-09-03 07:00:00,6343.6 +2019-09-03 07:15:00,6396.0 +2019-09-03 07:30:00,6422.4 +2019-09-03 07:45:00,6411.6 +2019-09-03 08:00:00,6324.0 +2019-09-03 08:15:00,6391.2 +2019-09-03 08:30:00,6455.2 +2019-09-03 08:45:00,6506.8 +2019-09-03 09:00:00,6508.0 +2019-09-03 09:15:00,6552.0 +2019-09-03 09:30:00,6640.0 +2019-09-03 09:45:00,6708.4 +2019-09-03 10:00:00,6716.8 +2019-09-03 10:15:00,6745.2 +2019-09-03 10:30:00,6773.6 +2019-09-03 10:45:00,6825.2 +2019-09-03 11:00:00,6771.6 +2019-09-03 11:15:00,6748.4 +2019-09-03 11:30:00,6781.6 +2019-09-03 11:45:00,6760.4 +2019-09-03 12:00:00,6762.8 +2019-09-03 12:15:00,6722.4 +2019-09-03 12:30:00,6686.4 +2019-09-03 12:45:00,6636.4 +2019-09-03 13:00:00,6625.2 +2019-09-03 13:15:00,6623.2 +2019-09-03 13:30:00,6584.8 +2019-09-03 13:45:00,6574.8 +2019-09-03 14:00:00,6567.6 +2019-09-03 14:15:00,6519.2 +2019-09-03 14:30:00,6455.6 +2019-09-03 14:45:00,6406.4 +2019-09-03 15:00:00,6383.2 +2019-09-03 15:15:00,6365.2 +2019-09-03 15:30:00,6300.4 +2019-09-03 15:45:00,6281.6 +2019-09-03 16:00:00,6298.8 +2019-09-03 16:15:00,6303.6 +2019-09-03 16:30:00,6284.8 +2019-09-03 16:45:00,6266.4 +2019-09-03 17:00:00,6252.8 +2019-09-03 17:15:00,6224.8 +2019-09-03 17:30:00,6210.8 +2019-09-03 17:45:00,6218.4 +2019-09-03 18:00:00,6178.8 +2019-09-03 18:15:00,6146.8 +2019-09-03 18:30:00,6109.2 +2019-09-03 18:45:00,6107.6 +2019-09-03 19:00:00,6114.4 +2019-09-03 19:15:00,6135.2 +2019-09-03 19:30:00,6116.4 +2019-09-03 19:45:00,6034.4 +2019-09-03 20:00:00,5908.4 +2019-09-03 20:15:00,5812.4 +2019-09-03 20:30:00,5696.4 +2019-09-03 20:45:00,5588.0 +2019-09-03 21:00:00,5452.0 +2019-09-03 21:15:00,5353.6 +2019-09-03 21:30:00,5242.8 +2019-09-03 21:45:00,5130.4 +2019-09-03 22:00:00,5030.0 +2019-09-03 22:15:00,4942.0 +2019-09-03 22:30:00,4861.2 +2019-09-03 22:45:00,4797.2 +2019-09-03 23:00:00,4683.2 +2019-09-03 23:15:00,4630.8 +2019-09-03 23:30:00,4565.2 +2019-09-03 23:45:00,4528.0 +2019-09-04 00:00:00,4486.0 +2019-09-04 00:15:00,4470.8 +2019-09-04 00:30:00,4443.2 +2019-09-04 00:45:00,4427.2 +2019-09-04 01:00:00,4365.2 +2019-09-04 01:15:00,4346.0 +2019-09-04 01:30:00,4345.6 +2019-09-04 01:45:00,4358.8 +2019-09-04 02:00:00,4361.2 +2019-09-04 02:15:00,4355.6 +2019-09-04 02:30:00,4368.0 +2019-09-04 02:45:00,4378.4 +2019-09-04 03:00:00,4414.0 +2019-09-04 03:15:00,4428.0 +2019-09-04 03:30:00,4484.0 +2019-09-04 03:45:00,4543.2 +2019-09-04 04:00:00,4698.8 +2019-09-04 04:15:00,4791.2 +2019-09-04 04:30:00,4888.0 +2019-09-04 04:45:00,5034.8 +2019-09-04 05:00:00,5372.8 +2019-09-04 05:15:00,5573.6 +2019-09-04 05:30:00,5682.4 +2019-09-04 05:45:00,5815.2 +2019-09-04 06:00:00,5976.8 +2019-09-04 06:15:00,6052.0 +2019-09-04 06:30:00,6130.0 +2019-09-04 06:45:00,6216.0 +2019-09-04 07:00:00,6298.8 +2019-09-04 07:15:00,6358.8 +2019-09-04 07:30:00,6374.8 +2019-09-04 07:45:00,6403.6 +2019-09-04 08:00:00,6383.6 +2019-09-04 08:15:00,6431.2 +2019-09-04 08:30:00,6501.2 +2019-09-04 08:45:00,6525.6 +2019-09-04 09:00:00,6531.6 +2019-09-04 09:15:00,6580.4 +2019-09-04 09:30:00,6648.0 +2019-09-04 09:45:00,6688.0 +2019-09-04 10:00:00,6702.8 +2019-09-04 10:15:00,6733.2 +2019-09-04 10:30:00,6757.2 +2019-09-04 10:45:00,6772.4 +2019-09-04 11:00:00,6710.8 +2019-09-04 11:15:00,6673.6 +2019-09-04 11:30:00,6694.0 +2019-09-04 11:45:00,6690.4 +2019-09-04 12:00:00,6659.6 +2019-09-04 12:15:00,6611.6 +2019-09-04 12:30:00,6600.0 +2019-09-04 12:45:00,6547.2 +2019-09-04 13:00:00,6526.8 +2019-09-04 13:15:00,6529.2 +2019-09-04 13:30:00,6519.2 +2019-09-04 13:45:00,6489.2 +2019-09-04 14:00:00,6482.4 +2019-09-04 14:15:00,6413.6 +2019-09-04 14:30:00,6378.8 +2019-09-04 14:45:00,6348.8 +2019-09-04 15:00:00,6312.4 +2019-09-04 15:15:00,6278.4 +2019-09-04 15:30:00,6239.6 +2019-09-04 15:45:00,6227.2 +2019-09-04 16:00:00,6256.0 +2019-09-04 16:15:00,6221.2 +2019-09-04 16:30:00,6238.0 +2019-09-04 16:45:00,6251.2 +2019-09-04 17:00:00,6233.6 +2019-09-04 17:15:00,6202.0 +2019-09-04 17:30:00,6208.0 +2019-09-04 17:45:00,6210.4 +2019-09-04 18:00:00,6209.2 +2019-09-04 18:15:00,6190.0 +2019-09-04 18:30:00,6171.6 +2019-09-04 18:45:00,6175.2 +2019-09-04 19:00:00,6161.6 +2019-09-04 19:15:00,6134.8 +2019-09-04 19:30:00,6103.6 +2019-09-04 19:45:00,6011.2 +2019-09-04 20:00:00,5914.0 +2019-09-04 20:15:00,5838.4 +2019-09-04 20:30:00,5734.0 +2019-09-04 20:45:00,5618.8 +2019-09-04 21:00:00,5473.6 +2019-09-04 21:15:00,5378.8 +2019-09-04 21:30:00,5247.2 +2019-09-04 21:45:00,5159.2 +2019-09-04 22:00:00,5042.0 +2019-09-04 22:15:00,4957.2 +2019-09-04 22:30:00,4932.8 +2019-09-04 22:45:00,4857.6 +2019-09-04 23:00:00,4805.6 +2019-09-04 23:15:00,4730.0 +2019-09-04 23:30:00,4670.4 +2019-09-04 23:45:00,4618.8 +2019-09-05 00:00:00,4575.6 +2019-09-05 00:15:00,4520.4 +2019-09-05 00:30:00,4524.8 +2019-09-05 00:45:00,4502.4 +2019-09-05 01:00:00,4494.0 +2019-09-05 01:15:00,4464.4 +2019-09-05 01:30:00,4478.8 +2019-09-05 01:45:00,4494.0 +2019-09-05 02:00:00,4492.8 +2019-09-05 02:15:00,4494.4 +2019-09-05 02:30:00,4516.0 +2019-09-05 02:45:00,4514.4 +2019-09-05 03:00:00,4560.8 +2019-09-05 03:15:00,4594.4 +2019-09-05 03:30:00,4631.2 +2019-09-05 03:45:00,4676.8 +2019-09-05 04:00:00,4830.4 +2019-09-05 04:15:00,4922.4 +2019-09-05 04:30:00,5015.6 +2019-09-05 04:45:00,5191.6 +2019-09-05 05:00:00,5513.6 +2019-09-05 05:15:00,5714.4 +2019-09-05 05:30:00,5820.4 +2019-09-05 05:45:00,5931.2 +2019-09-05 06:00:00,6080.8 +2019-09-05 06:15:00,6178.8 +2019-09-05 06:30:00,6262.0 +2019-09-05 06:45:00,6326.8 +2019-09-05 07:00:00,6414.8 +2019-09-05 07:15:00,6476.8 +2019-09-05 07:30:00,6504.4 +2019-09-05 07:45:00,6577.6 +2019-09-05 08:00:00,6537.6 +2019-09-05 08:15:00,6592.0 +2019-09-05 08:30:00,6668.8 +2019-09-05 08:45:00,6692.4 +2019-09-05 09:00:00,6685.2 +2019-09-05 09:15:00,6736.4 +2019-09-05 09:30:00,6798.8 +2019-09-05 09:45:00,6844.4 +2019-09-05 10:00:00,6860.4 +2019-09-05 10:15:00,6936.8 +2019-09-05 10:30:00,6938.8 +2019-09-05 10:45:00,6968.0 +2019-09-05 11:00:00,6884.8 +2019-09-05 11:15:00,6832.0 +2019-09-05 11:30:00,6878.0 +2019-09-05 11:45:00,6889.6 +2019-09-05 12:00:00,6843.6 +2019-09-05 12:15:00,6837.6 +2019-09-05 12:30:00,6850.8 +2019-09-05 12:45:00,6791.2 +2019-09-05 13:00:00,6774.4 +2019-09-05 13:15:00,6777.6 +2019-09-05 13:30:00,6735.2 +2019-09-05 13:45:00,6693.2 +2019-09-05 14:00:00,6668.8 +2019-09-05 14:15:00,6646.4 +2019-09-05 14:30:00,6616.4 +2019-09-05 14:45:00,6563.2 +2019-09-05 15:00:00,6547.2 +2019-09-05 15:15:00,6478.4 +2019-09-05 15:30:00,6434.0 +2019-09-05 15:45:00,6437.6 +2019-09-05 16:00:00,6433.6 +2019-09-05 16:15:00,6448.8 +2019-09-05 16:30:00,6449.2 +2019-09-05 16:45:00,6461.6 +2019-09-05 17:00:00,6460.0 +2019-09-05 17:15:00,6421.2 +2019-09-05 17:30:00,6386.8 +2019-09-05 17:45:00,6380.4 +2019-09-05 18:00:00,6372.8 +2019-09-05 18:15:00,6338.8 +2019-09-05 18:30:00,6322.8 +2019-09-05 18:45:00,6326.4 +2019-09-05 19:00:00,6311.2 +2019-09-05 19:15:00,6274.8 +2019-09-05 19:30:00,6260.0 +2019-09-05 19:45:00,6166.4 +2019-09-05 20:00:00,6066.4 +2019-09-05 20:15:00,5958.4 +2019-09-05 20:30:00,5817.6 +2019-09-05 20:45:00,5710.8 +2019-09-05 21:00:00,5568.0 +2019-09-05 21:15:00,5445.2 +2019-09-05 21:30:00,5323.6 +2019-09-05 21:45:00,5222.0 +2019-09-05 22:00:00,5094.0 +2019-09-05 22:15:00,5008.8 +2019-09-05 22:30:00,4951.2 +2019-09-05 22:45:00,4877.2 +2019-09-05 23:00:00,4764.8 +2019-09-05 23:15:00,4724.0 +2019-09-05 23:30:00,4691.6 +2019-09-05 23:45:00,4660.4 +2019-09-06 00:00:00,4625.2 +2019-09-06 00:15:00,4613.2 +2019-09-06 00:30:00,4581.2 +2019-09-06 00:45:00,4542.8 +2019-09-06 01:00:00,4504.4 +2019-09-06 01:15:00,4485.6 +2019-09-06 01:30:00,4487.2 +2019-09-06 01:45:00,4514.8 +2019-09-06 02:00:00,4482.4 +2019-09-06 02:15:00,4499.2 +2019-09-06 02:30:00,4496.8 +2019-09-06 02:45:00,4526.8 +2019-09-06 03:00:00,4580.0 +2019-09-06 03:15:00,4604.0 +2019-09-06 03:30:00,4649.6 +2019-09-06 03:45:00,4708.8 +2019-09-06 04:00:00,4833.6 +2019-09-06 04:15:00,4920.4 +2019-09-06 04:30:00,5017.2 +2019-09-06 04:45:00,5166.8 +2019-09-06 05:00:00,5454.8 +2019-09-06 05:15:00,5636.4 +2019-09-06 05:30:00,5771.2 +2019-09-06 05:45:00,5898.4 +2019-09-06 06:00:00,6039.2 +2019-09-06 06:15:00,6136.4 +2019-09-06 06:30:00,6214.4 +2019-09-06 06:45:00,6317.6 +2019-09-06 07:00:00,6421.2 +2019-09-06 07:15:00,6438.4 +2019-09-06 07:30:00,6473.2 +2019-09-06 07:45:00,6516.8 +2019-09-06 08:00:00,6486.4 +2019-09-06 08:15:00,6484.0 +2019-09-06 08:30:00,6528.0 +2019-09-06 08:45:00,6568.4 +2019-09-06 09:00:00,6584.4 +2019-09-06 09:15:00,6603.6 +2019-09-06 09:30:00,6648.8 +2019-09-06 09:45:00,6678.0 +2019-09-06 10:00:00,6672.0 +2019-09-06 10:15:00,6696.8 +2019-09-06 10:30:00,6715.2 +2019-09-06 10:45:00,6719.2 +2019-09-06 11:00:00,6665.2 +2019-09-06 11:15:00,6655.2 +2019-09-06 11:30:00,6643.6 +2019-09-06 11:45:00,6592.4 +2019-09-06 12:00:00,6538.8 +2019-09-06 12:15:00,6504.8 +2019-09-06 12:30:00,6473.6 +2019-09-06 12:45:00,6397.2 +2019-09-06 13:00:00,6377.2 +2019-09-06 13:15:00,6342.8 +2019-09-06 13:30:00,6293.6 +2019-09-06 13:45:00,6252.8 +2019-09-06 14:00:00,6239.6 +2019-09-06 14:15:00,6213.6 +2019-09-06 14:30:00,6168.0 +2019-09-06 14:45:00,6164.0 +2019-09-06 15:00:00,6152.0 +2019-09-06 15:15:00,6099.6 +2019-09-06 15:30:00,6084.4 +2019-09-06 15:45:00,6080.0 +2019-09-06 16:00:00,6106.8 +2019-09-06 16:15:00,6071.6 +2019-09-06 16:30:00,6076.0 +2019-09-06 16:45:00,6079.2 +2019-09-06 17:00:00,6054.0 +2019-09-06 17:15:00,6003.6 +2019-09-06 17:30:00,6000.4 +2019-09-06 17:45:00,6010.8 +2019-09-06 18:00:00,6013.6 +2019-09-06 18:15:00,5966.4 +2019-09-06 18:30:00,5933.2 +2019-09-06 18:45:00,5947.2 +2019-09-06 19:00:00,5952.0 +2019-09-06 19:15:00,5924.4 +2019-09-06 19:30:00,5837.2 +2019-09-06 19:45:00,5750.8 +2019-09-06 20:00:00,5626.4 +2019-09-06 20:15:00,5500.4 +2019-09-06 20:30:00,5402.4 +2019-09-06 20:45:00,5289.2 +2019-09-06 21:00:00,5214.0 +2019-09-06 21:15:00,5109.6 +2019-09-06 21:30:00,5001.6 +2019-09-06 21:45:00,4927.6 +2019-09-06 22:00:00,4817.6 +2019-09-06 22:15:00,4738.8 +2019-09-06 22:30:00,4648.8 +2019-09-06 22:45:00,4579.6 +2019-09-06 23:00:00,4479.6 +2019-09-06 23:15:00,4413.2 +2019-09-06 23:30:00,4385.6 +2019-09-06 23:45:00,4363.6 +2019-09-07 00:00:00,4322.0 +2019-09-07 00:15:00,4288.8 +2019-09-07 00:30:00,4283.6 +2019-09-07 00:45:00,4288.4 +2019-09-07 01:00:00,4227.2 +2019-09-07 01:15:00,4215.2 +2019-09-07 01:30:00,4194.0 +2019-09-07 01:45:00,4168.4 +2019-09-07 02:00:00,4184.4 +2019-09-07 02:15:00,4131.2 +2019-09-07 02:30:00,4130.0 +2019-09-07 02:45:00,4128.8 +2019-09-07 03:00:00,4128.8 +2019-09-07 03:15:00,4110.8 +2019-09-07 03:30:00,4108.8 +2019-09-07 03:45:00,4117.6 +2019-09-07 04:00:00,4180.4 +2019-09-07 04:15:00,4166.4 +2019-09-07 04:30:00,4161.6 +2019-09-07 04:45:00,4182.0 +2019-09-07 05:00:00,4274.0 +2019-09-07 05:15:00,4333.6 +2019-09-07 05:30:00,4348.4 +2019-09-07 05:45:00,4406.8 +2019-09-07 06:00:00,4491.6 +2019-09-07 06:15:00,4556.8 +2019-09-07 06:30:00,4640.0 +2019-09-07 06:45:00,4711.2 +2019-09-07 07:00:00,4797.2 +2019-09-07 07:15:00,4882.8 +2019-09-07 07:30:00,4943.6 +2019-09-07 07:45:00,5016.8 +2019-09-07 08:00:00,5084.4 +2019-09-07 08:15:00,5136.8 +2019-09-07 08:30:00,5194.8 +2019-09-07 08:45:00,5226.0 +2019-09-07 09:00:00,5279.6 +2019-09-07 09:15:00,5320.8 +2019-09-07 09:30:00,5352.4 +2019-09-07 09:45:00,5384.8 +2019-09-07 10:00:00,5429.6 +2019-09-07 10:15:00,5460.4 +2019-09-07 10:30:00,5418.0 +2019-09-07 10:45:00,5410.4 +2019-09-07 11:00:00,5401.2 +2019-09-07 11:15:00,5406.0 +2019-09-07 11:30:00,5412.8 +2019-09-07 11:45:00,5340.8 +2019-09-07 12:00:00,5291.6 +2019-09-07 12:15:00,5220.0 +2019-09-07 12:30:00,5199.6 +2019-09-07 12:45:00,5133.6 +2019-09-07 13:00:00,5089.2 +2019-09-07 13:15:00,5040.0 +2019-09-07 13:30:00,4982.8 +2019-09-07 13:45:00,4944.4 +2019-09-07 14:00:00,4940.4 +2019-09-07 14:15:00,4932.8 +2019-09-07 14:30:00,4904.0 +2019-09-07 14:45:00,4898.8 +2019-09-07 15:00:00,4908.8 +2019-09-07 15:15:00,4877.2 +2019-09-07 15:30:00,4898.4 +2019-09-07 15:45:00,4903.2 +2019-09-07 16:00:00,4958.0 +2019-09-07 16:15:00,4970.0 +2019-09-07 16:30:00,5009.6 +2019-09-07 16:45:00,5044.0 +2019-09-07 17:00:00,5080.0 +2019-09-07 17:15:00,5074.4 +2019-09-07 17:30:00,5088.0 +2019-09-07 17:45:00,5100.4 +2019-09-07 18:00:00,5118.4 +2019-09-07 18:15:00,5080.4 +2019-09-07 18:30:00,5078.8 +2019-09-07 18:45:00,5099.2 +2019-09-07 19:00:00,5123.6 +2019-09-07 19:15:00,5085.6 +2019-09-07 19:30:00,5027.6 +2019-09-07 19:45:00,4952.0 +2019-09-07 20:00:00,4872.0 +2019-09-07 20:15:00,4783.6 +2019-09-07 20:30:00,4718.8 +2019-09-07 20:45:00,4655.6 +2019-09-07 21:00:00,4610.4 +2019-09-07 21:15:00,4533.2 +2019-09-07 21:30:00,4460.8 +2019-09-07 21:45:00,4389.6 +2019-09-07 22:00:00,4327.6 +2019-09-07 22:15:00,4244.4 +2019-09-07 22:30:00,4181.6 +2019-09-07 22:45:00,4109.6 +2019-09-07 23:00:00,4032.0 +2019-09-07 23:15:00,3970.4 +2019-09-07 23:30:00,3918.0 +2019-09-07 23:45:00,3893.6 +2019-09-08 00:00:00,3837.2 +2019-09-08 00:15:00,3800.0 +2019-09-08 00:30:00,3802.8 +2019-09-08 00:45:00,3780.4 +2019-09-08 01:00:00,3740.4 +2019-09-08 01:15:00,3722.0 +2019-09-08 01:30:00,3706.8 +2019-09-08 01:45:00,3683.6 +2019-09-08 02:00:00,3673.6 +2019-09-08 02:15:00,3680.4 +2019-09-08 02:30:00,3662.0 +2019-09-08 02:45:00,3678.0 +2019-09-08 03:00:00,3664.0 +2019-09-08 03:15:00,3656.4 +2019-09-08 03:30:00,3657.6 +2019-09-08 03:45:00,3692.0 +2019-09-08 04:00:00,3674.4 +2019-09-08 04:15:00,3651.6 +2019-09-08 04:30:00,3676.4 +2019-09-08 04:45:00,3687.2 +2019-09-08 05:00:00,3767.6 +2019-09-08 05:15:00,3771.6 +2019-09-08 05:30:00,3792.4 +2019-09-08 05:45:00,3809.6 +2019-09-08 06:00:00,3838.8 +2019-09-08 06:15:00,3875.2 +2019-09-08 06:30:00,3972.4 +2019-09-08 06:45:00,4063.2 +2019-09-08 07:00:00,4178.4 +2019-09-08 07:15:00,4235.2 +2019-09-08 07:30:00,4332.4 +2019-09-08 07:45:00,4402.0 +2019-09-08 08:00:00,4498.4 +2019-09-08 08:15:00,4572.0 +2019-09-08 08:30:00,4655.6 +2019-09-08 08:45:00,4703.6 +2019-09-08 09:00:00,4770.0 +2019-09-08 09:15:00,4821.6 +2019-09-08 09:30:00,4824.0 +2019-09-08 09:45:00,4901.2 +2019-09-08 10:00:00,4985.6 +2019-09-08 10:15:00,5000.8 +2019-09-08 10:30:00,5033.6 +2019-09-08 10:45:00,5082.4 +2019-09-08 11:00:00,5067.2 +2019-09-08 11:15:00,5014.8 +2019-09-08 11:30:00,4961.6 +2019-09-08 11:45:00,4924.4 +2019-09-08 12:00:00,4876.4 +2019-09-08 12:15:00,4817.2 +2019-09-08 12:30:00,4800.4 +2019-09-08 12:45:00,4745.6 +2019-09-08 13:00:00,4724.4 +2019-09-08 13:15:00,4676.4 +2019-09-08 13:30:00,4692.4 +2019-09-08 13:45:00,4661.2 +2019-09-08 14:00:00,4663.2 +2019-09-08 14:15:00,4652.0 +2019-09-08 14:30:00,4652.4 +2019-09-08 14:45:00,4648.4 +2019-09-08 15:00:00,4650.8 +2019-09-08 15:15:00,4618.4 +2019-09-08 15:30:00,4642.8 +2019-09-08 15:45:00,4671.2 +2019-09-08 16:00:00,4716.4 +2019-09-08 16:15:00,4731.2 +2019-09-08 16:30:00,4775.2 +2019-09-08 16:45:00,4823.6 +2019-09-08 17:00:00,4909.2 +2019-09-08 17:15:00,4888.8 +2019-09-08 17:30:00,4894.0 +2019-09-08 17:45:00,4920.0 +2019-09-08 18:00:00,4944.4 +2019-09-08 18:15:00,4906.0 +2019-09-08 18:30:00,4941.6 +2019-09-08 18:45:00,4985.6 +2019-09-08 19:00:00,5052.8 +2019-09-08 19:15:00,5018.0 +2019-09-08 19:30:00,4986.4 +2019-09-08 19:45:00,4919.6 +2019-09-08 20:00:00,4835.2 +2019-09-08 20:15:00,4768.8 +2019-09-08 20:30:00,4727.2 +2019-09-08 20:45:00,4688.0 +2019-09-08 21:00:00,4683.2 +2019-09-08 21:15:00,4595.6 +2019-09-08 21:30:00,4534.4 +2019-09-08 21:45:00,4449.2 +2019-09-08 22:00:00,4373.2 +2019-09-08 22:15:00,4302.4 +2019-09-08 22:30:00,4237.6 +2019-09-08 22:45:00,4180.4 +2019-09-08 23:00:00,4082.4 +2019-09-08 23:15:00,4026.8 +2019-09-08 23:30:00,4002.8 +2019-09-08 23:45:00,3952.8 +2019-09-09 00:00:00,3930.4 +2019-09-09 00:15:00,3896.0 +2019-09-09 00:30:00,3875.6 +2019-09-09 00:45:00,3862.4 +2019-09-09 01:00:00,3871.6 +2019-09-09 01:15:00,3877.6 +2019-09-09 01:30:00,3875.2 +2019-09-09 01:45:00,3880.0 +2019-09-09 02:00:00,3887.2 +2019-09-09 02:15:00,3918.0 +2019-09-09 02:30:00,3906.8 +2019-09-09 02:45:00,3924.8 +2019-09-09 03:00:00,3996.4 +2019-09-09 03:15:00,4040.4 +2019-09-09 03:30:00,4092.8 +2019-09-09 03:45:00,4147.2 +2019-09-09 04:00:00,4352.8 +2019-09-09 04:15:00,4487.6 +2019-09-09 04:30:00,4632.8 +2019-09-09 04:45:00,4799.2 +2019-09-09 05:00:00,5177.2 +2019-09-09 05:15:00,5460.0 +2019-09-09 05:30:00,5648.0 +2019-09-09 05:45:00,5766.8 +2019-09-09 06:00:00,5939.2 +2019-09-09 06:15:00,6070.0 +2019-09-09 06:30:00,6145.6 +2019-09-09 06:45:00,6229.2 +2019-09-09 07:00:00,6328.8 +2019-09-09 07:15:00,6396.4 +2019-09-09 07:30:00,6431.2 +2019-09-09 07:45:00,6444.4 +2019-09-09 08:00:00,6428.4 +2019-09-09 08:15:00,6477.2 +2019-09-09 08:30:00,6522.4 +2019-09-09 08:45:00,6550.4 +2019-09-09 09:00:00,6582.4 +2019-09-09 09:15:00,6634.0 +2019-09-09 09:30:00,6676.4 +2019-09-09 09:45:00,6701.2 +2019-09-09 10:00:00,6738.0 +2019-09-09 10:15:00,6779.2 +2019-09-09 10:30:00,6781.6 +2019-09-09 10:45:00,6779.6 +2019-09-09 11:00:00,6702.8 +2019-09-09 11:15:00,6685.2 +2019-09-09 11:30:00,6666.8 +2019-09-09 11:45:00,6670.0 +2019-09-09 12:00:00,6666.4 +2019-09-09 12:15:00,6630.0 +2019-09-09 12:30:00,6625.2 +2019-09-09 12:45:00,6531.6 +2019-09-09 13:00:00,6505.2 +2019-09-09 13:15:00,6530.4 +2019-09-09 13:30:00,6516.0 +2019-09-09 13:45:00,6474.4 +2019-09-09 14:00:00,6458.4 +2019-09-09 14:15:00,6422.8 +2019-09-09 14:30:00,6373.6 +2019-09-09 14:45:00,6331.6 +2019-09-09 15:00:00,6299.2 +2019-09-09 15:15:00,6244.4 +2019-09-09 15:30:00,6194.4 +2019-09-09 15:45:00,6164.8 +2019-09-09 16:00:00,6176.0 +2019-09-09 16:15:00,6181.2 +2019-09-09 16:30:00,6218.4 +2019-09-09 16:45:00,6206.0 +2019-09-09 17:00:00,6208.8 +2019-09-09 17:15:00,6180.4 +2019-09-09 17:30:00,6195.6 +2019-09-09 17:45:00,6212.4 +2019-09-09 18:00:00,6208.0 +2019-09-09 18:15:00,6173.6 +2019-09-09 18:30:00,6212.0 +2019-09-09 18:45:00,6238.8 +2019-09-09 19:00:00,6244.4 +2019-09-09 19:15:00,6200.0 +2019-09-09 19:30:00,6108.8 +2019-09-09 19:45:00,6008.0 +2019-09-09 20:00:00,5885.6 +2019-09-09 20:15:00,5760.8 +2019-09-09 20:30:00,5646.8 +2019-09-09 20:45:00,5538.8 +2019-09-09 21:00:00,5431.6 +2019-09-09 21:15:00,5342.8 +2019-09-09 21:30:00,5218.0 +2019-09-09 21:45:00,5126.4 +2019-09-09 22:00:00,4969.2 +2019-09-09 22:15:00,4869.2 +2019-09-09 22:30:00,4773.2 +2019-09-09 22:45:00,4715.6 +2019-09-09 23:00:00,4595.6 +2019-09-09 23:15:00,4543.6 +2019-09-09 23:30:00,4489.2 +2019-09-09 23:45:00,4455.2 +2019-09-10 00:00:00,4426.8 +2019-09-10 00:15:00,4384.4 +2019-09-10 00:30:00,4372.4 +2019-09-10 00:45:00,4360.0 +2019-09-10 01:00:00,4323.6 +2019-09-10 01:15:00,4305.6 +2019-09-10 01:30:00,4332.0 +2019-09-10 01:45:00,4372.0 +2019-09-10 02:00:00,4368.0 +2019-09-10 02:15:00,4375.2 +2019-09-10 02:30:00,4403.6 +2019-09-10 02:45:00,4412.4 +2019-09-10 03:00:00,4462.8 +2019-09-10 03:15:00,4488.4 +2019-09-10 03:30:00,4549.2 +2019-09-10 03:45:00,4619.2 +2019-09-10 04:00:00,4752.0 +2019-09-10 04:15:00,4861.2 +2019-09-10 04:30:00,4975.2 +2019-09-10 04:45:00,5150.0 +2019-09-10 05:00:00,5499.6 +2019-09-10 05:15:00,5723.2 +2019-09-10 05:30:00,5866.0 +2019-09-10 05:45:00,5981.2 +2019-09-10 06:00:00,6142.0 +2019-09-10 06:15:00,6219.6 +2019-09-10 06:30:00,6322.8 +2019-09-10 06:45:00,6382.0 +2019-09-10 07:00:00,6462.8 +2019-09-10 07:15:00,6515.6 +2019-09-10 07:30:00,6552.8 +2019-09-10 07:45:00,6558.4 +2019-09-10 08:00:00,6514.4 +2019-09-10 08:15:00,6549.2 +2019-09-10 08:30:00,6600.8 +2019-09-10 08:45:00,6644.0 +2019-09-10 09:00:00,6661.6 +2019-09-10 09:15:00,6687.2 +2019-09-10 09:30:00,6751.2 +2019-09-10 09:45:00,6807.2 +2019-09-10 10:00:00,6819.2 +2019-09-10 10:15:00,6871.2 +2019-09-10 10:30:00,6910.4 +2019-09-10 10:45:00,6901.2 +2019-09-10 11:00:00,6840.4 +2019-09-10 11:15:00,6848.0 +2019-09-10 11:30:00,6846.4 +2019-09-10 11:45:00,6843.2 +2019-09-10 12:00:00,6827.2 +2019-09-10 12:15:00,6793.6 +2019-09-10 12:30:00,6745.2 +2019-09-10 12:45:00,6661.6 +2019-09-10 13:00:00,6676.0 +2019-09-10 13:15:00,6646.8 +2019-09-10 13:30:00,6600.4 +2019-09-10 13:45:00,6552.8 +2019-09-10 14:00:00,6560.0 +2019-09-10 14:15:00,6530.0 +2019-09-10 14:30:00,6458.8 +2019-09-10 14:45:00,6391.6 +2019-09-10 15:00:00,6390.8 +2019-09-10 15:15:00,6323.2 +2019-09-10 15:30:00,6291.2 +2019-09-10 15:45:00,6267.6 +2019-09-10 16:00:00,6272.4 +2019-09-10 16:15:00,6263.2 +2019-09-10 16:30:00,6259.2 +2019-09-10 16:45:00,6247.6 +2019-09-10 17:00:00,6238.4 +2019-09-10 17:15:00,6229.2 +2019-09-10 17:30:00,6226.0 +2019-09-10 17:45:00,6214.8 +2019-09-10 18:00:00,6208.4 +2019-09-10 18:15:00,6195.2 +2019-09-10 18:30:00,6222.8 +2019-09-10 18:45:00,6259.6 +2019-09-10 19:00:00,6285.6 +2019-09-10 19:15:00,6272.8 +2019-09-10 19:30:00,6198.4 +2019-09-10 19:45:00,6100.8 +2019-09-10 20:00:00,5989.6 +2019-09-10 20:15:00,5874.8 +2019-09-10 20:30:00,5742.8 +2019-09-10 20:45:00,5632.0 +2019-09-10 21:00:00,5524.0 +2019-09-10 21:15:00,5422.4 +2019-09-10 21:30:00,5283.6 +2019-09-10 21:45:00,5187.6 +2019-09-10 22:00:00,5054.0 +2019-09-10 22:15:00,4962.0 +2019-09-10 22:30:00,4870.0 +2019-09-10 22:45:00,4788.8 +2019-09-10 23:00:00,4655.6 +2019-09-10 23:15:00,4597.6 +2019-09-10 23:30:00,4556.8 +2019-09-10 23:45:00,4488.8 +2019-09-11 00:00:00,4472.0 +2019-09-11 00:15:00,4457.2 +2019-09-11 00:30:00,4420.8 +2019-09-11 00:45:00,4415.6 +2019-09-11 01:00:00,4426.4 +2019-09-11 01:15:00,4442.8 +2019-09-11 01:30:00,4450.0 +2019-09-11 01:45:00,4465.2 +2019-09-11 02:00:00,4443.6 +2019-09-11 02:15:00,4455.2 +2019-09-11 02:30:00,4458.4 +2019-09-11 02:45:00,4468.4 +2019-09-11 03:00:00,4507.6 +2019-09-11 03:15:00,4562.8 +2019-09-11 03:30:00,4608.0 +2019-09-11 03:45:00,4673.6 +2019-09-11 04:00:00,4790.8 +2019-09-11 04:15:00,4904.8 +2019-09-11 04:30:00,5047.6 +2019-09-11 04:45:00,5237.2 +2019-09-11 05:00:00,5591.6 +2019-09-11 05:15:00,5845.6 +2019-09-11 05:30:00,6021.6 +2019-09-11 05:45:00,6126.4 +2019-09-11 06:00:00,6224.0 +2019-09-11 06:15:00,6308.0 +2019-09-11 06:30:00,6377.6 +2019-09-11 06:45:00,6443.2 +2019-09-11 07:00:00,6514.4 +2019-09-11 07:15:00,6541.6 +2019-09-11 07:30:00,6592.0 +2019-09-11 07:45:00,6585.6 +2019-09-11 08:00:00,6475.6 +2019-09-11 08:15:00,6504.8 +2019-09-11 08:30:00,6550.8 +2019-09-11 08:45:00,6588.8 +2019-09-11 09:00:00,6572.0 +2019-09-11 09:15:00,6598.4 +2019-09-11 09:30:00,6652.8 +2019-09-11 09:45:00,6688.0 +2019-09-11 10:00:00,6694.4 +2019-09-11 10:15:00,6714.0 +2019-09-11 10:30:00,6758.8 +2019-09-11 10:45:00,6786.0 +2019-09-11 11:00:00,6773.2 +2019-09-11 11:15:00,6766.8 +2019-09-11 11:30:00,6775.6 +2019-09-11 11:45:00,6804.0 +2019-09-11 12:00:00,6796.4 +2019-09-11 12:15:00,6742.0 +2019-09-11 12:30:00,6724.0 +2019-09-11 12:45:00,6656.8 +2019-09-11 13:00:00,6643.2 +2019-09-11 13:15:00,6621.6 +2019-09-11 13:30:00,6589.2 +2019-09-11 13:45:00,6573.6 +2019-09-11 14:00:00,6583.2 +2019-09-11 14:15:00,6555.6 +2019-09-11 14:30:00,6508.4 +2019-09-11 14:45:00,6461.6 +2019-09-11 15:00:00,6449.6 +2019-09-11 15:15:00,6407.2 +2019-09-11 15:30:00,6360.8 +2019-09-11 15:45:00,6347.2 +2019-09-11 16:00:00,6350.8 +2019-09-11 16:15:00,6334.0 +2019-09-11 16:30:00,6345.6 +2019-09-11 16:45:00,6362.0 +2019-09-11 17:00:00,6381.2 +2019-09-11 17:15:00,6359.2 +2019-09-11 17:30:00,6351.2 +2019-09-11 17:45:00,6375.2 +2019-09-11 18:00:00,6392.4 +2019-09-11 18:15:00,6387.6 +2019-09-11 18:30:00,6413.6 +2019-09-11 18:45:00,6453.2 +2019-09-11 19:00:00,6486.8 +2019-09-11 19:15:00,6401.6 +2019-09-11 19:30:00,6312.4 +2019-09-11 19:45:00,6208.8 +2019-09-11 20:00:00,6066.4 +2019-09-11 20:15:00,5981.6 +2019-09-11 20:30:00,5864.0 +2019-09-11 20:45:00,5755.6 +2019-09-11 21:00:00,5630.8 +2019-09-11 21:15:00,5522.0 +2019-09-11 21:30:00,5382.4 +2019-09-11 21:45:00,5270.4 +2019-09-11 22:00:00,5149.2 +2019-09-11 22:15:00,5080.8 +2019-09-11 22:30:00,4996.0 +2019-09-11 22:45:00,4941.6 +2019-09-11 23:00:00,4856.8 +2019-09-11 23:15:00,4772.4 +2019-09-11 23:30:00,4715.2 +2019-09-11 23:45:00,4669.2 +2019-09-12 00:00:00,4617.2 +2019-09-12 00:15:00,4565.2 +2019-09-12 00:30:00,4526.4 +2019-09-12 00:45:00,4536.0 +2019-09-12 01:00:00,4492.4 +2019-09-12 01:15:00,4468.4 +2019-09-12 01:30:00,4476.8 +2019-09-12 01:45:00,4470.0 +2019-09-12 02:00:00,4467.6 +2019-09-12 02:15:00,4438.8 +2019-09-12 02:30:00,4423.2 +2019-09-12 02:45:00,4433.6 +2019-09-12 03:00:00,4486.4 +2019-09-12 03:15:00,4524.4 +2019-09-12 03:30:00,4558.8 +2019-09-12 03:45:00,4626.0 +2019-09-12 04:00:00,4812.4 +2019-09-12 04:15:00,4869.2 +2019-09-12 04:30:00,5021.2 +2019-09-12 04:45:00,5193.2 +2019-09-12 05:00:00,5498.0 +2019-09-12 05:15:00,5746.8 +2019-09-12 05:30:00,5912.0 +2019-09-12 05:45:00,6033.2 +2019-09-12 06:00:00,6175.6 +2019-09-12 06:15:00,6279.2 +2019-09-12 06:30:00,6344.0 +2019-09-12 06:45:00,6418.0 +2019-09-12 07:00:00,6494.4 +2019-09-12 07:15:00,6545.2 +2019-09-12 07:30:00,6548.8 +2019-09-12 07:45:00,6554.0 +2019-09-12 08:00:00,6512.4 +2019-09-12 08:15:00,6536.8 +2019-09-12 08:30:00,6564.0 +2019-09-12 08:45:00,6582.4 +2019-09-12 09:00:00,6612.0 +2019-09-12 09:15:00,6632.0 +2019-09-12 09:30:00,6672.0 +2019-09-12 09:45:00,6689.2 +2019-09-12 10:00:00,6694.0 +2019-09-12 10:15:00,6725.2 +2019-09-12 10:30:00,6773.2 +2019-09-12 10:45:00,6788.0 +2019-09-12 11:00:00,6734.4 +2019-09-12 11:15:00,6709.2 +2019-09-12 11:30:00,6710.8 +2019-09-12 11:45:00,6726.4 +2019-09-12 12:00:00,6732.4 +2019-09-12 12:15:00,6729.2 +2019-09-12 12:30:00,6685.6 +2019-09-12 12:45:00,6625.6 +2019-09-12 13:00:00,6636.0 +2019-09-12 13:15:00,6646.0 +2019-09-12 13:30:00,6610.8 +2019-09-12 13:45:00,6582.4 +2019-09-12 14:00:00,6567.6 +2019-09-12 14:15:00,6538.0 +2019-09-12 14:30:00,6493.6 +2019-09-12 14:45:00,6442.8 +2019-09-12 15:00:00,6385.2 +2019-09-12 15:15:00,6365.2 +2019-09-12 15:30:00,6306.8 +2019-09-12 15:45:00,6300.4 +2019-09-12 16:00:00,6276.8 +2019-09-12 16:15:00,6260.4 +2019-09-12 16:30:00,6230.8 +2019-09-12 16:45:00,6246.8 +2019-09-12 17:00:00,6251.2 +2019-09-12 17:15:00,6209.2 +2019-09-12 17:30:00,6201.2 +2019-09-12 17:45:00,6240.8 +2019-09-12 18:00:00,6253.2 +2019-09-12 18:15:00,6217.2 +2019-09-12 18:30:00,6235.6 +2019-09-12 18:45:00,6283.6 +2019-09-12 19:00:00,6323.2 +2019-09-12 19:15:00,6275.6 +2019-09-12 19:30:00,6207.6 +2019-09-12 19:45:00,6122.0 +2019-09-12 20:00:00,6030.0 +2019-09-12 20:15:00,5922.8 +2019-09-12 20:30:00,5801.6 +2019-09-12 20:45:00,5701.2 +2019-09-12 21:00:00,5636.0 +2019-09-12 21:15:00,5497.6 +2019-09-12 21:30:00,5391.6 +2019-09-12 21:45:00,5296.4 +2019-09-12 22:00:00,5206.8 +2019-09-12 22:15:00,5110.0 +2019-09-12 22:30:00,5018.0 +2019-09-12 22:45:00,4947.6 +2019-09-12 23:00:00,4795.2 +2019-09-12 23:15:00,4709.2 +2019-09-12 23:30:00,4671.6 +2019-09-12 23:45:00,4656.8 +2019-09-13 00:00:00,4618.4 +2019-09-13 00:15:00,4581.2 +2019-09-13 00:30:00,4588.4 +2019-09-13 00:45:00,4596.8 +2019-09-13 01:00:00,4583.6 +2019-09-13 01:15:00,4571.2 +2019-09-13 01:30:00,4591.2 +2019-09-13 01:45:00,4625.6 +2019-09-13 02:00:00,4656.8 +2019-09-13 02:15:00,4641.2 +2019-09-13 02:30:00,4706.8 +2019-09-13 02:45:00,4700.4 +2019-09-13 03:00:00,4680.0 +2019-09-13 03:15:00,4688.4 +2019-09-13 03:30:00,4701.6 +2019-09-13 03:45:00,4786.0 +2019-09-13 04:00:00,4897.6 +2019-09-13 04:15:00,4971.2 +2019-09-13 04:30:00,5112.0 +2019-09-13 04:45:00,5294.4 +2019-09-13 05:00:00,5629.6 +2019-09-13 05:15:00,5904.4 +2019-09-13 05:30:00,6079.2 +2019-09-13 05:45:00,6200.0 +2019-09-13 06:00:00,6338.8 +2019-09-13 06:15:00,6409.6 +2019-09-13 06:30:00,6478.8 +2019-09-13 06:45:00,6531.2 +2019-09-13 07:00:00,6620.4 +2019-09-13 07:15:00,6658.4 +2019-09-13 07:30:00,6700.0 +2019-09-13 07:45:00,6710.4 +2019-09-13 08:00:00,6684.8 +2019-09-13 08:15:00,6722.0 +2019-09-13 08:30:00,6759.6 +2019-09-13 08:45:00,6822.0 +2019-09-13 09:00:00,6839.6 +2019-09-13 09:15:00,6858.8 +2019-09-13 09:30:00,6917.6 +2019-09-13 09:45:00,6974.8 +2019-09-13 10:00:00,6981.2 +2019-09-13 10:15:00,6980.4 +2019-09-13 10:30:00,7010.0 +2019-09-13 10:45:00,7021.2 +2019-09-13 11:00:00,6926.0 +2019-09-13 11:15:00,6884.0 +2019-09-13 11:30:00,6834.4 +2019-09-13 11:45:00,6798.8 +2019-09-13 12:00:00,6789.2 +2019-09-13 12:15:00,6734.8 +2019-09-13 12:30:00,6677.2 +2019-09-13 12:45:00,6641.6 +2019-09-13 13:00:00,6622.0 +2019-09-13 13:15:00,6601.2 +2019-09-13 13:30:00,6527.6 +2019-09-13 13:45:00,6487.6 +2019-09-13 14:00:00,6470.4 +2019-09-13 14:15:00,6404.4 +2019-09-13 14:30:00,6348.4 +2019-09-13 14:45:00,6296.4 +2019-09-13 15:00:00,6312.0 +2019-09-13 15:15:00,6280.4 +2019-09-13 15:30:00,6194.4 +2019-09-13 15:45:00,6172.4 +2019-09-13 16:00:00,6192.0 +2019-09-13 16:15:00,6180.4 +2019-09-13 16:30:00,6183.6 +2019-09-13 16:45:00,6156.8 +2019-09-13 17:00:00,6138.8 +2019-09-13 17:15:00,6096.4 +2019-09-13 17:30:00,6080.4 +2019-09-13 17:45:00,6099.2 +2019-09-13 18:00:00,6093.2 +2019-09-13 18:15:00,6061.6 +2019-09-13 18:30:00,6089.2 +2019-09-13 18:45:00,6155.2 +2019-09-13 19:00:00,6165.2 +2019-09-13 19:15:00,6082.8 +2019-09-13 19:30:00,5987.2 +2019-09-13 19:45:00,5854.4 +2019-09-13 20:00:00,5701.6 +2019-09-13 20:15:00,5589.6 +2019-09-13 20:30:00,5475.2 +2019-09-13 20:45:00,5365.6 +2019-09-13 21:00:00,5269.2 +2019-09-13 21:15:00,5165.2 +2019-09-13 21:30:00,5056.4 +2019-09-13 21:45:00,4982.8 +2019-09-13 22:00:00,4875.6 +2019-09-13 22:15:00,4765.6 +2019-09-13 22:30:00,4688.0 +2019-09-13 22:45:00,4616.0 +2019-09-13 23:00:00,4503.6 +2019-09-13 23:15:00,4448.0 +2019-09-13 23:30:00,4408.4 +2019-09-13 23:45:00,4342.4 +2019-09-14 00:00:00,4290.4 +2019-09-14 00:15:00,4222.8 +2019-09-14 00:30:00,4187.2 +2019-09-14 00:45:00,4168.4 +2019-09-14 01:00:00,4104.0 +2019-09-14 01:15:00,4088.8 +2019-09-14 01:30:00,4065.6 +2019-09-14 01:45:00,4031.2 +2019-09-14 02:00:00,4040.8 +2019-09-14 02:15:00,4033.6 +2019-09-14 02:30:00,4010.8 +2019-09-14 02:45:00,4014.8 +2019-09-14 03:00:00,4050.0 +2019-09-14 03:15:00,4049.6 +2019-09-14 03:30:00,4049.6 +2019-09-14 03:45:00,4076.8 +2019-09-14 04:00:00,4122.0 +2019-09-14 04:15:00,4127.2 +2019-09-14 04:30:00,4132.8 +2019-09-14 04:45:00,4182.4 +2019-09-14 05:00:00,4322.4 +2019-09-14 05:15:00,4416.8 +2019-09-14 05:30:00,4412.4 +2019-09-14 05:45:00,4412.4 +2019-09-14 06:00:00,4544.8 +2019-09-14 06:15:00,4605.6 +2019-09-14 06:30:00,4706.8 +2019-09-14 06:45:00,4786.4 +2019-09-14 07:00:00,4908.8 +2019-09-14 07:15:00,4994.8 +2019-09-14 07:30:00,5079.2 +2019-09-14 07:45:00,5141.6 +2019-09-14 08:00:00,5197.6 +2019-09-14 08:15:00,5245.6 +2019-09-14 08:30:00,5321.6 +2019-09-14 08:45:00,5384.4 +2019-09-14 09:00:00,5388.8 +2019-09-14 09:15:00,5435.2 +2019-09-14 09:30:00,5470.4 +2019-09-14 09:45:00,5478.8 +2019-09-14 10:00:00,5532.0 +2019-09-14 10:15:00,5538.8 +2019-09-14 10:30:00,5548.4 +2019-09-14 10:45:00,5544.4 +2019-09-14 11:00:00,5512.4 +2019-09-14 11:15:00,5488.0 +2019-09-14 11:30:00,5440.4 +2019-09-14 11:45:00,5398.0 +2019-09-14 12:00:00,5364.8 +2019-09-14 12:15:00,5306.0 +2019-09-14 12:30:00,5259.6 +2019-09-14 12:45:00,5201.2 +2019-09-14 13:00:00,5159.6 +2019-09-14 13:15:00,5114.8 +2019-09-14 13:30:00,5074.8 +2019-09-14 13:45:00,5055.6 +2019-09-14 14:00:00,5046.8 +2019-09-14 14:15:00,5048.8 +2019-09-14 14:30:00,5018.0 +2019-09-14 14:45:00,5002.8 +2019-09-14 15:00:00,4998.0 +2019-09-14 15:15:00,5001.2 +2019-09-14 15:30:00,4991.2 +2019-09-14 15:45:00,4963.2 +2019-09-14 16:00:00,5007.6 +2019-09-14 16:15:00,5042.0 +2019-09-14 16:30:00,5046.8 +2019-09-14 16:45:00,5059.2 +2019-09-14 17:00:00,5109.2 +2019-09-14 17:15:00,5094.4 +2019-09-14 17:30:00,5092.4 +2019-09-14 17:45:00,5081.2 +2019-09-14 18:00:00,5086.0 +2019-09-14 18:15:00,5095.2 +2019-09-14 18:30:00,5119.2 +2019-09-14 18:45:00,5170.8 +2019-09-14 19:00:00,5218.0 +2019-09-14 19:15:00,5154.0 +2019-09-14 19:30:00,5063.2 +2019-09-14 19:45:00,5011.6 +2019-09-14 20:00:00,4920.0 +2019-09-14 20:15:00,4840.8 +2019-09-14 20:30:00,4733.2 +2019-09-14 20:45:00,4703.2 +2019-09-14 21:00:00,4656.0 +2019-09-14 21:15:00,4591.2 +2019-09-14 21:30:00,4491.2 +2019-09-14 21:45:00,4438.4 +2019-09-14 22:00:00,4351.2 +2019-09-14 22:15:00,4288.4 +2019-09-14 22:30:00,4195.6 +2019-09-14 22:45:00,4171.2 +2019-09-14 23:00:00,4103.6 +2019-09-14 23:15:00,4082.4 +2019-09-14 23:30:00,4036.4 +2019-09-14 23:45:00,4008.8 +2019-09-15 00:00:00,3954.8 +2019-09-15 00:15:00,3914.8 +2019-09-15 00:30:00,3886.4 +2019-09-15 00:45:00,3887.2 +2019-09-15 01:00:00,3860.4 +2019-09-15 01:15:00,3831.6 +2019-09-15 01:30:00,3814.4 +2019-09-15 01:45:00,3844.0 +2019-09-15 02:00:00,3824.0 +2019-09-15 02:15:00,3818.4 +2019-09-15 02:30:00,3804.4 +2019-09-15 02:45:00,3806.0 +2019-09-15 03:00:00,3804.4 +2019-09-15 03:15:00,3804.0 +2019-09-15 03:30:00,3817.6 +2019-09-15 03:45:00,3818.8 +2019-09-15 04:00:00,3879.2 +2019-09-15 04:15:00,3882.4 +2019-09-15 04:30:00,3897.2 +2019-09-15 04:45:00,3916.8 +2019-09-15 05:00:00,3965.2 +2019-09-15 05:15:00,3979.6 +2019-09-15 05:30:00,3996.0 +2019-09-15 05:45:00,3998.4 +2019-09-15 06:00:00,4058.0 +2019-09-15 06:15:00,4140.8 +2019-09-15 06:30:00,4218.0 +2019-09-15 06:45:00,4315.6 +2019-09-15 07:00:00,4419.2 +2019-09-15 07:15:00,4488.8 +2019-09-15 07:30:00,4584.8 +2019-09-15 07:45:00,4648.4 +2019-09-15 08:00:00,4728.8 +2019-09-15 08:15:00,4778.8 +2019-09-15 08:30:00,4843.2 +2019-09-15 08:45:00,4920.0 +2019-09-15 09:00:00,4920.0 +2019-09-15 09:15:00,4967.2 +2019-09-15 09:30:00,5053.6 +2019-09-15 09:45:00,5084.8 +2019-09-15 10:00:00,5112.0 +2019-09-15 10:15:00,5143.2 +2019-09-15 10:30:00,5188.0 +2019-09-15 10:45:00,5192.8 +2019-09-15 11:00:00,5182.8 +2019-09-15 11:15:00,5164.0 +2019-09-15 11:30:00,5134.8 +2019-09-15 11:45:00,5098.4 +2019-09-15 12:00:00,5066.4 +2019-09-15 12:15:00,5029.6 +2019-09-15 12:30:00,5006.0 +2019-09-15 12:45:00,4946.4 +2019-09-15 13:00:00,4927.6 +2019-09-15 13:15:00,4884.0 +2019-09-15 13:30:00,4860.4 +2019-09-15 13:45:00,4835.2 +2019-09-15 14:00:00,4830.8 +2019-09-15 14:15:00,4802.0 +2019-09-15 14:30:00,4779.2 +2019-09-15 14:45:00,4755.2 +2019-09-15 15:00:00,4777.6 +2019-09-15 15:15:00,4753.6 +2019-09-15 15:30:00,4794.0 +2019-09-15 15:45:00,4821.6 +2019-09-15 16:00:00,4896.8 +2019-09-15 16:15:00,4921.6 +2019-09-15 16:30:00,4940.4 +2019-09-15 16:45:00,4960.8 +2019-09-15 17:00:00,5055.6 +2019-09-15 17:15:00,5056.8 +2019-09-15 17:30:00,5070.0 +2019-09-15 17:45:00,5089.6 +2019-09-15 18:00:00,5103.6 +2019-09-15 18:15:00,5104.8 +2019-09-15 18:30:00,5159.6 +2019-09-15 18:45:00,5230.8 +2019-09-15 19:00:00,5302.4 +2019-09-15 19:15:00,5255.6 +2019-09-15 19:30:00,5182.0 +2019-09-15 19:45:00,5114.4 +2019-09-15 20:00:00,5059.6 +2019-09-15 20:15:00,4957.6 +2019-09-15 20:30:00,4932.4 +2019-09-15 20:45:00,4920.8 +2019-09-15 21:00:00,4883.2 +2019-09-15 21:15:00,4792.4 +2019-09-15 21:30:00,4707.2 +2019-09-15 21:45:00,4643.6 +2019-09-15 22:00:00,4535.6 +2019-09-15 22:15:00,4449.6 +2019-09-15 22:30:00,4396.8 +2019-09-15 22:45:00,4352.0 +2019-09-15 23:00:00,4266.8 +2019-09-15 23:15:00,4217.2 +2019-09-15 23:30:00,4168.4 +2019-09-15 23:45:00,4154.8 +2019-09-16 00:00:00,4120.8 +2019-09-16 00:15:00,4088.4 +2019-09-16 00:30:00,4075.6 +2019-09-16 00:45:00,4042.8 +2019-09-16 01:00:00,4016.8 +2019-09-16 01:15:00,3982.0 +2019-09-16 01:30:00,3978.4 +2019-09-16 01:45:00,3984.8 +2019-09-16 02:00:00,3989.2 +2019-09-16 02:15:00,3982.4 +2019-09-16 02:30:00,3994.4 +2019-09-16 02:45:00,4020.0 +2019-09-16 03:00:00,4112.0 +2019-09-16 03:15:00,4126.0 +2019-09-16 03:30:00,4200.8 +2019-09-16 03:45:00,4304.8 +2019-09-16 04:00:00,4461.6 +2019-09-16 04:15:00,4544.8 +2019-09-16 04:30:00,4713.6 +2019-09-16 04:45:00,4908.8 +2019-09-16 05:00:00,5303.6 +2019-09-16 05:15:00,5552.4 +2019-09-16 05:30:00,5748.8 +2019-09-16 05:45:00,5879.2 +2019-09-16 06:00:00,6054.0 +2019-09-16 06:15:00,6133.2 +2019-09-16 06:30:00,6211.6 +2019-09-16 06:45:00,6317.2 +2019-09-16 07:00:00,6394.8 +2019-09-16 07:15:00,6386.8 +2019-09-16 07:30:00,6437.2 +2019-09-16 07:45:00,6460.0 +2019-09-16 08:00:00,6420.0 +2019-09-16 08:15:00,6447.6 +2019-09-16 08:30:00,6482.4 +2019-09-16 08:45:00,6542.4 +2019-09-16 09:00:00,6554.8 +2019-09-16 09:15:00,6586.0 +2019-09-16 09:30:00,6631.2 +2019-09-16 09:45:00,6674.0 +2019-09-16 10:00:00,6694.0 +2019-09-16 10:15:00,6741.6 +2019-09-16 10:30:00,6766.4 +2019-09-16 10:45:00,6774.0 +2019-09-16 11:00:00,6729.6 +2019-09-16 11:15:00,6698.0 +2019-09-16 11:30:00,6697.2 +2019-09-16 11:45:00,6697.2 +2019-09-16 12:00:00,6700.4 +2019-09-16 12:15:00,6659.6 +2019-09-16 12:30:00,6634.8 +2019-09-16 12:45:00,6603.2 +2019-09-16 13:00:00,6581.6 +2019-09-16 13:15:00,6605.6 +2019-09-16 13:30:00,6552.0 +2019-09-16 13:45:00,6526.0 +2019-09-16 14:00:00,6506.4 +2019-09-16 14:15:00,6487.6 +2019-09-16 14:30:00,6469.6 +2019-09-16 14:45:00,6433.6 +2019-09-16 15:00:00,6407.6 +2019-09-16 15:15:00,6361.2 +2019-09-16 15:30:00,6336.0 +2019-09-16 15:45:00,6333.2 +2019-09-16 16:00:00,6352.4 +2019-09-16 16:15:00,6335.6 +2019-09-16 16:30:00,6332.8 +2019-09-16 16:45:00,6328.0 +2019-09-16 17:00:00,6323.2 +2019-09-16 17:15:00,6307.6 +2019-09-16 17:30:00,6321.6 +2019-09-16 17:45:00,6329.2 +2019-09-16 18:00:00,6325.2 +2019-09-16 18:15:00,6329.6 +2019-09-16 18:30:00,6391.2 +2019-09-16 18:45:00,6422.4 +2019-09-16 19:00:00,6368.0 +2019-09-16 19:15:00,6266.0 +2019-09-16 19:30:00,6200.4 +2019-09-16 19:45:00,6106.8 +2019-09-16 20:00:00,5960.8 +2019-09-16 20:15:00,5871.6 +2019-09-16 20:30:00,5758.0 +2019-09-16 20:45:00,5654.8 +2019-09-16 21:00:00,5512.8 +2019-09-16 21:15:00,5424.0 +2019-09-16 21:30:00,5329.6 +2019-09-16 21:45:00,5211.6 +2019-09-16 22:00:00,5082.8 +2019-09-16 22:15:00,4989.6 +2019-09-16 22:30:00,4921.6 +2019-09-16 22:45:00,4848.8 +2019-09-16 23:00:00,4798.0 +2019-09-16 23:15:00,4731.2 +2019-09-16 23:30:00,4707.6 +2019-09-16 23:45:00,4690.4 +2019-09-17 00:00:00,4632.0 +2019-09-17 00:15:00,4591.6 +2019-09-17 00:30:00,4554.0 +2019-09-17 00:45:00,4541.2 +2019-09-17 01:00:00,4484.0 +2019-09-17 01:15:00,4458.8 +2019-09-17 01:30:00,4454.8 +2019-09-17 01:45:00,4480.0 +2019-09-17 02:00:00,4469.2 +2019-09-17 02:15:00,4478.8 +2019-09-17 02:30:00,4495.2 +2019-09-17 02:45:00,4541.6 +2019-09-17 03:00:00,4572.4 +2019-09-17 03:15:00,4598.4 +2019-09-17 03:30:00,4641.6 +2019-09-17 03:45:00,4706.0 +2019-09-17 04:00:00,4864.8 +2019-09-17 04:15:00,4914.4 +2019-09-17 04:30:00,5080.4 +2019-09-17 04:45:00,5251.6 +2019-09-17 05:00:00,5630.0 +2019-09-17 05:15:00,5839.2 +2019-09-17 05:30:00,6024.4 +2019-09-17 05:45:00,6147.6 +2019-09-17 06:00:00,6319.2 +2019-09-17 06:15:00,6396.0 +2019-09-17 06:30:00,6446.0 +2019-09-17 06:45:00,6515.2 +2019-09-17 07:00:00,6589.6 +2019-09-17 07:15:00,6646.4 +2019-09-17 07:30:00,6672.8 +2019-09-17 07:45:00,6670.0 +2019-09-17 08:00:00,6657.2 +2019-09-17 08:15:00,6692.0 +2019-09-17 08:30:00,6736.4 +2019-09-17 08:45:00,6774.4 +2019-09-17 09:00:00,6773.2 +2019-09-17 09:15:00,6810.8 +2019-09-17 09:30:00,6855.2 +2019-09-17 09:45:00,6920.4 +2019-09-17 10:00:00,6925.2 +2019-09-17 10:15:00,6986.0 +2019-09-17 10:30:00,7022.0 +2019-09-17 10:45:00,7047.2 +2019-09-17 11:00:00,6948.0 +2019-09-17 11:15:00,6945.2 +2019-09-17 11:30:00,6964.0 +2019-09-17 11:45:00,6952.8 +2019-09-17 12:00:00,6930.8 +2019-09-17 12:15:00,6898.4 +2019-09-17 12:30:00,6879.6 +2019-09-17 12:45:00,6823.6 +2019-09-17 13:00:00,6814.8 +2019-09-17 13:15:00,6800.0 +2019-09-17 13:30:00,6782.0 +2019-09-17 13:45:00,6735.6 +2019-09-17 14:00:00,6766.8 +2019-09-17 14:15:00,6704.0 +2019-09-17 14:30:00,6670.4 +2019-09-17 14:45:00,6623.2 +2019-09-17 15:00:00,6582.8 +2019-09-17 15:15:00,6567.2 +2019-09-17 15:30:00,6534.0 +2019-09-17 15:45:00,6512.8 +2019-09-17 16:00:00,6508.8 +2019-09-17 16:15:00,6513.6 +2019-09-17 16:30:00,6522.0 +2019-09-17 16:45:00,6519.6 +2019-09-17 17:00:00,6507.6 +2019-09-17 17:15:00,6484.8 +2019-09-17 17:30:00,6486.8 +2019-09-17 17:45:00,6476.8 +2019-09-17 18:00:00,6516.8 +2019-09-17 18:15:00,6534.0 +2019-09-17 18:30:00,6583.6 +2019-09-17 18:45:00,6641.6 +2019-09-17 19:00:00,6640.8 +2019-09-17 19:15:00,6566.4 +2019-09-17 19:30:00,6451.6 +2019-09-17 19:45:00,6349.6 +2019-09-17 20:00:00,6211.2 +2019-09-17 20:15:00,6128.8 +2019-09-17 20:30:00,6014.4 +2019-09-17 20:45:00,5882.4 +2019-09-17 21:00:00,5752.4 +2019-09-17 21:15:00,5623.2 +2019-09-17 21:30:00,5512.8 +2019-09-17 21:45:00,5404.8 +2019-09-17 22:00:00,5263.2 +2019-09-17 22:15:00,5181.2 +2019-09-17 22:30:00,5099.6 +2019-09-17 22:45:00,5024.4 +2019-09-17 23:00:00,4914.8 +2019-09-17 23:15:00,4835.2 +2019-09-17 23:30:00,4797.6 +2019-09-17 23:45:00,4762.4 +2019-09-18 00:00:00,4694.4 +2019-09-18 00:15:00,4643.6 +2019-09-18 00:30:00,4600.8 +2019-09-18 00:45:00,4574.0 +2019-09-18 01:00:00,4524.4 +2019-09-18 01:15:00,4518.4 +2019-09-18 01:30:00,4512.8 +2019-09-18 01:45:00,4506.4 +2019-09-18 02:00:00,4531.6 +2019-09-18 02:15:00,4540.8 +2019-09-18 02:30:00,4540.8 +2019-09-18 02:45:00,4549.6 +2019-09-18 03:00:00,4626.8 +2019-09-18 03:15:00,4645.2 +2019-09-18 03:30:00,4669.6 +2019-09-18 03:45:00,4713.2 +2019-09-18 04:00:00,4885.6 +2019-09-18 04:15:00,4978.0 +2019-09-18 04:30:00,5109.2 +2019-09-18 04:45:00,5271.2 +2019-09-18 05:00:00,5654.4 +2019-09-18 05:15:00,5910.8 +2019-09-18 05:30:00,6098.4 +2019-09-18 05:45:00,6228.8 +2019-09-18 06:00:00,6331.6 +2019-09-18 06:15:00,6390.8 +2019-09-18 06:30:00,6437.2 +2019-09-18 06:45:00,6519.6 +2019-09-18 07:00:00,6550.4 +2019-09-18 07:15:00,6598.8 +2019-09-18 07:30:00,6609.6 +2019-09-18 07:45:00,6623.6 +2019-09-18 08:00:00,6579.6 +2019-09-18 08:15:00,6612.4 +2019-09-18 08:30:00,6648.4 +2019-09-18 08:45:00,6706.4 +2019-09-18 09:00:00,6690.8 +2019-09-18 09:15:00,6714.0 +2019-09-18 09:30:00,6726.4 +2019-09-18 09:45:00,6803.6 +2019-09-18 10:00:00,6788.8 +2019-09-18 10:15:00,6796.4 +2019-09-18 10:30:00,6815.6 +2019-09-18 10:45:00,6834.8 +2019-09-18 11:00:00,6770.8 +2019-09-18 11:15:00,6754.4 +2019-09-18 11:30:00,6727.6 +2019-09-18 11:45:00,6729.6 +2019-09-18 12:00:00,6739.2 +2019-09-18 12:15:00,6743.2 +2019-09-18 12:30:00,6751.2 +2019-09-18 12:45:00,6694.8 +2019-09-18 13:00:00,6682.0 +2019-09-18 13:15:00,6653.2 +2019-09-18 13:30:00,6598.8 +2019-09-18 13:45:00,6578.4 +2019-09-18 14:00:00,6554.0 +2019-09-18 14:15:00,6530.8 +2019-09-18 14:30:00,6472.8 +2019-09-18 14:45:00,6428.4 +2019-09-18 15:00:00,6443.6 +2019-09-18 15:15:00,6394.0 +2019-09-18 15:30:00,6338.0 +2019-09-18 15:45:00,6295.6 +2019-09-18 16:00:00,6349.6 +2019-09-18 16:15:00,6342.0 +2019-09-18 16:30:00,6332.8 +2019-09-18 16:45:00,6306.0 +2019-09-18 17:00:00,6290.8 +2019-09-18 17:15:00,6283.6 +2019-09-18 17:30:00,6256.8 +2019-09-18 17:45:00,6292.4 +2019-09-18 18:00:00,6310.8 +2019-09-18 18:15:00,6304.0 +2019-09-18 18:30:00,6394.8 +2019-09-18 18:45:00,6462.0 +2019-09-18 19:00:00,6416.8 +2019-09-18 19:15:00,6308.8 +2019-09-18 19:30:00,6171.6 +2019-09-18 19:45:00,6068.0 +2019-09-18 20:00:00,5963.6 +2019-09-18 20:15:00,5848.0 +2019-09-18 20:30:00,5737.2 +2019-09-18 20:45:00,5644.4 +2019-09-18 21:00:00,5539.2 +2019-09-18 21:15:00,5428.0 +2019-09-18 21:30:00,5310.0 +2019-09-18 21:45:00,5224.4 +2019-09-18 22:00:00,5147.6 +2019-09-18 22:15:00,5062.0 +2019-09-18 22:30:00,4977.6 +2019-09-18 22:45:00,4906.0 +2019-09-18 23:00:00,4787.6 +2019-09-18 23:15:00,4746.0 +2019-09-18 23:30:00,4711.6 +2019-09-18 23:45:00,4651.2 +2019-09-19 00:00:00,4566.0 +2019-09-19 00:15:00,4531.2 +2019-09-19 00:30:00,4504.4 +2019-09-19 00:45:00,4474.0 +2019-09-19 01:00:00,4449.2 +2019-09-19 01:15:00,4418.8 +2019-09-19 01:30:00,4420.8 +2019-09-19 01:45:00,4392.8 +2019-09-19 02:00:00,4460.4 +2019-09-19 02:15:00,4472.4 +2019-09-19 02:30:00,4473.2 +2019-09-19 02:45:00,4480.0 +2019-09-19 03:00:00,4522.0 +2019-09-19 03:15:00,4555.6 +2019-09-19 03:30:00,4607.6 +2019-09-19 03:45:00,4702.8 +2019-09-19 04:00:00,4816.0 +2019-09-19 04:15:00,4916.0 +2019-09-19 04:30:00,5017.2 +2019-09-19 04:45:00,5175.6 +2019-09-19 05:00:00,5589.6 +2019-09-19 05:15:00,5838.0 +2019-09-19 05:30:00,6005.6 +2019-09-19 05:45:00,6120.0 +2019-09-19 06:00:00,6189.2 +2019-09-19 06:15:00,6248.4 +2019-09-19 06:30:00,6311.2 +2019-09-19 06:45:00,6374.8 +2019-09-19 07:00:00,6468.4 +2019-09-19 07:15:00,6504.0 +2019-09-19 07:30:00,6519.2 +2019-09-19 07:45:00,6551.2 +2019-09-19 08:00:00,6475.2 +2019-09-19 08:15:00,6528.8 +2019-09-19 08:30:00,6574.0 +2019-09-19 08:45:00,6602.4 +2019-09-19 09:00:00,6571.6 +2019-09-19 09:15:00,6589.6 +2019-09-19 09:30:00,6608.4 +2019-09-19 09:45:00,6644.0 +2019-09-19 10:00:00,6709.2 +2019-09-19 10:15:00,6774.4 +2019-09-19 10:30:00,6822.4 +2019-09-19 10:45:00,6859.2 +2019-09-19 11:00:00,6764.4 +2019-09-19 11:15:00,6771.6 +2019-09-19 11:30:00,6730.8 +2019-09-19 11:45:00,6718.8 +2019-09-19 12:00:00,6647.2 +2019-09-19 12:15:00,6622.8 +2019-09-19 12:30:00,6590.4 +2019-09-19 12:45:00,6526.4 +2019-09-19 13:00:00,6510.8 +2019-09-19 13:15:00,6508.0 +2019-09-19 13:30:00,6479.6 +2019-09-19 13:45:00,6427.2 +2019-09-19 14:00:00,6446.4 +2019-09-19 14:15:00,6379.6 +2019-09-19 14:30:00,6344.8 +2019-09-19 14:45:00,6302.4 +2019-09-19 15:00:00,6259.6 +2019-09-19 15:15:00,6245.2 +2019-09-19 15:30:00,6201.6 +2019-09-19 15:45:00,6184.4 +2019-09-19 16:00:00,6186.8 +2019-09-19 16:15:00,6161.6 +2019-09-19 16:30:00,6165.6 +2019-09-19 16:45:00,6169.6 +2019-09-19 17:00:00,6173.6 +2019-09-19 17:15:00,6162.0 +2019-09-19 17:30:00,6168.4 +2019-09-19 17:45:00,6201.2 +2019-09-19 18:00:00,6275.6 +2019-09-19 18:15:00,6293.2 +2019-09-19 18:30:00,6380.4 +2019-09-19 18:45:00,6450.4 +2019-09-19 19:00:00,6416.0 +2019-09-19 19:15:00,6327.2 +2019-09-19 19:30:00,6210.8 +2019-09-19 19:45:00,6100.4 +2019-09-19 20:00:00,5910.0 +2019-09-19 20:15:00,5794.8 +2019-09-19 20:30:00,5690.8 +2019-09-19 20:45:00,5579.2 +2019-09-19 21:00:00,5512.4 +2019-09-19 21:15:00,5419.2 +2019-09-19 21:30:00,5300.4 +2019-09-19 21:45:00,5195.2 +2019-09-19 22:00:00,5070.0 +2019-09-19 22:15:00,4970.0 +2019-09-19 22:30:00,4904.8 +2019-09-19 22:45:00,4824.8 +2019-09-19 23:00:00,4696.4 +2019-09-19 23:15:00,4632.4 +2019-09-19 23:30:00,4576.0 +2019-09-19 23:45:00,4548.0 +2019-09-20 00:00:00,4527.6 +2019-09-20 00:15:00,4496.8 +2019-09-20 00:30:00,4472.0 +2019-09-20 00:45:00,4437.6 +2019-09-20 01:00:00,4402.0 +2019-09-20 01:15:00,4429.2 +2019-09-20 01:30:00,4426.8 +2019-09-20 01:45:00,4436.4 +2019-09-20 02:00:00,4456.4 +2019-09-20 02:15:00,4474.0 +2019-09-20 02:30:00,4483.2 +2019-09-20 02:45:00,4497.6 +2019-09-20 03:00:00,4553.2 +2019-09-20 03:15:00,4600.4 +2019-09-20 03:30:00,4634.0 +2019-09-20 03:45:00,4701.6 +2019-09-20 04:00:00,4845.6 +2019-09-20 04:15:00,4950.8 +2019-09-20 04:30:00,5081.2 +2019-09-20 04:45:00,5256.0 +2019-09-20 05:00:00,5558.4 +2019-09-20 05:15:00,5773.6 +2019-09-20 05:30:00,5963.2 +2019-09-20 05:45:00,6088.4 +2019-09-20 06:00:00,6134.4 +2019-09-20 06:15:00,6223.2 +2019-09-20 06:30:00,6280.4 +2019-09-20 06:45:00,6348.0 +2019-09-20 07:00:00,6449.6 +2019-09-20 07:15:00,6505.2 +2019-09-20 07:30:00,6518.0 +2019-09-20 07:45:00,6529.6 +2019-09-20 08:00:00,6471.2 +2019-09-20 08:15:00,6496.0 +2019-09-20 08:30:00,6524.4 +2019-09-20 08:45:00,6573.2 +2019-09-20 09:00:00,6576.4 +2019-09-20 09:15:00,6586.8 +2019-09-20 09:30:00,6595.6 +2019-09-20 09:45:00,6672.8 +2019-09-20 10:00:00,6743.2 +2019-09-20 10:15:00,6759.6 +2019-09-20 10:30:00,6738.4 +2019-09-20 10:45:00,6749.2 +2019-09-20 11:00:00,6663.6 +2019-09-20 11:15:00,6623.6 +2019-09-20 11:30:00,6590.8 +2019-09-20 11:45:00,6573.6 +2019-09-20 12:00:00,6540.4 +2019-09-20 12:15:00,6473.6 +2019-09-20 12:30:00,6437.6 +2019-09-20 12:45:00,6399.2 +2019-09-20 13:00:00,6320.8 +2019-09-20 13:15:00,6275.6 +2019-09-20 13:30:00,6241.6 +2019-09-20 13:45:00,6191.6 +2019-09-20 14:00:00,6129.2 +2019-09-20 14:15:00,6081.6 +2019-09-20 14:30:00,6012.4 +2019-09-20 14:45:00,6002.0 +2019-09-20 15:00:00,6003.6 +2019-09-20 15:15:00,5989.6 +2019-09-20 15:30:00,5944.8 +2019-09-20 15:45:00,5932.8 +2019-09-20 16:00:00,6005.2 +2019-09-20 16:15:00,6006.4 +2019-09-20 16:30:00,5998.8 +2019-09-20 16:45:00,6005.6 +2019-09-20 17:00:00,5992.8 +2019-09-20 17:15:00,5972.4 +2019-09-20 17:30:00,5982.4 +2019-09-20 17:45:00,5996.8 +2019-09-20 18:00:00,6030.0 +2019-09-20 18:15:00,6036.4 +2019-09-20 18:30:00,6115.2 +2019-09-20 18:45:00,6182.8 +2019-09-20 19:00:00,6126.4 +2019-09-20 19:15:00,6012.0 +2019-09-20 19:30:00,5907.6 +2019-09-20 19:45:00,5826.0 +2019-09-20 20:00:00,5691.6 +2019-09-20 20:15:00,5592.0 +2019-09-20 20:30:00,5487.6 +2019-09-20 20:45:00,5379.6 +2019-09-20 21:00:00,5293.6 +2019-09-20 21:15:00,5217.2 +2019-09-20 21:30:00,5101.6 +2019-09-20 21:45:00,4994.8 +2019-09-20 22:00:00,4906.8 +2019-09-20 22:15:00,4812.8 +2019-09-20 22:30:00,4746.0 +2019-09-20 22:45:00,4699.6 +2019-09-20 23:00:00,4567.2 +2019-09-20 23:15:00,4491.6 +2019-09-20 23:30:00,4412.8 +2019-09-20 23:45:00,4364.4 +2019-09-21 00:00:00,4362.4 +2019-09-21 00:15:00,4328.0 +2019-09-21 00:30:00,4283.6 +2019-09-21 00:45:00,4278.8 +2019-09-21 01:00:00,4231.2 +2019-09-21 01:15:00,4209.2 +2019-09-21 01:30:00,4191.6 +2019-09-21 01:45:00,4176.4 +2019-09-21 02:00:00,4154.8 +2019-09-21 02:15:00,4141.2 +2019-09-21 02:30:00,4150.8 +2019-09-21 02:45:00,4151.6 +2019-09-21 03:00:00,4158.4 +2019-09-21 03:15:00,4160.8 +2019-09-21 03:30:00,4179.2 +2019-09-21 03:45:00,4202.0 +2019-09-21 04:00:00,4259.6 +2019-09-21 04:15:00,4246.8 +2019-09-21 04:30:00,4254.8 +2019-09-21 04:45:00,4291.6 +2019-09-21 05:00:00,4409.2 +2019-09-21 05:15:00,4458.8 +2019-09-21 05:30:00,4507.2 +2019-09-21 05:45:00,4537.6 +2019-09-21 06:00:00,4668.0 +2019-09-21 06:15:00,4716.4 +2019-09-21 06:30:00,4813.2 +2019-09-21 06:45:00,4916.8 +2019-09-21 07:00:00,5019.6 +2019-09-21 07:15:00,5092.8 +2019-09-21 07:30:00,5133.6 +2019-09-21 07:45:00,5236.0 +2019-09-21 08:00:00,5227.2 +2019-09-21 08:15:00,5289.2 +2019-09-21 08:30:00,5353.6 +2019-09-21 08:45:00,5420.8 +2019-09-21 09:00:00,5483.6 +2019-09-21 09:15:00,5532.8 +2019-09-21 09:30:00,5532.4 +2019-09-21 09:45:00,5585.6 +2019-09-21 10:00:00,5582.8 +2019-09-21 10:15:00,5596.4 +2019-09-21 10:30:00,5612.4 +2019-09-21 10:45:00,5614.8 +2019-09-21 11:00:00,5534.0 +2019-09-21 11:15:00,5508.4 +2019-09-21 11:30:00,5480.4 +2019-09-21 11:45:00,5437.2 +2019-09-21 12:00:00,5417.6 +2019-09-21 12:15:00,5379.6 +2019-09-21 12:30:00,5346.8 +2019-09-21 12:45:00,5296.8 +2019-09-21 13:00:00,5233.2 +2019-09-21 13:15:00,5220.0 +2019-09-21 13:30:00,5197.6 +2019-09-21 13:45:00,5141.6 +2019-09-21 14:00:00,5152.0 +2019-09-21 14:15:00,5125.2 +2019-09-21 14:30:00,5081.6 +2019-09-21 14:45:00,5066.0 +2019-09-21 15:00:00,5024.4 +2019-09-21 15:15:00,5010.0 +2019-09-21 15:30:00,5012.0 +2019-09-21 15:45:00,5007.2 +2019-09-21 16:00:00,5035.6 +2019-09-21 16:15:00,5072.0 +2019-09-21 16:30:00,5083.2 +2019-09-21 16:45:00,5114.8 +2019-09-21 17:00:00,5169.6 +2019-09-21 17:15:00,5188.4 +2019-09-21 17:30:00,5208.4 +2019-09-21 17:45:00,5227.2 +2019-09-21 18:00:00,5224.4 +2019-09-21 18:15:00,5241.6 +2019-09-21 18:30:00,5314.4 +2019-09-21 18:45:00,5348.8 +2019-09-21 19:00:00,5343.6 +2019-09-21 19:15:00,5252.4 +2019-09-21 19:30:00,5156.4 +2019-09-21 19:45:00,5087.2 +2019-09-21 20:00:00,4983.2 +2019-09-21 20:15:00,4918.4 +2019-09-21 20:30:00,4850.4 +2019-09-21 20:45:00,4794.0 +2019-09-21 21:00:00,4758.4 +2019-09-21 21:15:00,4702.8 +2019-09-21 21:30:00,4609.6 +2019-09-21 21:45:00,4555.2 +2019-09-21 22:00:00,4426.0 +2019-09-21 22:15:00,4372.0 +2019-09-21 22:30:00,4304.4 +2019-09-21 22:45:00,4261.2 +2019-09-21 23:00:00,4152.8 +2019-09-21 23:15:00,4097.2 +2019-09-21 23:30:00,4042.0 +2019-09-21 23:45:00,4011.2 +2019-09-22 00:00:00,3940.4 +2019-09-22 00:15:00,3895.6 +2019-09-22 00:30:00,3855.6 +2019-09-22 00:45:00,3830.4 +2019-09-22 01:00:00,3770.8 +2019-09-22 01:15:00,3747.6 +2019-09-22 01:30:00,3734.4 +2019-09-22 01:45:00,3716.4 +2019-09-22 02:00:00,3722.8 +2019-09-22 02:15:00,3719.2 +2019-09-22 02:30:00,3731.2 +2019-09-22 02:45:00,3718.0 +2019-09-22 03:00:00,3765.6 +2019-09-22 03:15:00,3780.4 +2019-09-22 03:30:00,3779.6 +2019-09-22 03:45:00,3793.2 +2019-09-22 04:00:00,3822.4 +2019-09-22 04:15:00,3820.8 +2019-09-22 04:30:00,3836.8 +2019-09-22 04:45:00,3849.6 +2019-09-22 05:00:00,3904.8 +2019-09-22 05:15:00,3931.2 +2019-09-22 05:30:00,3932.8 +2019-09-22 05:45:00,3974.0 +2019-09-22 06:00:00,4029.2 +2019-09-22 06:15:00,4106.0 +2019-09-22 06:30:00,4173.6 +2019-09-22 06:45:00,4268.4 +2019-09-22 07:00:00,4321.6 +2019-09-22 07:15:00,4427.2 +2019-09-22 07:30:00,4503.6 +2019-09-22 07:45:00,4578.8 +2019-09-22 08:00:00,4647.2 +2019-09-22 08:15:00,4690.8 +2019-09-22 08:30:00,4776.8 +2019-09-22 08:45:00,4832.4 +2019-09-22 09:00:00,4878.4 +2019-09-22 09:15:00,4913.2 +2019-09-22 09:30:00,4990.8 +2019-09-22 09:45:00,5027.6 +2019-09-22 10:00:00,5018.4 +2019-09-22 10:15:00,5078.0 +2019-09-22 10:30:00,5108.0 +2019-09-22 10:45:00,5106.4 +2019-09-22 11:00:00,5069.2 +2019-09-22 11:15:00,5029.2 +2019-09-22 11:30:00,5020.0 +2019-09-22 11:45:00,4952.8 +2019-09-22 12:00:00,4943.2 +2019-09-22 12:15:00,4908.4 +2019-09-22 12:30:00,4861.2 +2019-09-22 12:45:00,4780.8 +2019-09-22 13:00:00,4737.2 +2019-09-22 13:15:00,4728.0 +2019-09-22 13:30:00,4728.8 +2019-09-22 13:45:00,4666.0 +2019-09-22 14:00:00,4636.8 +2019-09-22 14:15:00,4622.4 +2019-09-22 14:30:00,4600.8 +2019-09-22 14:45:00,4578.4 +2019-09-22 15:00:00,4592.4 +2019-09-22 15:15:00,4582.8 +2019-09-22 15:30:00,4578.8 +2019-09-22 15:45:00,4594.0 +2019-09-22 16:00:00,4721.2 +2019-09-22 16:15:00,4760.0 +2019-09-22 16:30:00,4814.8 +2019-09-22 16:45:00,4876.0 +2019-09-22 17:00:00,4902.8 +2019-09-22 17:15:00,4936.4 +2019-09-22 17:30:00,4982.4 +2019-09-22 17:45:00,5028.0 +2019-09-22 18:00:00,5000.4 +2019-09-22 18:15:00,5068.0 +2019-09-22 18:30:00,5183.6 +2019-09-22 18:45:00,5278.4 +2019-09-22 19:00:00,5306.4 +2019-09-22 19:15:00,5236.8 +2019-09-22 19:30:00,5170.8 +2019-09-22 19:45:00,5105.2 +2019-09-22 20:00:00,5034.4 +2019-09-22 20:15:00,4964.8 +2019-09-22 20:30:00,4944.8 +2019-09-22 20:45:00,4922.4 +2019-09-22 21:00:00,4904.4 +2019-09-22 21:15:00,4830.8 +2019-09-22 21:30:00,4767.2 +2019-09-22 21:45:00,4677.2 +2019-09-22 22:00:00,4584.8 +2019-09-22 22:15:00,4473.2 +2019-09-22 22:30:00,4418.0 +2019-09-22 22:45:00,4362.0 +2019-09-22 23:00:00,4312.4 +2019-09-22 23:15:00,4280.8 +2019-09-22 23:30:00,4274.0 +2019-09-22 23:45:00,4252.8 +2019-09-23 00:00:00,4231.6 +2019-09-23 00:15:00,4198.0 +2019-09-23 00:30:00,4190.4 +2019-09-23 00:45:00,4171.2 +2019-09-23 01:00:00,4136.0 +2019-09-23 01:15:00,4113.2 +2019-09-23 01:30:00,4122.8 +2019-09-23 01:45:00,4134.8 +2019-09-23 02:00:00,4186.8 +2019-09-23 02:15:00,4218.4 +2019-09-23 02:30:00,4244.4 +2019-09-23 02:45:00,4256.4 +2019-09-23 03:00:00,4318.0 +2019-09-23 03:15:00,4356.8 +2019-09-23 03:30:00,4428.4 +2019-09-23 03:45:00,4481.6 +2019-09-23 04:00:00,4605.2 +2019-09-23 04:15:00,4688.4 +2019-09-23 04:30:00,4822.4 +2019-09-23 04:45:00,5004.4 +2019-09-23 05:00:00,5389.6 +2019-09-23 05:15:00,5648.4 +2019-09-23 05:30:00,5849.2 +2019-09-23 05:45:00,6022.4 +2019-09-23 06:00:00,6211.2 +2019-09-23 06:15:00,6259.6 +2019-09-23 06:30:00,6326.8 +2019-09-23 06:45:00,6383.2 +2019-09-23 07:00:00,6505.6 +2019-09-23 07:15:00,6543.6 +2019-09-23 07:30:00,6572.0 +2019-09-23 07:45:00,6594.0 +2019-09-23 08:00:00,6559.6 +2019-09-23 08:15:00,6592.8 +2019-09-23 08:30:00,6659.6 +2019-09-23 08:45:00,6694.8 +2019-09-23 09:00:00,6767.2 +2019-09-23 09:15:00,6800.0 +2019-09-23 09:30:00,6838.0 +2019-09-23 09:45:00,6866.8 +2019-09-23 10:00:00,6880.0 +2019-09-23 10:15:00,6897.6 +2019-09-23 10:30:00,6899.6 +2019-09-23 10:45:00,6902.0 +2019-09-23 11:00:00,6867.2 +2019-09-23 11:15:00,6841.6 +2019-09-23 11:30:00,6852.8 +2019-09-23 11:45:00,6825.6 +2019-09-23 12:00:00,6840.4 +2019-09-23 12:15:00,6819.2 +2019-09-23 12:30:00,6804.0 +2019-09-23 12:45:00,6768.8 +2019-09-23 13:00:00,6744.4 +2019-09-23 13:15:00,6710.4 +2019-09-23 13:30:00,6684.8 +2019-09-23 13:45:00,6659.6 +2019-09-23 14:00:00,6633.6 +2019-09-23 14:15:00,6582.8 +2019-09-23 14:30:00,6555.2 +2019-09-23 14:45:00,6524.8 +2019-09-23 15:00:00,6450.4 +2019-09-23 15:15:00,6403.2 +2019-09-23 15:30:00,6377.2 +2019-09-23 15:45:00,6386.4 +2019-09-23 16:00:00,6442.0 +2019-09-23 16:15:00,6424.4 +2019-09-23 16:30:00,6448.0 +2019-09-23 16:45:00,6458.0 +2019-09-23 17:00:00,6439.2 +2019-09-23 17:15:00,6417.6 +2019-09-23 17:30:00,6442.4 +2019-09-23 17:45:00,6486.8 +2019-09-23 18:00:00,6499.2 +2019-09-23 18:15:00,6518.4 +2019-09-23 18:30:00,6630.4 +2019-09-23 18:45:00,6650.8 +2019-09-23 19:00:00,6560.0 +2019-09-23 19:15:00,6400.8 +2019-09-23 19:30:00,6288.4 +2019-09-23 19:45:00,6168.4 +2019-09-23 20:00:00,6037.2 +2019-09-23 20:15:00,5930.8 +2019-09-23 20:30:00,5807.2 +2019-09-23 20:45:00,5702.8 +2019-09-23 21:00:00,5578.4 +2019-09-23 21:15:00,5465.2 +2019-09-23 21:30:00,5322.0 +2019-09-23 21:45:00,5222.8 +2019-09-23 22:00:00,5110.4 +2019-09-23 22:15:00,5023.2 +2019-09-23 22:30:00,4910.0 +2019-09-23 22:45:00,4876.8 +2019-09-23 23:00:00,4786.0 +2019-09-23 23:15:00,4730.4 +2019-09-23 23:30:00,4715.6 +2019-09-23 23:45:00,4632.8 +2019-09-24 00:00:00,4606.4 +2019-09-24 00:15:00,4582.4 +2019-09-24 00:30:00,4541.2 +2019-09-24 00:45:00,4490.4 +2019-09-24 01:00:00,4452.0 +2019-09-24 01:15:00,4459.6 +2019-09-24 01:30:00,4463.6 +2019-09-24 01:45:00,4468.4 +2019-09-24 02:00:00,4480.8 +2019-09-24 02:15:00,4489.2 +2019-09-24 02:30:00,4490.8 +2019-09-24 02:45:00,4507.6 +2019-09-24 03:00:00,4549.6 +2019-09-24 03:15:00,4606.8 +2019-09-24 03:30:00,4640.0 +2019-09-24 03:45:00,4702.8 +2019-09-24 04:00:00,4837.6 +2019-09-24 04:15:00,4950.4 +2019-09-24 04:30:00,5091.2 +2019-09-24 04:45:00,5231.2 +2019-09-24 05:00:00,5570.4 +2019-09-24 05:15:00,5823.6 +2019-09-24 05:30:00,6025.6 +2019-09-24 05:45:00,6162.0 +2019-09-24 06:00:00,6304.4 +2019-09-24 06:15:00,6349.6 +2019-09-24 06:30:00,6406.4 +2019-09-24 06:45:00,6482.0 +2019-09-24 07:00:00,6567.6 +2019-09-24 07:15:00,6587.2 +2019-09-24 07:30:00,6635.6 +2019-09-24 07:45:00,6659.2 +2019-09-24 08:00:00,6648.4 +2019-09-24 08:15:00,6701.2 +2019-09-24 08:30:00,6740.0 +2019-09-24 08:45:00,6738.8 +2019-09-24 09:00:00,6774.4 +2019-09-24 09:15:00,6767.2 +2019-09-24 09:30:00,6810.8 +2019-09-24 09:45:00,6838.0 +2019-09-24 10:00:00,6853.2 +2019-09-24 10:15:00,6878.4 +2019-09-24 10:30:00,6903.2 +2019-09-24 10:45:00,6887.2 +2019-09-24 11:00:00,6845.6 +2019-09-24 11:15:00,6825.6 +2019-09-24 11:30:00,6825.6 +2019-09-24 11:45:00,6816.8 +2019-09-24 12:00:00,6798.0 +2019-09-24 12:15:00,6778.4 +2019-09-24 12:30:00,6747.6 +2019-09-24 12:45:00,6707.2 +2019-09-24 13:00:00,6681.6 +2019-09-24 13:15:00,6664.8 +2019-09-24 13:30:00,6671.6 +2019-09-24 13:45:00,6662.8 +2019-09-24 14:00:00,6610.8 +2019-09-24 14:15:00,6550.4 +2019-09-24 14:30:00,6516.8 +2019-09-24 14:45:00,6462.8 +2019-09-24 15:00:00,6457.2 +2019-09-24 15:15:00,6425.2 +2019-09-24 15:30:00,6409.2 +2019-09-24 15:45:00,6400.8 +2019-09-24 16:00:00,6416.4 +2019-09-24 16:15:00,6414.8 +2019-09-24 16:30:00,6446.0 +2019-09-24 16:45:00,6451.2 +2019-09-24 17:00:00,6418.8 +2019-09-24 17:15:00,6408.0 +2019-09-24 17:30:00,6483.6 +2019-09-24 17:45:00,6512.4 +2019-09-24 18:00:00,6559.6 +2019-09-24 18:15:00,6603.2 +2019-09-24 18:30:00,6680.0 +2019-09-24 18:45:00,6676.0 +2019-09-24 19:00:00,6585.2 +2019-09-24 19:15:00,6440.8 +2019-09-24 19:30:00,6360.8 +2019-09-24 19:45:00,6254.4 +2019-09-24 20:00:00,6150.4 +2019-09-24 20:15:00,6028.4 +2019-09-24 20:30:00,5898.0 +2019-09-24 20:45:00,5766.0 +2019-09-24 21:00:00,5665.2 +2019-09-24 21:15:00,5566.8 +2019-09-24 21:30:00,5444.0 +2019-09-24 21:45:00,5320.4 +2019-09-24 22:00:00,5173.2 +2019-09-24 22:15:00,5086.0 +2019-09-24 22:30:00,4984.0 +2019-09-24 22:45:00,4903.2 +2019-09-24 23:00:00,4849.6 +2019-09-24 23:15:00,4774.8 +2019-09-24 23:30:00,4722.8 +2019-09-24 23:45:00,4716.4 +2019-09-25 00:00:00,4643.6 +2019-09-25 00:15:00,4602.4 +2019-09-25 00:30:00,4555.2 +2019-09-25 00:45:00,4528.0 +2019-09-25 01:00:00,4504.4 +2019-09-25 01:15:00,4461.6 +2019-09-25 01:30:00,4478.0 +2019-09-25 01:45:00,4481.2 +2019-09-25 02:00:00,4510.8 +2019-09-25 02:15:00,4508.8 +2019-09-25 02:30:00,4512.0 +2019-09-25 02:45:00,4537.6 +2019-09-25 03:00:00,4572.8 +2019-09-25 03:15:00,4596.0 +2019-09-25 03:30:00,4663.2 +2019-09-25 03:45:00,4740.8 +2019-09-25 04:00:00,4889.6 +2019-09-25 04:15:00,4989.2 +2019-09-25 04:30:00,5100.8 +2019-09-25 04:45:00,5313.6 +2019-09-25 05:00:00,5660.0 +2019-09-25 05:15:00,5896.4 +2019-09-25 05:30:00,6086.4 +2019-09-25 05:45:00,6248.8 +2019-09-25 06:00:00,6440.4 +2019-09-25 06:15:00,6494.0 +2019-09-25 06:30:00,6542.4 +2019-09-25 06:45:00,6586.4 +2019-09-25 07:00:00,6654.8 +2019-09-25 07:15:00,6651.6 +2019-09-25 07:30:00,6660.0 +2019-09-25 07:45:00,6660.0 +2019-09-25 08:00:00,6661.6 +2019-09-25 08:15:00,6662.0 +2019-09-25 08:30:00,6704.4 +2019-09-25 08:45:00,6738.0 +2019-09-25 09:00:00,6800.4 +2019-09-25 09:15:00,6828.4 +2019-09-25 09:30:00,6857.6 +2019-09-25 09:45:00,6866.4 +2019-09-25 10:00:00,6934.4 +2019-09-25 10:15:00,6942.8 +2019-09-25 10:30:00,6985.6 +2019-09-25 10:45:00,6964.0 +2019-09-25 11:00:00,6927.6 +2019-09-25 11:15:00,6884.4 +2019-09-25 11:30:00,6902.4 +2019-09-25 11:45:00,6895.2 +2019-09-25 12:00:00,6854.8 +2019-09-25 12:15:00,6811.6 +2019-09-25 12:30:00,6786.4 +2019-09-25 12:45:00,6701.2 +2019-09-25 13:00:00,6661.2 +2019-09-25 13:15:00,6642.8 +2019-09-25 13:30:00,6658.0 +2019-09-25 13:45:00,6601.6 +2019-09-25 14:00:00,6580.4 +2019-09-25 14:15:00,6563.6 +2019-09-25 14:30:00,6565.6 +2019-09-25 14:45:00,6504.0 +2019-09-25 15:00:00,6479.2 +2019-09-25 15:15:00,6428.4 +2019-09-25 15:30:00,6396.8 +2019-09-25 15:45:00,6352.0 +2019-09-25 16:00:00,6331.6 +2019-09-25 16:15:00,6345.2 +2019-09-25 16:30:00,6397.6 +2019-09-25 16:45:00,6410.8 +2019-09-25 17:00:00,6426.4 +2019-09-25 17:15:00,6408.4 +2019-09-25 17:30:00,6446.8 +2019-09-25 17:45:00,6482.0 +2019-09-25 18:00:00,6548.4 +2019-09-25 18:15:00,6593.6 +2019-09-25 18:30:00,6669.2 +2019-09-25 18:45:00,6646.4 +2019-09-25 19:00:00,6502.8 +2019-09-25 19:15:00,6373.6 +2019-09-25 19:30:00,6257.2 +2019-09-25 19:45:00,6141.6 +2019-09-25 20:00:00,6070.0 +2019-09-25 20:15:00,5946.0 +2019-09-25 20:30:00,5840.8 +2019-09-25 20:45:00,5760.0 +2019-09-25 21:00:00,5687.2 +2019-09-25 21:15:00,5562.8 +2019-09-25 21:30:00,5436.0 +2019-09-25 21:45:00,5329.2 +2019-09-25 22:00:00,5198.4 +2019-09-25 22:15:00,5096.0 +2019-09-25 22:30:00,5012.0 +2019-09-25 22:45:00,4944.8 +2019-09-25 23:00:00,4860.4 +2019-09-25 23:15:00,4809.6 +2019-09-25 23:30:00,4766.0 +2019-09-25 23:45:00,4732.0 +2019-09-26 00:00:00,4679.6 +2019-09-26 00:15:00,4650.0 +2019-09-26 00:30:00,4620.4 +2019-09-26 00:45:00,4586.0 +2019-09-26 01:00:00,4523.6 +2019-09-26 01:15:00,4530.8 +2019-09-26 01:30:00,4530.0 +2019-09-26 01:45:00,4558.4 +2019-09-26 02:00:00,4572.4 +2019-09-26 02:15:00,4566.0 +2019-09-26 02:30:00,4564.8 +2019-09-26 02:45:00,4595.2 +2019-09-26 03:00:00,4634.8 +2019-09-26 03:15:00,4681.6 +2019-09-26 03:30:00,4723.2 +2019-09-26 03:45:00,4767.6 +2019-09-26 04:00:00,4920.0 +2019-09-26 04:15:00,5028.4 +2019-09-26 04:30:00,5148.4 +2019-09-26 04:45:00,5326.0 +2019-09-26 05:00:00,5658.4 +2019-09-26 05:15:00,5912.0 +2019-09-26 05:30:00,6118.4 +2019-09-26 05:45:00,6233.6 +2019-09-26 06:00:00,6347.2 +2019-09-26 06:15:00,6393.6 +2019-09-26 06:30:00,6458.0 +2019-09-26 06:45:00,6530.4 +2019-09-26 07:00:00,6588.0 +2019-09-26 07:15:00,6641.2 +2019-09-26 07:30:00,6678.8 +2019-09-26 07:45:00,6700.8 +2019-09-26 08:00:00,6701.2 +2019-09-26 08:15:00,6733.6 +2019-09-26 08:30:00,6760.8 +2019-09-26 08:45:00,6781.2 +2019-09-26 09:00:00,6769.2 +2019-09-26 09:15:00,6810.0 +2019-09-26 09:30:00,6842.4 +2019-09-26 09:45:00,6884.0 +2019-09-26 10:00:00,6898.8 +2019-09-26 10:15:00,6953.2 +2019-09-26 10:30:00,6966.8 +2019-09-26 10:45:00,6979.6 +2019-09-26 11:00:00,6927.2 +2019-09-26 11:15:00,6894.8 +2019-09-26 11:30:00,6869.6 +2019-09-26 11:45:00,6883.2 +2019-09-26 12:00:00,6876.0 +2019-09-26 12:15:00,6851.2 +2019-09-26 12:30:00,6796.8 +2019-09-26 12:45:00,6739.2 +2019-09-26 13:00:00,6714.8 +2019-09-26 13:15:00,6722.4 +2019-09-26 13:30:00,6709.2 +2019-09-26 13:45:00,6674.4 +2019-09-26 14:00:00,6721.2 +2019-09-26 14:15:00,6660.8 +2019-09-26 14:30:00,6644.0 +2019-09-26 14:45:00,6602.8 +2019-09-26 15:00:00,6565.6 +2019-09-26 15:15:00,6540.4 +2019-09-26 15:30:00,6523.2 +2019-09-26 15:45:00,6492.0 +2019-09-26 16:00:00,6459.2 +2019-09-26 16:15:00,6471.6 +2019-09-26 16:30:00,6475.2 +2019-09-26 16:45:00,6500.4 +2019-09-26 17:00:00,6462.0 +2019-09-26 17:15:00,6467.6 +2019-09-26 17:30:00,6500.0 +2019-09-26 17:45:00,6542.4 +2019-09-26 18:00:00,6609.6 +2019-09-26 18:15:00,6650.8 +2019-09-26 18:30:00,6689.2 +2019-09-26 18:45:00,6662.0 +2019-09-26 19:00:00,6589.6 +2019-09-26 19:15:00,6451.2 +2019-09-26 19:30:00,6340.4 +2019-09-26 19:45:00,6253.2 +2019-09-26 20:00:00,6183.6 +2019-09-26 20:15:00,6042.0 +2019-09-26 20:30:00,5936.4 +2019-09-26 20:45:00,5854.0 +2019-09-26 21:00:00,5760.8 +2019-09-26 21:15:00,5654.4 +2019-09-26 21:30:00,5559.6 +2019-09-26 21:45:00,5437.6 +2019-09-26 22:00:00,5304.0 +2019-09-26 22:15:00,5213.6 +2019-09-26 22:30:00,5116.8 +2019-09-26 22:45:00,5044.4 +2019-09-26 23:00:00,4978.4 +2019-09-26 23:15:00,4933.2 +2019-09-26 23:30:00,4881.2 +2019-09-26 23:45:00,4837.2 +2019-09-27 00:00:00,4762.8 +2019-09-27 00:15:00,4738.4 +2019-09-27 00:30:00,4710.0 +2019-09-27 00:45:00,4664.8 +2019-09-27 01:00:00,4655.2 +2019-09-27 01:15:00,4658.4 +2019-09-27 01:30:00,4649.2 +2019-09-27 01:45:00,4646.4 +2019-09-27 02:00:00,4647.2 +2019-09-27 02:15:00,4661.2 +2019-09-27 02:30:00,4662.8 +2019-09-27 02:45:00,4671.2 +2019-09-27 03:00:00,4709.2 +2019-09-27 03:15:00,4744.0 +2019-09-27 03:30:00,4768.4 +2019-09-27 03:45:00,4850.8 +2019-09-27 04:00:00,4982.8 +2019-09-27 04:15:00,5060.8 +2019-09-27 04:30:00,5164.4 +2019-09-27 04:45:00,5350.8 +2019-09-27 05:00:00,5702.8 +2019-09-27 05:15:00,5944.8 +2019-09-27 05:30:00,6131.2 +2019-09-27 05:45:00,6293.6 +2019-09-27 06:00:00,6458.0 +2019-09-27 06:15:00,6494.8 +2019-09-27 06:30:00,6550.4 +2019-09-27 06:45:00,6635.6 +2019-09-27 07:00:00,6749.6 +2019-09-27 07:15:00,6820.0 +2019-09-27 07:30:00,6854.4 +2019-09-27 07:45:00,6878.8 +2019-09-27 08:00:00,6889.6 +2019-09-27 08:15:00,6906.4 +2019-09-27 08:30:00,6956.8 +2019-09-27 08:45:00,6972.8 +2019-09-27 09:00:00,6972.4 +2019-09-27 09:15:00,6988.8 +2019-09-27 09:30:00,7003.2 +2019-09-27 09:45:00,7030.8 +2019-09-27 10:00:00,7056.8 +2019-09-27 10:15:00,7075.2 +2019-09-27 10:30:00,7106.0 +2019-09-27 10:45:00,7072.0 +2019-09-27 11:00:00,7031.6 +2019-09-27 11:15:00,7013.2 +2019-09-27 11:30:00,7007.6 +2019-09-27 11:45:00,6994.0 +2019-09-27 12:00:00,6937.2 +2019-09-27 12:15:00,6873.2 +2019-09-27 12:30:00,6777.6 +2019-09-27 12:45:00,6702.4 +2019-09-27 13:00:00,6660.4 +2019-09-27 13:15:00,6620.0 +2019-09-27 13:30:00,6576.0 +2019-09-27 13:45:00,6527.2 +2019-09-27 14:00:00,6741.2 +2019-09-27 14:15:00,6488.0 +2019-09-27 14:30:00,6440.8 +2019-09-27 14:45:00,6396.0 +2019-09-27 15:00:00,6424.8 +2019-09-27 15:15:00,6377.2 +2019-09-27 15:30:00,6336.4 +2019-09-27 15:45:00,6318.4 +2019-09-27 16:00:00,6304.4 +2019-09-27 16:15:00,6298.8 +2019-09-27 16:30:00,6280.8 +2019-09-27 16:45:00,6284.0 +2019-09-27 17:00:00,6270.8 +2019-09-27 17:15:00,6235.2 +2019-09-27 17:30:00,6258.8 +2019-09-27 17:45:00,6253.6 +2019-09-27 18:00:00,6346.0 +2019-09-27 18:15:00,6380.4 +2019-09-27 18:30:00,6424.4 +2019-09-27 18:45:00,6403.6 +2019-09-27 19:00:00,6298.0 +2019-09-27 19:15:00,6183.2 +2019-09-27 19:30:00,6090.0 +2019-09-27 19:45:00,5957.2 +2019-09-27 20:00:00,5831.2 +2019-09-27 20:15:00,5726.0 +2019-09-27 20:30:00,5618.4 +2019-09-27 20:45:00,5514.0 +2019-09-27 21:00:00,5471.6 +2019-09-27 21:15:00,5396.0 +2019-09-27 21:30:00,5308.0 +2019-09-27 21:45:00,5169.6 +2019-09-27 22:00:00,5052.0 +2019-09-27 22:15:00,4972.4 +2019-09-27 22:30:00,4890.8 +2019-09-27 22:45:00,4803.2 +2019-09-27 23:00:00,4693.6 +2019-09-27 23:15:00,4651.2 +2019-09-27 23:30:00,4584.8 +2019-09-27 23:45:00,4538.0 +2019-09-28 00:00:00,4536.4 +2019-09-28 00:15:00,4482.0 +2019-09-28 00:30:00,4441.6 +2019-09-28 00:45:00,4408.0 +2019-09-28 01:00:00,4303.2 +2019-09-28 01:15:00,4265.6 +2019-09-28 01:30:00,4274.0 +2019-09-28 01:45:00,4266.0 +2019-09-28 02:00:00,4319.2 +2019-09-28 02:15:00,4311.2 +2019-09-28 02:30:00,4320.0 +2019-09-28 02:45:00,4318.4 +2019-09-28 03:00:00,4350.8 +2019-09-28 03:15:00,4346.8 +2019-09-28 03:30:00,4374.4 +2019-09-28 03:45:00,4386.4 +2019-09-28 04:00:00,4368.0 +2019-09-28 04:15:00,4388.0 +2019-09-28 04:30:00,4421.2 +2019-09-28 04:45:00,4466.4 +2019-09-28 05:00:00,4533.6 +2019-09-28 05:15:00,4631.6 +2019-09-28 05:30:00,4690.0 +2019-09-28 05:45:00,4745.6 +2019-09-28 06:00:00,4818.0 +2019-09-28 06:15:00,4859.6 +2019-09-28 06:30:00,4956.4 +2019-09-28 06:45:00,5034.8 +2019-09-28 07:00:00,5196.8 +2019-09-28 07:15:00,5279.6 +2019-09-28 07:30:00,5370.4 +2019-09-28 07:45:00,5400.4 +2019-09-28 08:00:00,5392.0 +2019-09-28 08:15:00,5429.2 +2019-09-28 08:30:00,5530.0 +2019-09-28 08:45:00,5605.6 +2019-09-28 09:00:00,5694.8 +2019-09-28 09:15:00,5734.4 +2019-09-28 09:30:00,5777.2 +2019-09-28 09:45:00,5812.4 +2019-09-28 10:00:00,5850.8 +2019-09-28 10:15:00,5845.6 +2019-09-28 10:30:00,5895.6 +2019-09-28 10:45:00,5876.8 +2019-09-28 11:00:00,5832.8 +2019-09-28 11:15:00,5834.8 +2019-09-28 11:30:00,5788.0 +2019-09-28 11:45:00,5741.6 +2019-09-28 12:00:00,5670.4 +2019-09-28 12:15:00,5606.4 +2019-09-28 12:30:00,5584.0 +2019-09-28 12:45:00,5526.4 +2019-09-28 13:00:00,5480.4 +2019-09-28 13:15:00,5433.2 +2019-09-28 13:30:00,5364.4 +2019-09-28 13:45:00,5370.8 +2019-09-28 14:00:00,5389.2 +2019-09-28 14:15:00,5405.6 +2019-09-28 14:30:00,5384.4 +2019-09-28 14:45:00,5344.0 +2019-09-28 15:00:00,5359.2 +2019-09-28 15:15:00,5317.6 +2019-09-28 15:30:00,5286.0 +2019-09-28 15:45:00,5248.8 +2019-09-28 16:00:00,5308.4 +2019-09-28 16:15:00,5321.6 +2019-09-28 16:30:00,5334.4 +2019-09-28 16:45:00,5347.6 +2019-09-28 17:00:00,5348.4 +2019-09-28 17:15:00,5366.4 +2019-09-28 17:30:00,5392.8 +2019-09-28 17:45:00,5395.2 +2019-09-28 18:00:00,5464.8 +2019-09-28 18:15:00,5510.4 +2019-09-28 18:30:00,5582.4 +2019-09-28 18:45:00,5524.0 +2019-09-28 19:00:00,5458.8 +2019-09-28 19:15:00,5362.0 +2019-09-28 19:30:00,5271.6 +2019-09-28 19:45:00,5192.4 +2019-09-28 20:00:00,5118.8 +2019-09-28 20:15:00,5040.8 +2019-09-28 20:30:00,4964.4 +2019-09-28 20:45:00,4914.0 +2019-09-28 21:00:00,4917.6 +2019-09-28 21:15:00,4866.8 +2019-09-28 21:30:00,4762.8 +2019-09-28 21:45:00,4678.8 +2019-09-28 22:00:00,4580.4 +2019-09-28 22:15:00,4547.2 +2019-09-28 22:30:00,4472.0 +2019-09-28 22:45:00,4421.2 +2019-09-28 23:00:00,4374.4 +2019-09-28 23:15:00,4318.4 +2019-09-28 23:30:00,4277.6 +2019-09-28 23:45:00,4228.0 +2019-09-29 00:00:00,4178.0 +2019-09-29 00:15:00,4132.0 +2019-09-29 00:30:00,4104.0 +2019-09-29 00:45:00,4060.4 +2019-09-29 01:00:00,4015.2 +2019-09-29 01:15:00,3977.2 +2019-09-29 01:30:00,3979.2 +2019-09-29 01:45:00,3962.8 +2019-09-29 02:00:00,3961.2 +2019-09-29 02:15:00,3944.4 +2019-09-29 02:30:00,3919.2 +2019-09-29 02:45:00,3900.4 +2019-09-29 03:00:00,3917.2 +2019-09-29 03:15:00,3936.0 +2019-09-29 03:30:00,3929.2 +2019-09-29 03:45:00,3912.8 +2019-09-29 04:00:00,3917.2 +2019-09-29 04:15:00,3924.4 +2019-09-29 04:30:00,3919.6 +2019-09-29 04:45:00,3932.0 +2019-09-29 05:00:00,4015.2 +2019-09-29 05:15:00,4010.4 +2019-09-29 05:30:00,4044.4 +2019-09-29 05:45:00,4071.2 +2019-09-29 06:00:00,4177.6 +2019-09-29 06:15:00,4191.6 +2019-09-29 06:30:00,4244.4 +2019-09-29 06:45:00,4321.6 +2019-09-29 07:00:00,4464.8 +2019-09-29 07:15:00,4556.0 +2019-09-29 07:30:00,4628.8 +2019-09-29 07:45:00,4732.0 +2019-09-29 08:00:00,4840.0 +2019-09-29 08:15:00,4908.4 +2019-09-29 08:30:00,4948.8 +2019-09-29 08:45:00,5056.0 +2019-09-29 09:00:00,5126.0 +2019-09-29 09:15:00,5208.0 +2019-09-29 09:30:00,5274.0 +2019-09-29 09:45:00,5323.2 +2019-09-29 10:00:00,5381.6 +2019-09-29 10:15:00,5450.0 +2019-09-29 10:30:00,5496.8 +2019-09-29 10:45:00,5522.0 +2019-09-29 11:00:00,5484.4 +2019-09-29 11:15:00,5478.8 +2019-09-29 11:30:00,5448.0 +2019-09-29 11:45:00,5415.6 +2019-09-29 12:00:00,5390.0 +2019-09-29 12:15:00,5327.6 +2019-09-29 12:30:00,5296.4 +2019-09-29 12:45:00,5275.2 +2019-09-29 13:00:00,5211.2 +2019-09-29 13:15:00,5208.4 +2019-09-29 13:30:00,5145.6 +2019-09-29 13:45:00,5148.0 +2019-09-29 14:00:00,5174.4 +2019-09-29 14:15:00,5110.4 +2019-09-29 14:30:00,5059.6 +2019-09-29 14:45:00,5013.6 +2019-09-29 15:00:00,5056.0 +2019-09-29 15:15:00,5064.4 +2019-09-29 15:30:00,5058.0 +2019-09-29 15:45:00,5106.8 +2019-09-29 16:00:00,5202.0 +2019-09-29 16:15:00,5223.2 +2019-09-29 16:30:00,5258.8 +2019-09-29 16:45:00,5270.4 +2019-09-29 17:00:00,5325.6 +2019-09-29 17:15:00,5349.6 +2019-09-29 17:30:00,5342.8 +2019-09-29 17:45:00,5367.6 +2019-09-29 18:00:00,5440.0 +2019-09-29 18:15:00,5472.0 +2019-09-29 18:30:00,5483.2 +2019-09-29 18:45:00,5439.6 +2019-09-29 19:00:00,5394.4 +2019-09-29 19:15:00,5314.8 +2019-09-29 19:30:00,5232.8 +2019-09-29 19:45:00,5211.2 +2019-09-29 20:00:00,5180.4 +2019-09-29 20:15:00,5133.2 +2019-09-29 20:30:00,5102.8 +2019-09-29 20:45:00,5080.4 +2019-09-29 21:00:00,5099.6 +2019-09-29 21:15:00,5034.0 +2019-09-29 21:30:00,4935.6 +2019-09-29 21:45:00,4848.4 +2019-09-29 22:00:00,4770.0 +2019-09-29 22:15:00,4708.4 +2019-09-29 22:30:00,4631.6 +2019-09-29 22:45:00,4578.8 +2019-09-29 23:00:00,4627.2 +2019-09-29 23:15:00,4585.2 +2019-09-29 23:30:00,4570.0 +2019-09-29 23:45:00,4517.2 +2019-09-30 00:00:00,4487.2 +2019-09-30 00:15:00,4462.4 +2019-09-30 00:30:00,4442.8 +2019-09-30 00:45:00,4405.2 +2019-09-30 01:00:00,4375.6 +2019-09-30 01:15:00,4388.8 +2019-09-30 01:30:00,4404.4 +2019-09-30 01:45:00,4396.8 +2019-09-30 02:00:00,4450.4 +2019-09-30 02:15:00,4496.0 +2019-09-30 02:30:00,4554.0 +2019-09-30 02:45:00,4561.6 +2019-09-30 03:00:00,4635.6 +2019-09-30 03:15:00,4695.2 +2019-09-30 03:30:00,4749.6 +2019-09-30 03:45:00,4815.6 +2019-09-30 04:00:00,4900.8 +2019-09-30 04:15:00,5018.0 +2019-09-30 04:30:00,5177.2 +2019-09-30 04:45:00,5386.8 +2019-09-30 05:00:00,5782.8 +2019-09-30 05:15:00,6008.8 +2019-09-30 05:30:00,6183.2 +2019-09-30 05:45:00,6341.2 +2019-09-30 06:00:00,6474.4 +2019-09-30 06:15:00,6571.6 +2019-09-30 06:30:00,6632.8 +2019-09-30 06:45:00,6662.4 +2019-09-30 07:00:00,6725.2 +2019-09-30 07:15:00,6796.4 +2019-09-30 07:30:00,6813.6 +2019-09-30 07:45:00,6836.4 +2019-09-30 08:00:00,6788.4 +2019-09-30 08:15:00,6850.4 +2019-09-30 08:30:00,6874.8 +2019-09-30 08:45:00,6915.2 +2019-09-30 09:00:00,6917.2 +2019-09-30 09:15:00,6942.8 +2019-09-30 09:30:00,6994.4 +2019-09-30 09:45:00,7064.4 +2019-09-30 10:00:00,7132.0 +2019-09-30 10:15:00,7178.4 +2019-09-30 10:30:00,7187.6 +2019-09-30 10:45:00,7184.0 +2019-09-30 11:00:00,7112.4 +2019-09-30 11:15:00,7094.0 +2019-09-30 11:30:00,7073.2 +2019-09-30 11:45:00,7072.0 +2019-09-30 12:00:00,7074.0 +2019-09-30 12:15:00,7064.4 +2019-09-30 12:30:00,6996.0 +2019-09-30 12:45:00,6922.0 +2019-09-30 13:00:00,6885.2 +2019-09-30 13:15:00,6859.2 +2019-09-30 13:30:00,6788.8 +2019-09-30 13:45:00,6776.8 +2019-09-30 14:00:00,6807.6 +2019-09-30 14:15:00,6768.4 +2019-09-30 14:30:00,6694.0 +2019-09-30 14:45:00,6637.2 +2019-09-30 15:00:00,6610.8 +2019-09-30 15:15:00,6556.8 +2019-09-30 15:30:00,6527.2 +2019-09-30 15:45:00,6440.8 +2019-09-30 16:00:00,6471.2 +2019-09-30 16:15:00,6460.4 +2019-09-30 16:30:00,6440.0 +2019-09-30 16:45:00,6445.2 +2019-09-30 17:00:00,6464.0 +2019-09-30 17:15:00,6496.8 +2019-09-30 17:30:00,6500.0 +2019-09-30 17:45:00,6553.6 +2019-09-30 18:00:00,6610.8 +2019-09-30 18:15:00,6672.4 +2019-09-30 18:30:00,6711.2 +2019-09-30 18:45:00,6677.2 +2019-09-30 19:00:00,6549.6 +2019-09-30 19:15:00,6407.6 +2019-09-30 19:30:00,6309.6 +2019-09-30 19:45:00,6202.0 +2019-09-30 20:00:00,6086.0 +2019-09-30 20:15:00,5982.0 +2019-09-30 20:30:00,5862.8 +2019-09-30 20:45:00,5739.6 +2019-09-30 21:00:00,5654.4 +2019-09-30 21:15:00,5560.0 +2019-09-30 21:30:00,5434.4 +2019-09-30 21:45:00,5324.4 +2019-09-30 22:00:00,5180.4 +2019-09-30 22:15:00,5074.4 +2019-09-30 22:30:00,4986.8 +2019-09-30 22:45:00,4910.0 +2019-09-30 23:00:00,4876.4 +2019-09-30 23:15:00,4818.8 +2019-09-30 23:30:00,4769.6 +2019-09-30 23:45:00,4744.4 +2019-10-01 00:00:00,4744.8 +2019-10-01 00:15:00,4717.2 +2019-10-01 00:30:00,4673.6 +2019-10-01 00:45:00,4659.6 +2019-10-01 01:00:00,4651.6 +2019-10-01 01:15:00,4610.0 +2019-10-01 01:30:00,4626.8 +2019-10-01 01:45:00,4618.8 +2019-10-01 02:00:00,4635.6 +2019-10-01 02:15:00,4648.0 +2019-10-01 02:30:00,4663.6 +2019-10-01 02:45:00,4685.6 +2019-10-01 03:00:00,4754.0 +2019-10-01 03:15:00,4790.4 +2019-10-01 03:30:00,4843.6 +2019-10-01 03:45:00,4922.0 +2019-10-01 04:00:00,5080.0 +2019-10-01 04:15:00,5177.6 +2019-10-01 04:30:00,5284.4 +2019-10-01 04:45:00,5450.8 +2019-10-01 05:00:00,5702.0 +2019-10-01 05:15:00,5924.8 +2019-10-01 05:30:00,6123.6 +2019-10-01 05:45:00,6277.6 +2019-10-01 06:00:00,6473.2 +2019-10-01 06:15:00,6538.8 +2019-10-01 06:30:00,6605.6 +2019-10-01 06:45:00,6660.4 +2019-10-01 07:00:00,6748.4 +2019-10-01 07:15:00,6812.4 +2019-10-01 07:30:00,6844.8 +2019-10-01 07:45:00,6869.6 +2019-10-01 08:00:00,6823.6 +2019-10-01 08:15:00,6865.6 +2019-10-01 08:30:00,6872.0 +2019-10-01 08:45:00,6896.8 +2019-10-01 09:00:00,6978.4 +2019-10-01 09:15:00,6996.0 +2019-10-01 09:30:00,7020.0 +2019-10-01 09:45:00,7056.8 +2019-10-01 10:00:00,7080.4 +2019-10-01 10:15:00,7123.2 +2019-10-01 10:30:00,7140.4 +2019-10-01 10:45:00,7154.4 +2019-10-01 11:00:00,7093.6 +2019-10-01 11:15:00,7089.6 +2019-10-01 11:30:00,7091.2 +2019-10-01 11:45:00,7086.0 +2019-10-01 12:00:00,7084.0 +2019-10-01 12:15:00,7078.8 +2019-10-01 12:30:00,7067.6 +2019-10-01 12:45:00,6980.0 +2019-10-01 13:00:00,6962.4 +2019-10-01 13:15:00,6906.4 +2019-10-01 13:30:00,6869.6 +2019-10-01 13:45:00,6837.6 +2019-10-01 14:00:00,6821.6 +2019-10-01 14:15:00,6784.4 +2019-10-01 14:30:00,6736.0 +2019-10-01 14:45:00,6679.6 +2019-10-01 15:00:00,6694.4 +2019-10-01 15:15:00,6683.2 +2019-10-01 15:30:00,6648.8 +2019-10-01 15:45:00,6621.2 +2019-10-01 16:00:00,6618.8 +2019-10-01 16:15:00,6645.2 +2019-10-01 16:30:00,6669.2 +2019-10-01 16:45:00,6688.4 +2019-10-01 17:00:00,6599.2 +2019-10-01 17:15:00,6592.0 +2019-10-01 17:30:00,6636.0 +2019-10-01 17:45:00,6655.2 +2019-10-01 18:00:00,6723.2 +2019-10-01 18:15:00,6745.6 +2019-10-01 18:30:00,6730.4 +2019-10-01 18:45:00,6692.4 +2019-10-01 19:00:00,6529.6 +2019-10-01 19:15:00,6408.4 +2019-10-01 19:30:00,6312.8 +2019-10-01 19:45:00,6204.0 +2019-10-01 20:00:00,6110.0 +2019-10-01 20:15:00,6004.4 +2019-10-01 20:30:00,5884.4 +2019-10-01 20:45:00,5760.4 +2019-10-01 21:00:00,5651.6 +2019-10-01 21:15:00,5510.8 +2019-10-01 21:30:00,5394.8 +2019-10-01 21:45:00,5277.6 +2019-10-01 22:00:00,5164.0 +2019-10-01 22:15:00,5034.8 +2019-10-01 22:30:00,4926.4 +2019-10-01 22:45:00,4823.6 +2019-10-01 23:00:00,4743.6 +2019-10-01 23:15:00,4693.2 +2019-10-01 23:30:00,4646.0 +2019-10-01 23:45:00,4626.4 +2019-10-02 00:00:00,4649.6 +2019-10-02 00:15:00,4628.8 +2019-10-02 00:30:00,4600.8 +2019-10-02 00:45:00,4586.4 +2019-10-02 01:00:00,4592.8 +2019-10-02 01:15:00,4586.8 +2019-10-02 01:30:00,4603.2 +2019-10-02 01:45:00,4601.2 +2019-10-02 02:00:00,4612.8 +2019-10-02 02:15:00,4618.0 +2019-10-02 02:30:00,4634.0 +2019-10-02 02:45:00,4668.8 +2019-10-02 03:00:00,4705.2 +2019-10-02 03:15:00,4762.0 +2019-10-02 03:30:00,4828.8 +2019-10-02 03:45:00,4892.8 +2019-10-02 04:00:00,5023.2 +2019-10-02 04:15:00,5134.0 +2019-10-02 04:30:00,5236.0 +2019-10-02 04:45:00,5394.0 +2019-10-02 05:00:00,5722.8 +2019-10-02 05:15:00,5958.0 +2019-10-02 05:30:00,6130.8 +2019-10-02 05:45:00,6291.6 +2019-10-02 06:00:00,6424.0 +2019-10-02 06:15:00,6470.8 +2019-10-02 06:30:00,6514.4 +2019-10-02 06:45:00,6540.0 +2019-10-02 07:00:00,6638.8 +2019-10-02 07:15:00,6683.2 +2019-10-02 07:30:00,6698.8 +2019-10-02 07:45:00,6696.8 +2019-10-02 08:00:00,6645.6 +2019-10-02 08:15:00,6664.4 +2019-10-02 08:30:00,6705.2 +2019-10-02 08:45:00,6765.2 +2019-10-02 09:00:00,6774.0 +2019-10-02 09:15:00,6796.8 +2019-10-02 09:30:00,6769.6 +2019-10-02 09:45:00,6835.2 +2019-10-02 10:00:00,6836.8 +2019-10-02 10:15:00,6884.8 +2019-10-02 10:30:00,6906.0 +2019-10-02 10:45:00,6984.0 +2019-10-02 11:00:00,6994.4 +2019-10-02 11:15:00,6951.2 +2019-10-02 11:30:00,6920.0 +2019-10-02 11:45:00,6934.0 +2019-10-02 12:00:00,6957.2 +2019-10-02 12:15:00,6904.8 +2019-10-02 12:30:00,6843.6 +2019-10-02 12:45:00,6820.8 +2019-10-02 13:00:00,6777.6 +2019-10-02 13:15:00,6746.8 +2019-10-02 13:30:00,6728.4 +2019-10-02 13:45:00,6706.4 +2019-10-02 14:00:00,6688.0 +2019-10-02 14:15:00,6620.0 +2019-10-02 14:30:00,6564.0 +2019-10-02 14:45:00,6527.2 +2019-10-02 15:00:00,6504.4 +2019-10-02 15:15:00,6489.2 +2019-10-02 15:30:00,6451.6 +2019-10-02 15:45:00,6446.4 +2019-10-02 16:00:00,6428.4 +2019-10-02 16:15:00,6411.6 +2019-10-02 16:30:00,6423.2 +2019-10-02 16:45:00,6418.0 +2019-10-02 17:00:00,6432.4 +2019-10-02 17:15:00,6400.8 +2019-10-02 17:30:00,6428.8 +2019-10-02 17:45:00,6474.0 +2019-10-02 18:00:00,6564.8 +2019-10-02 18:15:00,6589.2 +2019-10-02 18:30:00,6608.8 +2019-10-02 18:45:00,6556.8 +2019-10-02 19:00:00,6503.2 +2019-10-02 19:15:00,6379.2 +2019-10-02 19:30:00,6262.8 +2019-10-02 19:45:00,6184.8 +2019-10-02 20:00:00,6076.0 +2019-10-02 20:15:00,5978.0 +2019-10-02 20:30:00,5854.8 +2019-10-02 20:45:00,5771.2 +2019-10-02 21:00:00,5696.4 +2019-10-02 21:15:00,5616.4 +2019-10-02 21:30:00,5456.0 +2019-10-02 21:45:00,5328.8 +2019-10-02 22:00:00,5202.8 +2019-10-02 22:15:00,5121.6 +2019-10-02 22:30:00,5016.0 +2019-10-02 22:45:00,4963.2 +2019-10-02 23:00:00,4908.0 +2019-10-02 23:15:00,4821.2 +2019-10-02 23:30:00,4744.8 +2019-10-02 23:45:00,4712.0 +2019-10-03 00:00:00,4622.8 +2019-10-03 00:15:00,4572.4 +2019-10-03 00:30:00,4518.8 +2019-10-03 00:45:00,4510.0 +2019-10-03 01:00:00,4518.4 +2019-10-03 01:15:00,4487.2 +2019-10-03 01:30:00,4457.6 +2019-10-03 01:45:00,4462.0 +2019-10-03 02:00:00,4475.2 +2019-10-03 02:15:00,4451.6 +2019-10-03 02:30:00,4454.8 +2019-10-03 02:45:00,4442.4 +2019-10-03 03:00:00,4411.6 +2019-10-03 03:15:00,4375.6 +2019-10-03 03:30:00,4376.8 +2019-10-03 03:45:00,4351.2 +2019-10-03 04:00:00,4317.6 +2019-10-03 04:15:00,4246.4 +2019-10-03 04:30:00,4201.6 +2019-10-03 04:45:00,4177.6 +2019-10-03 05:00:00,4181.2 +2019-10-03 05:15:00,4174.4 +2019-10-03 05:30:00,4188.0 +2019-10-03 05:45:00,4230.4 +2019-10-03 06:00:00,4323.2 +2019-10-03 06:15:00,4351.6 +2019-10-03 06:30:00,4410.0 +2019-10-03 06:45:00,4460.8 +2019-10-03 07:00:00,4575.6 +2019-10-03 07:15:00,4660.4 +2019-10-03 07:30:00,4746.4 +2019-10-03 07:45:00,4805.2 +2019-10-03 08:00:00,4887.2 +2019-10-03 08:15:00,4934.0 +2019-10-03 08:30:00,4996.8 +2019-10-03 08:45:00,5054.0 +2019-10-03 09:00:00,5108.8 +2019-10-03 09:15:00,5161.2 +2019-10-03 09:30:00,5200.4 +2019-10-03 09:45:00,5246.0 +2019-10-03 10:00:00,5325.6 +2019-10-03 10:15:00,5396.0 +2019-10-03 10:30:00,5426.4 +2019-10-03 10:45:00,5453.2 +2019-10-03 11:00:00,5475.2 +2019-10-03 11:15:00,5429.2 +2019-10-03 11:30:00,5376.8 +2019-10-03 11:45:00,5349.6 +2019-10-03 12:00:00,5296.4 +2019-10-03 12:15:00,5220.8 +2019-10-03 12:30:00,5164.8 +2019-10-03 12:45:00,5095.2 +2019-10-03 13:00:00,5068.4 +2019-10-03 13:15:00,5012.8 +2019-10-03 13:30:00,4970.0 +2019-10-03 13:45:00,4950.0 +2019-10-03 14:00:00,4914.0 +2019-10-03 14:15:00,4867.6 +2019-10-03 14:30:00,4877.2 +2019-10-03 14:45:00,4857.2 +2019-10-03 15:00:00,4864.0 +2019-10-03 15:15:00,4829.2 +2019-10-03 15:30:00,4837.6 +2019-10-03 15:45:00,4846.8 +2019-10-03 16:00:00,4883.2 +2019-10-03 16:15:00,4925.2 +2019-10-03 16:30:00,4967.6 +2019-10-03 16:45:00,5013.6 +2019-10-03 17:00:00,5108.4 +2019-10-03 17:15:00,5135.6 +2019-10-03 17:30:00,5197.2 +2019-10-03 17:45:00,5242.4 +2019-10-03 18:00:00,5344.0 +2019-10-03 18:15:00,5376.8 +2019-10-03 18:30:00,5391.2 +2019-10-03 18:45:00,5354.4 +2019-10-03 19:00:00,5300.8 +2019-10-03 19:15:00,5213.6 +2019-10-03 19:30:00,5130.0 +2019-10-03 19:45:00,5087.2 +2019-10-03 20:00:00,4988.4 +2019-10-03 20:15:00,4926.4 +2019-10-03 20:30:00,4877.2 +2019-10-03 20:45:00,4842.8 +2019-10-03 21:00:00,4834.0 +2019-10-03 21:15:00,4764.8 +2019-10-03 21:30:00,4671.6 +2019-10-03 21:45:00,4611.6 +2019-10-03 22:00:00,4491.6 +2019-10-03 22:15:00,4414.0 +2019-10-03 22:30:00,4331.6 +2019-10-03 22:45:00,4264.8 +2019-10-03 23:00:00,4202.8 +2019-10-03 23:15:00,4136.8 +2019-10-03 23:30:00,4073.2 +2019-10-03 23:45:00,4024.4 +2019-10-04 00:00:00,4019.2 +2019-10-04 00:15:00,3972.8 +2019-10-04 00:30:00,3970.8 +2019-10-04 00:45:00,3982.0 +2019-10-04 01:00:00,3946.4 +2019-10-04 01:15:00,3939.2 +2019-10-04 01:30:00,3931.2 +2019-10-04 01:45:00,3931.6 +2019-10-04 02:00:00,3961.6 +2019-10-04 02:15:00,3961.2 +2019-10-04 02:30:00,3984.8 +2019-10-04 02:45:00,3981.2 +2019-10-04 03:00:00,4047.6 +2019-10-04 03:15:00,4098.8 +2019-10-04 03:30:00,4134.8 +2019-10-04 03:45:00,4166.4 +2019-10-04 04:00:00,4306.0 +2019-10-04 04:15:00,4356.4 +2019-10-04 04:30:00,4446.0 +2019-10-04 04:45:00,4575.6 +2019-10-04 05:00:00,4842.0 +2019-10-04 05:15:00,5004.8 +2019-10-04 05:30:00,5170.8 +2019-10-04 05:45:00,5296.0 +2019-10-04 06:00:00,5500.4 +2019-10-04 06:15:00,5563.6 +2019-10-04 06:30:00,5637.2 +2019-10-04 06:45:00,5717.6 +2019-10-04 07:00:00,5792.8 +2019-10-04 07:15:00,5842.4 +2019-10-04 07:30:00,5870.4 +2019-10-04 07:45:00,5910.4 +2019-10-04 08:00:00,5968.4 +2019-10-04 08:15:00,6013.6 +2019-10-04 08:30:00,6058.8 +2019-10-04 08:45:00,6087.6 +2019-10-04 09:00:00,6071.6 +2019-10-04 09:15:00,6081.2 +2019-10-04 09:30:00,6120.4 +2019-10-04 09:45:00,6146.4 +2019-10-04 10:00:00,6176.4 +2019-10-04 10:15:00,6229.2 +2019-10-04 10:30:00,6260.4 +2019-10-04 10:45:00,6265.6 +2019-10-04 11:00:00,6236.0 +2019-10-04 11:15:00,6205.6 +2019-10-04 11:30:00,6163.6 +2019-10-04 11:45:00,6156.4 +2019-10-04 12:00:00,6146.4 +2019-10-04 12:15:00,6113.2 +2019-10-04 12:30:00,6048.8 +2019-10-04 12:45:00,5988.0 +2019-10-04 13:00:00,5981.6 +2019-10-04 13:15:00,5938.0 +2019-10-04 13:30:00,5918.0 +2019-10-04 13:45:00,5895.2 +2019-10-04 14:00:00,5883.2 +2019-10-04 14:15:00,5827.2 +2019-10-04 14:30:00,5815.6 +2019-10-04 14:45:00,5776.0 +2019-10-04 15:00:00,5746.4 +2019-10-04 15:15:00,5720.8 +2019-10-04 15:30:00,5736.0 +2019-10-04 15:45:00,5730.0 +2019-10-04 16:00:00,5750.8 +2019-10-04 16:15:00,5776.4 +2019-10-04 16:30:00,5799.2 +2019-10-04 16:45:00,5827.6 +2019-10-04 17:00:00,5870.8 +2019-10-04 17:15:00,5875.2 +2019-10-04 17:30:00,5910.0 +2019-10-04 17:45:00,5974.0 +2019-10-04 18:00:00,6051.2 +2019-10-04 18:15:00,6057.2 +2019-10-04 18:30:00,6040.0 +2019-10-04 18:45:00,5966.4 +2019-10-04 19:00:00,5879.6 +2019-10-04 19:15:00,5748.4 +2019-10-04 19:30:00,5671.6 +2019-10-04 19:45:00,5608.4 +2019-10-04 20:00:00,5508.8 +2019-10-04 20:15:00,5427.2 +2019-10-04 20:30:00,5350.8 +2019-10-04 20:45:00,5278.4 +2019-10-04 21:00:00,5183.2 +2019-10-04 21:15:00,5094.4 +2019-10-04 21:30:00,5016.4 +2019-10-04 21:45:00,4913.2 +2019-10-04 22:00:00,4841.2 +2019-10-04 22:15:00,4727.6 +2019-10-04 22:30:00,4636.8 +2019-10-04 22:45:00,4606.4 +2019-10-04 23:00:00,4523.6 +2019-10-04 23:15:00,4452.4 +2019-10-04 23:30:00,4443.6 +2019-10-04 23:45:00,4394.0 +2019-10-05 00:00:00,4363.6 +2019-10-05 00:15:00,4310.0 +2019-10-05 00:30:00,4263.6 +2019-10-05 00:45:00,4246.0 +2019-10-05 01:00:00,4234.4 +2019-10-05 01:15:00,4205.2 +2019-10-05 01:30:00,4196.4 +2019-10-05 01:45:00,4204.4 +2019-10-05 02:00:00,4221.2 +2019-10-05 02:15:00,4227.2 +2019-10-05 02:30:00,4262.0 +2019-10-05 02:45:00,4271.6 +2019-10-05 03:00:00,4310.4 +2019-10-05 03:15:00,4319.2 +2019-10-05 03:30:00,4344.4 +2019-10-05 03:45:00,4369.2 +2019-10-05 04:00:00,4377.2 +2019-10-05 04:15:00,4368.8 +2019-10-05 04:30:00,4424.8 +2019-10-05 04:45:00,4456.4 +2019-10-05 05:00:00,4493.6 +2019-10-05 05:15:00,4536.8 +2019-10-05 05:30:00,4578.8 +2019-10-05 05:45:00,4633.6 +2019-10-05 06:00:00,4746.4 +2019-10-05 06:15:00,4809.6 +2019-10-05 06:30:00,4831.2 +2019-10-05 06:45:00,4919.6 +2019-10-05 07:00:00,5016.4 +2019-10-05 07:15:00,5082.0 +2019-10-05 07:30:00,5176.4 +2019-10-05 07:45:00,5247.2 +2019-10-05 08:00:00,5283.2 +2019-10-05 08:15:00,5348.0 +2019-10-05 08:30:00,5386.4 +2019-10-05 08:45:00,5428.4 +2019-10-05 09:00:00,5450.4 +2019-10-05 09:15:00,5480.0 +2019-10-05 09:30:00,5504.8 +2019-10-05 09:45:00,5535.6 +2019-10-05 10:00:00,5592.4 +2019-10-05 10:15:00,5628.4 +2019-10-05 10:30:00,5668.4 +2019-10-05 10:45:00,5673.6 +2019-10-05 11:00:00,5711.2 +2019-10-05 11:15:00,5660.0 +2019-10-05 11:30:00,5612.4 +2019-10-05 11:45:00,5580.0 +2019-10-05 12:00:00,5519.2 +2019-10-05 12:15:00,5439.6 +2019-10-05 12:30:00,5413.6 +2019-10-05 12:45:00,5346.0 +2019-10-05 13:00:00,5342.4 +2019-10-05 13:15:00,5271.6 +2019-10-05 13:30:00,5230.4 +2019-10-05 13:45:00,5222.4 +2019-10-05 14:00:00,5254.4 +2019-10-05 14:15:00,5201.2 +2019-10-05 14:30:00,5188.8 +2019-10-05 14:45:00,5164.0 +2019-10-05 15:00:00,5140.0 +2019-10-05 15:15:00,5110.4 +2019-10-05 15:30:00,5134.0 +2019-10-05 15:45:00,5105.2 +2019-10-05 16:00:00,5137.2 +2019-10-05 16:15:00,5139.2 +2019-10-05 16:30:00,5186.8 +2019-10-05 16:45:00,5209.6 +2019-10-05 17:00:00,5233.6 +2019-10-05 17:15:00,5264.8 +2019-10-05 17:30:00,5308.0 +2019-10-05 17:45:00,5344.8 +2019-10-05 18:00:00,5446.4 +2019-10-05 18:15:00,5485.2 +2019-10-05 18:30:00,5476.8 +2019-10-05 18:45:00,5392.8 +2019-10-05 19:00:00,5340.0 +2019-10-05 19:15:00,5247.2 +2019-10-05 19:30:00,5163.6 +2019-10-05 19:45:00,5085.2 +2019-10-05 20:00:00,5044.0 +2019-10-05 20:15:00,4985.6 +2019-10-05 20:30:00,4910.8 +2019-10-05 20:45:00,4848.4 +2019-10-05 21:00:00,4864.4 +2019-10-05 21:15:00,4819.2 +2019-10-05 21:30:00,4745.2 +2019-10-05 21:45:00,4655.6 +2019-10-05 22:00:00,4567.6 +2019-10-05 22:15:00,4511.6 +2019-10-05 22:30:00,4420.8 +2019-10-05 22:45:00,4362.0 +2019-10-05 23:00:00,4352.8 +2019-10-05 23:15:00,4292.0 +2019-10-05 23:30:00,4237.6 +2019-10-05 23:45:00,4176.8 +2019-10-06 00:00:00,4048.8 +2019-10-06 00:15:00,3984.0 +2019-10-06 00:30:00,3978.8 +2019-10-06 00:45:00,3969.2 +2019-10-06 01:00:00,3944.0 +2019-10-06 01:15:00,3924.8 +2019-10-06 01:30:00,3930.8 +2019-10-06 01:45:00,3917.2 +2019-10-06 02:00:00,3972.0 +2019-10-06 02:15:00,3971.2 +2019-10-06 02:30:00,3976.4 +2019-10-06 02:45:00,3984.4 +2019-10-06 03:00:00,3998.4 +2019-10-06 03:15:00,3990.4 +2019-10-06 03:30:00,4015.2 +2019-10-06 03:45:00,4001.6 +2019-10-06 04:00:00,4055.2 +2019-10-06 04:15:00,4011.2 +2019-10-06 04:30:00,4008.8 +2019-10-06 04:45:00,4003.6 +2019-10-06 05:00:00,4031.2 +2019-10-06 05:15:00,4049.2 +2019-10-06 05:30:00,4039.2 +2019-10-06 05:45:00,4070.4 +2019-10-06 06:00:00,4104.8 +2019-10-06 06:15:00,4136.4 +2019-10-06 06:30:00,4180.0 +2019-10-06 06:45:00,4237.6 +2019-10-06 07:00:00,4365.2 +2019-10-06 07:15:00,4442.4 +2019-10-06 07:30:00,4544.4 +2019-10-06 07:45:00,4621.2 +2019-10-06 08:00:00,4707.6 +2019-10-06 08:15:00,4795.6 +2019-10-06 08:30:00,4886.4 +2019-10-06 08:45:00,4926.8 +2019-10-06 09:00:00,4988.0 +2019-10-06 09:15:00,5054.0 +2019-10-06 09:30:00,5091.6 +2019-10-06 09:45:00,5153.2 +2019-10-06 10:00:00,5210.8 +2019-10-06 10:15:00,5286.4 +2019-10-06 10:30:00,5344.4 +2019-10-06 10:45:00,5367.6 +2019-10-06 11:00:00,5340.0 +2019-10-06 11:15:00,5304.0 +2019-10-06 11:30:00,5289.6 +2019-10-06 11:45:00,5252.4 +2019-10-06 12:00:00,5231.6 +2019-10-06 12:15:00,5209.2 +2019-10-06 12:30:00,5212.4 +2019-10-06 12:45:00,5166.0 +2019-10-06 13:00:00,5186.4 +2019-10-06 13:15:00,5167.6 +2019-10-06 13:30:00,5139.2 +2019-10-06 13:45:00,5092.8 +2019-10-06 14:00:00,5088.8 +2019-10-06 14:15:00,5066.8 +2019-10-06 14:30:00,5056.4 +2019-10-06 14:45:00,5031.6 +2019-10-06 15:00:00,5078.0 +2019-10-06 15:15:00,5069.6 +2019-10-06 15:30:00,5080.8 +2019-10-06 15:45:00,5071.2 +2019-10-06 16:00:00,5135.6 +2019-10-06 16:15:00,5179.6 +2019-10-06 16:30:00,5227.6 +2019-10-06 16:45:00,5258.0 +2019-10-06 17:00:00,5272.4 +2019-10-06 17:15:00,5306.4 +2019-10-06 17:30:00,5363.6 +2019-10-06 17:45:00,5447.6 +2019-10-06 18:00:00,5545.2 +2019-10-06 18:15:00,5536.0 +2019-10-06 18:30:00,5488.4 +2019-10-06 18:45:00,5445.2 +2019-10-06 19:00:00,5408.8 +2019-10-06 19:15:00,5336.4 +2019-10-06 19:30:00,5250.8 +2019-10-06 19:45:00,5163.6 +2019-10-06 20:00:00,5127.6 +2019-10-06 20:15:00,5078.8 +2019-10-06 20:30:00,5024.4 +2019-10-06 20:45:00,5012.4 +2019-10-06 21:00:00,5059.6 +2019-10-06 21:15:00,5018.8 +2019-10-06 21:30:00,4960.4 +2019-10-06 21:45:00,4899.6 +2019-10-06 22:00:00,4818.0 +2019-10-06 22:15:00,4743.2 +2019-10-06 22:30:00,4678.4 +2019-10-06 22:45:00,4598.4 +2019-10-06 23:00:00,4530.4 +2019-10-06 23:15:00,4465.2 +2019-10-06 23:30:00,4408.4 +2019-10-06 23:45:00,4346.0 +2019-10-07 00:00:00,4277.2 +2019-10-07 00:15:00,4251.2 +2019-10-07 00:30:00,4229.2 +2019-10-07 00:45:00,4219.6 +2019-10-07 01:00:00,4187.6 +2019-10-07 01:15:00,4177.2 +2019-10-07 01:30:00,4172.8 +2019-10-07 01:45:00,4174.4 +2019-10-07 02:00:00,4204.0 +2019-10-07 02:15:00,4215.6 +2019-10-07 02:30:00,4220.8 +2019-10-07 02:45:00,4229.2 +2019-10-07 03:00:00,4314.8 +2019-10-07 03:15:00,4338.0 +2019-10-07 03:30:00,4396.0 +2019-10-07 03:45:00,4488.4 +2019-10-07 04:00:00,4674.8 +2019-10-07 04:15:00,4783.2 +2019-10-07 04:30:00,4906.0 +2019-10-07 04:45:00,5097.6 +2019-10-07 05:00:00,5506.0 +2019-10-07 05:15:00,5754.0 +2019-10-07 05:30:00,5947.2 +2019-10-07 05:45:00,6143.6 +2019-10-07 06:00:00,6302.0 +2019-10-07 06:15:00,6379.2 +2019-10-07 06:30:00,6418.0 +2019-10-07 06:45:00,6491.6 +2019-10-07 07:00:00,6593.2 +2019-10-07 07:15:00,6658.0 +2019-10-07 07:30:00,6700.4 +2019-10-07 07:45:00,6723.2 +2019-10-07 08:00:00,6668.4 +2019-10-07 08:15:00,6712.8 +2019-10-07 08:30:00,6757.2 +2019-10-07 08:45:00,6765.2 +2019-10-07 09:00:00,6782.0 +2019-10-07 09:15:00,6798.8 +2019-10-07 09:30:00,6831.2 +2019-10-07 09:45:00,6842.0 +2019-10-07 10:00:00,6794.4 +2019-10-07 10:15:00,6838.8 +2019-10-07 10:30:00,6869.2 +2019-10-07 10:45:00,6860.4 +2019-10-07 11:00:00,6772.4 +2019-10-07 11:15:00,6759.6 +2019-10-07 11:30:00,6757.2 +2019-10-07 11:45:00,6766.4 +2019-10-07 12:00:00,6776.0 +2019-10-07 12:15:00,6757.2 +2019-10-07 12:30:00,6679.6 +2019-10-07 12:45:00,6602.8 +2019-10-07 13:00:00,6535.2 +2019-10-07 13:15:00,6524.0 +2019-10-07 13:30:00,6470.4 +2019-10-07 13:45:00,6454.0 +2019-10-07 14:00:00,6470.0 +2019-10-07 14:15:00,6434.0 +2019-10-07 14:30:00,6378.4 +2019-10-07 14:45:00,6344.4 +2019-10-07 15:00:00,6356.0 +2019-10-07 15:15:00,6291.6 +2019-10-07 15:30:00,6303.6 +2019-10-07 15:45:00,6270.8 +2019-10-07 16:00:00,6291.2 +2019-10-07 16:15:00,6295.6 +2019-10-07 16:30:00,6354.4 +2019-10-07 16:45:00,6379.2 +2019-10-07 17:00:00,6456.0 +2019-10-07 17:15:00,6472.4 +2019-10-07 17:30:00,6555.6 +2019-10-07 17:45:00,6648.8 +2019-10-07 18:00:00,6777.2 +2019-10-07 18:15:00,6772.0 +2019-10-07 18:30:00,6748.8 +2019-10-07 18:45:00,6689.2 +2019-10-07 19:00:00,6606.0 +2019-10-07 19:15:00,6469.2 +2019-10-07 19:30:00,6360.0 +2019-10-07 19:45:00,6276.8 +2019-10-07 20:00:00,6166.8 +2019-10-07 20:15:00,6106.8 +2019-10-07 20:30:00,6001.6 +2019-10-07 20:45:00,5892.4 +2019-10-07 21:00:00,5814.4 +2019-10-07 21:15:00,5726.8 +2019-10-07 21:30:00,5598.0 +2019-10-07 21:45:00,5504.4 +2019-10-07 22:00:00,5337.2 +2019-10-07 22:15:00,5230.8 +2019-10-07 22:30:00,5133.2 +2019-10-07 22:45:00,5080.8 +2019-10-07 23:00:00,4950.0 +2019-10-07 23:15:00,4872.8 +2019-10-07 23:30:00,4832.4 +2019-10-07 23:45:00,4802.8 +2019-10-08 00:00:00,4688.0 +2019-10-08 00:15:00,4667.2 +2019-10-08 00:30:00,4670.0 +2019-10-08 00:45:00,4638.4 +2019-10-08 01:00:00,4586.0 +2019-10-08 01:15:00,4577.2 +2019-10-08 01:30:00,4584.8 +2019-10-08 01:45:00,4592.8 +2019-10-08 02:00:00,4617.2 +2019-10-08 02:15:00,4650.4 +2019-10-08 02:30:00,4682.0 +2019-10-08 02:45:00,4694.0 +2019-10-08 03:00:00,4793.2 +2019-10-08 03:15:00,4854.0 +2019-10-08 03:30:00,4922.8 +2019-10-08 03:45:00,5010.4 +2019-10-08 04:00:00,5114.8 +2019-10-08 04:15:00,5194.4 +2019-10-08 04:30:00,5304.4 +2019-10-08 04:45:00,5456.0 +2019-10-08 05:00:00,5778.4 +2019-10-08 05:15:00,6006.0 +2019-10-08 05:30:00,6191.6 +2019-10-08 05:45:00,6371.6 +2019-10-08 06:00:00,6518.8 +2019-10-08 06:15:00,6641.6 +2019-10-08 06:30:00,6715.2 +2019-10-08 06:45:00,6772.0 +2019-10-08 07:00:00,6874.8 +2019-10-08 07:15:00,6920.4 +2019-10-08 07:30:00,6969.6 +2019-10-08 07:45:00,6986.4 +2019-10-08 08:00:00,6900.8 +2019-10-08 08:15:00,6930.8 +2019-10-08 08:30:00,6979.2 +2019-10-08 08:45:00,6960.4 +2019-10-08 09:00:00,6953.2 +2019-10-08 09:15:00,6995.2 +2019-10-08 09:30:00,7025.6 +2019-10-08 09:45:00,7053.2 +2019-10-08 10:00:00,7128.0 +2019-10-08 10:15:00,7228.8 +2019-10-08 10:30:00,7264.8 +2019-10-08 10:45:00,7279.2 +2019-10-08 11:00:00,7247.6 +2019-10-08 11:15:00,7195.6 +2019-10-08 11:30:00,7197.6 +2019-10-08 11:45:00,7206.8 +2019-10-08 12:00:00,7201.2 +2019-10-08 12:15:00,7164.8 +2019-10-08 12:30:00,7101.2 +2019-10-08 12:45:00,7051.2 +2019-10-08 13:00:00,6984.4 +2019-10-08 13:15:00,6938.0 +2019-10-08 13:30:00,6921.6 +2019-10-08 13:45:00,6897.2 +2019-10-08 14:00:00,6857.2 +2019-10-08 14:15:00,6807.2 +2019-10-08 14:30:00,6777.6 +2019-10-08 14:45:00,6736.8 +2019-10-08 15:00:00,6719.2 +2019-10-08 15:15:00,6692.4 +2019-10-08 15:30:00,6670.0 +2019-10-08 15:45:00,6634.4 +2019-10-08 16:00:00,6621.2 +2019-10-08 16:15:00,6630.4 +2019-10-08 16:30:00,6673.2 +2019-10-08 16:45:00,6682.0 +2019-10-08 17:00:00,6720.8 +2019-10-08 17:15:00,6731.6 +2019-10-08 17:30:00,6815.2 +2019-10-08 17:45:00,6879.6 +2019-10-08 18:00:00,6938.4 +2019-10-08 18:15:00,6897.6 +2019-10-08 18:30:00,6877.6 +2019-10-08 18:45:00,6817.6 +2019-10-08 19:00:00,6627.6 +2019-10-08 19:15:00,6504.0 +2019-10-08 19:30:00,6384.4 +2019-10-08 19:45:00,6287.2 +2019-10-08 20:00:00,6238.0 +2019-10-08 20:15:00,6122.4 +2019-10-08 20:30:00,6013.2 +2019-10-08 20:45:00,5927.6 +2019-10-08 21:00:00,5874.8 +2019-10-08 21:15:00,5783.2 +2019-10-08 21:30:00,5684.0 +2019-10-08 21:45:00,5552.4 +2019-10-08 22:00:00,5468.4 +2019-10-08 22:15:00,5388.8 +2019-10-08 22:30:00,5288.0 +2019-10-08 22:45:00,5240.0 +2019-10-08 23:00:00,5123.2 +2019-10-08 23:15:00,5022.8 +2019-10-08 23:30:00,5011.2 +2019-10-08 23:45:00,4965.2 +2019-10-09 00:00:00,4898.4 +2019-10-09 00:15:00,4860.8 +2019-10-09 00:30:00,4818.8 +2019-10-09 00:45:00,4812.8 +2019-10-09 01:00:00,4756.0 +2019-10-09 01:15:00,4722.8 +2019-10-09 01:30:00,4742.0 +2019-10-09 01:45:00,4738.4 +2019-10-09 02:00:00,4766.4 +2019-10-09 02:15:00,4787.6 +2019-10-09 02:30:00,4819.6 +2019-10-09 02:45:00,4846.8 +2019-10-09 03:00:00,4932.4 +2019-10-09 03:15:00,4985.6 +2019-10-09 03:30:00,5029.2 +2019-10-09 03:45:00,5103.6 +2019-10-09 04:00:00,5265.6 +2019-10-09 04:15:00,5343.6 +2019-10-09 04:30:00,5426.0 +2019-10-09 04:45:00,5574.0 +2019-10-09 05:00:00,5896.4 +2019-10-09 05:15:00,6132.0 +2019-10-09 05:30:00,6296.0 +2019-10-09 05:45:00,6462.0 +2019-10-09 06:00:00,6638.0 +2019-10-09 06:15:00,6720.4 +2019-10-09 06:30:00,6785.6 +2019-10-09 06:45:00,6824.4 +2019-10-09 07:00:00,6820.4 +2019-10-09 07:15:00,6859.2 +2019-10-09 07:30:00,6855.2 +2019-10-09 07:45:00,6880.8 +2019-10-09 08:00:00,6827.2 +2019-10-09 08:15:00,6849.2 +2019-10-09 08:30:00,6861.2 +2019-10-09 08:45:00,6872.0 +2019-10-09 09:00:00,6911.2 +2019-10-09 09:15:00,6928.8 +2019-10-09 09:30:00,6949.2 +2019-10-09 09:45:00,7003.2 +2019-10-09 10:00:00,7030.0 +2019-10-09 10:15:00,7095.6 +2019-10-09 10:30:00,7119.2 +2019-10-09 10:45:00,7135.6 +2019-10-09 11:00:00,7095.6 +2019-10-09 11:15:00,7070.4 +2019-10-09 11:30:00,7020.4 +2019-10-09 11:45:00,7029.6 +2019-10-09 12:00:00,7033.2 +2019-10-09 12:15:00,7037.2 +2019-10-09 12:30:00,7030.8 +2019-10-09 12:45:00,6985.2 +2019-10-09 13:00:00,6978.0 +2019-10-09 13:15:00,6920.8 +2019-10-09 13:30:00,6902.4 +2019-10-09 13:45:00,6855.2 +2019-10-09 14:00:00,6842.4 +2019-10-09 14:15:00,6778.4 +2019-10-09 14:30:00,6721.2 +2019-10-09 14:45:00,6653.6 +2019-10-09 15:00:00,6584.8 +2019-10-09 15:15:00,6536.4 +2019-10-09 15:30:00,6492.8 +2019-10-09 15:45:00,6482.0 +2019-10-09 16:00:00,6497.2 +2019-10-09 16:15:00,6503.2 +2019-10-09 16:30:00,6520.0 +2019-10-09 16:45:00,6563.6 +2019-10-09 17:00:00,6636.8 +2019-10-09 17:15:00,6642.8 +2019-10-09 17:30:00,6703.2 +2019-10-09 17:45:00,6783.2 +2019-10-09 18:00:00,6875.2 +2019-10-09 18:15:00,6869.6 +2019-10-09 18:30:00,6842.4 +2019-10-09 18:45:00,6750.0 +2019-10-09 19:00:00,6590.4 +2019-10-09 19:15:00,6482.8 +2019-10-09 19:30:00,6397.6 +2019-10-09 19:45:00,6284.8 +2019-10-09 20:00:00,6173.2 +2019-10-09 20:15:00,6095.6 +2019-10-09 20:30:00,6020.8 +2019-10-09 20:45:00,5925.2 +2019-10-09 21:00:00,5808.4 +2019-10-09 21:15:00,5712.0 +2019-10-09 21:30:00,5610.8 +2019-10-09 21:45:00,5525.2 +2019-10-09 22:00:00,5444.0 +2019-10-09 22:15:00,5338.4 +2019-10-09 22:30:00,5263.6 +2019-10-09 22:45:00,5172.0 +2019-10-09 23:00:00,5111.2 +2019-10-09 23:15:00,5018.0 +2019-10-09 23:30:00,5027.6 +2019-10-09 23:45:00,4962.0 +2019-10-10 00:00:00,4909.2 +2019-10-10 00:15:00,4860.4 +2019-10-10 00:30:00,4855.2 +2019-10-10 00:45:00,4835.2 +2019-10-10 01:00:00,4779.6 +2019-10-10 01:15:00,4722.4 +2019-10-10 01:30:00,4748.0 +2019-10-10 01:45:00,4770.8 +2019-10-10 02:00:00,4776.4 +2019-10-10 02:15:00,4786.4 +2019-10-10 02:30:00,4856.0 +2019-10-10 02:45:00,4889.6 +2019-10-10 03:00:00,4951.6 +2019-10-10 03:15:00,4953.2 +2019-10-10 03:30:00,4991.6 +2019-10-10 03:45:00,5070.8 +2019-10-10 04:00:00,5169.2 +2019-10-10 04:15:00,5259.2 +2019-10-10 04:30:00,5366.8 +2019-10-10 04:45:00,5511.2 +2019-10-10 05:00:00,5817.2 +2019-10-10 05:15:00,6054.4 +2019-10-10 05:30:00,6208.8 +2019-10-10 05:45:00,6367.2 +2019-10-10 06:00:00,6565.2 +2019-10-10 06:15:00,6642.4 +2019-10-10 06:30:00,6667.2 +2019-10-10 06:45:00,6710.0 +2019-10-10 07:00:00,6812.4 +2019-10-10 07:15:00,6859.2 +2019-10-10 07:30:00,6903.2 +2019-10-10 07:45:00,6932.8 +2019-10-10 08:00:00,6880.8 +2019-10-10 08:15:00,6920.4 +2019-10-10 08:30:00,6963.2 +2019-10-10 08:45:00,7008.4 +2019-10-10 09:00:00,7016.4 +2019-10-10 09:15:00,7039.6 +2019-10-10 09:30:00,7050.0 +2019-10-10 09:45:00,7126.4 +2019-10-10 10:00:00,7146.4 +2019-10-10 10:15:00,7196.8 +2019-10-10 10:30:00,7217.6 +2019-10-10 10:45:00,7203.6 +2019-10-10 11:00:00,7157.2 +2019-10-10 11:15:00,7142.0 +2019-10-10 11:30:00,7132.8 +2019-10-10 11:45:00,7133.6 +2019-10-10 12:00:00,7184.8 +2019-10-10 12:15:00,7145.6 +2019-10-10 12:30:00,7075.2 +2019-10-10 12:45:00,7062.4 +2019-10-10 13:00:00,7028.4 +2019-10-10 13:15:00,7006.4 +2019-10-10 13:30:00,6966.8 +2019-10-10 13:45:00,6944.0 +2019-10-10 14:00:00,6865.6 +2019-10-10 14:15:00,6846.4 +2019-10-10 14:30:00,6832.4 +2019-10-10 14:45:00,6759.6 +2019-10-10 15:00:00,6666.0 +2019-10-10 15:15:00,6602.0 +2019-10-10 15:30:00,6605.2 +2019-10-10 15:45:00,6597.6 +2019-10-10 16:00:00,6662.4 +2019-10-10 16:15:00,6677.6 +2019-10-10 16:30:00,6654.8 +2019-10-10 16:45:00,6673.6 +2019-10-10 17:00:00,6704.0 +2019-10-10 17:15:00,6674.8 +2019-10-10 17:30:00,6745.2 +2019-10-10 17:45:00,6843.6 +2019-10-10 18:00:00,6918.4 +2019-10-10 18:15:00,6909.6 +2019-10-10 18:30:00,6870.4 +2019-10-10 18:45:00,6828.0 +2019-10-10 19:00:00,6769.2 +2019-10-10 19:15:00,6653.6 +2019-10-10 19:30:00,6549.2 +2019-10-10 19:45:00,6468.4 +2019-10-10 20:00:00,6301.2 +2019-10-10 20:15:00,6228.4 +2019-10-10 20:30:00,6144.0 +2019-10-10 20:45:00,6055.2 +2019-10-10 21:00:00,6018.8 +2019-10-10 21:15:00,5920.0 +2019-10-10 21:30:00,5820.8 +2019-10-10 21:45:00,5704.4 +2019-10-10 22:00:00,5576.0 +2019-10-10 22:15:00,5501.6 +2019-10-10 22:30:00,5431.6 +2019-10-10 22:45:00,5373.6 +2019-10-10 23:00:00,5291.2 +2019-10-10 23:15:00,5213.6 +2019-10-10 23:30:00,5186.4 +2019-10-10 23:45:00,5109.2 +2019-10-11 00:00:00,4996.8 +2019-10-11 00:15:00,4956.4 +2019-10-11 00:30:00,4952.8 +2019-10-11 00:45:00,4935.6 +2019-10-11 01:00:00,4876.0 +2019-10-11 01:15:00,4858.0 +2019-10-11 01:30:00,4844.4 +2019-10-11 01:45:00,4872.0 +2019-10-11 02:00:00,4864.0 +2019-10-11 02:15:00,4871.6 +2019-10-11 02:30:00,4902.8 +2019-10-11 02:45:00,4926.4 +2019-10-11 03:00:00,4944.4 +2019-10-11 03:15:00,4983.2 +2019-10-11 03:30:00,5048.8 +2019-10-11 03:45:00,5105.2 +2019-10-11 04:00:00,5243.2 +2019-10-11 04:15:00,5306.0 +2019-10-11 04:30:00,5431.2 +2019-10-11 04:45:00,5582.0 +2019-10-11 05:00:00,5941.2 +2019-10-11 05:15:00,6165.6 +2019-10-11 05:30:00,6375.2 +2019-10-11 05:45:00,6556.4 +2019-10-11 06:00:00,6746.4 +2019-10-11 06:15:00,6840.0 +2019-10-11 06:30:00,6907.6 +2019-10-11 06:45:00,6972.0 +2019-10-11 07:00:00,7048.8 +2019-10-11 07:15:00,7068.8 +2019-10-11 07:30:00,7091.6 +2019-10-11 07:45:00,7104.8 +2019-10-11 08:00:00,7024.0 +2019-10-11 08:15:00,7026.0 +2019-10-11 08:30:00,7080.4 +2019-10-11 08:45:00,7124.8 +2019-10-11 09:00:00,7061.6 +2019-10-11 09:15:00,7069.2 +2019-10-11 09:30:00,7093.2 +2019-10-11 09:45:00,7119.6 +2019-10-11 10:00:00,7116.4 +2019-10-11 10:15:00,7124.4 +2019-10-11 10:30:00,7134.0 +2019-10-11 10:45:00,7126.0 +2019-10-11 11:00:00,7121.2 +2019-10-11 11:15:00,7068.8 +2019-10-11 11:30:00,7048.4 +2019-10-11 11:45:00,7050.0 +2019-10-11 12:00:00,7082.0 +2019-10-11 12:15:00,7010.8 +2019-10-11 12:30:00,6946.4 +2019-10-11 12:45:00,6885.6 +2019-10-11 13:00:00,6854.0 +2019-10-11 13:15:00,6832.4 +2019-10-11 13:30:00,6784.8 +2019-10-11 13:45:00,6741.2 +2019-10-11 14:00:00,6744.4 +2019-10-11 14:15:00,6690.0 +2019-10-11 14:30:00,6625.2 +2019-10-11 14:45:00,6578.8 +2019-10-11 15:00:00,6559.6 +2019-10-11 15:15:00,6539.2 +2019-10-11 15:30:00,6548.4 +2019-10-11 15:45:00,6543.2 +2019-10-11 16:00:00,6601.6 +2019-10-11 16:15:00,6622.4 +2019-10-11 16:30:00,6639.6 +2019-10-11 16:45:00,6667.2 +2019-10-11 17:00:00,6770.8 +2019-10-11 17:15:00,6756.4 +2019-10-11 17:30:00,6819.6 +2019-10-11 17:45:00,6885.2 +2019-10-11 18:00:00,6978.0 +2019-10-11 18:15:00,6919.2 +2019-10-11 18:30:00,6882.0 +2019-10-11 18:45:00,6815.2 +2019-10-11 19:00:00,6620.0 +2019-10-11 19:15:00,6475.6 +2019-10-11 19:30:00,6357.2 +2019-10-11 19:45:00,6256.4 +2019-10-11 20:00:00,6133.2 +2019-10-11 20:15:00,6053.6 +2019-10-11 20:30:00,5957.6 +2019-10-11 20:45:00,5885.2 +2019-10-11 21:00:00,5817.6 +2019-10-11 21:15:00,5748.0 +2019-10-11 21:30:00,5657.2 +2019-10-11 21:45:00,5532.0 +2019-10-11 22:00:00,5407.6 +2019-10-11 22:15:00,5340.4 +2019-10-11 22:30:00,5272.0 +2019-10-11 22:45:00,5170.8 +2019-10-11 23:00:00,5069.6 +2019-10-11 23:15:00,5006.8 +2019-10-11 23:30:00,4985.2 +2019-10-11 23:45:00,4916.0 +2019-10-12 00:00:00,4845.6 +2019-10-12 00:15:00,4800.4 +2019-10-12 00:30:00,4771.2 +2019-10-12 00:45:00,4730.4 +2019-10-12 01:00:00,4680.0 +2019-10-12 01:15:00,4660.0 +2019-10-12 01:30:00,4629.6 +2019-10-12 01:45:00,4614.0 +2019-10-12 02:00:00,4610.0 +2019-10-12 02:15:00,4604.0 +2019-10-12 02:30:00,4596.0 +2019-10-12 02:45:00,4574.0 +2019-10-12 03:00:00,4587.2 +2019-10-12 03:15:00,4589.6 +2019-10-12 03:30:00,4590.4 +2019-10-12 03:45:00,4621.6 +2019-10-12 04:00:00,4693.2 +2019-10-12 04:15:00,4700.4 +2019-10-12 04:30:00,4685.6 +2019-10-12 04:45:00,4716.4 +2019-10-12 05:00:00,4776.8 +2019-10-12 05:15:00,4830.8 +2019-10-12 05:30:00,4863.2 +2019-10-12 05:45:00,4946.8 +2019-10-12 06:00:00,5016.4 +2019-10-12 06:15:00,5088.4 +2019-10-12 06:30:00,5116.0 +2019-10-12 06:45:00,5177.2 +2019-10-12 07:00:00,5286.4 +2019-10-12 07:15:00,5366.0 +2019-10-12 07:30:00,5434.4 +2019-10-12 07:45:00,5506.0 +2019-10-12 08:00:00,5549.6 +2019-10-12 08:15:00,5594.8 +2019-10-12 08:30:00,5637.6 +2019-10-12 08:45:00,5700.0 +2019-10-12 09:00:00,5738.8 +2019-10-12 09:15:00,5780.0 +2019-10-12 09:30:00,5830.8 +2019-10-12 09:45:00,5838.8 +2019-10-12 10:00:00,5874.4 +2019-10-12 10:15:00,5900.4 +2019-10-12 10:30:00,5910.4 +2019-10-12 10:45:00,5890.8 +2019-10-12 11:00:00,5856.8 +2019-10-12 11:15:00,5844.4 +2019-10-12 11:30:00,5809.6 +2019-10-12 11:45:00,5757.6 +2019-10-12 12:00:00,5684.0 +2019-10-12 12:15:00,5619.6 +2019-10-12 12:30:00,5585.2 +2019-10-12 12:45:00,5535.2 +2019-10-12 13:00:00,5507.6 +2019-10-12 13:15:00,5477.2 +2019-10-12 13:30:00,5470.0 +2019-10-12 13:45:00,5410.4 +2019-10-12 14:00:00,5386.8 +2019-10-12 14:15:00,5342.0 +2019-10-12 14:30:00,5274.8 +2019-10-12 14:45:00,5265.2 +2019-10-12 15:00:00,5294.0 +2019-10-12 15:15:00,5286.0 +2019-10-12 15:30:00,5278.0 +2019-10-12 15:45:00,5282.8 +2019-10-12 16:00:00,5313.6 +2019-10-12 16:15:00,5303.2 +2019-10-12 16:30:00,5353.6 +2019-10-12 16:45:00,5393.2 +2019-10-12 17:00:00,5490.0 +2019-10-12 17:15:00,5503.2 +2019-10-12 17:30:00,5562.8 +2019-10-12 17:45:00,5660.4 +2019-10-12 18:00:00,5690.0 +2019-10-12 18:15:00,5651.2 +2019-10-12 18:30:00,5595.6 +2019-10-12 18:45:00,5504.4 +2019-10-12 19:00:00,5420.0 +2019-10-12 19:15:00,5298.0 +2019-10-12 19:30:00,5190.8 +2019-10-12 19:45:00,5128.8 +2019-10-12 20:00:00,5074.4 +2019-10-12 20:15:00,4999.6 +2019-10-12 20:30:00,4925.2 +2019-10-12 20:45:00,4878.0 +2019-10-12 21:00:00,4863.2 +2019-10-12 21:15:00,4803.6 +2019-10-12 21:30:00,4721.6 +2019-10-12 21:45:00,4640.8 +2019-10-12 22:00:00,4602.0 +2019-10-12 22:15:00,4519.2 +2019-10-12 22:30:00,4452.8 +2019-10-12 22:45:00,4396.8 +2019-10-12 23:00:00,4363.6 +2019-10-12 23:15:00,4307.2 +2019-10-12 23:30:00,4269.2 +2019-10-12 23:45:00,4192.8 +2019-10-13 00:00:00,4130.0 +2019-10-13 00:15:00,4078.8 +2019-10-13 00:30:00,4036.4 +2019-10-13 00:45:00,3989.6 +2019-10-13 01:00:00,3968.4 +2019-10-13 01:15:00,3941.2 +2019-10-13 01:30:00,3920.4 +2019-10-13 01:45:00,3912.8 +2019-10-13 02:00:00,3886.0 +2019-10-13 02:15:00,3858.0 +2019-10-13 02:30:00,3874.8 +2019-10-13 02:45:00,3850.8 +2019-10-13 03:00:00,3878.8 +2019-10-13 03:15:00,3878.4 +2019-10-13 03:30:00,3894.8 +2019-10-13 03:45:00,3936.8 +2019-10-13 04:00:00,3928.8 +2019-10-13 04:15:00,3942.8 +2019-10-13 04:30:00,3975.6 +2019-10-13 04:45:00,3993.6 +2019-10-13 05:00:00,4032.8 +2019-10-13 05:15:00,4066.0 +2019-10-13 05:30:00,4118.8 +2019-10-13 05:45:00,4143.6 +2019-10-13 06:00:00,4215.6 +2019-10-13 06:15:00,4259.6 +2019-10-13 06:30:00,4285.6 +2019-10-13 06:45:00,4318.0 +2019-10-13 07:00:00,4435.2 +2019-10-13 07:15:00,4527.6 +2019-10-13 07:30:00,4610.8 +2019-10-13 07:45:00,4706.0 +2019-10-13 08:00:00,4789.2 +2019-10-13 08:15:00,4857.6 +2019-10-13 08:30:00,4923.2 +2019-10-13 08:45:00,4978.4 +2019-10-13 09:00:00,5025.6 +2019-10-13 09:15:00,5071.2 +2019-10-13 09:30:00,5118.4 +2019-10-13 09:45:00,5175.6 +2019-10-13 10:00:00,5207.2 +2019-10-13 10:15:00,5302.0 +2019-10-13 10:30:00,5360.4 +2019-10-13 10:45:00,5362.8 +2019-10-13 11:00:00,5340.8 +2019-10-13 11:15:00,5328.0 +2019-10-13 11:30:00,5302.4 +2019-10-13 11:45:00,5208.4 +2019-10-13 12:00:00,5124.4 +2019-10-13 12:15:00,5072.4 +2019-10-13 12:30:00,5005.2 +2019-10-13 12:45:00,4968.8 +2019-10-13 13:00:00,4940.4 +2019-10-13 13:15:00,4917.6 +2019-10-13 13:30:00,4862.4 +2019-10-13 13:45:00,4851.6 +2019-10-13 14:00:00,4904.4 +2019-10-13 14:15:00,4865.2 +2019-10-13 14:30:00,4846.8 +2019-10-13 14:45:00,4848.0 +2019-10-13 15:00:00,4875.2 +2019-10-13 15:15:00,4885.6 +2019-10-13 15:30:00,4877.2 +2019-10-13 15:45:00,4903.2 +2019-10-13 16:00:00,4972.0 +2019-10-13 16:15:00,5025.2 +2019-10-13 16:30:00,5110.0 +2019-10-13 16:45:00,5171.6 +2019-10-13 17:00:00,5270.8 +2019-10-13 17:15:00,5340.4 +2019-10-13 17:30:00,5448.0 +2019-10-13 17:45:00,5576.8 +2019-10-13 18:00:00,5677.2 +2019-10-13 18:15:00,5664.4 +2019-10-13 18:30:00,5660.8 +2019-10-13 18:45:00,5594.8 +2019-10-13 19:00:00,5560.8 +2019-10-13 19:15:00,5508.4 +2019-10-13 19:30:00,5459.6 +2019-10-13 19:45:00,5384.4 +2019-10-13 20:00:00,5307.6 +2019-10-13 20:15:00,5251.2 +2019-10-13 20:30:00,5251.2 +2019-10-13 20:45:00,5219.2 +2019-10-13 21:00:00,5200.4 +2019-10-13 21:15:00,5164.0 +2019-10-13 21:30:00,5096.0 +2019-10-13 21:45:00,4998.0 +2019-10-13 22:00:00,4928.4 +2019-10-13 22:15:00,4858.8 +2019-10-13 22:30:00,4752.0 +2019-10-13 22:45:00,4716.0 +2019-10-13 23:00:00,4653.2 +2019-10-13 23:15:00,4575.2 +2019-10-13 23:30:00,4543.6 +2019-10-13 23:45:00,4476.4 +2019-10-14 00:00:00,4420.0 +2019-10-14 00:15:00,4384.0 +2019-10-14 00:30:00,4349.2 +2019-10-14 00:45:00,4324.0 +2019-10-14 01:00:00,4294.8 +2019-10-14 01:15:00,4254.8 +2019-10-14 01:30:00,4246.4 +2019-10-14 01:45:00,4218.8 +2019-10-14 02:00:00,4218.4 +2019-10-14 02:15:00,4214.4 +2019-10-14 02:30:00,4224.8 +2019-10-14 02:45:00,4241.6 +2019-10-14 03:00:00,4321.2 +2019-10-14 03:15:00,4353.6 +2019-10-14 03:30:00,4432.8 +2019-10-14 03:45:00,4536.0 +2019-10-14 04:00:00,4712.0 +2019-10-14 04:15:00,4811.6 +2019-10-14 04:30:00,4953.6 +2019-10-14 04:45:00,5146.4 +2019-10-14 05:00:00,5487.2 +2019-10-14 05:15:00,5713.6 +2019-10-14 05:30:00,5872.0 +2019-10-14 05:45:00,6084.0 +2019-10-14 06:00:00,6326.4 +2019-10-14 06:15:00,6417.6 +2019-10-14 06:30:00,6481.2 +2019-10-14 06:45:00,6501.2 +2019-10-14 07:00:00,6613.2 +2019-10-14 07:15:00,6657.2 +2019-10-14 07:30:00,6694.4 +2019-10-14 07:45:00,6694.0 +2019-10-14 08:00:00,6614.4 +2019-10-14 08:15:00,6636.4 +2019-10-14 08:30:00,6696.4 +2019-10-14 08:45:00,6707.6 +2019-10-14 09:00:00,6735.2 +2019-10-14 09:15:00,6722.8 +2019-10-14 09:30:00,6746.8 +2019-10-14 09:45:00,6795.2 +2019-10-14 10:00:00,6814.8 +2019-10-14 10:15:00,6836.8 +2019-10-14 10:30:00,6833.6 +2019-10-14 10:45:00,6838.4 +2019-10-14 11:00:00,6840.0 +2019-10-14 11:15:00,6816.0 +2019-10-14 11:30:00,6807.6 +2019-10-14 11:45:00,6806.0 +2019-10-14 12:00:00,6854.4 +2019-10-14 12:15:00,6809.6 +2019-10-14 12:30:00,6791.6 +2019-10-14 12:45:00,6727.2 +2019-10-14 13:00:00,6697.6 +2019-10-14 13:15:00,6662.4 +2019-10-14 13:30:00,6620.0 +2019-10-14 13:45:00,6590.4 +2019-10-14 14:00:00,6584.4 +2019-10-14 14:15:00,6528.0 +2019-10-14 14:30:00,6472.8 +2019-10-14 14:45:00,6423.2 +2019-10-14 15:00:00,6399.2 +2019-10-14 15:15:00,6372.8 +2019-10-14 15:30:00,6337.6 +2019-10-14 15:45:00,6332.4 +2019-10-14 16:00:00,6374.0 +2019-10-14 16:15:00,6404.0 +2019-10-14 16:30:00,6449.6 +2019-10-14 16:45:00,6484.4 +2019-10-14 17:00:00,6528.8 +2019-10-14 17:15:00,6558.8 +2019-10-14 17:30:00,6678.0 +2019-10-14 17:45:00,6828.0 +2019-10-14 18:00:00,6905.6 +2019-10-14 18:15:00,6886.8 +2019-10-14 18:30:00,6894.4 +2019-10-14 18:45:00,6846.4 +2019-10-14 19:00:00,6698.8 +2019-10-14 19:15:00,6568.4 +2019-10-14 19:30:00,6443.2 +2019-10-14 19:45:00,6358.4 +2019-10-14 20:00:00,6257.2 +2019-10-14 20:15:00,6160.4 +2019-10-14 20:30:00,6070.8 +2019-10-14 20:45:00,5958.0 +2019-10-14 21:00:00,5848.0 +2019-10-14 21:15:00,5752.4 +2019-10-14 21:30:00,5619.6 +2019-10-14 21:45:00,5523.2 +2019-10-14 22:00:00,5363.6 +2019-10-14 22:15:00,5282.8 +2019-10-14 22:30:00,5168.4 +2019-10-14 22:45:00,5103.2 +2019-10-14 23:00:00,5002.4 +2019-10-14 23:15:00,4954.8 +2019-10-14 23:30:00,4916.4 +2019-10-14 23:45:00,4864.0 +2019-10-15 00:00:00,4797.2 +2019-10-15 00:15:00,4771.2 +2019-10-15 00:30:00,4750.8 +2019-10-15 00:45:00,4726.8 +2019-10-15 01:00:00,4678.4 +2019-10-15 01:15:00,4672.8 +2019-10-15 01:30:00,4691.6 +2019-10-15 01:45:00,4715.2 +2019-10-15 02:00:00,4763.2 +2019-10-15 02:15:00,4769.6 +2019-10-15 02:30:00,4802.4 +2019-10-15 02:45:00,4815.6 +2019-10-15 03:00:00,4886.4 +2019-10-15 03:15:00,4950.8 +2019-10-15 03:30:00,5005.6 +2019-10-15 03:45:00,5084.8 +2019-10-15 04:00:00,5195.6 +2019-10-15 04:15:00,5269.2 +2019-10-15 04:30:00,5401.2 +2019-10-15 04:45:00,5578.0 +2019-10-15 05:00:00,5889.2 +2019-10-15 05:15:00,6060.0 +2019-10-15 05:30:00,6226.0 +2019-10-15 05:45:00,6372.0 +2019-10-15 06:00:00,6585.2 +2019-10-15 06:15:00,6658.8 +2019-10-15 06:30:00,6703.2 +2019-10-15 06:45:00,6730.0 +2019-10-15 07:00:00,6778.8 +2019-10-15 07:15:00,6827.2 +2019-10-15 07:30:00,6849.2 +2019-10-15 07:45:00,6872.4 +2019-10-15 08:00:00,6820.0 +2019-10-15 08:15:00,6847.6 +2019-10-15 08:30:00,6882.0 +2019-10-15 08:45:00,6900.8 +2019-10-15 09:00:00,6889.2 +2019-10-15 09:15:00,6910.4 +2019-10-15 09:30:00,6916.0 +2019-10-15 09:45:00,6944.8 +2019-10-15 10:00:00,6947.2 +2019-10-15 10:15:00,6999.2 +2019-10-15 10:30:00,7034.4 +2019-10-15 10:45:00,7064.4 +2019-10-15 11:00:00,7033.2 +2019-10-15 11:15:00,7012.0 +2019-10-15 11:30:00,6996.8 +2019-10-15 11:45:00,6952.4 +2019-10-15 12:00:00,6926.4 +2019-10-15 12:15:00,6887.2 +2019-10-15 12:30:00,6820.4 +2019-10-15 12:45:00,6766.8 +2019-10-15 13:00:00,6725.6 +2019-10-15 13:15:00,6709.2 +2019-10-15 13:30:00,6713.6 +2019-10-15 13:45:00,6669.2 +2019-10-15 14:00:00,6691.6 +2019-10-15 14:15:00,6651.2 +2019-10-15 14:30:00,6600.8 +2019-10-15 14:45:00,6561.2 +2019-10-15 15:00:00,6557.2 +2019-10-15 15:15:00,6544.0 +2019-10-15 15:30:00,6535.2 +2019-10-15 15:45:00,6536.4 +2019-10-15 16:00:00,6576.8 +2019-10-15 16:15:00,6606.0 +2019-10-15 16:30:00,6662.8 +2019-10-15 16:45:00,6736.4 +2019-10-15 17:00:00,6745.2 +2019-10-15 17:15:00,6818.8 +2019-10-15 17:30:00,6934.0 +2019-10-15 17:45:00,7031.6 +2019-10-15 18:00:00,7029.6 +2019-10-15 18:15:00,6967.6 +2019-10-15 18:30:00,6922.0 +2019-10-15 18:45:00,6846.8 +2019-10-15 19:00:00,6708.4 +2019-10-15 19:15:00,6567.6 +2019-10-15 19:30:00,6457.6 +2019-10-15 19:45:00,6345.6 +2019-10-15 20:00:00,6240.0 +2019-10-15 20:15:00,6122.4 +2019-10-15 20:30:00,5999.2 +2019-10-15 20:45:00,5908.4 +2019-10-15 21:00:00,5814.4 +2019-10-15 21:15:00,5702.8 +2019-10-15 21:30:00,5548.0 +2019-10-15 21:45:00,5451.2 +2019-10-15 22:00:00,5334.0 +2019-10-15 22:15:00,5203.6 +2019-10-15 22:30:00,5120.0 +2019-10-15 22:45:00,5050.8 +2019-10-15 23:00:00,4944.4 +2019-10-15 23:15:00,4880.8 +2019-10-15 23:30:00,4854.8 +2019-10-15 23:45:00,4798.0 +2019-10-16 00:00:00,4732.0 +2019-10-16 00:15:00,4701.6 +2019-10-16 00:30:00,4701.2 +2019-10-16 00:45:00,4670.0 +2019-10-16 01:00:00,4639.2 +2019-10-16 01:15:00,4647.2 +2019-10-16 01:30:00,4644.4 +2019-10-16 01:45:00,4659.6 +2019-10-16 02:00:00,4647.2 +2019-10-16 02:15:00,4692.0 +2019-10-16 02:30:00,4716.4 +2019-10-16 02:45:00,4749.2 +2019-10-16 03:00:00,4792.8 +2019-10-16 03:15:00,4831.2 +2019-10-16 03:30:00,4885.6 +2019-10-16 03:45:00,4916.4 +2019-10-16 04:00:00,5101.6 +2019-10-16 04:15:00,5172.8 +2019-10-16 04:30:00,5294.8 +2019-10-16 04:45:00,5440.0 +2019-10-16 05:00:00,5809.6 +2019-10-16 05:15:00,6031.6 +2019-10-16 05:30:00,6198.4 +2019-10-16 05:45:00,6345.6 +2019-10-16 06:00:00,6567.2 +2019-10-16 06:15:00,6702.8 +2019-10-16 06:30:00,6780.8 +2019-10-16 06:45:00,6884.4 +2019-10-16 07:00:00,6963.6 +2019-10-16 07:15:00,7017.2 +2019-10-16 07:30:00,7028.4 +2019-10-16 07:45:00,7038.8 +2019-10-16 08:00:00,7002.8 +2019-10-16 08:15:00,7015.2 +2019-10-16 08:30:00,7058.4 +2019-10-16 08:45:00,7070.8 +2019-10-16 09:00:00,7089.6 +2019-10-16 09:15:00,7136.8 +2019-10-16 09:30:00,7148.8 +2019-10-16 09:45:00,7190.4 +2019-10-16 10:00:00,7174.4 +2019-10-16 10:15:00,7199.2 +2019-10-16 10:30:00,7221.6 +2019-10-16 10:45:00,7193.6 +2019-10-16 11:00:00,7145.6 +2019-10-16 11:15:00,7105.2 +2019-10-16 11:30:00,7117.2 +2019-10-16 11:45:00,7091.2 +2019-10-16 12:00:00,7059.2 +2019-10-16 12:15:00,7070.4 +2019-10-16 12:30:00,7048.4 +2019-10-16 12:45:00,6982.4 +2019-10-16 13:00:00,6969.6 +2019-10-16 13:15:00,6950.4 +2019-10-16 13:30:00,6896.0 +2019-10-16 13:45:00,6878.8 +2019-10-16 14:00:00,6874.4 +2019-10-16 14:15:00,6838.8 +2019-10-16 14:30:00,6803.6 +2019-10-16 14:45:00,6762.4 +2019-10-16 15:00:00,6738.0 +2019-10-16 15:15:00,6713.2 +2019-10-16 15:30:00,6667.2 +2019-10-16 15:45:00,6678.4 +2019-10-16 16:00:00,6693.2 +2019-10-16 16:15:00,6692.0 +2019-10-16 16:30:00,6720.4 +2019-10-16 16:45:00,6773.2 +2019-10-16 17:00:00,6778.4 +2019-10-16 17:15:00,6840.8 +2019-10-16 17:30:00,6963.2 +2019-10-16 17:45:00,7066.4 +2019-10-16 18:00:00,7073.6 +2019-10-16 18:15:00,7028.4 +2019-10-16 18:30:00,7038.0 +2019-10-16 18:45:00,6992.0 +2019-10-16 19:00:00,6872.0 +2019-10-16 19:15:00,6748.8 +2019-10-16 19:30:00,6668.0 +2019-10-16 19:45:00,6545.2 +2019-10-16 20:00:00,6399.6 +2019-10-16 20:15:00,6298.8 +2019-10-16 20:30:00,6194.4 +2019-10-16 20:45:00,6073.2 +2019-10-16 21:00:00,5979.6 +2019-10-16 21:15:00,5914.8 +2019-10-16 21:30:00,5818.4 +2019-10-16 21:45:00,5696.4 +2019-10-16 22:00:00,5552.0 +2019-10-16 22:15:00,5428.4 +2019-10-16 22:30:00,5342.4 +2019-10-16 22:45:00,5224.8 +2019-10-16 23:00:00,5131.2 +2019-10-16 23:15:00,5079.6 +2019-10-16 23:30:00,5053.6 +2019-10-16 23:45:00,4970.8 +2019-10-17 00:00:00,4903.2 +2019-10-17 00:15:00,4852.8 +2019-10-17 00:30:00,4866.8 +2019-10-17 00:45:00,4805.2 +2019-10-17 01:00:00,4768.4 +2019-10-17 01:15:00,4764.8 +2019-10-17 01:30:00,4744.4 +2019-10-17 01:45:00,4734.8 +2019-10-17 02:00:00,4725.6 +2019-10-17 02:15:00,4733.6 +2019-10-17 02:30:00,4733.6 +2019-10-17 02:45:00,4735.2 +2019-10-17 03:00:00,4835.2 +2019-10-17 03:15:00,4862.8 +2019-10-17 03:30:00,4908.4 +2019-10-17 03:45:00,4969.2 +2019-10-17 04:00:00,5111.6 +2019-10-17 04:15:00,5189.2 +2019-10-17 04:30:00,5267.6 +2019-10-17 04:45:00,5431.6 +2019-10-17 05:00:00,5755.2 +2019-10-17 05:15:00,5968.8 +2019-10-17 05:30:00,6139.6 +2019-10-17 05:45:00,6319.6 +2019-10-17 06:00:00,6560.0 +2019-10-17 06:15:00,6696.4 +2019-10-17 06:30:00,6761.2 +2019-10-17 06:45:00,6792.0 +2019-10-17 07:00:00,6852.8 +2019-10-17 07:15:00,6916.8 +2019-10-17 07:30:00,6940.8 +2019-10-17 07:45:00,6966.8 +2019-10-17 08:00:00,6917.6 +2019-10-17 08:15:00,6947.6 +2019-10-17 08:30:00,6990.0 +2019-10-17 08:45:00,7010.0 +2019-10-17 09:00:00,7039.2 +2019-10-17 09:15:00,7056.8 +2019-10-17 09:30:00,7085.2 +2019-10-17 09:45:00,7102.0 +2019-10-17 10:00:00,7116.4 +2019-10-17 10:15:00,7142.8 +2019-10-17 10:30:00,7204.8 +2019-10-17 10:45:00,7178.8 +2019-10-17 11:00:00,7132.0 +2019-10-17 11:15:00,7099.6 +2019-10-17 11:30:00,7086.4 +2019-10-17 11:45:00,7076.0 +2019-10-17 12:00:00,7058.4 +2019-10-17 12:15:00,7038.8 +2019-10-17 12:30:00,6988.0 +2019-10-17 12:45:00,6932.8 +2019-10-17 13:00:00,6884.4 +2019-10-17 13:15:00,6882.4 +2019-10-17 13:30:00,6854.0 +2019-10-17 13:45:00,6841.6 +2019-10-17 14:00:00,6797.6 +2019-10-17 14:15:00,6752.8 +2019-10-17 14:30:00,6711.6 +2019-10-17 14:45:00,6650.0 +2019-10-17 15:00:00,6622.8 +2019-10-17 15:15:00,6582.4 +2019-10-17 15:30:00,6580.0 +2019-10-17 15:45:00,6566.8 +2019-10-17 16:00:00,6588.8 +2019-10-17 16:15:00,6579.6 +2019-10-17 16:30:00,6626.4 +2019-10-17 16:45:00,6675.6 +2019-10-17 17:00:00,6700.0 +2019-10-17 17:15:00,6762.4 +2019-10-17 17:30:00,6901.2 +2019-10-17 17:45:00,6960.8 +2019-10-17 18:00:00,6949.6 +2019-10-17 18:15:00,6864.8 +2019-10-17 18:30:00,6824.8 +2019-10-17 18:45:00,6773.2 +2019-10-17 19:00:00,6662.0 +2019-10-17 19:15:00,6549.2 +2019-10-17 19:30:00,6467.6 +2019-10-17 19:45:00,6359.6 +2019-10-17 20:00:00,6205.2 +2019-10-17 20:15:00,6133.6 +2019-10-17 20:30:00,6036.4 +2019-10-17 20:45:00,5947.2 +2019-10-17 21:00:00,5842.4 +2019-10-17 21:15:00,5746.0 +2019-10-17 21:30:00,5646.4 +2019-10-17 21:45:00,5534.4 +2019-10-17 22:00:00,5399.6 +2019-10-17 22:15:00,5297.6 +2019-10-17 22:30:00,5236.4 +2019-10-17 22:45:00,5161.6 +2019-10-17 23:00:00,5041.6 +2019-10-17 23:15:00,4964.4 +2019-10-17 23:30:00,4917.6 +2019-10-17 23:45:00,4882.0 +2019-10-18 00:00:00,4823.6 +2019-10-18 00:15:00,4767.6 +2019-10-18 00:30:00,4741.2 +2019-10-18 00:45:00,4695.6 +2019-10-18 01:00:00,4646.0 +2019-10-18 01:15:00,4620.4 +2019-10-18 01:30:00,4621.2 +2019-10-18 01:45:00,4615.2 +2019-10-18 02:00:00,4616.4 +2019-10-18 02:15:00,4633.6 +2019-10-18 02:30:00,4646.8 +2019-10-18 02:45:00,4682.0 +2019-10-18 03:00:00,4720.8 +2019-10-18 03:15:00,4774.4 +2019-10-18 03:30:00,4830.4 +2019-10-18 03:45:00,4892.8 +2019-10-18 04:00:00,5024.0 +2019-10-18 04:15:00,5117.2 +2019-10-18 04:30:00,5231.2 +2019-10-18 04:45:00,5386.8 +2019-10-18 05:00:00,5756.8 +2019-10-18 05:15:00,5980.0 +2019-10-18 05:30:00,6160.0 +2019-10-18 05:45:00,6329.2 +2019-10-18 06:00:00,6553.6 +2019-10-18 06:15:00,6684.0 +2019-10-18 06:30:00,6747.2 +2019-10-18 06:45:00,6790.4 +2019-10-18 07:00:00,6853.2 +2019-10-18 07:15:00,6906.8 +2019-10-18 07:30:00,6941.2 +2019-10-18 07:45:00,6986.0 +2019-10-18 08:00:00,6989.2 +2019-10-18 08:15:00,7030.4 +2019-10-18 08:30:00,7078.4 +2019-10-18 08:45:00,7084.8 +2019-10-18 09:00:00,7075.6 +2019-10-18 09:15:00,7065.6 +2019-10-18 09:30:00,7101.6 +2019-10-18 09:45:00,7122.4 +2019-10-18 10:00:00,7108.8 +2019-10-18 10:15:00,7189.2 +2019-10-18 10:30:00,7219.2 +2019-10-18 10:45:00,7212.8 +2019-10-18 11:00:00,7195.6 +2019-10-18 11:15:00,7184.4 +2019-10-18 11:30:00,7147.6 +2019-10-18 11:45:00,7121.2 +2019-10-18 12:00:00,7094.4 +2019-10-18 12:15:00,7004.0 +2019-10-18 12:30:00,6903.6 +2019-10-18 12:45:00,6827.6 +2019-10-18 13:00:00,6776.8 +2019-10-18 13:15:00,6763.2 +2019-10-18 13:30:00,6759.2 +2019-10-18 13:45:00,6719.2 +2019-10-18 14:00:00,6717.2 +2019-10-18 14:15:00,6688.4 +2019-10-18 14:30:00,6663.6 +2019-10-18 14:45:00,6646.4 +2019-10-18 15:00:00,6658.4 +2019-10-18 15:15:00,6624.8 +2019-10-18 15:30:00,6601.6 +2019-10-18 15:45:00,6626.4 +2019-10-18 16:00:00,6628.0 +2019-10-18 16:15:00,6620.8 +2019-10-18 16:30:00,6655.6 +2019-10-18 16:45:00,6713.6 +2019-10-18 17:00:00,6770.4 +2019-10-18 17:15:00,6800.4 +2019-10-18 17:30:00,6911.2 +2019-10-18 17:45:00,6995.2 +2019-10-18 18:00:00,7001.2 +2019-10-18 18:15:00,6918.4 +2019-10-18 18:30:00,6852.8 +2019-10-18 18:45:00,6769.2 +2019-10-18 19:00:00,6602.0 +2019-10-18 19:15:00,6437.6 +2019-10-18 19:30:00,6342.0 +2019-10-18 19:45:00,6244.8 +2019-10-18 20:00:00,6082.8 +2019-10-18 20:15:00,5996.8 +2019-10-18 20:30:00,5900.4 +2019-10-18 20:45:00,5798.4 +2019-10-18 21:00:00,5704.0 +2019-10-18 21:15:00,5612.8 +2019-10-18 21:30:00,5518.8 +2019-10-18 21:45:00,5427.6 +2019-10-18 22:00:00,5352.4 +2019-10-18 22:15:00,5248.4 +2019-10-18 22:30:00,5175.6 +2019-10-18 22:45:00,5069.2 +2019-10-18 23:00:00,4874.4 +2019-10-18 23:15:00,4838.8 +2019-10-18 23:30:00,4810.0 +2019-10-18 23:45:00,4751.2 +2019-10-19 00:00:00,4686.0 +2019-10-19 00:15:00,4625.2 +2019-10-19 00:30:00,4580.8 +2019-10-19 00:45:00,4546.0 +2019-10-19 01:00:00,4493.6 +2019-10-19 01:15:00,4462.0 +2019-10-19 01:30:00,4432.4 +2019-10-19 01:45:00,4425.6 +2019-10-19 02:00:00,4424.8 +2019-10-19 02:15:00,4417.6 +2019-10-19 02:30:00,4412.0 +2019-10-19 02:45:00,4415.6 +2019-10-19 03:00:00,4469.2 +2019-10-19 03:15:00,4516.8 +2019-10-19 03:30:00,4521.2 +2019-10-19 03:45:00,4536.4 +2019-10-19 04:00:00,4558.4 +2019-10-19 04:15:00,4580.8 +2019-10-19 04:30:00,4574.4 +2019-10-19 04:45:00,4622.8 +2019-10-19 05:00:00,4711.2 +2019-10-19 05:15:00,4753.6 +2019-10-19 05:30:00,4814.8 +2019-10-19 05:45:00,4887.2 +2019-10-19 06:00:00,5048.4 +2019-10-19 06:15:00,5096.4 +2019-10-19 06:30:00,5158.4 +2019-10-19 06:45:00,5203.6 +2019-10-19 07:00:00,5248.8 +2019-10-19 07:15:00,5305.2 +2019-10-19 07:30:00,5378.4 +2019-10-19 07:45:00,5449.2 +2019-10-19 08:00:00,5534.0 +2019-10-19 08:15:00,5588.0 +2019-10-19 08:30:00,5642.4 +2019-10-19 08:45:00,5680.0 +2019-10-19 09:00:00,5695.2 +2019-10-19 09:15:00,5740.0 +2019-10-19 09:30:00,5768.8 +2019-10-19 09:45:00,5777.6 +2019-10-19 10:00:00,5808.4 +2019-10-19 10:15:00,5813.6 +2019-10-19 10:30:00,5855.2 +2019-10-19 10:45:00,5822.4 +2019-10-19 11:00:00,5807.6 +2019-10-19 11:15:00,5746.4 +2019-10-19 11:30:00,5712.0 +2019-10-19 11:45:00,5708.0 +2019-10-19 12:00:00,5699.6 +2019-10-19 12:15:00,5672.0 +2019-10-19 12:30:00,5639.2 +2019-10-19 12:45:00,5574.4 +2019-10-19 13:00:00,5551.6 +2019-10-19 13:15:00,5537.2 +2019-10-19 13:30:00,5495.2 +2019-10-19 13:45:00,5450.8 +2019-10-19 14:00:00,5463.2 +2019-10-19 14:15:00,5471.2 +2019-10-19 14:30:00,5469.6 +2019-10-19 14:45:00,5437.2 +2019-10-19 15:00:00,5427.2 +2019-10-19 15:15:00,5421.6 +2019-10-19 15:30:00,5440.4 +2019-10-19 15:45:00,5434.0 +2019-10-19 16:00:00,5474.8 +2019-10-19 16:15:00,5514.0 +2019-10-19 16:30:00,5594.0 +2019-10-19 16:45:00,5656.0 +2019-10-19 17:00:00,5790.8 +2019-10-19 17:15:00,5824.4 +2019-10-19 17:30:00,5959.2 +2019-10-19 17:45:00,6009.6 +2019-10-19 18:00:00,5938.4 +2019-10-19 18:15:00,5892.0 +2019-10-19 18:30:00,5821.6 +2019-10-19 18:45:00,5744.0 +2019-10-19 19:00:00,5648.4 +2019-10-19 19:15:00,5517.2 +2019-10-19 19:30:00,5408.8 +2019-10-19 19:45:00,5356.4 +2019-10-19 20:00:00,5295.2 +2019-10-19 20:15:00,5238.0 +2019-10-19 20:30:00,5151.6 +2019-10-19 20:45:00,5103.2 +2019-10-19 21:00:00,5063.2 +2019-10-19 21:15:00,5001.2 +2019-10-19 21:30:00,4923.2 +2019-10-19 21:45:00,4850.4 +2019-10-19 22:00:00,4740.8 +2019-10-19 22:15:00,4656.4 +2019-10-19 22:30:00,4586.4 +2019-10-19 22:45:00,4495.2 +2019-10-19 23:00:00,4352.8 +2019-10-19 23:15:00,4308.4 +2019-10-19 23:30:00,4272.4 +2019-10-19 23:45:00,4169.2 +2019-10-20 00:00:00,4122.8 +2019-10-20 00:15:00,4075.2 +2019-10-20 00:30:00,4041.2 +2019-10-20 00:45:00,4008.8 +2019-10-20 01:00:00,3996.0 +2019-10-20 01:15:00,3958.8 +2019-10-20 01:30:00,3914.8 +2019-10-20 01:45:00,3906.0 +2019-10-20 02:00:00,3908.4 +2019-10-20 02:15:00,3888.0 +2019-10-20 02:30:00,3880.8 +2019-10-20 02:45:00,3878.0 +2019-10-20 03:00:00,3951.2 +2019-10-20 03:15:00,3979.2 +2019-10-20 03:30:00,3952.0 +2019-10-20 03:45:00,3941.6 +2019-10-20 04:00:00,3994.4 +2019-10-20 04:15:00,3988.4 +2019-10-20 04:30:00,3964.4 +2019-10-20 04:45:00,3964.0 +2019-10-20 05:00:00,3972.4 +2019-10-20 05:15:00,3989.2 +2019-10-20 05:30:00,4014.8 +2019-10-20 05:45:00,4037.2 +2019-10-20 06:00:00,4134.0 +2019-10-20 06:15:00,4176.4 +2019-10-20 06:30:00,4219.6 +2019-10-20 06:45:00,4267.2 +2019-10-20 07:00:00,4322.0 +2019-10-20 07:15:00,4427.2 +2019-10-20 07:30:00,4519.2 +2019-10-20 07:45:00,4596.4 +2019-10-20 08:00:00,4620.0 +2019-10-20 08:15:00,4688.8 +2019-10-20 08:30:00,4748.0 +2019-10-20 08:45:00,4840.0 +2019-10-20 09:00:00,4946.0 +2019-10-20 09:15:00,5003.2 +2019-10-20 09:30:00,5041.2 +2019-10-20 09:45:00,5087.2 +2019-10-20 10:00:00,5175.2 +2019-10-20 10:15:00,5228.0 +2019-10-20 10:30:00,5266.4 +2019-10-20 10:45:00,5247.6 +2019-10-20 11:00:00,5234.0 +2019-10-20 11:15:00,5228.4 +2019-10-20 11:30:00,5190.0 +2019-10-20 11:45:00,5133.6 +2019-10-20 12:00:00,5102.8 +2019-10-20 12:15:00,5029.6 +2019-10-20 12:30:00,5011.6 +2019-10-20 12:45:00,4956.8 +2019-10-20 13:00:00,4918.0 +2019-10-20 13:15:00,4887.2 +2019-10-20 13:30:00,4875.6 +2019-10-20 13:45:00,4858.0 +2019-10-20 14:00:00,4898.8 +2019-10-20 14:15:00,4850.0 +2019-10-20 14:30:00,4838.8 +2019-10-20 14:45:00,4834.4 +2019-10-20 15:00:00,4885.6 +2019-10-20 15:15:00,4865.2 +2019-10-20 15:30:00,4900.4 +2019-10-20 15:45:00,4967.6 +2019-10-20 16:00:00,5025.6 +2019-10-20 16:15:00,5042.8 +2019-10-20 16:30:00,5118.0 +2019-10-20 16:45:00,5227.2 +2019-10-20 17:00:00,5320.4 +2019-10-20 17:15:00,5395.6 +2019-10-20 17:30:00,5520.8 +2019-10-20 17:45:00,5535.6 +2019-10-20 18:00:00,5576.0 +2019-10-20 18:15:00,5520.8 +2019-10-20 18:30:00,5476.4 +2019-10-20 18:45:00,5425.2 +2019-10-20 19:00:00,5386.4 +2019-10-20 19:15:00,5292.8 +2019-10-20 19:30:00,5204.8 +2019-10-20 19:45:00,5114.4 +2019-10-20 20:00:00,5082.0 +2019-10-20 20:15:00,5043.6 +2019-10-20 20:30:00,5005.2 +2019-10-20 20:45:00,4996.0 +2019-10-20 21:00:00,4977.6 +2019-10-20 21:15:00,4925.6 +2019-10-20 21:30:00,4842.8 +2019-10-20 21:45:00,4769.6 +2019-10-20 22:00:00,4669.2 +2019-10-20 22:15:00,4561.6 +2019-10-20 22:30:00,4481.2 +2019-10-20 22:45:00,4426.0 +2019-10-20 23:00:00,4370.0 +2019-10-20 23:15:00,4312.0 +2019-10-20 23:30:00,4289.6 +2019-10-20 23:45:00,4256.4 +2019-10-21 00:00:00,4229.2 +2019-10-21 00:15:00,4189.2 +2019-10-21 00:30:00,4167.6 +2019-10-21 00:45:00,4172.8 +2019-10-21 01:00:00,4142.8 +2019-10-21 01:15:00,4116.0 +2019-10-21 01:30:00,4077.6 +2019-10-21 01:45:00,4096.0 +2019-10-21 02:00:00,4129.6 +2019-10-21 02:15:00,4147.6 +2019-10-21 02:30:00,4158.8 +2019-10-21 02:45:00,4165.6 +2019-10-21 03:00:00,4233.6 +2019-10-21 03:15:00,4298.0 +2019-10-21 03:30:00,4361.6 +2019-10-21 03:45:00,4463.2 +2019-10-21 04:00:00,4661.6 +2019-10-21 04:15:00,4782.8 +2019-10-21 04:30:00,4930.4 +2019-10-21 04:45:00,5132.4 +2019-10-21 05:00:00,5508.0 +2019-10-21 05:15:00,5765.2 +2019-10-21 05:30:00,5996.0 +2019-10-21 05:45:00,6203.6 +2019-10-21 06:00:00,6420.0 +2019-10-21 06:15:00,6519.6 +2019-10-21 06:30:00,6626.8 +2019-10-21 06:45:00,6692.8 +2019-10-21 07:00:00,6752.0 +2019-10-21 07:15:00,6784.0 +2019-10-21 07:30:00,6828.4 +2019-10-21 07:45:00,6868.0 +2019-10-21 08:00:00,6826.4 +2019-10-21 08:15:00,6846.4 +2019-10-21 08:30:00,6880.4 +2019-10-21 08:45:00,6928.8 +2019-10-21 09:00:00,6912.4 +2019-10-21 09:15:00,6934.0 +2019-10-21 09:30:00,6945.6 +2019-10-21 09:45:00,6986.4 +2019-10-21 10:00:00,6968.8 +2019-10-21 10:15:00,6981.2 +2019-10-21 10:30:00,6970.0 +2019-10-21 10:45:00,6959.2 +2019-10-21 11:00:00,6920.0 +2019-10-21 11:15:00,6924.4 +2019-10-21 11:30:00,6985.6 +2019-10-21 11:45:00,7017.6 +2019-10-21 12:00:00,7052.4 +2019-10-21 12:15:00,7023.2 +2019-10-21 12:30:00,6941.6 +2019-10-21 12:45:00,6895.6 +2019-10-21 13:00:00,6871.2 +2019-10-21 13:15:00,6815.6 +2019-10-21 13:30:00,6783.6 +2019-10-21 13:45:00,6762.8 +2019-10-21 14:00:00,6749.2 +2019-10-21 14:15:00,6699.6 +2019-10-21 14:30:00,6616.0 +2019-10-21 14:45:00,6539.2 +2019-10-21 15:00:00,6562.8 +2019-10-21 15:15:00,6498.8 +2019-10-21 15:30:00,6477.6 +2019-10-21 15:45:00,6439.2 +2019-10-21 16:00:00,6470.8 +2019-10-21 16:15:00,6479.2 +2019-10-21 16:30:00,6522.0 +2019-10-21 16:45:00,6573.2 +2019-10-21 17:00:00,6672.0 +2019-10-21 17:15:00,6741.6 +2019-10-21 17:30:00,6835.6 +2019-10-21 17:45:00,6911.2 +2019-10-21 18:00:00,6841.6 +2019-10-21 18:15:00,6772.8 +2019-10-21 18:30:00,6714.0 +2019-10-21 18:45:00,6691.6 +2019-10-21 19:00:00,6625.2 +2019-10-21 19:15:00,6504.0 +2019-10-21 19:30:00,6386.8 +2019-10-21 19:45:00,6292.8 +2019-10-21 20:00:00,6154.4 +2019-10-21 20:15:00,6084.0 +2019-10-21 20:30:00,5956.0 +2019-10-21 20:45:00,5861.2 +2019-10-21 21:00:00,5828.4 +2019-10-21 21:15:00,5745.6 +2019-10-21 21:30:00,5636.0 +2019-10-21 21:45:00,5543.6 +2019-10-21 22:00:00,5389.2 +2019-10-21 22:15:00,5286.4 +2019-10-21 22:30:00,5209.6 +2019-10-21 22:45:00,5081.6 +2019-10-21 23:00:00,4957.2 +2019-10-21 23:15:00,4902.0 +2019-10-21 23:30:00,4871.2 +2019-10-21 23:45:00,4812.4 +2019-10-22 00:00:00,4728.8 +2019-10-22 00:15:00,4692.4 +2019-10-22 00:30:00,4660.4 +2019-10-22 00:45:00,4624.4 +2019-10-22 01:00:00,4572.0 +2019-10-22 01:15:00,4541.2 +2019-10-22 01:30:00,4537.2 +2019-10-22 01:45:00,4537.2 +2019-10-22 02:00:00,4582.8 +2019-10-22 02:15:00,4614.4 +2019-10-22 02:30:00,4619.2 +2019-10-22 02:45:00,4631.6 +2019-10-22 03:00:00,4697.2 +2019-10-22 03:15:00,4741.2 +2019-10-22 03:30:00,4806.0 +2019-10-22 03:45:00,4864.4 +2019-10-22 04:00:00,5022.4 +2019-10-22 04:15:00,5120.0 +2019-10-22 04:30:00,5241.2 +2019-10-22 04:45:00,5404.8 +2019-10-22 05:00:00,5766.4 +2019-10-22 05:15:00,6009.2 +2019-10-22 05:30:00,6197.6 +2019-10-22 05:45:00,6394.4 +2019-10-22 06:00:00,6600.0 +2019-10-22 06:15:00,6704.8 +2019-10-22 06:30:00,6756.0 +2019-10-22 06:45:00,6785.2 +2019-10-22 07:00:00,6838.8 +2019-10-22 07:15:00,6881.2 +2019-10-22 07:30:00,6906.0 +2019-10-22 07:45:00,6889.6 +2019-10-22 08:00:00,6809.2 +2019-10-22 08:15:00,6828.8 +2019-10-22 08:30:00,6860.8 +2019-10-22 08:45:00,6870.4 +2019-10-22 09:00:00,6844.0 +2019-10-22 09:15:00,6880.0 +2019-10-22 09:30:00,6916.4 +2019-10-22 09:45:00,6954.0 +2019-10-22 10:00:00,6991.6 +2019-10-22 10:15:00,7052.4 +2019-10-22 10:30:00,7072.0 +2019-10-22 10:45:00,7032.8 +2019-10-22 11:00:00,6940.0 +2019-10-22 11:15:00,6902.8 +2019-10-22 11:30:00,6907.6 +2019-10-22 11:45:00,6920.4 +2019-10-22 12:00:00,6930.8 +2019-10-22 12:15:00,6895.2 +2019-10-22 12:30:00,6860.4 +2019-10-22 12:45:00,6792.8 +2019-10-22 13:00:00,6710.0 +2019-10-22 13:15:00,6705.2 +2019-10-22 13:30:00,6688.4 +2019-10-22 13:45:00,6674.8 +2019-10-22 14:00:00,6655.2 +2019-10-22 14:15:00,6624.4 +2019-10-22 14:30:00,6598.8 +2019-10-22 14:45:00,6540.4 +2019-10-22 15:00:00,6497.6 +2019-10-22 15:15:00,6447.6 +2019-10-22 15:30:00,6452.0 +2019-10-22 15:45:00,6440.0 +2019-10-22 16:00:00,6463.2 +2019-10-22 16:15:00,6480.8 +2019-10-22 16:30:00,6508.4 +2019-10-22 16:45:00,6566.8 +2019-10-22 17:00:00,6642.4 +2019-10-22 17:15:00,6744.0 +2019-10-22 17:30:00,6876.4 +2019-10-22 17:45:00,6941.2 +2019-10-22 18:00:00,6951.2 +2019-10-22 18:15:00,6891.2 +2019-10-22 18:30:00,6837.2 +2019-10-22 18:45:00,6792.0 +2019-10-22 19:00:00,6706.0 +2019-10-22 19:15:00,6587.2 +2019-10-22 19:30:00,6469.2 +2019-10-22 19:45:00,6361.6 +2019-10-22 20:00:00,6289.2 +2019-10-22 20:15:00,6187.6 +2019-10-22 20:30:00,6032.4 +2019-10-22 20:45:00,5928.4 +2019-10-22 21:00:00,5827.6 +2019-10-22 21:15:00,5736.8 +2019-10-22 21:30:00,5604.0 +2019-10-22 21:45:00,5484.4 +2019-10-22 22:00:00,5346.8 +2019-10-22 22:15:00,5247.2 +2019-10-22 22:30:00,5143.2 +2019-10-22 22:45:00,5055.6 +2019-10-22 23:00:00,4967.2 +2019-10-22 23:15:00,4920.0 +2019-10-22 23:30:00,4847.2 +2019-10-22 23:45:00,4773.6 +2019-10-23 00:00:00,4671.2 +2019-10-23 00:15:00,4610.4 +2019-10-23 00:30:00,4600.0 +2019-10-23 00:45:00,4564.4 +2019-10-23 01:00:00,4518.8 +2019-10-23 01:15:00,4500.4 +2019-10-23 01:30:00,4498.0 +2019-10-23 01:45:00,4511.6 +2019-10-23 02:00:00,4542.4 +2019-10-23 02:15:00,4556.8 +2019-10-23 02:30:00,4552.0 +2019-10-23 02:45:00,4586.4 +2019-10-23 03:00:00,4677.2 +2019-10-23 03:15:00,4700.4 +2019-10-23 03:30:00,4752.4 +2019-10-23 03:45:00,4816.4 +2019-10-23 04:00:00,4997.6 +2019-10-23 04:15:00,5106.8 +2019-10-23 04:30:00,5230.8 +2019-10-23 04:45:00,5401.6 +2019-10-23 05:00:00,5723.6 +2019-10-23 05:15:00,5970.4 +2019-10-23 05:30:00,6178.0 +2019-10-23 05:45:00,6350.8 +2019-10-23 06:00:00,6568.4 +2019-10-23 06:15:00,6715.2 +2019-10-23 06:30:00,6774.4 +2019-10-23 06:45:00,6807.2 +2019-10-23 07:00:00,6849.2 +2019-10-23 07:15:00,6890.0 +2019-10-23 07:30:00,6917.2 +2019-10-23 07:45:00,6910.4 +2019-10-23 08:00:00,6871.2 +2019-10-23 08:15:00,6893.2 +2019-10-23 08:30:00,6909.2 +2019-10-23 08:45:00,6917.2 +2019-10-23 09:00:00,6926.8 +2019-10-23 09:15:00,6929.6 +2019-10-23 09:30:00,6942.0 +2019-10-23 09:45:00,6982.8 +2019-10-23 10:00:00,6996.0 +2019-10-23 10:15:00,7032.8 +2019-10-23 10:30:00,7027.2 +2019-10-23 10:45:00,7020.4 +2019-10-23 11:00:00,6948.8 +2019-10-23 11:15:00,6922.8 +2019-10-23 11:30:00,6917.6 +2019-10-23 11:45:00,6898.0 +2019-10-23 12:00:00,6904.4 +2019-10-23 12:15:00,6857.6 +2019-10-23 12:30:00,6831.2 +2019-10-23 12:45:00,6782.8 +2019-10-23 13:00:00,6741.6 +2019-10-23 13:15:00,6715.6 +2019-10-23 13:30:00,6701.6 +2019-10-23 13:45:00,6678.8 +2019-10-23 14:00:00,6659.6 +2019-10-23 14:15:00,6582.4 +2019-10-23 14:30:00,6575.2 +2019-10-23 14:45:00,6514.4 +2019-10-23 15:00:00,6531.6 +2019-10-23 15:15:00,6492.4 +2019-10-23 15:30:00,6489.2 +2019-10-23 15:45:00,6479.2 +2019-10-23 16:00:00,6506.0 +2019-10-23 16:15:00,6533.2 +2019-10-23 16:30:00,6586.0 +2019-10-23 16:45:00,6643.2 +2019-10-23 17:00:00,6723.2 +2019-10-23 17:15:00,6825.6 +2019-10-23 17:30:00,6964.0 +2019-10-23 17:45:00,7011.2 +2019-10-23 18:00:00,7005.2 +2019-10-23 18:15:00,6926.4 +2019-10-23 18:30:00,6902.0 +2019-10-23 18:45:00,6851.6 +2019-10-23 19:00:00,6718.8 +2019-10-23 19:15:00,6606.4 +2019-10-23 19:30:00,6487.2 +2019-10-23 19:45:00,6408.4 +2019-10-23 20:00:00,6309.2 +2019-10-23 20:15:00,6187.6 +2019-10-23 20:30:00,6105.6 +2019-10-23 20:45:00,6030.4 +2019-10-23 21:00:00,5954.8 +2019-10-23 21:15:00,5846.4 +2019-10-23 21:30:00,5710.4 +2019-10-23 21:45:00,5603.6 +2019-10-23 22:00:00,5431.6 +2019-10-23 22:15:00,5333.6 +2019-10-23 22:30:00,5251.6 +2019-10-23 22:45:00,5140.4 +2019-10-23 23:00:00,5006.8 +2019-10-23 23:15:00,4956.4 +2019-10-23 23:30:00,4895.6 +2019-10-23 23:45:00,4857.2 +2019-10-24 00:00:00,4784.8 +2019-10-24 00:15:00,4725.2 +2019-10-24 00:30:00,4698.4 +2019-10-24 00:45:00,4642.8 +2019-10-24 01:00:00,4597.2 +2019-10-24 01:15:00,4569.2 +2019-10-24 01:30:00,4577.2 +2019-10-24 01:45:00,4584.0 +2019-10-24 02:00:00,4602.4 +2019-10-24 02:15:00,4608.0 +2019-10-24 02:30:00,4600.0 +2019-10-24 02:45:00,4630.8 +2019-10-24 03:00:00,4697.6 +2019-10-24 03:15:00,4763.2 +2019-10-24 03:30:00,4836.0 +2019-10-24 03:45:00,4909.6 +2019-10-24 04:00:00,5036.4 +2019-10-24 04:15:00,5112.4 +2019-10-24 04:30:00,5220.8 +2019-10-24 04:45:00,5382.0 +2019-10-24 05:00:00,5717.6 +2019-10-24 05:15:00,5931.2 +2019-10-24 05:30:00,6143.6 +2019-10-24 05:45:00,6315.6 +2019-10-24 06:00:00,6527.6 +2019-10-24 06:15:00,6646.4 +2019-10-24 06:30:00,6718.4 +2019-10-24 06:45:00,6797.2 +2019-10-24 07:00:00,6872.8 +2019-10-24 07:15:00,6906.0 +2019-10-24 07:30:00,6930.8 +2019-10-24 07:45:00,6917.6 +2019-10-24 08:00:00,6893.6 +2019-10-24 08:15:00,6911.6 +2019-10-24 08:30:00,6954.8 +2019-10-24 08:45:00,6958.4 +2019-10-24 09:00:00,6917.6 +2019-10-24 09:15:00,6942.4 +2019-10-24 09:30:00,6978.4 +2019-10-24 09:45:00,6994.0 +2019-10-24 10:00:00,6978.8 +2019-10-24 10:15:00,6981.6 +2019-10-24 10:30:00,6997.6 +2019-10-24 10:45:00,7010.4 +2019-10-24 11:00:00,6988.8 +2019-10-24 11:15:00,6972.0 +2019-10-24 11:30:00,6973.2 +2019-10-24 11:45:00,7012.8 +2019-10-24 12:00:00,7010.8 +2019-10-24 12:15:00,6969.2 +2019-10-24 12:30:00,6918.8 +2019-10-24 12:45:00,6866.0 +2019-10-24 13:00:00,6848.4 +2019-10-24 13:15:00,6813.6 +2019-10-24 13:30:00,6794.8 +2019-10-24 13:45:00,6761.2 +2019-10-24 14:00:00,6744.0 +2019-10-24 14:15:00,6691.6 +2019-10-24 14:30:00,6644.4 +2019-10-24 14:45:00,6576.4 +2019-10-24 15:00:00,6603.6 +2019-10-24 15:15:00,6576.4 +2019-10-24 15:30:00,6560.0 +2019-10-24 15:45:00,6545.2 +2019-10-24 16:00:00,6553.6 +2019-10-24 16:15:00,6559.2 +2019-10-24 16:30:00,6609.2 +2019-10-24 16:45:00,6673.2 +2019-10-24 17:00:00,6820.4 +2019-10-24 17:15:00,6944.4 +2019-10-24 17:30:00,7073.2 +2019-10-24 17:45:00,7116.4 +2019-10-24 18:00:00,7112.8 +2019-10-24 18:15:00,7041.6 +2019-10-24 18:30:00,7013.2 +2019-10-24 18:45:00,6937.6 +2019-10-24 19:00:00,6776.8 +2019-10-24 19:15:00,6667.6 +2019-10-24 19:30:00,6569.2 +2019-10-24 19:45:00,6472.0 +2019-10-24 20:00:00,6318.4 +2019-10-24 20:15:00,6204.0 +2019-10-24 20:30:00,6123.2 +2019-10-24 20:45:00,5995.2 +2019-10-24 21:00:00,5914.4 +2019-10-24 21:15:00,5806.0 +2019-10-24 21:30:00,5675.2 +2019-10-24 21:45:00,5575.6 +2019-10-24 22:00:00,5464.8 +2019-10-24 22:15:00,5340.4 +2019-10-24 22:30:00,5266.0 +2019-10-24 22:45:00,5200.4 +2019-10-24 23:00:00,5000.0 +2019-10-24 23:15:00,4940.4 +2019-10-24 23:30:00,4901.6 +2019-10-24 23:45:00,4861.2 +2019-10-25 00:00:00,4790.4 +2019-10-25 00:15:00,4730.4 +2019-10-25 00:30:00,4708.4 +2019-10-25 00:45:00,4686.8 +2019-10-25 01:00:00,4597.2 +2019-10-25 01:15:00,4576.0 +2019-10-25 01:30:00,4550.4 +2019-10-25 01:45:00,4533.6 +2019-10-25 02:00:00,4572.0 +2019-10-25 02:15:00,4578.8 +2019-10-25 02:30:00,4592.4 +2019-10-25 02:45:00,4632.4 +2019-10-25 03:00:00,4703.2 +2019-10-25 03:15:00,4738.0 +2019-10-25 03:30:00,4820.8 +2019-10-25 03:45:00,4887.2 +2019-10-25 04:00:00,5015.2 +2019-10-25 04:15:00,5133.6 +2019-10-25 04:30:00,5248.8 +2019-10-25 04:45:00,5413.6 +2019-10-25 05:00:00,5744.0 +2019-10-25 05:15:00,5974.4 +2019-10-25 05:30:00,6176.0 +2019-10-25 05:45:00,6336.0 +2019-10-25 06:00:00,6558.8 +2019-10-25 06:15:00,6712.0 +2019-10-25 06:30:00,6804.0 +2019-10-25 06:45:00,6883.6 +2019-10-25 07:00:00,6970.8 +2019-10-25 07:15:00,7008.0 +2019-10-25 07:30:00,7004.4 +2019-10-25 07:45:00,6980.8 +2019-10-25 08:00:00,6926.8 +2019-10-25 08:15:00,6925.2 +2019-10-25 08:30:00,6980.8 +2019-10-25 08:45:00,6989.2 +2019-10-25 09:00:00,6972.8 +2019-10-25 09:15:00,6974.4 +2019-10-25 09:30:00,7022.4 +2019-10-25 09:45:00,7021.2 +2019-10-25 10:00:00,7041.2 +2019-10-25 10:15:00,7013.2 +2019-10-25 10:30:00,7053.2 +2019-10-25 10:45:00,7058.4 +2019-10-25 11:00:00,7025.2 +2019-10-25 11:15:00,6965.2 +2019-10-25 11:30:00,6918.4 +2019-10-25 11:45:00,6877.2 +2019-10-25 12:00:00,6825.2 +2019-10-25 12:15:00,6750.0 +2019-10-25 12:30:00,6690.4 +2019-10-25 12:45:00,6626.0 +2019-10-25 13:00:00,6582.0 +2019-10-25 13:15:00,6544.8 +2019-10-25 13:30:00,6498.4 +2019-10-25 13:45:00,6474.0 +2019-10-25 14:00:00,6462.0 +2019-10-25 14:15:00,6435.6 +2019-10-25 14:30:00,6406.4 +2019-10-25 14:45:00,6364.8 +2019-10-25 15:00:00,6346.4 +2019-10-25 15:15:00,6330.0 +2019-10-25 15:30:00,6302.0 +2019-10-25 15:45:00,6327.2 +2019-10-25 16:00:00,6380.4 +2019-10-25 16:15:00,6394.0 +2019-10-25 16:30:00,6438.4 +2019-10-25 16:45:00,6492.4 +2019-10-25 17:00:00,6597.6 +2019-10-25 17:15:00,6706.0 +2019-10-25 17:30:00,6836.8 +2019-10-25 17:45:00,6846.8 +2019-10-25 18:00:00,6894.4 +2019-10-25 18:15:00,6830.0 +2019-10-25 18:30:00,6772.4 +2019-10-25 18:45:00,6712.4 +2019-10-25 19:00:00,6616.8 +2019-10-25 19:15:00,6483.2 +2019-10-25 19:30:00,6371.6 +2019-10-25 19:45:00,6255.2 +2019-10-25 20:00:00,6156.4 +2019-10-25 20:15:00,6057.6 +2019-10-25 20:30:00,5933.6 +2019-10-25 20:45:00,5858.8 +2019-10-25 21:00:00,5791.6 +2019-10-25 21:15:00,5694.8 +2019-10-25 21:30:00,5616.0 +2019-10-25 21:45:00,5548.8 +2019-10-25 22:00:00,5336.4 +2019-10-25 22:15:00,5206.8 +2019-10-25 22:30:00,5105.6 +2019-10-25 22:45:00,5039.6 +2019-10-25 23:00:00,4987.6 +2019-10-25 23:15:00,4898.8 +2019-10-25 23:30:00,4836.8 +2019-10-25 23:45:00,4784.8 +2019-10-26 00:00:00,4740.0 +2019-10-26 00:15:00,4677.2 +2019-10-26 00:30:00,4680.4 +2019-10-26 00:45:00,4642.4 +2019-10-26 01:00:00,4563.6 +2019-10-26 01:15:00,4560.8 +2019-10-26 01:30:00,4530.4 +2019-10-26 01:45:00,4554.8 +2019-10-26 02:00:00,4568.0 +2019-10-26 02:15:00,4545.2 +2019-10-26 02:30:00,4563.2 +2019-10-26 02:45:00,4551.6 +2019-10-26 03:00:00,4571.2 +2019-10-26 03:15:00,4606.0 +2019-10-26 03:30:00,4636.0 +2019-10-26 03:45:00,4650.8 +2019-10-26 04:00:00,4687.6 +2019-10-26 04:15:00,4708.0 +2019-10-26 04:30:00,4719.6 +2019-10-26 04:45:00,4764.0 +2019-10-26 05:00:00,4832.0 +2019-10-26 05:15:00,4900.4 +2019-10-26 05:30:00,4950.4 +2019-10-26 05:45:00,5015.2 +2019-10-26 06:00:00,5109.2 +2019-10-26 06:15:00,5168.8 +2019-10-26 06:30:00,5278.0 +2019-10-26 06:45:00,5331.6 +2019-10-26 07:00:00,5444.0 +2019-10-26 07:15:00,5471.2 +2019-10-26 07:30:00,5568.4 +2019-10-26 07:45:00,5631.2 +2019-10-26 08:00:00,5690.8 +2019-10-26 08:15:00,5755.6 +2019-10-26 08:30:00,5795.6 +2019-10-26 08:45:00,5838.8 +2019-10-26 09:00:00,5844.8 +2019-10-26 09:15:00,5889.6 +2019-10-26 09:30:00,5882.8 +2019-10-26 09:45:00,5920.4 +2019-10-26 10:00:00,5987.2 +2019-10-26 10:15:00,6025.2 +2019-10-26 10:30:00,6031.2 +2019-10-26 10:45:00,6006.8 +2019-10-26 11:00:00,5989.6 +2019-10-26 11:15:00,5954.8 +2019-10-26 11:30:00,5929.6 +2019-10-26 11:45:00,5901.2 +2019-10-26 12:00:00,5895.6 +2019-10-26 12:15:00,5856.0 +2019-10-26 12:30:00,5769.2 +2019-10-26 12:45:00,5738.8 +2019-10-26 13:00:00,5689.6 +2019-10-26 13:15:00,5648.4 +2019-10-26 13:30:00,5605.6 +2019-10-26 13:45:00,5600.8 +2019-10-26 14:00:00,5580.8 +2019-10-26 14:15:00,5532.0 +2019-10-26 14:30:00,5506.8 +2019-10-26 14:45:00,5444.8 +2019-10-26 15:00:00,5453.6 +2019-10-26 15:15:00,5470.8 +2019-10-26 15:30:00,5480.0 +2019-10-26 15:45:00,5508.0 +2019-10-26 16:00:00,5522.8 +2019-10-26 16:15:00,5576.0 +2019-10-26 16:30:00,5644.0 +2019-10-26 16:45:00,5724.4 +2019-10-26 17:00:00,5842.0 +2019-10-26 17:15:00,5986.4 +2019-10-26 17:30:00,6088.0 +2019-10-26 17:45:00,6086.4 +2019-10-26 18:00:00,6084.4 +2019-10-26 18:15:00,5990.4 +2019-10-26 18:30:00,5933.6 +2019-10-26 18:45:00,5882.0 +2019-10-26 19:00:00,5754.4 +2019-10-26 19:15:00,5621.6 +2019-10-26 19:30:00,5516.4 +2019-10-26 19:45:00,5429.2 +2019-10-26 20:00:00,5419.2 +2019-10-26 20:15:00,5362.8 +2019-10-26 20:30:00,5272.8 +2019-10-26 20:45:00,5236.0 +2019-10-26 21:00:00,5263.2 +2019-10-26 21:15:00,5198.4 +2019-10-26 21:30:00,5112.4 +2019-10-26 21:45:00,5024.4 +2019-10-26 22:00:00,4941.2 +2019-10-26 22:15:00,4856.8 +2019-10-26 22:30:00,4804.0 +2019-10-26 22:45:00,4726.4 +2019-10-26 23:00:00,4608.8 +2019-10-26 23:15:00,4530.8 +2019-10-26 23:30:00,4493.2 +2019-10-26 23:45:00,4424.0 +2019-10-27 00:00:00,4368.0 +2019-10-27 00:15:00,4327.2 +2019-10-27 00:30:00,4266.0 +2019-10-27 00:45:00,4198.4 +2019-10-27 01:00:00,4174.0 +2019-10-27 01:15:00,4156.4 +2019-10-27 01:30:00,4120.4 +2019-10-27 01:45:00,4112.4 +2019-10-27 02:00:00,4095.2 +2019-10-27 02:15:00,4063.2 +2019-10-27 02:30:00,4066.0 +2019-10-27 02:45:00,4046.0 +2019-10-27 03:00:00,4065.6 +2019-10-27 03:15:00,4059.6 +2019-10-27 03:30:00,4086.4 +2019-10-27 03:45:00,4098.8 +2019-10-27 04:00:00,4137.2 +2019-10-27 04:15:00,4120.8 +2019-10-27 04:30:00,4112.8 +2019-10-27 04:45:00,4128.0 +2019-10-27 05:00:00,4136.0 +2019-10-27 05:15:00,4133.6 +2019-10-27 05:30:00,4160.0 +2019-10-27 05:45:00,4166.0 +2019-10-27 06:00:00,4212.4 +2019-10-27 06:15:00,4246.8 +2019-10-27 06:30:00,4269.6 +2019-10-27 06:45:00,4305.2 +2019-10-27 07:00:00,4442.4 +2019-10-27 07:15:00,4500.4 +2019-10-27 07:30:00,4586.4 +2019-10-27 07:45:00,4648.8 +2019-10-27 08:00:00,4759.2 +2019-10-27 08:15:00,4795.6 +2019-10-27 08:30:00,4879.2 +2019-10-27 08:45:00,4956.4 +2019-10-27 09:00:00,5019.2 +2019-10-27 09:15:00,5085.6 +2019-10-27 09:30:00,5171.2 +2019-10-27 09:45:00,5183.2 +2019-10-27 10:00:00,5250.8 +2019-10-27 10:15:00,5279.6 +2019-10-27 10:30:00,5311.6 +2019-10-27 10:45:00,5343.6 +2019-10-27 11:00:00,5357.6 +2019-10-27 11:15:00,5425.6 +2019-10-27 11:30:00,5455.6 +2019-10-27 11:45:00,5443.6 +2019-10-27 12:00:00,5457.6 +2019-10-27 12:15:00,5424.0 +2019-10-27 12:30:00,5370.8 +2019-10-27 12:45:00,5326.8 +2019-10-27 13:00:00,5257.2 +2019-10-27 13:15:00,5191.2 +2019-10-27 13:30:00,5146.4 +2019-10-27 13:45:00,5099.6 +2019-10-27 14:00:00,5059.6 +2019-10-27 14:15:00,5045.2 +2019-10-27 14:30:00,5054.0 +2019-10-27 14:45:00,5055.2 +2019-10-27 15:00:00,5016.0 +2019-10-27 15:15:00,5004.0 +2019-10-27 15:30:00,4992.0 +2019-10-27 15:45:00,4979.2 +2019-10-27 16:00:00,5040.0 +2019-10-27 16:15:00,5077.2 +2019-10-27 16:30:00,5141.6 +2019-10-27 16:45:00,5198.0 +2019-10-27 17:00:00,5350.8 +2019-10-27 17:15:00,5510.4 +2019-10-27 17:30:00,5687.6 +2019-10-27 17:45:00,5776.0 +2019-10-27 18:00:00,5851.6 +2019-10-27 18:15:00,5825.6 +2019-10-27 18:30:00,5792.8 +2019-10-27 18:45:00,5740.8 +2019-10-27 19:00:00,5689.6 +2019-10-27 19:15:00,5630.4 +2019-10-27 19:30:00,5577.6 +2019-10-27 19:45:00,5503.6 +2019-10-27 20:00:00,5504.0 +2019-10-27 20:15:00,5410.4 +2019-10-27 20:30:00,5315.6 +2019-10-27 20:45:00,5247.6 +2019-10-27 21:00:00,5216.4 +2019-10-27 21:15:00,5185.6 +2019-10-27 21:30:00,5140.4 +2019-10-27 21:45:00,5127.2 +2019-10-27 22:00:00,5136.4 +2019-10-27 22:15:00,5083.6 +2019-10-27 22:30:00,5009.6 +2019-10-27 22:45:00,4936.0 +2019-10-27 23:00:00,4866.4 +2019-10-27 23:15:00,4778.0 +2019-10-27 23:30:00,4710.8 +2019-10-27 23:45:00,4663.2 +2019-10-28 00:00:00,4673.6 +2019-10-28 00:15:00,4662.0 +2019-10-28 00:30:00,4631.6 +2019-10-28 00:45:00,4614.8 +2019-10-28 01:00:00,4601.2 +2019-10-28 01:15:00,4591.2 +2019-10-28 01:30:00,4587.2 +2019-10-28 01:45:00,4566.0 +2019-10-28 02:00:00,4558.4 +2019-10-28 02:15:00,4537.6 +2019-10-28 02:30:00,4554.4 +2019-10-28 02:45:00,4582.4 +2019-10-28 03:00:00,4612.4 +2019-10-28 03:15:00,4630.4 +2019-10-28 03:30:00,4641.2 +2019-10-28 03:45:00,4649.2 +2019-10-28 04:00:00,4724.4 +2019-10-28 04:15:00,4761.2 +2019-10-28 04:30:00,4854.4 +2019-10-28 04:45:00,4953.2 +2019-10-28 05:00:00,5134.8 +2019-10-28 05:15:00,5244.4 +2019-10-28 05:30:00,5373.6 +2019-10-28 05:45:00,5545.6 +2019-10-28 06:00:00,5855.6 +2019-10-28 06:15:00,6116.0 +2019-10-28 06:30:00,6349.6 +2019-10-28 06:45:00,6505.6 +2019-10-28 07:00:00,6609.6 +2019-10-28 07:15:00,6680.4 +2019-10-28 07:30:00,6728.8 +2019-10-28 07:45:00,6807.2 +2019-10-28 08:00:00,6855.6 +2019-10-28 08:15:00,6849.6 +2019-10-28 08:30:00,6858.0 +2019-10-28 08:45:00,6839.6 +2019-10-28 09:00:00,6801.2 +2019-10-28 09:15:00,6830.0 +2019-10-28 09:30:00,6863.2 +2019-10-28 09:45:00,6892.0 +2019-10-28 10:00:00,6921.6 +2019-10-28 10:15:00,6943.6 +2019-10-28 10:30:00,6975.2 +2019-10-28 10:45:00,7009.2 +2019-10-28 11:00:00,7060.4 +2019-10-28 11:15:00,7046.8 +2019-10-28 11:30:00,7073.6 +2019-10-28 11:45:00,7069.6 +2019-10-28 12:00:00,7024.4 +2019-10-28 12:15:00,6983.6 +2019-10-28 12:30:00,6993.6 +2019-10-28 12:45:00,6980.4 +2019-10-28 13:00:00,6961.2 +2019-10-28 13:15:00,6941.6 +2019-10-28 13:30:00,6895.2 +2019-10-28 13:45:00,6828.8 +2019-10-28 14:00:00,6824.8 +2019-10-28 14:15:00,6807.2 +2019-10-28 14:30:00,6780.0 +2019-10-28 14:45:00,6740.0 +2019-10-28 15:00:00,6704.4 +2019-10-28 15:15:00,6665.2 +2019-10-28 15:30:00,6624.0 +2019-10-28 15:45:00,6596.0 +2019-10-28 16:00:00,6520.4 +2019-10-28 16:15:00,6525.6 +2019-10-28 16:30:00,6521.6 +2019-10-28 16:45:00,6597.2 +2019-10-28 17:00:00,6736.0 +2019-10-28 17:15:00,6860.8 +2019-10-28 17:30:00,6982.0 +2019-10-28 17:45:00,7030.8 +2019-10-28 18:00:00,7009.2 +2019-10-28 18:15:00,6956.4 +2019-10-28 18:30:00,6950.4 +2019-10-28 18:45:00,6964.0 +2019-10-28 19:00:00,6869.6 +2019-10-28 19:15:00,6778.0 +2019-10-28 19:30:00,6716.8 +2019-10-28 19:45:00,6656.0 +2019-10-28 20:00:00,6569.2 +2019-10-28 20:15:00,6455.2 +2019-10-28 20:30:00,6346.8 +2019-10-28 20:45:00,6253.2 +2019-10-28 21:00:00,6154.8 +2019-10-28 21:15:00,6061.2 +2019-10-28 21:30:00,5941.6 +2019-10-28 21:45:00,5829.2 +2019-10-28 22:00:00,5802.8 +2019-10-28 22:15:00,5713.2 +2019-10-28 22:30:00,5608.8 +2019-10-28 22:45:00,5494.8 +2019-10-28 23:00:00,5366.8 +2019-10-28 23:15:00,5244.8 +2019-10-28 23:30:00,5144.8 +2019-10-28 23:45:00,5076.4 +2019-10-29 00:00:00,5051.2 +2019-10-29 00:15:00,4983.2 +2019-10-29 00:30:00,4947.2 +2019-10-29 00:45:00,4897.6 +2019-10-29 01:00:00,4856.8 +2019-10-29 01:15:00,4824.8 +2019-10-29 01:30:00,4814.0 +2019-10-29 01:45:00,4800.0 +2019-10-29 02:00:00,4778.0 +2019-10-29 02:15:00,4778.4 +2019-10-29 02:30:00,4798.0 +2019-10-29 02:45:00,4795.6 +2019-10-29 03:00:00,4772.4 +2019-10-29 03:15:00,4808.8 +2019-10-29 03:30:00,4839.6 +2019-10-29 03:45:00,4868.4 +2019-10-29 04:00:00,4935.2 +2019-10-29 04:15:00,4988.0 +2019-10-29 04:30:00,5015.6 +2019-10-29 04:45:00,5075.2 +2019-10-29 05:00:00,5187.2 +2019-10-29 05:15:00,5264.8 +2019-10-29 05:30:00,5377.6 +2019-10-29 05:45:00,5538.8 +2019-10-29 06:00:00,5874.0 +2019-10-29 06:15:00,6118.0 +2019-10-29 06:30:00,6309.6 +2019-10-29 06:45:00,6444.4 +2019-10-29 07:00:00,6613.2 +2019-10-29 07:15:00,6688.8 +2019-10-29 07:30:00,6765.6 +2019-10-29 07:45:00,6830.0 +2019-10-29 08:00:00,6889.6 +2019-10-29 08:15:00,6950.4 +2019-10-29 08:30:00,6954.4 +2019-10-29 08:45:00,6953.2 +2019-10-29 09:00:00,6943.2 +2019-10-29 09:15:00,6955.6 +2019-10-29 09:30:00,6990.8 +2019-10-29 09:45:00,7012.4 +2019-10-29 10:00:00,7020.0 +2019-10-29 10:15:00,7024.0 +2019-10-29 10:30:00,7020.8 +2019-10-29 10:45:00,7075.2 +2019-10-29 11:00:00,7068.0 +2019-10-29 11:15:00,7117.6 +2019-10-29 11:30:00,7119.6 +2019-10-29 11:45:00,7104.4 +2019-10-29 12:00:00,7049.2 +2019-10-29 12:15:00,7025.2 +2019-10-29 12:30:00,7006.0 +2019-10-29 12:45:00,7020.4 +2019-10-29 13:00:00,7016.0 +2019-10-29 13:15:00,6993.6 +2019-10-29 13:30:00,6942.0 +2019-10-29 13:45:00,6872.8 +2019-10-29 14:00:00,6859.2 +2019-10-29 14:15:00,6822.4 +2019-10-29 14:30:00,6815.6 +2019-10-29 14:45:00,6807.2 +2019-10-29 15:00:00,6783.6 +2019-10-29 15:15:00,6737.2 +2019-10-29 15:30:00,6714.8 +2019-10-29 15:45:00,6697.6 +2019-10-29 16:00:00,6699.6 +2019-10-29 16:15:00,6685.2 +2019-10-29 16:30:00,6723.2 +2019-10-29 16:45:00,6773.2 +2019-10-29 17:00:00,6898.4 +2019-10-29 17:15:00,7017.2 +2019-10-29 17:30:00,7154.8 +2019-10-29 17:45:00,7189.2 +2019-10-29 18:00:00,7120.8 +2019-10-29 18:15:00,7084.8 +2019-10-29 18:30:00,7043.6 +2019-10-29 18:45:00,7006.0 +2019-10-29 19:00:00,6944.4 +2019-10-29 19:15:00,6879.2 +2019-10-29 19:30:00,6821.2 +2019-10-29 19:45:00,6753.6 +2019-10-29 20:00:00,6675.2 +2019-10-29 20:15:00,6547.2 +2019-10-29 20:30:00,6413.2 +2019-10-29 20:45:00,6343.6 +2019-10-29 21:00:00,6270.0 +2019-10-29 21:15:00,6179.6 +2019-10-29 21:30:00,6085.6 +2019-10-29 21:45:00,5988.4 +2019-10-29 22:00:00,5934.0 +2019-10-29 22:15:00,5850.8 +2019-10-29 22:30:00,5694.4 +2019-10-29 22:45:00,5621.6 +2019-10-29 23:00:00,5481.2 +2019-10-29 23:15:00,5384.0 +2019-10-29 23:30:00,5281.2 +2019-10-29 23:45:00,5202.8 +2019-10-30 00:00:00,5109.2 +2019-10-30 00:15:00,5042.0 +2019-10-30 00:30:00,5031.6 +2019-10-30 00:45:00,4997.2 +2019-10-30 01:00:00,4948.4 +2019-10-30 01:15:00,4939.2 +2019-10-30 01:30:00,4916.4 +2019-10-30 01:45:00,4917.2 +2019-10-30 02:00:00,4838.4 +2019-10-30 02:15:00,4850.0 +2019-10-30 02:30:00,4852.0 +2019-10-30 02:45:00,4858.4 +2019-10-30 03:00:00,4867.2 +2019-10-30 03:15:00,4889.6 +2019-10-30 03:30:00,4899.6 +2019-10-30 03:45:00,4922.8 +2019-10-30 04:00:00,4984.4 +2019-10-30 04:15:00,5016.4 +2019-10-30 04:30:00,5078.4 +2019-10-30 04:45:00,5129.2 +2019-10-30 05:00:00,5259.6 +2019-10-30 05:15:00,5334.0 +2019-10-30 05:30:00,5442.4 +2019-10-30 05:45:00,5602.4 +2019-10-30 06:00:00,5920.0 +2019-10-30 06:15:00,6169.2 +2019-10-30 06:30:00,6305.2 +2019-10-30 06:45:00,6439.2 +2019-10-30 07:00:00,6571.6 +2019-10-30 07:15:00,6632.0 +2019-10-30 07:30:00,6686.8 +2019-10-30 07:45:00,6751.2 +2019-10-30 08:00:00,6845.2 +2019-10-30 08:15:00,6886.8 +2019-10-30 08:30:00,6876.4 +2019-10-30 08:45:00,6899.6 +2019-10-30 09:00:00,6859.2 +2019-10-30 09:15:00,6867.6 +2019-10-30 09:30:00,6891.2 +2019-10-30 09:45:00,6879.6 +2019-10-30 10:00:00,6923.2 +2019-10-30 10:15:00,6920.8 +2019-10-30 10:30:00,6947.2 +2019-10-30 10:45:00,6982.0 +2019-10-30 11:00:00,6976.8 +2019-10-30 11:15:00,6988.8 +2019-10-30 11:30:00,7006.4 +2019-10-30 11:45:00,7015.2 +2019-10-30 12:00:00,6964.4 +2019-10-30 12:15:00,6945.6 +2019-10-30 12:30:00,6957.2 +2019-10-30 12:45:00,6922.0 +2019-10-30 13:00:00,6952.8 +2019-10-30 13:15:00,6926.0 +2019-10-30 13:30:00,6874.0 +2019-10-30 13:45:00,6824.8 +2019-10-30 14:00:00,6815.2 +2019-10-30 14:15:00,6792.4 +2019-10-30 14:30:00,6780.4 +2019-10-30 14:45:00,6764.4 +2019-10-30 15:00:00,6731.6 +2019-10-30 15:15:00,6686.0 +2019-10-30 15:30:00,6650.0 +2019-10-30 15:45:00,6629.6 +2019-10-30 16:00:00,6595.6 +2019-10-30 16:15:00,6580.0 +2019-10-30 16:30:00,6621.6 +2019-10-30 16:45:00,6680.0 +2019-10-30 17:00:00,6848.8 +2019-10-30 17:15:00,6981.6 +2019-10-30 17:30:00,7047.6 +2019-10-30 17:45:00,7091.2 +2019-10-30 18:00:00,6996.4 +2019-10-30 18:15:00,6948.8 +2019-10-30 18:30:00,6913.6 +2019-10-30 18:45:00,6892.8 +2019-10-30 19:00:00,6896.4 +2019-10-30 19:15:00,6854.0 +2019-10-30 19:30:00,6797.2 +2019-10-30 19:45:00,6736.4 +2019-10-30 20:00:00,6604.4 +2019-10-30 20:15:00,6493.2 +2019-10-30 20:30:00,6383.6 +2019-10-30 20:45:00,6300.4 +2019-10-30 21:00:00,6224.0 +2019-10-30 21:15:00,6173.6 +2019-10-30 21:30:00,6120.4 +2019-10-30 21:45:00,6009.2 +2019-10-30 22:00:00,5862.4 +2019-10-30 22:15:00,5810.4 +2019-10-30 22:30:00,5700.4 +2019-10-30 22:45:00,5584.0 +2019-10-30 23:00:00,5484.0 +2019-10-30 23:15:00,5406.0 +2019-10-30 23:30:00,5292.0 +2019-10-30 23:45:00,5236.4 +2019-10-31 00:00:00,5110.8 +2019-10-31 00:15:00,5050.8 +2019-10-31 00:30:00,4988.8 +2019-10-31 00:45:00,4968.0 +2019-10-31 01:00:00,4890.4 +2019-10-31 01:15:00,4868.8 +2019-10-31 01:30:00,4838.8 +2019-10-31 01:45:00,4810.8 +2019-10-31 02:00:00,4810.0 +2019-10-31 02:15:00,4816.8 +2019-10-31 02:30:00,4820.8 +2019-10-31 02:45:00,4822.4 +2019-10-31 03:00:00,4852.8 +2019-10-31 03:15:00,4858.8 +2019-10-31 03:30:00,4858.0 +2019-10-31 03:45:00,4865.6 +2019-10-31 04:00:00,4900.4 +2019-10-31 04:15:00,4904.0 +2019-10-31 04:30:00,4931.2 +2019-10-31 04:45:00,4990.4 +2019-10-31 05:00:00,5079.2 +2019-10-31 05:15:00,5104.4 +2019-10-31 05:30:00,5173.6 +2019-10-31 05:45:00,5240.8 +2019-10-31 06:00:00,5459.6 +2019-10-31 06:15:00,5623.2 +2019-10-31 06:30:00,5748.8 +2019-10-31 06:45:00,5856.4 +2019-10-31 07:00:00,5995.2 +2019-10-31 07:15:00,6072.4 +2019-10-31 07:30:00,6137.2 +2019-10-31 07:45:00,6238.0 +2019-10-31 08:00:00,6334.4 +2019-10-31 08:15:00,6384.0 +2019-10-31 08:30:00,6401.2 +2019-10-31 08:45:00,6423.2 +2019-10-31 09:00:00,6396.4 +2019-10-31 09:15:00,6449.2 +2019-10-31 09:30:00,6496.8 +2019-10-31 09:45:00,6514.8 +2019-10-31 10:00:00,6483.6 +2019-10-31 10:15:00,6510.0 +2019-10-31 10:30:00,6532.4 +2019-10-31 10:45:00,6542.4 +2019-10-31 11:00:00,6534.0 +2019-10-31 11:15:00,6566.8 +2019-10-31 11:30:00,6576.4 +2019-10-31 11:45:00,6573.6 +2019-10-31 12:00:00,6480.8 +2019-10-31 12:15:00,6442.4 +2019-10-31 12:30:00,6432.0 +2019-10-31 12:45:00,6415.2 +2019-10-31 13:00:00,6410.0 +2019-10-31 13:15:00,6386.4 +2019-10-31 13:30:00,6326.4 +2019-10-31 13:45:00,6298.8 +2019-10-31 14:00:00,6283.2 +2019-10-31 14:15:00,6228.0 +2019-10-31 14:30:00,6204.4 +2019-10-31 14:45:00,6168.4 +2019-10-31 15:00:00,6155.6 +2019-10-31 15:15:00,6096.0 +2019-10-31 15:30:00,6082.4 +2019-10-31 15:45:00,6060.8 +2019-10-31 16:00:00,6057.6 +2019-10-31 16:15:00,6043.6 +2019-10-31 16:30:00,6054.4 +2019-10-31 16:45:00,6092.4 +2019-10-31 17:00:00,6260.0 +2019-10-31 17:15:00,6400.0 +2019-10-31 17:30:00,6475.2 +2019-10-31 17:45:00,6502.4 +2019-10-31 18:00:00,6487.2 +2019-10-31 18:15:00,6465.2 +2019-10-31 18:30:00,6440.8 +2019-10-31 18:45:00,6415.2 +2019-10-31 19:00:00,6401.2 +2019-10-31 19:15:00,6348.8 +2019-10-31 19:30:00,6324.0 +2019-10-31 19:45:00,6297.6 +2019-10-31 20:00:00,6170.8 +2019-10-31 20:15:00,6058.8 +2019-10-31 20:30:00,5980.0 +2019-10-31 20:45:00,5930.0 +2019-10-31 21:00:00,5837.6 +2019-10-31 21:15:00,5792.8 +2019-10-31 21:30:00,5729.6 +2019-10-31 21:45:00,5682.4 +2019-10-31 22:00:00,5613.2 +2019-10-31 22:15:00,5536.0 +2019-10-31 22:30:00,5444.8 +2019-10-31 22:45:00,5327.6 +2019-10-31 23:00:00,5194.4 +2019-10-31 23:15:00,5106.4 +2019-10-31 23:30:00,5036.8 +2019-10-31 23:45:00,4986.4 +2019-11-01 00:00:00,4858.8 +2019-11-01 00:15:00,4793.6 +2019-11-01 00:30:00,4725.2 +2019-11-01 00:45:00,4672.8 +2019-11-01 01:00:00,4604.4 +2019-11-01 01:15:00,4580.8 +2019-11-01 01:30:00,4568.4 +2019-11-01 01:45:00,4520.8 +2019-11-01 02:00:00,4486.0 +2019-11-01 02:15:00,4476.0 +2019-11-01 02:30:00,4467.2 +2019-11-01 02:45:00,4462.4 +2019-11-01 03:00:00,4495.2 +2019-11-01 03:15:00,4503.6 +2019-11-01 03:30:00,4516.4 +2019-11-01 03:45:00,4484.4 +2019-11-01 04:00:00,4545.2 +2019-11-01 04:15:00,4566.0 +2019-11-01 04:30:00,4589.2 +2019-11-01 04:45:00,4602.8 +2019-11-01 05:00:00,4632.8 +2019-11-01 05:15:00,4640.8 +2019-11-01 05:30:00,4674.0 +2019-11-01 05:45:00,4695.2 +2019-11-01 06:00:00,4774.0 +2019-11-01 06:15:00,4847.6 +2019-11-01 06:30:00,4903.6 +2019-11-01 06:45:00,4968.0 +2019-11-01 07:00:00,5059.2 +2019-11-01 07:15:00,5124.0 +2019-11-01 07:30:00,5179.2 +2019-11-01 07:45:00,5253.6 +2019-11-01 08:00:00,5379.6 +2019-11-01 08:15:00,5461.6 +2019-11-01 08:30:00,5531.2 +2019-11-01 08:45:00,5572.4 +2019-11-01 09:00:00,5559.2 +2019-11-01 09:15:00,5589.6 +2019-11-01 09:30:00,5614.8 +2019-11-01 09:45:00,5638.8 +2019-11-01 10:00:00,5658.4 +2019-11-01 10:15:00,5689.6 +2019-11-01 10:30:00,5722.0 +2019-11-01 10:45:00,5777.2 +2019-11-01 11:00:00,5807.2 +2019-11-01 11:15:00,5860.0 +2019-11-01 11:30:00,5899.2 +2019-11-01 11:45:00,5918.8 +2019-11-01 12:00:00,5946.4 +2019-11-01 12:15:00,5938.8 +2019-11-01 12:30:00,5904.4 +2019-11-01 12:45:00,5893.2 +2019-11-01 13:00:00,5860.0 +2019-11-01 13:15:00,5816.0 +2019-11-01 13:30:00,5784.4 +2019-11-01 13:45:00,5735.6 +2019-11-01 14:00:00,5732.8 +2019-11-01 14:15:00,5694.8 +2019-11-01 14:30:00,5682.0 +2019-11-01 14:45:00,5659.6 +2019-11-01 15:00:00,5722.8 +2019-11-01 15:15:00,5696.8 +2019-11-01 15:30:00,5708.0 +2019-11-01 15:45:00,5711.2 +2019-11-01 16:00:00,5747.2 +2019-11-01 16:15:00,5753.6 +2019-11-01 16:30:00,5813.2 +2019-11-01 16:45:00,5886.8 +2019-11-01 17:00:00,6078.0 +2019-11-01 17:15:00,6158.0 +2019-11-01 17:30:00,6206.0 +2019-11-01 17:45:00,6224.8 +2019-11-01 18:00:00,6185.6 +2019-11-01 18:15:00,6142.8 +2019-11-01 18:30:00,6107.6 +2019-11-01 18:45:00,6066.0 +2019-11-01 19:00:00,6050.0 +2019-11-01 19:15:00,5976.0 +2019-11-01 19:30:00,5918.8 +2019-11-01 19:45:00,5865.6 +2019-11-01 20:00:00,5754.4 +2019-11-01 20:15:00,5648.0 +2019-11-01 20:30:00,5569.6 +2019-11-01 20:45:00,5511.6 +2019-11-01 21:00:00,5436.8 +2019-11-01 21:15:00,5378.8 +2019-11-01 21:30:00,5324.0 +2019-11-01 21:45:00,5292.4 +2019-11-01 22:00:00,5307.6 +2019-11-01 22:15:00,5206.4 +2019-11-01 22:30:00,5134.4 +2019-11-01 22:45:00,5045.6 +2019-11-01 23:00:00,4941.2 +2019-11-01 23:15:00,4856.8 +2019-11-01 23:30:00,4787.6 +2019-11-01 23:45:00,4724.0 +2019-11-02 00:00:00,4604.8 +2019-11-02 00:15:00,4556.0 +2019-11-02 00:30:00,4492.8 +2019-11-02 00:45:00,4434.8 +2019-11-02 01:00:00,4374.4 +2019-11-02 01:15:00,4327.6 +2019-11-02 01:30:00,4311.6 +2019-11-02 01:45:00,4283.2 +2019-11-02 02:00:00,4268.0 +2019-11-02 02:15:00,4242.0 +2019-11-02 02:30:00,4230.0 +2019-11-02 02:45:00,4219.6 +2019-11-02 03:00:00,4225.6 +2019-11-02 03:15:00,4220.8 +2019-11-02 03:30:00,4221.6 +2019-11-02 03:45:00,4216.0 +2019-11-02 04:00:00,4254.4 +2019-11-02 04:15:00,4266.8 +2019-11-02 04:30:00,4290.8 +2019-11-02 04:45:00,4311.6 +2019-11-02 05:00:00,4381.6 +2019-11-02 05:15:00,4402.4 +2019-11-02 05:30:00,4404.8 +2019-11-02 05:45:00,4479.2 +2019-11-02 06:00:00,4569.2 +2019-11-02 06:15:00,4622.0 +2019-11-02 06:30:00,4671.6 +2019-11-02 06:45:00,4721.6 +2019-11-02 07:00:00,4826.0 +2019-11-02 07:15:00,4864.8 +2019-11-02 07:30:00,4924.4 +2019-11-02 07:45:00,5037.6 +2019-11-02 08:00:00,5154.0 +2019-11-02 08:15:00,5230.8 +2019-11-02 08:30:00,5328.0 +2019-11-02 08:45:00,5381.2 +2019-11-02 09:00:00,5465.2 +2019-11-02 09:15:00,5498.0 +2019-11-02 09:30:00,5506.0 +2019-11-02 09:45:00,5540.4 +2019-11-02 10:00:00,5566.4 +2019-11-02 10:15:00,5582.8 +2019-11-02 10:30:00,5614.4 +2019-11-02 10:45:00,5642.8 +2019-11-02 11:00:00,5695.2 +2019-11-02 11:15:00,5734.0 +2019-11-02 11:30:00,5780.4 +2019-11-02 11:45:00,5778.0 +2019-11-02 12:00:00,5761.6 +2019-11-02 12:15:00,5754.8 +2019-11-02 12:30:00,5729.2 +2019-11-02 12:45:00,5744.8 +2019-11-02 13:00:00,5726.8 +2019-11-02 13:15:00,5695.6 +2019-11-02 13:30:00,5669.6 +2019-11-02 13:45:00,5590.8 +2019-11-02 14:00:00,5560.4 +2019-11-02 14:15:00,5539.2 +2019-11-02 14:30:00,5518.8 +2019-11-02 14:45:00,5475.2 +2019-11-02 15:00:00,5456.8 +2019-11-02 15:15:00,5438.0 +2019-11-02 15:30:00,5432.4 +2019-11-02 15:45:00,5423.6 +2019-11-02 16:00:00,5477.6 +2019-11-02 16:15:00,5466.4 +2019-11-02 16:30:00,5520.4 +2019-11-02 16:45:00,5605.2 +2019-11-02 17:00:00,5800.4 +2019-11-02 17:15:00,5926.4 +2019-11-02 17:30:00,6038.8 +2019-11-02 17:45:00,6070.8 +2019-11-02 18:00:00,6062.4 +2019-11-02 18:15:00,6020.0 +2019-11-02 18:30:00,5968.4 +2019-11-02 18:45:00,5932.0 +2019-11-02 19:00:00,5852.0 +2019-11-02 19:15:00,5774.8 +2019-11-02 19:30:00,5684.4 +2019-11-02 19:45:00,5627.2 +2019-11-02 20:00:00,5542.0 +2019-11-02 20:15:00,5412.4 +2019-11-02 20:30:00,5352.8 +2019-11-02 20:45:00,5280.0 +2019-11-02 21:00:00,5222.0 +2019-11-02 21:15:00,5186.8 +2019-11-02 21:30:00,5152.4 +2019-11-02 21:45:00,5135.6 +2019-11-02 22:00:00,5118.4 +2019-11-02 22:15:00,5103.2 +2019-11-02 22:30:00,5031.2 +2019-11-02 22:45:00,4943.6 +2019-11-02 23:00:00,4813.2 +2019-11-02 23:15:00,4732.0 +2019-11-02 23:30:00,4666.4 +2019-11-02 23:45:00,4570.0 +2019-11-03 00:00:00,4433.6 +2019-11-03 00:15:00,4357.6 +2019-11-03 00:30:00,4296.8 +2019-11-03 00:45:00,4232.8 +2019-11-03 01:00:00,4204.4 +2019-11-03 01:15:00,4159.6 +2019-11-03 01:30:00,4081.2 +2019-11-03 01:45:00,4066.8 +2019-11-03 02:00:00,4080.0 +2019-11-03 02:15:00,4079.2 +2019-11-03 02:30:00,4040.4 +2019-11-03 02:45:00,4054.0 +2019-11-03 03:00:00,4057.6 +2019-11-03 03:15:00,4013.6 +2019-11-03 03:30:00,3979.2 +2019-11-03 03:45:00,3988.0 +2019-11-03 04:00:00,4014.8 +2019-11-03 04:15:00,4048.8 +2019-11-03 04:30:00,4084.8 +2019-11-03 04:45:00,4061.6 +2019-11-03 05:00:00,4064.0 +2019-11-03 05:15:00,4060.8 +2019-11-03 05:30:00,4029.2 +2019-11-03 05:45:00,4011.6 +2019-11-03 06:00:00,3996.0 +2019-11-03 06:15:00,3996.0 +2019-11-03 06:30:00,4017.2 +2019-11-03 06:45:00,4030.8 +2019-11-03 07:00:00,4094.4 +2019-11-03 07:15:00,4133.6 +2019-11-03 07:30:00,4184.4 +2019-11-03 07:45:00,4243.2 +2019-11-03 08:00:00,4373.6 +2019-11-03 08:15:00,4474.0 +2019-11-03 08:30:00,4552.4 +2019-11-03 08:45:00,4625.6 +2019-11-03 09:00:00,4702.4 +2019-11-03 09:15:00,4764.4 +2019-11-03 09:30:00,4828.4 +2019-11-03 09:45:00,4873.2 +2019-11-03 10:00:00,4949.2 +2019-11-03 10:15:00,5029.6 +2019-11-03 10:30:00,5060.4 +2019-11-03 10:45:00,5140.8 +2019-11-03 11:00:00,5195.6 +2019-11-03 11:15:00,5289.2 +2019-11-03 11:30:00,5343.2 +2019-11-03 11:45:00,5337.2 +2019-11-03 12:00:00,5318.0 +2019-11-03 12:15:00,5296.0 +2019-11-03 12:30:00,5266.4 +2019-11-03 12:45:00,5207.6 +2019-11-03 13:00:00,5170.4 +2019-11-03 13:15:00,5108.8 +2019-11-03 13:30:00,5071.2 +2019-11-03 13:45:00,5008.4 +2019-11-03 14:00:00,4979.2 +2019-11-03 14:15:00,4967.6 +2019-11-03 14:30:00,4930.8 +2019-11-03 14:45:00,4908.4 +2019-11-03 15:00:00,4958.8 +2019-11-03 15:15:00,4947.2 +2019-11-03 15:30:00,4943.6 +2019-11-03 15:45:00,4922.4 +2019-11-03 16:00:00,4948.4 +2019-11-03 16:15:00,4994.8 +2019-11-03 16:30:00,5058.8 +2019-11-03 16:45:00,5168.4 +2019-11-03 17:00:00,5328.0 +2019-11-03 17:15:00,5428.8 +2019-11-03 17:30:00,5492.4 +2019-11-03 17:45:00,5552.0 +2019-11-03 18:00:00,5589.2 +2019-11-03 18:15:00,5548.4 +2019-11-03 18:30:00,5533.6 +2019-11-03 18:45:00,5486.0 +2019-11-03 19:00:00,5440.8 +2019-11-03 19:15:00,5391.2 +2019-11-03 19:30:00,5364.0 +2019-11-03 19:45:00,5288.0 +2019-11-03 20:00:00,5239.6 +2019-11-03 20:15:00,5143.2 +2019-11-03 20:30:00,5105.2 +2019-11-03 20:45:00,5033.2 +2019-11-03 21:00:00,4990.8 +2019-11-03 21:15:00,4924.0 +2019-11-03 21:30:00,4885.6 +2019-11-03 21:45:00,4868.8 +2019-11-03 22:00:00,4884.0 +2019-11-03 22:15:00,4830.0 +2019-11-03 22:30:00,4734.0 +2019-11-03 22:45:00,4678.4 +2019-11-03 23:00:00,4602.4 +2019-11-03 23:15:00,4537.6 +2019-11-03 23:30:00,4482.0 +2019-11-03 23:45:00,4418.4 +2019-11-04 00:00:00,4350.4 +2019-11-04 00:15:00,4296.8 +2019-11-04 00:30:00,4282.4 +2019-11-04 00:45:00,4266.8 +2019-11-04 01:00:00,4218.4 +2019-11-04 01:15:00,4225.2 +2019-11-04 01:30:00,4217.2 +2019-11-04 01:45:00,4202.4 +2019-11-04 02:00:00,4140.0 +2019-11-04 02:15:00,4144.8 +2019-11-04 02:30:00,4177.6 +2019-11-04 02:45:00,4197.6 +2019-11-04 03:00:00,4196.0 +2019-11-04 03:15:00,4258.4 +2019-11-04 03:30:00,4294.8 +2019-11-04 03:45:00,4326.0 +2019-11-04 04:00:00,4389.6 +2019-11-04 04:15:00,4447.2 +2019-11-04 04:30:00,4514.0 +2019-11-04 04:45:00,4574.8 +2019-11-04 05:00:00,4685.2 +2019-11-04 05:15:00,4783.2 +2019-11-04 05:30:00,4941.6 +2019-11-04 05:45:00,5180.4 +2019-11-04 06:00:00,5502.0 +2019-11-04 06:15:00,5771.2 +2019-11-04 06:30:00,6003.6 +2019-11-04 06:45:00,6207.2 +2019-11-04 07:00:00,6388.8 +2019-11-04 07:15:00,6464.0 +2019-11-04 07:30:00,6493.2 +2019-11-04 07:45:00,6577.2 +2019-11-04 08:00:00,6670.0 +2019-11-04 08:15:00,6696.0 +2019-11-04 08:30:00,6745.2 +2019-11-04 08:45:00,6758.0 +2019-11-04 09:00:00,6693.6 +2019-11-04 09:15:00,6722.0 +2019-11-04 09:30:00,6796.4 +2019-11-04 09:45:00,6808.8 +2019-11-04 10:00:00,6852.4 +2019-11-04 10:15:00,6884.0 +2019-11-04 10:30:00,6896.8 +2019-11-04 10:45:00,6886.4 +2019-11-04 11:00:00,6891.2 +2019-11-04 11:15:00,6898.8 +2019-11-04 11:30:00,6874.4 +2019-11-04 11:45:00,6899.2 +2019-11-04 12:00:00,6838.8 +2019-11-04 12:15:00,6838.4 +2019-11-04 12:30:00,6845.6 +2019-11-04 12:45:00,6866.4 +2019-11-04 13:00:00,6907.6 +2019-11-04 13:15:00,6836.0 +2019-11-04 13:30:00,6761.2 +2019-11-04 13:45:00,6706.8 +2019-11-04 14:00:00,6742.8 +2019-11-04 14:15:00,6737.6 +2019-11-04 14:30:00,6704.8 +2019-11-04 14:45:00,6655.2 +2019-11-04 15:00:00,6707.6 +2019-11-04 15:15:00,6674.8 +2019-11-04 15:30:00,6658.4 +2019-11-04 15:45:00,6624.0 +2019-11-04 16:00:00,6622.8 +2019-11-04 16:15:00,6625.2 +2019-11-04 16:30:00,6644.4 +2019-11-04 16:45:00,6716.4 +2019-11-04 17:00:00,6827.6 +2019-11-04 17:15:00,6957.2 +2019-11-04 17:30:00,7014.8 +2019-11-04 17:45:00,7044.8 +2019-11-04 18:00:00,7013.6 +2019-11-04 18:15:00,6968.0 +2019-11-04 18:30:00,6946.4 +2019-11-04 18:45:00,6928.0 +2019-11-04 19:00:00,6886.4 +2019-11-04 19:15:00,6808.8 +2019-11-04 19:30:00,6768.8 +2019-11-04 19:45:00,6709.6 +2019-11-04 20:00:00,6599.6 +2019-11-04 20:15:00,6425.2 +2019-11-04 20:30:00,6318.0 +2019-11-04 20:45:00,6266.0 +2019-11-04 21:00:00,6168.8 +2019-11-04 21:15:00,6065.2 +2019-11-04 21:30:00,5963.2 +2019-11-04 21:45:00,5859.6 +2019-11-04 22:00:00,5814.0 +2019-11-04 22:15:00,5717.6 +2019-11-04 22:30:00,5600.4 +2019-11-04 22:45:00,5474.8 +2019-11-04 23:00:00,5314.0 +2019-11-04 23:15:00,5217.2 +2019-11-04 23:30:00,5144.0 +2019-11-04 23:45:00,5094.0 +2019-11-05 00:00:00,4962.4 +2019-11-05 00:15:00,4970.0 +2019-11-05 00:30:00,4904.8 +2019-11-05 00:45:00,4840.8 +2019-11-05 01:00:00,4774.8 +2019-11-05 01:15:00,4743.6 +2019-11-05 01:30:00,4730.4 +2019-11-05 01:45:00,4666.0 +2019-11-05 02:00:00,4685.6 +2019-11-05 02:15:00,4682.8 +2019-11-05 02:30:00,4708.0 +2019-11-05 02:45:00,4712.4 +2019-11-05 03:00:00,4726.8 +2019-11-05 03:15:00,4728.0 +2019-11-05 03:30:00,4737.2 +2019-11-05 03:45:00,4761.2 +2019-11-05 04:00:00,4827.2 +2019-11-05 04:15:00,4856.4 +2019-11-05 04:30:00,4919.2 +2019-11-05 04:45:00,4999.2 +2019-11-05 05:00:00,5134.8 +2019-11-05 05:15:00,5229.6 +2019-11-05 05:30:00,5332.8 +2019-11-05 05:45:00,5504.4 +2019-11-05 06:00:00,5804.4 +2019-11-05 06:15:00,6024.0 +2019-11-05 06:30:00,6222.0 +2019-11-05 06:45:00,6410.8 +2019-11-05 07:00:00,6600.8 +2019-11-05 07:15:00,6680.4 +2019-11-05 07:30:00,6744.8 +2019-11-05 07:45:00,6809.2 +2019-11-05 08:00:00,6847.2 +2019-11-05 08:15:00,6884.4 +2019-11-05 08:30:00,6914.0 +2019-11-05 08:45:00,6911.6 +2019-11-05 09:00:00,6867.6 +2019-11-05 09:15:00,6898.0 +2019-11-05 09:30:00,6921.6 +2019-11-05 09:45:00,6948.4 +2019-11-05 10:00:00,6958.4 +2019-11-05 10:15:00,6966.4 +2019-11-05 10:30:00,6998.4 +2019-11-05 10:45:00,7038.4 +2019-11-05 11:00:00,7045.2 +2019-11-05 11:15:00,7066.8 +2019-11-05 11:30:00,7082.0 +2019-11-05 11:45:00,7091.6 +2019-11-05 12:00:00,7028.4 +2019-11-05 12:15:00,6989.2 +2019-11-05 12:30:00,6994.4 +2019-11-05 12:45:00,7010.8 +2019-11-05 13:00:00,7010.0 +2019-11-05 13:15:00,6982.0 +2019-11-05 13:30:00,6925.2 +2019-11-05 13:45:00,6872.0 +2019-11-05 14:00:00,6860.4 +2019-11-05 14:15:00,6820.4 +2019-11-05 14:30:00,6823.2 +2019-11-05 14:45:00,6804.4 +2019-11-05 15:00:00,6836.8 +2019-11-05 15:15:00,6809.2 +2019-11-05 15:30:00,6780.0 +2019-11-05 15:45:00,6749.2 +2019-11-05 16:00:00,6802.8 +2019-11-05 16:15:00,6810.0 +2019-11-05 16:30:00,6848.4 +2019-11-05 16:45:00,6927.2 +2019-11-05 17:00:00,7056.8 +2019-11-05 17:15:00,7145.2 +2019-11-05 17:30:00,7204.0 +2019-11-05 17:45:00,7225.6 +2019-11-05 18:00:00,7161.2 +2019-11-05 18:15:00,7103.6 +2019-11-05 18:30:00,7094.0 +2019-11-05 18:45:00,7080.4 +2019-11-05 19:00:00,7038.0 +2019-11-05 19:15:00,6951.6 +2019-11-05 19:30:00,6907.2 +2019-11-05 19:45:00,6847.6 +2019-11-05 20:00:00,6701.6 +2019-11-05 20:15:00,6571.6 +2019-11-05 20:30:00,6444.4 +2019-11-05 20:45:00,6339.2 +2019-11-05 21:00:00,6302.8 +2019-11-05 21:15:00,6207.2 +2019-11-05 21:30:00,6066.8 +2019-11-05 21:45:00,5996.4 +2019-11-05 22:00:00,5914.4 +2019-11-05 22:15:00,5832.8 +2019-11-05 22:30:00,5683.2 +2019-11-05 22:45:00,5595.6 +2019-11-05 23:00:00,5487.6 +2019-11-05 23:15:00,5358.8 +2019-11-05 23:30:00,5283.2 +2019-11-05 23:45:00,5204.4 +2019-11-06 00:00:00,5109.2 +2019-11-06 00:15:00,5036.4 +2019-11-06 00:30:00,4962.8 +2019-11-06 00:45:00,4943.2 +2019-11-06 01:00:00,4949.2 +2019-11-06 01:15:00,4907.2 +2019-11-06 01:30:00,4880.4 +2019-11-06 01:45:00,4853.6 +2019-11-06 02:00:00,4838.4 +2019-11-06 02:15:00,4832.0 +2019-11-06 02:30:00,4832.8 +2019-11-06 02:45:00,4814.4 +2019-11-06 03:00:00,4902.0 +2019-11-06 03:15:00,4928.4 +2019-11-06 03:30:00,4912.4 +2019-11-06 03:45:00,4935.6 +2019-11-06 04:00:00,5017.2 +2019-11-06 04:15:00,5053.2 +2019-11-06 04:30:00,5076.8 +2019-11-06 04:45:00,5152.0 +2019-11-06 05:00:00,5261.6 +2019-11-06 05:15:00,5343.2 +2019-11-06 05:30:00,5456.4 +2019-11-06 05:45:00,5625.6 +2019-11-06 06:00:00,5962.8 +2019-11-06 06:15:00,6197.2 +2019-11-06 06:30:00,6395.2 +2019-11-06 06:45:00,6578.4 +2019-11-06 07:00:00,6772.8 +2019-11-06 07:15:00,6807.6 +2019-11-06 07:30:00,6841.6 +2019-11-06 07:45:00,6894.8 +2019-11-06 08:00:00,6966.4 +2019-11-06 08:15:00,7040.4 +2019-11-06 08:30:00,7035.2 +2019-11-06 08:45:00,7074.0 +2019-11-06 09:00:00,7039.2 +2019-11-06 09:15:00,7043.6 +2019-11-06 09:30:00,7045.6 +2019-11-06 09:45:00,7062.8 +2019-11-06 10:00:00,7078.0 +2019-11-06 10:15:00,7093.2 +2019-11-06 10:30:00,7103.6 +2019-11-06 10:45:00,7097.6 +2019-11-06 11:00:00,7112.4 +2019-11-06 11:15:00,7172.0 +2019-11-06 11:30:00,7182.4 +2019-11-06 11:45:00,7209.2 +2019-11-06 12:00:00,7139.2 +2019-11-06 12:15:00,7132.4 +2019-11-06 12:30:00,7128.8 +2019-11-06 12:45:00,7110.4 +2019-11-06 13:00:00,7132.8 +2019-11-06 13:15:00,7091.6 +2019-11-06 13:30:00,7065.2 +2019-11-06 13:45:00,7014.8 +2019-11-06 14:00:00,7016.8 +2019-11-06 14:15:00,7003.6 +2019-11-06 14:30:00,6984.4 +2019-11-06 14:45:00,6961.2 +2019-11-06 15:00:00,6994.0 +2019-11-06 15:15:00,6948.4 +2019-11-06 15:30:00,6921.2 +2019-11-06 15:45:00,6889.2 +2019-11-06 16:00:00,6894.0 +2019-11-06 16:15:00,6869.2 +2019-11-06 16:30:00,6909.6 +2019-11-06 16:45:00,6985.2 +2019-11-06 17:00:00,7128.4 +2019-11-06 17:15:00,7217.6 +2019-11-06 17:30:00,7231.6 +2019-11-06 17:45:00,7245.6 +2019-11-06 18:00:00,7201.2 +2019-11-06 18:15:00,7128.4 +2019-11-06 18:30:00,7122.0 +2019-11-06 18:45:00,7075.6 +2019-11-06 19:00:00,7002.8 +2019-11-06 19:15:00,6902.0 +2019-11-06 19:30:00,6840.8 +2019-11-06 19:45:00,6792.8 +2019-11-06 20:00:00,6631.2 +2019-11-06 20:15:00,6502.0 +2019-11-06 20:30:00,6414.0 +2019-11-06 20:45:00,6314.8 +2019-11-06 21:00:00,6250.4 +2019-11-06 21:15:00,6162.0 +2019-11-06 21:30:00,6060.0 +2019-11-06 21:45:00,5977.6 +2019-11-06 22:00:00,5962.8 +2019-11-06 22:15:00,5849.2 +2019-11-06 22:30:00,5746.8 +2019-11-06 22:45:00,5624.8 +2019-11-06 23:00:00,5496.8 +2019-11-06 23:15:00,5410.8 +2019-11-06 23:30:00,5310.4 +2019-11-06 23:45:00,5248.0 +2019-11-07 00:00:00,5124.4 +2019-11-07 00:15:00,5050.4 +2019-11-07 00:30:00,5006.0 +2019-11-07 00:45:00,4964.0 +2019-11-07 01:00:00,4895.2 +2019-11-07 01:15:00,4904.4 +2019-11-07 01:30:00,4873.2 +2019-11-07 01:45:00,4847.2 +2019-11-07 02:00:00,4805.2 +2019-11-07 02:15:00,4795.6 +2019-11-07 02:30:00,4818.0 +2019-11-07 02:45:00,4819.2 +2019-11-07 03:00:00,4852.0 +2019-11-07 03:15:00,4862.4 +2019-11-07 03:30:00,4888.4 +2019-11-07 03:45:00,4915.2 +2019-11-07 04:00:00,4926.0 +2019-11-07 04:15:00,4992.4 +2019-11-07 04:30:00,5072.4 +2019-11-07 04:45:00,5121.6 +2019-11-07 05:00:00,5246.4 +2019-11-07 05:15:00,5323.6 +2019-11-07 05:30:00,5455.2 +2019-11-07 05:45:00,5597.6 +2019-11-07 06:00:00,5930.4 +2019-11-07 06:15:00,6188.0 +2019-11-07 06:30:00,6403.6 +2019-11-07 06:45:00,6577.2 +2019-11-07 07:00:00,6780.0 +2019-11-07 07:15:00,6858.8 +2019-11-07 07:30:00,6884.0 +2019-11-07 07:45:00,6920.8 +2019-11-07 08:00:00,6998.4 +2019-11-07 08:15:00,7027.6 +2019-11-07 08:30:00,7064.4 +2019-11-07 08:45:00,7084.8 +2019-11-07 09:00:00,7037.2 +2019-11-07 09:15:00,7061.6 +2019-11-07 09:30:00,7093.6 +2019-11-07 09:45:00,7102.8 +2019-11-07 10:00:00,7091.2 +2019-11-07 10:15:00,7125.6 +2019-11-07 10:30:00,7152.8 +2019-11-07 10:45:00,7174.8 +2019-11-07 11:00:00,7200.0 +2019-11-07 11:15:00,7252.4 +2019-11-07 11:30:00,7260.4 +2019-11-07 11:45:00,7249.2 +2019-11-07 12:00:00,7193.6 +2019-11-07 12:15:00,7164.8 +2019-11-07 12:30:00,7157.2 +2019-11-07 12:45:00,7170.0 +2019-11-07 13:00:00,7196.4 +2019-11-07 13:15:00,7186.4 +2019-11-07 13:30:00,7143.2 +2019-11-07 13:45:00,7087.2 +2019-11-07 14:00:00,7060.0 +2019-11-07 14:15:00,7055.2 +2019-11-07 14:30:00,7065.6 +2019-11-07 14:45:00,7046.0 +2019-11-07 15:00:00,7063.2 +2019-11-07 15:15:00,7056.4 +2019-11-07 15:30:00,7043.6 +2019-11-07 15:45:00,7030.0 +2019-11-07 16:00:00,7018.0 +2019-11-07 16:15:00,7024.8 +2019-11-07 16:30:00,7079.2 +2019-11-07 16:45:00,7150.8 +2019-11-07 17:00:00,7250.0 +2019-11-07 17:15:00,7320.0 +2019-11-07 17:30:00,7378.4 +2019-11-07 17:45:00,7400.0 +2019-11-07 18:00:00,7380.0 +2019-11-07 18:15:00,7328.4 +2019-11-07 18:30:00,7311.2 +2019-11-07 18:45:00,7274.8 +2019-11-07 19:00:00,7237.2 +2019-11-07 19:15:00,7178.0 +2019-11-07 19:30:00,7114.4 +2019-11-07 19:45:00,7020.4 +2019-11-07 20:00:00,6850.8 +2019-11-07 20:15:00,6716.0 +2019-11-07 20:30:00,6604.4 +2019-11-07 20:45:00,6515.6 +2019-11-07 21:00:00,6416.4 +2019-11-07 21:15:00,6326.4 +2019-11-07 21:30:00,6208.0 +2019-11-07 21:45:00,6131.2 +2019-11-07 22:00:00,6078.0 +2019-11-07 22:15:00,5959.2 +2019-11-07 22:30:00,5861.2 +2019-11-07 22:45:00,5761.6 +2019-11-07 23:00:00,5642.0 +2019-11-07 23:15:00,5522.0 +2019-11-07 23:30:00,5426.8 +2019-11-07 23:45:00,5339.6 +2019-11-08 00:00:00,5211.6 +2019-11-08 00:15:00,5143.6 +2019-11-08 00:30:00,5094.8 +2019-11-08 00:45:00,5071.2 +2019-11-08 01:00:00,5032.4 +2019-11-08 01:15:00,5025.6 +2019-11-08 01:30:00,5008.0 +2019-11-08 01:45:00,4988.4 +2019-11-08 02:00:00,4902.0 +2019-11-08 02:15:00,4902.4 +2019-11-08 02:30:00,4910.4 +2019-11-08 02:45:00,4946.4 +2019-11-08 03:00:00,4925.2 +2019-11-08 03:15:00,4942.8 +2019-11-08 03:30:00,4960.8 +2019-11-08 03:45:00,4966.4 +2019-11-08 04:00:00,5065.2 +2019-11-08 04:15:00,5098.4 +2019-11-08 04:30:00,5127.6 +2019-11-08 04:45:00,5189.2 +2019-11-08 05:00:00,5300.0 +2019-11-08 05:15:00,5360.4 +2019-11-08 05:30:00,5512.0 +2019-11-08 05:45:00,5674.4 +2019-11-08 06:00:00,6004.4 +2019-11-08 06:15:00,6232.4 +2019-11-08 06:30:00,6390.8 +2019-11-08 06:45:00,6543.2 +2019-11-08 07:00:00,6745.2 +2019-11-08 07:15:00,6803.6 +2019-11-08 07:30:00,6846.0 +2019-11-08 07:45:00,6901.2 +2019-11-08 08:00:00,6941.2 +2019-11-08 08:15:00,7007.6 +2019-11-08 08:30:00,7032.4 +2019-11-08 08:45:00,7016.8 +2019-11-08 09:00:00,7020.8 +2019-11-08 09:15:00,7018.0 +2019-11-08 09:30:00,7060.8 +2019-11-08 09:45:00,7062.8 +2019-11-08 10:00:00,7053.6 +2019-11-08 10:15:00,7064.8 +2019-11-08 10:30:00,7080.8 +2019-11-08 10:45:00,7084.8 +2019-11-08 11:00:00,7120.4 +2019-11-08 11:15:00,7161.2 +2019-11-08 11:30:00,7160.4 +2019-11-08 11:45:00,7128.4 +2019-11-08 12:00:00,7061.2 +2019-11-08 12:15:00,7008.4 +2019-11-08 12:30:00,6991.6 +2019-11-08 12:45:00,6984.4 +2019-11-08 13:00:00,6997.2 +2019-11-08 13:15:00,6947.6 +2019-11-08 13:30:00,6904.8 +2019-11-08 13:45:00,6840.8 +2019-11-08 14:00:00,6834.0 +2019-11-08 14:15:00,6798.8 +2019-11-08 14:30:00,6806.4 +2019-11-08 14:45:00,6777.6 +2019-11-08 15:00:00,6701.2 +2019-11-08 15:15:00,6683.6 +2019-11-08 15:30:00,6667.6 +2019-11-08 15:45:00,6660.0 +2019-11-08 16:00:00,6688.0 +2019-11-08 16:15:00,6697.6 +2019-11-08 16:30:00,6718.8 +2019-11-08 16:45:00,6781.2 +2019-11-08 17:00:00,6884.4 +2019-11-08 17:15:00,6926.0 +2019-11-08 17:30:00,6956.0 +2019-11-08 17:45:00,6948.8 +2019-11-08 18:00:00,6937.6 +2019-11-08 18:15:00,6889.6 +2019-11-08 18:30:00,6840.4 +2019-11-08 18:45:00,6808.8 +2019-11-08 19:00:00,6733.2 +2019-11-08 19:15:00,6648.8 +2019-11-08 19:30:00,6590.0 +2019-11-08 19:45:00,6501.6 +2019-11-08 20:00:00,6384.0 +2019-11-08 20:15:00,6266.8 +2019-11-08 20:30:00,6165.2 +2019-11-08 20:45:00,6086.0 +2019-11-08 21:00:00,6003.2 +2019-11-08 21:15:00,5946.8 +2019-11-08 21:30:00,5860.8 +2019-11-08 21:45:00,5791.2 +2019-11-08 22:00:00,5747.6 +2019-11-08 22:15:00,5654.8 +2019-11-08 22:30:00,5539.6 +2019-11-08 22:45:00,5435.6 +2019-11-08 23:00:00,5301.6 +2019-11-08 23:15:00,5210.0 +2019-11-08 23:30:00,5134.8 +2019-11-08 23:45:00,5029.6 +2019-11-09 00:00:00,4943.2 +2019-11-09 00:15:00,4861.6 +2019-11-09 00:30:00,4795.6 +2019-11-09 00:45:00,4773.2 +2019-11-09 01:00:00,4714.8 +2019-11-09 01:15:00,4677.6 +2019-11-09 01:30:00,4648.4 +2019-11-09 01:45:00,4605.6 +2019-11-09 02:00:00,4567.6 +2019-11-09 02:15:00,4566.8 +2019-11-09 02:30:00,4570.0 +2019-11-09 02:45:00,4543.6 +2019-11-09 03:00:00,4530.8 +2019-11-09 03:15:00,4534.8 +2019-11-09 03:30:00,4550.0 +2019-11-09 03:45:00,4563.2 +2019-11-09 04:00:00,4568.4 +2019-11-09 04:15:00,4566.4 +2019-11-09 04:30:00,4561.6 +2019-11-09 04:45:00,4576.8 +2019-11-09 05:00:00,4634.4 +2019-11-09 05:15:00,4620.0 +2019-11-09 05:30:00,4605.6 +2019-11-09 05:45:00,4633.6 +2019-11-09 06:00:00,4722.0 +2019-11-09 06:15:00,4773.2 +2019-11-09 06:30:00,4790.0 +2019-11-09 06:45:00,4875.2 +2019-11-09 07:00:00,4948.8 +2019-11-09 07:15:00,4998.0 +2019-11-09 07:30:00,5077.6 +2019-11-09 07:45:00,5183.2 +2019-11-09 08:00:00,5352.4 +2019-11-09 08:15:00,5456.0 +2019-11-09 08:30:00,5548.4 +2019-11-09 08:45:00,5634.4 +2019-11-09 09:00:00,5639.6 +2019-11-09 09:15:00,5681.2 +2019-11-09 09:30:00,5754.8 +2019-11-09 09:45:00,5802.8 +2019-11-09 10:00:00,5896.0 +2019-11-09 10:15:00,5909.2 +2019-11-09 10:30:00,5926.4 +2019-11-09 10:45:00,5970.4 +2019-11-09 11:00:00,5998.4 +2019-11-09 11:15:00,6032.4 +2019-11-09 11:30:00,6051.2 +2019-11-09 11:45:00,6053.2 +2019-11-09 12:00:00,6022.0 +2019-11-09 12:15:00,5992.0 +2019-11-09 12:30:00,5947.6 +2019-11-09 12:45:00,5890.8 +2019-11-09 13:00:00,5859.2 +2019-11-09 13:15:00,5812.4 +2019-11-09 13:30:00,5757.6 +2019-11-09 13:45:00,5701.6 +2019-11-09 14:00:00,5696.4 +2019-11-09 14:15:00,5670.8 +2019-11-09 14:30:00,5625.6 +2019-11-09 14:45:00,5621.2 +2019-11-09 15:00:00,5637.6 +2019-11-09 15:15:00,5618.8 +2019-11-09 15:30:00,5616.0 +2019-11-09 15:45:00,5604.4 +2019-11-09 16:00:00,5615.2 +2019-11-09 16:15:00,5627.6 +2019-11-09 16:30:00,5676.0 +2019-11-09 16:45:00,5787.2 +2019-11-09 17:00:00,5964.0 +2019-11-09 17:15:00,6060.4 +2019-11-09 17:30:00,6126.8 +2019-11-09 17:45:00,6138.0 +2019-11-09 18:00:00,6131.2 +2019-11-09 18:15:00,6107.2 +2019-11-09 18:30:00,6056.0 +2019-11-09 18:45:00,6006.8 +2019-11-09 19:00:00,5964.4 +2019-11-09 19:15:00,5914.4 +2019-11-09 19:30:00,5873.6 +2019-11-09 19:45:00,5797.2 +2019-11-09 20:00:00,5656.0 +2019-11-09 20:15:00,5524.8 +2019-11-09 20:30:00,5450.4 +2019-11-09 20:45:00,5388.0 +2019-11-09 21:00:00,5360.0 +2019-11-09 21:15:00,5308.4 +2019-11-09 21:30:00,5256.8 +2019-11-09 21:45:00,5192.4 +2019-11-09 22:00:00,5246.0 +2019-11-09 22:15:00,5191.2 +2019-11-09 22:30:00,5100.4 +2019-11-09 22:45:00,5025.2 +2019-11-09 23:00:00,4964.0 +2019-11-09 23:15:00,4898.0 +2019-11-09 23:30:00,4796.0 +2019-11-09 23:45:00,4754.4 +2019-11-10 00:00:00,4697.6 +2019-11-10 00:15:00,4683.6 +2019-11-10 00:30:00,4656.8 +2019-11-10 00:45:00,4617.2 +2019-11-10 01:00:00,4522.4 +2019-11-10 01:15:00,4489.2 +2019-11-10 01:30:00,4462.8 +2019-11-10 01:45:00,4442.4 +2019-11-10 02:00:00,4399.2 +2019-11-10 02:15:00,4361.6 +2019-11-10 02:30:00,4358.4 +2019-11-10 02:45:00,4339.2 +2019-11-10 03:00:00,4298.8 +2019-11-10 03:15:00,4302.8 +2019-11-10 03:30:00,4297.2 +2019-11-10 03:45:00,4294.0 +2019-11-10 04:00:00,4300.4 +2019-11-10 04:15:00,4288.0 +2019-11-10 04:30:00,4322.4 +2019-11-10 04:45:00,4292.4 +2019-11-10 05:00:00,4313.6 +2019-11-10 05:15:00,4308.8 +2019-11-10 05:30:00,4296.4 +2019-11-10 05:45:00,4288.8 +2019-11-10 06:00:00,4258.8 +2019-11-10 06:15:00,4253.6 +2019-11-10 06:30:00,4286.8 +2019-11-10 06:45:00,4324.4 +2019-11-10 07:00:00,4376.0 +2019-11-10 07:15:00,4392.4 +2019-11-10 07:30:00,4447.6 +2019-11-10 07:45:00,4532.8 +2019-11-10 08:00:00,4646.4 +2019-11-10 08:15:00,4745.6 +2019-11-10 08:30:00,4832.8 +2019-11-10 08:45:00,4901.6 +2019-11-10 09:00:00,5005.6 +2019-11-10 09:15:00,5086.0 +2019-11-10 09:30:00,5132.8 +2019-11-10 09:45:00,5212.8 +2019-11-10 10:00:00,5250.4 +2019-11-10 10:15:00,5285.6 +2019-11-10 10:30:00,5337.6 +2019-11-10 10:45:00,5384.4 +2019-11-10 11:00:00,5448.4 +2019-11-10 11:15:00,5510.8 +2019-11-10 11:30:00,5532.4 +2019-11-10 11:45:00,5514.0 +2019-11-10 12:00:00,5480.4 +2019-11-10 12:15:00,5436.4 +2019-11-10 12:30:00,5399.6 +2019-11-10 12:45:00,5369.6 +2019-11-10 13:00:00,5324.0 +2019-11-10 13:15:00,5316.0 +2019-11-10 13:30:00,5282.4 +2019-11-10 13:45:00,5179.2 +2019-11-10 14:00:00,5191.6 +2019-11-10 14:15:00,5121.6 +2019-11-10 14:30:00,5130.0 +2019-11-10 14:45:00,5104.8 +2019-11-10 15:00:00,5136.8 +2019-11-10 15:15:00,5119.2 +2019-11-10 15:30:00,5132.4 +2019-11-10 15:45:00,5160.8 +2019-11-10 16:00:00,5234.0 +2019-11-10 16:15:00,5276.4 +2019-11-10 16:30:00,5345.2 +2019-11-10 16:45:00,5496.0 +2019-11-10 17:00:00,5624.8 +2019-11-10 17:15:00,5740.8 +2019-11-10 17:30:00,5788.8 +2019-11-10 17:45:00,5799.6 +2019-11-10 18:00:00,5831.2 +2019-11-10 18:15:00,5829.2 +2019-11-10 18:30:00,5801.2 +2019-11-10 18:45:00,5767.2 +2019-11-10 19:00:00,5681.6 +2019-11-10 19:15:00,5616.4 +2019-11-10 19:30:00,5562.0 +2019-11-10 19:45:00,5520.0 +2019-11-10 20:00:00,5509.2 +2019-11-10 20:15:00,5436.8 +2019-11-10 20:30:00,5357.6 +2019-11-10 20:45:00,5293.2 +2019-11-10 21:00:00,5341.6 +2019-11-10 21:15:00,5323.2 +2019-11-10 21:30:00,5306.8 +2019-11-10 21:45:00,5295.6 +2019-11-10 22:00:00,5356.8 +2019-11-10 22:15:00,5298.8 +2019-11-10 22:30:00,5244.0 +2019-11-10 22:45:00,5179.6 +2019-11-10 23:00:00,5034.4 +2019-11-10 23:15:00,4936.0 +2019-11-10 23:30:00,4874.4 +2019-11-10 23:45:00,4822.0 +2019-11-11 00:00:00,4772.0 +2019-11-11 00:15:00,4722.4 +2019-11-11 00:30:00,4731.6 +2019-11-11 00:45:00,4694.4 +2019-11-11 01:00:00,4632.4 +2019-11-11 01:15:00,4592.4 +2019-11-11 01:30:00,4599.2 +2019-11-11 01:45:00,4590.0 +2019-11-11 02:00:00,4546.4 +2019-11-11 02:15:00,4544.8 +2019-11-11 02:30:00,4557.6 +2019-11-11 02:45:00,4567.2 +2019-11-11 03:00:00,4586.0 +2019-11-11 03:15:00,4602.8 +2019-11-11 03:30:00,4621.6 +2019-11-11 03:45:00,4655.2 +2019-11-11 04:00:00,4730.4 +2019-11-11 04:15:00,4787.2 +2019-11-11 04:30:00,4850.0 +2019-11-11 04:45:00,4906.4 +2019-11-11 05:00:00,5099.6 +2019-11-11 05:15:00,5182.0 +2019-11-11 05:30:00,5293.6 +2019-11-11 05:45:00,5473.2 +2019-11-11 06:00:00,5796.0 +2019-11-11 06:15:00,6060.0 +2019-11-11 06:30:00,6298.8 +2019-11-11 06:45:00,6497.2 +2019-11-11 07:00:00,6730.0 +2019-11-11 07:15:00,6850.4 +2019-11-11 07:30:00,6904.4 +2019-11-11 07:45:00,6971.2 +2019-11-11 08:00:00,7005.2 +2019-11-11 08:15:00,7054.4 +2019-11-11 08:30:00,7121.6 +2019-11-11 08:45:00,7161.2 +2019-11-11 09:00:00,7115.2 +2019-11-11 09:15:00,7162.4 +2019-11-11 09:30:00,7179.6 +2019-11-11 09:45:00,7215.6 +2019-11-11 10:00:00,7186.4 +2019-11-11 10:15:00,7193.6 +2019-11-11 10:30:00,7221.2 +2019-11-11 10:45:00,7208.4 +2019-11-11 11:00:00,7230.4 +2019-11-11 11:15:00,7242.4 +2019-11-11 11:30:00,7248.8 +2019-11-11 11:45:00,7242.8 +2019-11-11 12:00:00,7247.6 +2019-11-11 12:15:00,7243.2 +2019-11-11 12:30:00,7281.2 +2019-11-11 12:45:00,7290.4 +2019-11-11 13:00:00,7260.8 +2019-11-11 13:15:00,7224.4 +2019-11-11 13:30:00,7203.6 +2019-11-11 13:45:00,7168.4 +2019-11-11 14:00:00,7164.4 +2019-11-11 14:15:00,7181.2 +2019-11-11 14:30:00,7180.4 +2019-11-11 14:45:00,7165.6 +2019-11-11 15:00:00,7168.8 +2019-11-11 15:15:00,7155.2 +2019-11-11 15:30:00,7160.4 +2019-11-11 15:45:00,7136.4 +2019-11-11 16:00:00,7168.4 +2019-11-11 16:15:00,7172.0 +2019-11-11 16:30:00,7220.8 +2019-11-11 16:45:00,7318.8 +2019-11-11 17:00:00,7411.2 +2019-11-11 17:15:00,7451.6 +2019-11-11 17:30:00,7475.2 +2019-11-11 17:45:00,7452.4 +2019-11-11 18:00:00,7453.2 +2019-11-11 18:15:00,7413.2 +2019-11-11 18:30:00,7428.0 +2019-11-11 18:45:00,7409.2 +2019-11-11 19:00:00,7378.8 +2019-11-11 19:15:00,7284.8 +2019-11-11 19:30:00,7257.2 +2019-11-11 19:45:00,7202.0 +2019-11-11 20:00:00,7014.0 +2019-11-11 20:15:00,6880.0 +2019-11-11 20:30:00,6800.4 +2019-11-11 20:45:00,6686.0 +2019-11-11 21:00:00,6518.8 +2019-11-11 21:15:00,6434.0 +2019-11-11 21:30:00,6362.4 +2019-11-11 21:45:00,6269.6 +2019-11-11 22:00:00,6170.0 +2019-11-11 22:15:00,6105.2 +2019-11-11 22:30:00,5995.6 +2019-11-11 22:45:00,5895.6 +2019-11-11 23:00:00,5779.6 +2019-11-11 23:15:00,5651.6 +2019-11-11 23:30:00,5583.6 +2019-11-11 23:45:00,5493.2 +2019-11-12 00:00:00,5338.8 +2019-11-12 00:15:00,5290.8 +2019-11-12 00:30:00,5253.2 +2019-11-12 00:45:00,5198.8 +2019-11-12 01:00:00,5139.2 +2019-11-12 01:15:00,5100.8 +2019-11-12 01:30:00,5078.0 +2019-11-12 01:45:00,5046.0 +2019-11-12 02:00:00,5022.0 +2019-11-12 02:15:00,5010.4 +2019-11-12 02:30:00,5004.0 +2019-11-12 02:45:00,4990.4 +2019-11-12 03:00:00,5044.8 +2019-11-12 03:15:00,5047.6 +2019-11-12 03:30:00,5039.6 +2019-11-12 03:45:00,5035.2 +2019-11-12 04:00:00,5115.2 +2019-11-12 04:15:00,5166.0 +2019-11-12 04:30:00,5217.2 +2019-11-12 04:45:00,5276.8 +2019-11-12 05:00:00,5461.6 +2019-11-12 05:15:00,5533.6 +2019-11-12 05:30:00,5658.4 +2019-11-12 05:45:00,5762.8 +2019-11-12 06:00:00,6093.6 +2019-11-12 06:15:00,6305.6 +2019-11-12 06:30:00,6478.4 +2019-11-12 06:45:00,6624.4 +2019-11-12 07:00:00,6855.2 +2019-11-12 07:15:00,6952.4 +2019-11-12 07:30:00,7003.2 +2019-11-12 07:45:00,7064.8 +2019-11-12 08:00:00,7117.2 +2019-11-12 08:15:00,7169.2 +2019-11-12 08:30:00,7194.0 +2019-11-12 08:45:00,7190.0 +2019-11-12 09:00:00,7175.6 +2019-11-12 09:15:00,7202.8 +2019-11-12 09:30:00,7219.2 +2019-11-12 09:45:00,7231.6 +2019-11-12 10:00:00,7222.8 +2019-11-12 10:15:00,7246.0 +2019-11-12 10:30:00,7313.2 +2019-11-12 10:45:00,7344.8 +2019-11-12 11:00:00,7342.8 +2019-11-12 11:15:00,7380.8 +2019-11-12 11:30:00,7362.0 +2019-11-12 11:45:00,7354.8 +2019-11-12 12:00:00,7351.6 +2019-11-12 12:15:00,7352.0 +2019-11-12 12:30:00,7344.8 +2019-11-12 12:45:00,7340.8 +2019-11-12 13:00:00,7321.2 +2019-11-12 13:15:00,7248.8 +2019-11-12 13:30:00,7220.0 +2019-11-12 13:45:00,7130.0 +2019-11-12 14:00:00,7199.6 +2019-11-12 14:15:00,7183.2 +2019-11-12 14:30:00,7140.8 +2019-11-12 14:45:00,7118.0 +2019-11-12 15:00:00,7115.6 +2019-11-12 15:15:00,7088.0 +2019-11-12 15:30:00,7041.2 +2019-11-12 15:45:00,7028.0 +2019-11-12 16:00:00,7026.8 +2019-11-12 16:15:00,7044.0 +2019-11-12 16:30:00,7102.8 +2019-11-12 16:45:00,7199.2 +2019-11-12 17:00:00,7308.0 +2019-11-12 17:15:00,7376.8 +2019-11-12 17:30:00,7408.8 +2019-11-12 17:45:00,7405.6 +2019-11-12 18:00:00,7430.0 +2019-11-12 18:15:00,7386.8 +2019-11-12 18:30:00,7335.6 +2019-11-12 18:45:00,7324.4 +2019-11-12 19:00:00,7269.6 +2019-11-12 19:15:00,7212.0 +2019-11-12 19:30:00,7172.8 +2019-11-12 19:45:00,7111.6 +2019-11-12 20:00:00,6994.4 +2019-11-12 20:15:00,6871.2 +2019-11-12 20:30:00,6757.2 +2019-11-12 20:45:00,6662.8 +2019-11-12 21:00:00,6564.8 +2019-11-12 21:15:00,6485.6 +2019-11-12 21:30:00,6364.4 +2019-11-12 21:45:00,6261.2 +2019-11-12 22:00:00,6238.4 +2019-11-12 22:15:00,6150.0 +2019-11-12 22:30:00,6032.4 +2019-11-12 22:45:00,5959.2 +2019-11-12 23:00:00,5826.0 +2019-11-12 23:15:00,5725.6 +2019-11-12 23:30:00,5620.4 +2019-11-12 23:45:00,5545.6 +2019-11-13 00:00:00,5381.2 +2019-11-13 00:15:00,5326.0 +2019-11-13 00:30:00,5292.4 +2019-11-13 00:45:00,5240.4 +2019-11-13 01:00:00,5220.8 +2019-11-13 01:15:00,5199.6 +2019-11-13 01:30:00,5177.2 +2019-11-13 01:45:00,5160.4 +2019-11-13 02:00:00,5075.6 +2019-11-13 02:15:00,5057.2 +2019-11-13 02:30:00,5075.2 +2019-11-13 02:45:00,5080.8 +2019-11-13 03:00:00,5092.8 +2019-11-13 03:15:00,5109.6 +2019-11-13 03:30:00,5138.0 +2019-11-13 03:45:00,5155.6 +2019-11-13 04:00:00,5242.0 +2019-11-13 04:15:00,5263.6 +2019-11-13 04:30:00,5303.2 +2019-11-13 04:45:00,5366.4 +2019-11-13 05:00:00,5514.4 +2019-11-13 05:15:00,5566.0 +2019-11-13 05:30:00,5658.0 +2019-11-13 05:45:00,5768.0 +2019-11-13 06:00:00,5995.6 +2019-11-13 06:15:00,6226.0 +2019-11-13 06:30:00,6430.8 +2019-11-13 06:45:00,6592.0 +2019-11-13 07:00:00,6798.0 +2019-11-13 07:15:00,6878.0 +2019-11-13 07:30:00,6914.0 +2019-11-13 07:45:00,6947.2 +2019-11-13 08:00:00,7018.4 +2019-11-13 08:15:00,7066.0 +2019-11-13 08:30:00,7070.8 +2019-11-13 08:45:00,7021.2 +2019-11-13 09:00:00,6972.0 +2019-11-13 09:15:00,6999.2 +2019-11-13 09:30:00,7017.2 +2019-11-13 09:45:00,7020.0 +2019-11-13 10:00:00,7016.8 +2019-11-13 10:15:00,7020.0 +2019-11-13 10:30:00,7064.0 +2019-11-13 10:45:00,7086.0 +2019-11-13 11:00:00,7099.2 +2019-11-13 11:15:00,7153.6 +2019-11-13 11:30:00,7180.0 +2019-11-13 11:45:00,7170.8 +2019-11-13 12:00:00,7123.2 +2019-11-13 12:15:00,7114.8 +2019-11-13 12:30:00,7089.2 +2019-11-13 12:45:00,7118.8 +2019-11-13 13:00:00,7133.2 +2019-11-13 13:15:00,7121.2 +2019-11-13 13:30:00,7084.4 +2019-11-13 13:45:00,7022.0 +2019-11-13 14:00:00,6960.0 +2019-11-13 14:15:00,6943.6 +2019-11-13 14:30:00,6925.2 +2019-11-13 14:45:00,6908.4 +2019-11-13 15:00:00,6942.4 +2019-11-13 15:15:00,6922.8 +2019-11-13 15:30:00,6901.6 +2019-11-13 15:45:00,6878.8 +2019-11-13 16:00:00,6903.2 +2019-11-13 16:15:00,6924.0 +2019-11-13 16:30:00,6976.4 +2019-11-13 16:45:00,7074.0 +2019-11-13 17:00:00,7170.4 +2019-11-13 17:15:00,7206.8 +2019-11-13 17:30:00,7215.2 +2019-11-13 17:45:00,7205.6 +2019-11-13 18:00:00,7192.4 +2019-11-13 18:15:00,7152.0 +2019-11-13 18:30:00,7111.2 +2019-11-13 18:45:00,7103.6 +2019-11-13 19:00:00,7037.6 +2019-11-13 19:15:00,6980.4 +2019-11-13 19:30:00,6928.4 +2019-11-13 19:45:00,6838.4 +2019-11-13 20:00:00,6749.6 +2019-11-13 20:15:00,6634.8 +2019-11-13 20:30:00,6538.0 +2019-11-13 20:45:00,6460.4 +2019-11-13 21:00:00,6384.0 +2019-11-13 21:15:00,6298.8 +2019-11-13 21:30:00,6206.0 +2019-11-13 21:45:00,6101.6 +2019-11-13 22:00:00,6059.2 +2019-11-13 22:15:00,5964.8 +2019-11-13 22:30:00,5842.0 +2019-11-13 22:45:00,5759.2 +2019-11-13 23:00:00,5652.4 +2019-11-13 23:15:00,5526.0 +2019-11-13 23:30:00,5440.8 +2019-11-13 23:45:00,5386.0 +2019-11-14 00:00:00,5284.0 +2019-11-14 00:15:00,5216.0 +2019-11-14 00:30:00,5199.6 +2019-11-14 00:45:00,5139.6 +2019-11-14 01:00:00,5074.8 +2019-11-14 01:15:00,5041.6 +2019-11-14 01:30:00,5035.6 +2019-11-14 01:45:00,4994.0 +2019-11-14 02:00:00,4909.6 +2019-11-14 02:15:00,4895.2 +2019-11-14 02:30:00,4902.0 +2019-11-14 02:45:00,4924.8 +2019-11-14 03:00:00,4954.4 +2019-11-14 03:15:00,4954.8 +2019-11-14 03:30:00,4977.6 +2019-11-14 03:45:00,4994.0 +2019-11-14 04:00:00,5098.8 +2019-11-14 04:15:00,5110.8 +2019-11-14 04:30:00,5144.0 +2019-11-14 04:45:00,5200.8 +2019-11-14 05:00:00,5346.4 +2019-11-14 05:15:00,5413.6 +2019-11-14 05:30:00,5507.6 +2019-11-14 05:45:00,5648.0 +2019-11-14 06:00:00,5952.4 +2019-11-14 06:15:00,6196.4 +2019-11-14 06:30:00,6408.4 +2019-11-14 06:45:00,6583.2 +2019-11-14 07:00:00,6767.2 +2019-11-14 07:15:00,6855.2 +2019-11-14 07:30:00,6883.6 +2019-11-14 07:45:00,6922.0 +2019-11-14 08:00:00,6975.2 +2019-11-14 08:15:00,7032.0 +2019-11-14 08:30:00,7056.0 +2019-11-14 08:45:00,7082.0 +2019-11-14 09:00:00,6972.4 +2019-11-14 09:15:00,6958.0 +2019-11-14 09:30:00,7005.2 +2019-11-14 09:45:00,7016.0 +2019-11-14 10:00:00,7103.2 +2019-11-14 10:15:00,7097.6 +2019-11-14 10:30:00,7101.2 +2019-11-14 10:45:00,7102.0 +2019-11-14 11:00:00,7093.2 +2019-11-14 11:15:00,7106.4 +2019-11-14 11:30:00,7108.8 +2019-11-14 11:45:00,7124.0 +2019-11-14 12:00:00,7131.6 +2019-11-14 12:15:00,7104.0 +2019-11-14 12:30:00,7115.2 +2019-11-14 12:45:00,7120.4 +2019-11-14 13:00:00,7061.2 +2019-11-14 13:15:00,6983.6 +2019-11-14 13:30:00,6896.0 +2019-11-14 13:45:00,6836.4 +2019-11-14 14:00:00,6890.8 +2019-11-14 14:15:00,6913.6 +2019-11-14 14:30:00,6882.0 +2019-11-14 14:45:00,6887.6 +2019-11-14 15:00:00,6894.0 +2019-11-14 15:15:00,6863.6 +2019-11-14 15:30:00,6829.2 +2019-11-14 15:45:00,6822.0 +2019-11-14 16:00:00,6816.4 +2019-11-14 16:15:00,6846.8 +2019-11-14 16:30:00,6933.2 +2019-11-14 16:45:00,7051.6 +2019-11-14 17:00:00,7185.2 +2019-11-14 17:15:00,7236.4 +2019-11-14 17:30:00,7251.6 +2019-11-14 17:45:00,7247.2 +2019-11-14 18:00:00,7236.4 +2019-11-14 18:15:00,7220.0 +2019-11-14 18:30:00,7234.0 +2019-11-14 18:45:00,7221.2 +2019-11-14 19:00:00,7237.6 +2019-11-14 19:15:00,7179.6 +2019-11-14 19:30:00,7122.4 +2019-11-14 19:45:00,7040.8 +2019-11-14 20:00:00,6900.4 +2019-11-14 20:15:00,6791.6 +2019-11-14 20:30:00,6702.0 +2019-11-14 20:45:00,6591.2 +2019-11-14 21:00:00,6503.6 +2019-11-14 21:15:00,6444.8 +2019-11-14 21:30:00,6354.0 +2019-11-14 21:45:00,6258.0 +2019-11-14 22:00:00,6216.4 +2019-11-14 22:15:00,6159.6 +2019-11-14 22:30:00,6072.0 +2019-11-14 22:45:00,5988.4 +2019-11-14 23:00:00,5873.6 +2019-11-14 23:15:00,5778.4 +2019-11-14 23:30:00,5723.2 +2019-11-14 23:45:00,5635.6 +2019-11-15 00:00:00,5410.0 +2019-11-15 00:15:00,5354.8 +2019-11-15 00:30:00,5351.6 +2019-11-15 00:45:00,5312.4 +2019-11-15 01:00:00,5246.8 +2019-11-15 01:15:00,5189.6 +2019-11-15 01:30:00,5169.6 +2019-11-15 01:45:00,5136.0 +2019-11-15 02:00:00,5055.6 +2019-11-15 02:15:00,5042.4 +2019-11-15 02:30:00,5050.8 +2019-11-15 02:45:00,5054.4 +2019-11-15 03:00:00,5055.6 +2019-11-15 03:15:00,5081.6 +2019-11-15 03:30:00,5113.6 +2019-11-15 03:45:00,5142.0 +2019-11-15 04:00:00,5222.0 +2019-11-15 04:15:00,5276.8 +2019-11-15 04:30:00,5332.8 +2019-11-15 04:45:00,5364.8 +2019-11-15 05:00:00,5529.2 +2019-11-15 05:15:00,5598.0 +2019-11-15 05:30:00,5714.8 +2019-11-15 05:45:00,5828.4 +2019-11-15 06:00:00,6086.4 +2019-11-15 06:15:00,6323.2 +2019-11-15 06:30:00,6493.2 +2019-11-15 06:45:00,6689.2 +2019-11-15 07:00:00,6902.8 +2019-11-15 07:15:00,6975.2 +2019-11-15 07:30:00,7054.4 +2019-11-15 07:45:00,7124.0 +2019-11-15 08:00:00,7212.0 +2019-11-15 08:15:00,7290.8 +2019-11-15 08:30:00,7308.8 +2019-11-15 08:45:00,7322.8 +2019-11-15 09:00:00,7293.6 +2019-11-15 09:15:00,7307.2 +2019-11-15 09:30:00,7302.0 +2019-11-15 09:45:00,7313.2 +2019-11-15 10:00:00,7310.0 +2019-11-15 10:15:00,7300.0 +2019-11-15 10:30:00,7305.2 +2019-11-15 10:45:00,7220.4 +2019-11-15 11:00:00,7150.4 +2019-11-15 11:15:00,7159.6 +2019-11-15 11:30:00,7228.4 +2019-11-15 11:45:00,7258.0 +2019-11-15 12:00:00,7276.4 +2019-11-15 12:15:00,7226.4 +2019-11-15 12:30:00,7194.4 +2019-11-15 12:45:00,7162.0 +2019-11-15 13:00:00,7146.0 +2019-11-15 13:15:00,7094.8 +2019-11-15 13:30:00,7008.8 +2019-11-15 13:45:00,6903.2 +2019-11-15 14:00:00,6914.0 +2019-11-15 14:15:00,6900.8 +2019-11-15 14:30:00,6882.0 +2019-11-15 14:45:00,6854.8 +2019-11-15 15:00:00,6867.2 +2019-11-15 15:15:00,6844.0 +2019-11-15 15:30:00,6805.6 +2019-11-15 15:45:00,6794.8 +2019-11-15 16:00:00,6822.8 +2019-11-15 16:15:00,6829.6 +2019-11-15 16:30:00,6881.6 +2019-11-15 16:45:00,6975.6 +2019-11-15 17:00:00,7066.0 +2019-11-15 17:15:00,7088.0 +2019-11-15 17:30:00,7102.8 +2019-11-15 17:45:00,7098.0 +2019-11-15 18:00:00,7067.6 +2019-11-15 18:15:00,7012.8 +2019-11-15 18:30:00,6968.0 +2019-11-15 18:45:00,6919.6 +2019-11-15 19:00:00,6840.0 +2019-11-15 19:15:00,6750.4 +2019-11-15 19:30:00,6691.2 +2019-11-15 19:45:00,6607.2 +2019-11-15 20:00:00,6450.8 +2019-11-15 20:15:00,6315.2 +2019-11-15 20:30:00,6204.4 +2019-11-15 20:45:00,6128.8 +2019-11-15 21:00:00,6082.0 +2019-11-15 21:15:00,5978.8 +2019-11-15 21:30:00,5906.4 +2019-11-15 21:45:00,5848.0 +2019-11-15 22:00:00,5852.0 +2019-11-15 22:15:00,5740.4 +2019-11-15 22:30:00,5637.6 +2019-11-15 22:45:00,5564.4 +2019-11-15 23:00:00,5454.4 +2019-11-15 23:15:00,5362.4 +2019-11-15 23:30:00,5294.8 +2019-11-15 23:45:00,5240.0 +2019-11-16 00:00:00,5044.0 +2019-11-16 00:15:00,4973.2 +2019-11-16 00:30:00,4901.2 +2019-11-16 00:45:00,4859.2 +2019-11-16 01:00:00,4829.6 +2019-11-16 01:15:00,4781.2 +2019-11-16 01:30:00,4738.0 +2019-11-16 01:45:00,4712.4 +2019-11-16 02:00:00,4682.4 +2019-11-16 02:15:00,4656.8 +2019-11-16 02:30:00,4655.6 +2019-11-16 02:45:00,4650.4 +2019-11-16 03:00:00,4671.2 +2019-11-16 03:15:00,4684.0 +2019-11-16 03:30:00,4686.8 +2019-11-16 03:45:00,4692.8 +2019-11-16 04:00:00,4696.0 +2019-11-16 04:15:00,4698.0 +2019-11-16 04:30:00,4716.8 +2019-11-16 04:45:00,4688.0 +2019-11-16 05:00:00,4696.8 +2019-11-16 05:15:00,4664.0 +2019-11-16 05:30:00,4685.2 +2019-11-16 05:45:00,4696.8 +2019-11-16 06:00:00,4764.0 +2019-11-16 06:15:00,4829.6 +2019-11-16 06:30:00,4898.8 +2019-11-16 06:45:00,4974.4 +2019-11-16 07:00:00,5044.8 +2019-11-16 07:15:00,5101.6 +2019-11-16 07:30:00,5160.8 +2019-11-16 07:45:00,5224.4 +2019-11-16 08:00:00,5322.0 +2019-11-16 08:15:00,5452.8 +2019-11-16 08:30:00,5531.6 +2019-11-16 08:45:00,5637.2 +2019-11-16 09:00:00,5747.6 +2019-11-16 09:15:00,5830.4 +2019-11-16 09:30:00,5896.8 +2019-11-16 09:45:00,5916.0 +2019-11-16 10:00:00,5958.0 +2019-11-16 10:15:00,5992.0 +2019-11-16 10:30:00,5988.8 +2019-11-16 10:45:00,5976.0 +2019-11-16 11:00:00,6058.0 +2019-11-16 11:15:00,6092.0 +2019-11-16 11:30:00,6129.2 +2019-11-16 11:45:00,6113.6 +2019-11-16 12:00:00,6132.4 +2019-11-16 12:15:00,6140.4 +2019-11-16 12:30:00,6091.2 +2019-11-16 12:45:00,6057.6 +2019-11-16 13:00:00,5989.2 +2019-11-16 13:15:00,5970.0 +2019-11-16 13:30:00,5944.4 +2019-11-16 13:45:00,5911.2 +2019-11-16 14:00:00,5860.8 +2019-11-16 14:15:00,5818.8 +2019-11-16 14:30:00,5836.4 +2019-11-16 14:45:00,5809.2 +2019-11-16 15:00:00,5853.6 +2019-11-16 15:15:00,5818.8 +2019-11-16 15:30:00,5847.6 +2019-11-16 15:45:00,5839.6 +2019-11-16 16:00:00,5835.6 +2019-11-16 16:15:00,5854.0 +2019-11-16 16:30:00,5958.4 +2019-11-16 16:45:00,6066.4 +2019-11-16 17:00:00,6205.6 +2019-11-16 17:15:00,6260.0 +2019-11-16 17:30:00,6280.4 +2019-11-16 17:45:00,6317.2 +2019-11-16 18:00:00,6320.4 +2019-11-16 18:15:00,6311.6 +2019-11-16 18:30:00,6294.8 +2019-11-16 18:45:00,6253.2 +2019-11-16 19:00:00,6263.6 +2019-11-16 19:15:00,6194.4 +2019-11-16 19:30:00,6141.2 +2019-11-16 19:45:00,6107.2 +2019-11-16 20:00:00,5951.2 +2019-11-16 20:15:00,5823.6 +2019-11-16 20:30:00,5744.0 +2019-11-16 20:45:00,5689.6 +2019-11-16 21:00:00,5620.8 +2019-11-16 21:15:00,5558.8 +2019-11-16 21:30:00,5516.8 +2019-11-16 21:45:00,5497.6 +2019-11-16 22:00:00,5441.6 +2019-11-16 22:15:00,5385.2 +2019-11-16 22:30:00,5308.0 +2019-11-16 22:45:00,5194.4 +2019-11-16 23:00:00,5055.2 +2019-11-16 23:15:00,4959.2 +2019-11-16 23:30:00,4895.6 +2019-11-16 23:45:00,4838.4 +2019-11-17 00:00:00,4727.6 +2019-11-17 00:15:00,4666.8 +2019-11-17 00:30:00,4615.6 +2019-11-17 00:45:00,4586.8 +2019-11-17 01:00:00,4528.0 +2019-11-17 01:15:00,4496.4 +2019-11-17 01:30:00,4474.8 +2019-11-17 01:45:00,4433.6 +2019-11-17 02:00:00,4410.4 +2019-11-17 02:15:00,4368.8 +2019-11-17 02:30:00,4366.8 +2019-11-17 02:45:00,4342.4 +2019-11-17 03:00:00,4341.6 +2019-11-17 03:15:00,4324.8 +2019-11-17 03:30:00,4332.0 +2019-11-17 03:45:00,4296.8 +2019-11-17 04:00:00,4348.8 +2019-11-17 04:15:00,4356.4 +2019-11-17 04:30:00,4368.8 +2019-11-17 04:45:00,4369.2 +2019-11-17 05:00:00,4354.0 +2019-11-17 05:15:00,4321.2 +2019-11-17 05:30:00,4317.2 +2019-11-17 05:45:00,4278.8 +2019-11-17 06:00:00,4213.2 +2019-11-17 06:15:00,4237.2 +2019-11-17 06:30:00,4256.0 +2019-11-17 06:45:00,4299.6 +2019-11-17 07:00:00,4412.0 +2019-11-17 07:15:00,4460.8 +2019-11-17 07:30:00,4511.2 +2019-11-17 07:45:00,4526.8 +2019-11-17 08:00:00,4651.2 +2019-11-17 08:15:00,4728.0 +2019-11-17 08:30:00,4843.2 +2019-11-17 08:45:00,4933.2 +2019-11-17 09:00:00,5016.4 +2019-11-17 09:15:00,5113.2 +2019-11-17 09:30:00,5168.0 +2019-11-17 09:45:00,5224.4 +2019-11-17 10:00:00,5270.8 +2019-11-17 10:15:00,5344.0 +2019-11-17 10:30:00,5420.8 +2019-11-17 10:45:00,5460.0 +2019-11-17 11:00:00,5542.0 +2019-11-17 11:15:00,5604.4 +2019-11-17 11:30:00,5663.2 +2019-11-17 11:45:00,5684.8 +2019-11-17 12:00:00,5686.8 +2019-11-17 12:15:00,5662.0 +2019-11-17 12:30:00,5640.0 +2019-11-17 12:45:00,5630.4 +2019-11-17 13:00:00,5614.4 +2019-11-17 13:15:00,5557.2 +2019-11-17 13:30:00,5530.8 +2019-11-17 13:45:00,5495.2 +2019-11-17 14:00:00,5503.2 +2019-11-17 14:15:00,5480.0 +2019-11-17 14:30:00,5461.6 +2019-11-17 14:45:00,5447.2 +2019-11-17 15:00:00,5460.4 +2019-11-17 15:15:00,5426.4 +2019-11-17 15:30:00,5459.2 +2019-11-17 15:45:00,5478.8 +2019-11-17 16:00:00,5507.6 +2019-11-17 16:15:00,5540.0 +2019-11-17 16:30:00,5660.4 +2019-11-17 16:45:00,5760.4 +2019-11-17 17:00:00,5868.0 +2019-11-17 17:15:00,5913.2 +2019-11-17 17:30:00,5977.2 +2019-11-17 17:45:00,6011.2 +2019-11-17 18:00:00,6044.8 +2019-11-17 18:15:00,6059.2 +2019-11-17 18:30:00,6036.8 +2019-11-17 18:45:00,5983.6 +2019-11-17 19:00:00,5919.2 +2019-11-17 19:15:00,5874.8 +2019-11-17 19:30:00,5828.8 +2019-11-17 19:45:00,5778.0 +2019-11-17 20:00:00,5766.4 +2019-11-17 20:15:00,5677.6 +2019-11-17 20:30:00,5602.8 +2019-11-17 20:45:00,5553.6 +2019-11-17 21:00:00,5562.8 +2019-11-17 21:15:00,5532.0 +2019-11-17 21:30:00,5502.8 +2019-11-17 21:45:00,5510.0 +2019-11-17 22:00:00,5547.2 +2019-11-17 22:15:00,5511.6 +2019-11-17 22:30:00,5423.2 +2019-11-17 22:45:00,5346.4 +2019-11-17 23:00:00,5210.4 +2019-11-17 23:15:00,5138.4 +2019-11-17 23:30:00,5092.8 +2019-11-17 23:45:00,5002.4 +2019-11-18 00:00:00,4873.6 +2019-11-18 00:15:00,4823.6 +2019-11-18 00:30:00,4775.2 +2019-11-18 00:45:00,4709.6 +2019-11-18 01:00:00,4657.2 +2019-11-18 01:15:00,4633.2 +2019-11-18 01:30:00,4608.4 +2019-11-18 01:45:00,4632.0 +2019-11-18 02:00:00,4564.4 +2019-11-18 02:15:00,4556.0 +2019-11-18 02:30:00,4550.4 +2019-11-18 02:45:00,4559.2 +2019-11-18 03:00:00,4530.8 +2019-11-18 03:15:00,4534.0 +2019-11-18 03:30:00,4571.2 +2019-11-18 03:45:00,4583.6 +2019-11-18 04:00:00,4675.2 +2019-11-18 04:15:00,4715.6 +2019-11-18 04:30:00,4792.0 +2019-11-18 04:45:00,4864.4 +2019-11-18 05:00:00,5048.8 +2019-11-18 05:15:00,5155.6 +2019-11-18 05:30:00,5298.4 +2019-11-18 05:45:00,5493.6 +2019-11-18 06:00:00,5885.6 +2019-11-18 06:15:00,6152.8 +2019-11-18 06:30:00,6370.4 +2019-11-18 06:45:00,6538.4 +2019-11-18 07:00:00,6666.4 +2019-11-18 07:15:00,6779.6 +2019-11-18 07:30:00,6856.4 +2019-11-18 07:45:00,6912.0 +2019-11-18 08:00:00,6964.8 +2019-11-18 08:15:00,7016.0 +2019-11-18 08:30:00,7037.6 +2019-11-18 08:45:00,7028.4 +2019-11-18 09:00:00,7027.2 +2019-11-18 09:15:00,7041.2 +2019-11-18 09:30:00,7092.8 +2019-11-18 09:45:00,7130.0 +2019-11-18 10:00:00,7140.4 +2019-11-18 10:15:00,7152.8 +2019-11-18 10:30:00,7167.6 +2019-11-18 10:45:00,7188.0 +2019-11-18 11:00:00,7207.2 +2019-11-18 11:15:00,7222.4 +2019-11-18 11:30:00,7214.8 +2019-11-18 11:45:00,7201.6 +2019-11-18 12:00:00,7186.8 +2019-11-18 12:15:00,7162.8 +2019-11-18 12:30:00,7184.8 +2019-11-18 12:45:00,7213.6 +2019-11-18 13:00:00,7242.0 +2019-11-18 13:15:00,7229.2 +2019-11-18 13:30:00,7225.6 +2019-11-18 13:45:00,7154.0 +2019-11-18 14:00:00,7134.0 +2019-11-18 14:15:00,7124.4 +2019-11-18 14:30:00,7099.2 +2019-11-18 14:45:00,7092.4 +2019-11-18 15:00:00,7046.4 +2019-11-18 15:15:00,7044.8 +2019-11-18 15:30:00,7019.2 +2019-11-18 15:45:00,7025.2 +2019-11-18 16:00:00,7040.0 +2019-11-18 16:15:00,7055.2 +2019-11-18 16:30:00,7125.6 +2019-11-18 16:45:00,7208.4 +2019-11-18 17:00:00,7350.0 +2019-11-18 17:15:00,7392.0 +2019-11-18 17:30:00,7430.0 +2019-11-18 17:45:00,7438.0 +2019-11-18 18:00:00,7464.8 +2019-11-18 18:15:00,7458.8 +2019-11-18 18:30:00,7466.0 +2019-11-18 18:45:00,7453.6 +2019-11-18 19:00:00,7394.0 +2019-11-18 19:15:00,7330.0 +2019-11-18 19:30:00,7301.2 +2019-11-18 19:45:00,7260.0 +2019-11-18 20:00:00,7114.0 +2019-11-18 20:15:00,7006.0 +2019-11-18 20:30:00,6902.4 +2019-11-18 20:45:00,6810.4 +2019-11-18 21:00:00,6686.0 +2019-11-18 21:15:00,6630.4 +2019-11-18 21:30:00,6580.0 +2019-11-18 21:45:00,6499.6 +2019-11-18 22:00:00,6430.8 +2019-11-18 22:15:00,6337.2 +2019-11-18 22:30:00,6228.0 +2019-11-18 22:45:00,6106.0 +2019-11-18 23:00:00,5965.6 +2019-11-18 23:15:00,5834.8 +2019-11-18 23:30:00,5713.6 +2019-11-18 23:45:00,5661.6 +2019-11-19 00:00:00,5576.0 +2019-11-19 00:15:00,5526.4 +2019-11-19 00:30:00,5472.0 +2019-11-19 00:45:00,5436.4 +2019-11-19 01:00:00,5384.4 +2019-11-19 01:15:00,5356.0 +2019-11-19 01:30:00,5328.8 +2019-11-19 01:45:00,5296.0 +2019-11-19 02:00:00,5274.4 +2019-11-19 02:15:00,5258.0 +2019-11-19 02:30:00,5261.6 +2019-11-19 02:45:00,5267.6 +2019-11-19 03:00:00,5307.2 +2019-11-19 03:15:00,5305.2 +2019-11-19 03:30:00,5321.2 +2019-11-19 03:45:00,5358.4 +2019-11-19 04:00:00,5412.4 +2019-11-19 04:15:00,5463.2 +2019-11-19 04:30:00,5514.8 +2019-11-19 04:45:00,5580.0 +2019-11-19 05:00:00,5738.8 +2019-11-19 05:15:00,5824.4 +2019-11-19 05:30:00,5938.8 +2019-11-19 05:45:00,6097.6 +2019-11-19 06:00:00,6434.0 +2019-11-19 06:15:00,6632.0 +2019-11-19 06:30:00,6778.4 +2019-11-19 06:45:00,6931.6 +2019-11-19 07:00:00,7095.2 +2019-11-19 07:15:00,7216.4 +2019-11-19 07:30:00,7306.8 +2019-11-19 07:45:00,7365.2 +2019-11-19 08:00:00,7406.4 +2019-11-19 08:15:00,7433.6 +2019-11-19 08:30:00,7454.4 +2019-11-19 08:45:00,7459.2 +2019-11-19 09:00:00,7426.0 +2019-11-19 09:15:00,7404.8 +2019-11-19 09:30:00,7433.6 +2019-11-19 09:45:00,7422.4 +2019-11-19 10:00:00,7405.2 +2019-11-19 10:15:00,7429.6 +2019-11-19 10:30:00,7422.0 +2019-11-19 10:45:00,7440.8 +2019-11-19 11:00:00,7465.2 +2019-11-19 11:15:00,7509.6 +2019-11-19 11:30:00,7504.4 +2019-11-19 11:45:00,7502.4 +2019-11-19 12:00:00,7476.4 +2019-11-19 12:15:00,7412.4 +2019-11-19 12:30:00,7391.2 +2019-11-19 12:45:00,7368.4 +2019-11-19 13:00:00,7428.0 +2019-11-19 13:15:00,7409.2 +2019-11-19 13:30:00,7328.8 +2019-11-19 13:45:00,7261.2 +2019-11-19 14:00:00,7220.4 +2019-11-19 14:15:00,7192.8 +2019-11-19 14:30:00,7160.4 +2019-11-19 14:45:00,7117.6 +2019-11-19 15:00:00,7144.8 +2019-11-19 15:15:00,7074.4 +2019-11-19 15:30:00,7065.2 +2019-11-19 15:45:00,7016.4 +2019-11-19 16:00:00,7034.8 +2019-11-19 16:15:00,7032.8 +2019-11-19 16:30:00,7104.4 +2019-11-19 16:45:00,7241.2 +2019-11-19 17:00:00,7352.4 +2019-11-19 17:15:00,7408.4 +2019-11-19 17:30:00,7420.4 +2019-11-19 17:45:00,7429.6 +2019-11-19 18:00:00,7310.8 +2019-11-19 18:15:00,7263.2 +2019-11-19 18:30:00,7221.6 +2019-11-19 18:45:00,7192.0 +2019-11-19 19:00:00,7166.8 +2019-11-19 19:15:00,7101.2 +2019-11-19 19:30:00,7044.4 +2019-11-19 19:45:00,6948.4 +2019-11-19 20:00:00,6859.6 +2019-11-19 20:15:00,6760.4 +2019-11-19 20:30:00,6654.4 +2019-11-19 20:45:00,6532.0 +2019-11-19 21:00:00,6441.6 +2019-11-19 21:15:00,6346.0 +2019-11-19 21:30:00,6285.6 +2019-11-19 21:45:00,6176.4 +2019-11-19 22:00:00,6167.6 +2019-11-19 22:15:00,6070.8 +2019-11-19 22:30:00,5961.2 +2019-11-19 22:45:00,5864.0 +2019-11-19 23:00:00,5728.0 +2019-11-19 23:15:00,5639.2 +2019-11-19 23:30:00,5550.4 +2019-11-19 23:45:00,5439.6 +2019-11-20 00:00:00,5382.0 +2019-11-20 00:15:00,5324.0 +2019-11-20 00:30:00,5275.2 +2019-11-20 00:45:00,5220.0 +2019-11-20 01:00:00,5162.4 +2019-11-20 01:15:00,5125.6 +2019-11-20 01:30:00,5082.0 +2019-11-20 01:45:00,5070.4 +2019-11-20 02:00:00,5023.2 +2019-11-20 02:15:00,5019.2 +2019-11-20 02:30:00,5018.4 +2019-11-20 02:45:00,5014.8 +2019-11-20 03:00:00,5030.4 +2019-11-20 03:15:00,5026.4 +2019-11-20 03:30:00,5043.2 +2019-11-20 03:45:00,5072.0 +2019-11-20 04:00:00,5122.8 +2019-11-20 04:15:00,5172.8 +2019-11-20 04:30:00,5178.0 +2019-11-20 04:45:00,5249.2 +2019-11-20 05:00:00,5362.4 +2019-11-20 05:15:00,5414.8 +2019-11-20 05:30:00,5534.0 +2019-11-20 05:45:00,5659.2 +2019-11-20 06:00:00,5929.2 +2019-11-20 06:15:00,6134.8 +2019-11-20 06:30:00,6337.6 +2019-11-20 06:45:00,6502.0 +2019-11-20 07:00:00,6713.2 +2019-11-20 07:15:00,6855.6 +2019-11-20 07:30:00,6914.4 +2019-11-20 07:45:00,6976.4 +2019-11-20 08:00:00,7045.2 +2019-11-20 08:15:00,7078.0 +2019-11-20 08:30:00,7113.2 +2019-11-20 08:45:00,7112.8 +2019-11-20 09:00:00,7092.4 +2019-11-20 09:15:00,7118.4 +2019-11-20 09:30:00,7176.8 +2019-11-20 09:45:00,7203.6 +2019-11-20 10:00:00,7212.0 +2019-11-20 10:15:00,7225.6 +2019-11-20 10:30:00,7264.0 +2019-11-20 10:45:00,7284.8 +2019-11-20 11:00:00,7313.2 +2019-11-20 11:15:00,7322.8 +2019-11-20 11:30:00,7320.8 +2019-11-20 11:45:00,7304.8 +2019-11-20 12:00:00,7295.2 +2019-11-20 12:15:00,7270.4 +2019-11-20 12:30:00,7264.0 +2019-11-20 12:45:00,7238.8 +2019-11-20 13:00:00,7251.6 +2019-11-20 13:15:00,7213.6 +2019-11-20 13:30:00,7198.0 +2019-11-20 13:45:00,7163.2 +2019-11-20 14:00:00,7061.6 +2019-11-20 14:15:00,7027.6 +2019-11-20 14:30:00,7025.2 +2019-11-20 14:45:00,7037.6 +2019-11-20 15:00:00,7028.8 +2019-11-20 15:15:00,7016.4 +2019-11-20 15:30:00,6995.6 +2019-11-20 15:45:00,6958.8 +2019-11-20 16:00:00,7026.8 +2019-11-20 16:15:00,7067.2 +2019-11-20 16:30:00,7126.0 +2019-11-20 16:45:00,7199.6 +2019-11-20 17:00:00,7242.8 +2019-11-20 17:15:00,7274.0 +2019-11-20 17:30:00,7272.4 +2019-11-20 17:45:00,7268.0 +2019-11-20 18:00:00,7279.2 +2019-11-20 18:15:00,7251.6 +2019-11-20 18:30:00,7235.6 +2019-11-20 18:45:00,7212.4 +2019-11-20 19:00:00,7160.0 +2019-11-20 19:15:00,7089.6 +2019-11-20 19:30:00,7022.8 +2019-11-20 19:45:00,6940.4 +2019-11-20 20:00:00,6808.4 +2019-11-20 20:15:00,6687.6 +2019-11-20 20:30:00,6580.8 +2019-11-20 20:45:00,6481.2 +2019-11-20 21:00:00,6418.0 +2019-11-20 21:15:00,6363.6 +2019-11-20 21:30:00,6261.2 +2019-11-20 21:45:00,6170.4 +2019-11-20 22:00:00,6112.8 +2019-11-20 22:15:00,6030.4 +2019-11-20 22:30:00,5929.2 +2019-11-20 22:45:00,5855.2 +2019-11-20 23:00:00,5743.6 +2019-11-20 23:15:00,5643.6 +2019-11-20 23:30:00,5542.4 +2019-11-20 23:45:00,5481.6 +2019-11-21 00:00:00,5397.2 +2019-11-21 00:15:00,5346.0 +2019-11-21 00:30:00,5284.8 +2019-11-21 00:45:00,5237.6 +2019-11-21 01:00:00,5188.8 +2019-11-21 01:15:00,5142.0 +2019-11-21 01:30:00,5123.2 +2019-11-21 01:45:00,5092.0 +2019-11-21 02:00:00,5022.0 +2019-11-21 02:15:00,5026.8 +2019-11-21 02:30:00,5039.2 +2019-11-21 02:45:00,5040.0 +2019-11-21 03:00:00,5076.8 +2019-11-21 03:15:00,5096.4 +2019-11-21 03:30:00,5099.2 +2019-11-21 03:45:00,5092.4 +2019-11-21 04:00:00,5160.8 +2019-11-21 04:15:00,5188.4 +2019-11-21 04:30:00,5229.2 +2019-11-21 04:45:00,5283.2 +2019-11-21 05:00:00,5439.6 +2019-11-21 05:15:00,5526.0 +2019-11-21 05:30:00,5603.2 +2019-11-21 05:45:00,5772.8 +2019-11-21 06:00:00,6041.2 +2019-11-21 06:15:00,6270.0 +2019-11-21 06:30:00,6461.6 +2019-11-21 06:45:00,6634.4 +2019-11-21 07:00:00,6828.4 +2019-11-21 07:15:00,6917.6 +2019-11-21 07:30:00,6994.0 +2019-11-21 07:45:00,7034.4 +2019-11-21 08:00:00,7133.2 +2019-11-21 08:15:00,7174.8 +2019-11-21 08:30:00,7194.0 +2019-11-21 08:45:00,7189.2 +2019-11-21 09:00:00,7151.2 +2019-11-21 09:15:00,7164.0 +2019-11-21 09:30:00,7204.0 +2019-11-21 09:45:00,7208.0 +2019-11-21 10:00:00,7230.0 +2019-11-21 10:15:00,7222.8 +2019-11-21 10:30:00,7241.2 +2019-11-21 10:45:00,7269.2 +2019-11-21 11:00:00,7282.0 +2019-11-21 11:15:00,7292.8 +2019-11-21 11:30:00,7296.0 +2019-11-21 11:45:00,7262.0 +2019-11-21 12:00:00,7234.0 +2019-11-21 12:15:00,7206.4 +2019-11-21 12:30:00,7204.4 +2019-11-21 12:45:00,7196.0 +2019-11-21 13:00:00,7230.8 +2019-11-21 13:15:00,7200.0 +2019-11-21 13:30:00,7166.0 +2019-11-21 13:45:00,7105.2 +2019-11-21 14:00:00,7088.0 +2019-11-21 14:15:00,7108.0 +2019-11-21 14:30:00,7095.6 +2019-11-21 14:45:00,7085.2 +2019-11-21 15:00:00,7092.8 +2019-11-21 15:15:00,7084.8 +2019-11-21 15:30:00,7085.6 +2019-11-21 15:45:00,7066.4 +2019-11-21 16:00:00,7077.2 +2019-11-21 16:15:00,7124.8 +2019-11-21 16:30:00,7184.4 +2019-11-21 16:45:00,7282.8 +2019-11-21 17:00:00,7367.6 +2019-11-21 17:15:00,7406.0 +2019-11-21 17:30:00,7407.2 +2019-11-21 17:45:00,7408.4 +2019-11-21 18:00:00,7379.6 +2019-11-21 18:15:00,7346.8 +2019-11-21 18:30:00,7303.2 +2019-11-21 18:45:00,7254.4 +2019-11-21 19:00:00,7178.8 +2019-11-21 19:15:00,7099.2 +2019-11-21 19:30:00,7041.6 +2019-11-21 19:45:00,6995.2 +2019-11-21 20:00:00,6880.0 +2019-11-21 20:15:00,6754.0 +2019-11-21 20:30:00,6637.6 +2019-11-21 20:45:00,6544.8 +2019-11-21 21:00:00,6484.4 +2019-11-21 21:15:00,6424.4 +2019-11-21 21:30:00,6338.8 +2019-11-21 21:45:00,6236.8 +2019-11-21 22:00:00,6191.6 +2019-11-21 22:15:00,6142.0 +2019-11-21 22:30:00,6042.0 +2019-11-21 22:45:00,5956.0 +2019-11-21 23:00:00,5866.4 +2019-11-21 23:15:00,5766.4 +2019-11-21 23:30:00,5665.6 +2019-11-21 23:45:00,5599.6 +2019-11-22 00:00:00,5497.2 +2019-11-22 00:15:00,5432.0 +2019-11-22 00:30:00,5399.6 +2019-11-22 00:45:00,5357.2 +2019-11-22 01:00:00,5290.0 +2019-11-22 01:15:00,5232.4 +2019-11-22 01:30:00,5204.4 +2019-11-22 01:45:00,5161.6 +2019-11-22 02:00:00,5152.4 +2019-11-22 02:15:00,5143.2 +2019-11-22 02:30:00,5137.6 +2019-11-22 02:45:00,5154.0 +2019-11-22 03:00:00,5128.4 +2019-11-22 03:15:00,5125.2 +2019-11-22 03:30:00,5148.8 +2019-11-22 03:45:00,5168.0 +2019-11-22 04:00:00,5224.4 +2019-11-22 04:15:00,5244.8 +2019-11-22 04:30:00,5316.8 +2019-11-22 04:45:00,5389.6 +2019-11-22 05:00:00,5504.0 +2019-11-22 05:15:00,5574.0 +2019-11-22 05:30:00,5680.8 +2019-11-22 05:45:00,5835.2 +2019-11-22 06:00:00,6130.0 +2019-11-22 06:15:00,6341.6 +2019-11-22 06:30:00,6515.2 +2019-11-22 06:45:00,6696.4 +2019-11-22 07:00:00,6854.4 +2019-11-22 07:15:00,6973.2 +2019-11-22 07:30:00,7052.8 +2019-11-22 07:45:00,7101.6 +2019-11-22 08:00:00,7130.0 +2019-11-22 08:15:00,7173.2 +2019-11-22 08:30:00,7178.0 +2019-11-22 08:45:00,7186.8 +2019-11-22 09:00:00,7160.8 +2019-11-22 09:15:00,7204.0 +2019-11-22 09:30:00,7218.4 +2019-11-22 09:45:00,7229.6 +2019-11-22 10:00:00,7235.2 +2019-11-22 10:15:00,7260.0 +2019-11-22 10:30:00,7264.0 +2019-11-22 10:45:00,7252.8 +2019-11-22 11:00:00,7277.6 +2019-11-22 11:15:00,7284.0 +2019-11-22 11:30:00,7294.8 +2019-11-22 11:45:00,7243.6 +2019-11-22 12:00:00,7233.2 +2019-11-22 12:15:00,7214.0 +2019-11-22 12:30:00,7192.0 +2019-11-22 12:45:00,7176.8 +2019-11-22 13:00:00,7182.4 +2019-11-22 13:15:00,7108.4 +2019-11-22 13:30:00,7050.4 +2019-11-22 13:45:00,6986.8 +2019-11-22 14:00:00,6920.4 +2019-11-22 14:15:00,6918.8 +2019-11-22 14:30:00,6903.6 +2019-11-22 14:45:00,6866.0 +2019-11-22 15:00:00,6825.2 +2019-11-22 15:15:00,6786.0 +2019-11-22 15:30:00,6778.0 +2019-11-22 15:45:00,6762.4 +2019-11-22 16:00:00,6810.4 +2019-11-22 16:15:00,6889.2 +2019-11-22 16:30:00,6964.8 +2019-11-22 16:45:00,7100.0 +2019-11-22 17:00:00,7196.4 +2019-11-22 17:15:00,7202.4 +2019-11-22 17:30:00,7210.4 +2019-11-22 17:45:00,7204.0 +2019-11-22 18:00:00,7242.4 +2019-11-22 18:15:00,7195.6 +2019-11-22 18:30:00,7157.6 +2019-11-22 18:45:00,7126.4 +2019-11-22 19:00:00,7062.4 +2019-11-22 19:15:00,6986.4 +2019-11-22 19:30:00,6930.8 +2019-11-22 19:45:00,6836.4 +2019-11-22 20:00:00,6698.0 +2019-11-22 20:15:00,6568.8 +2019-11-22 20:30:00,6455.2 +2019-11-22 20:45:00,6400.0 +2019-11-22 21:00:00,6322.8 +2019-11-22 21:15:00,6276.8 +2019-11-22 21:30:00,6228.8 +2019-11-22 21:45:00,6125.2 +2019-11-22 22:00:00,6039.2 +2019-11-22 22:15:00,5954.0 +2019-11-22 22:30:00,5881.6 +2019-11-22 22:45:00,5789.6 +2019-11-22 23:00:00,5704.4 +2019-11-22 23:15:00,5592.4 +2019-11-22 23:30:00,5500.4 +2019-11-22 23:45:00,5423.6 +2019-11-23 00:00:00,5311.6 +2019-11-23 00:15:00,5250.4 +2019-11-23 00:30:00,5172.0 +2019-11-23 00:45:00,5119.2 +2019-11-23 01:00:00,4989.6 +2019-11-23 01:15:00,4939.2 +2019-11-23 01:30:00,4885.2 +2019-11-23 01:45:00,4872.8 +2019-11-23 02:00:00,4835.6 +2019-11-23 02:15:00,4839.6 +2019-11-23 02:30:00,4816.4 +2019-11-23 02:45:00,4797.2 +2019-11-23 03:00:00,4819.2 +2019-11-23 03:15:00,4818.8 +2019-11-23 03:30:00,4828.0 +2019-11-23 03:45:00,4841.2 +2019-11-23 04:00:00,4849.2 +2019-11-23 04:15:00,4845.6 +2019-11-23 04:30:00,4835.6 +2019-11-23 04:45:00,4830.8 +2019-11-23 05:00:00,4858.4 +2019-11-23 05:15:00,4843.6 +2019-11-23 05:30:00,4854.8 +2019-11-23 05:45:00,4906.8 +2019-11-23 06:00:00,4951.6 +2019-11-23 06:15:00,4994.4 +2019-11-23 06:30:00,5046.4 +2019-11-23 06:45:00,5125.2 +2019-11-23 07:00:00,5290.4 +2019-11-23 07:15:00,5395.2 +2019-11-23 07:30:00,5470.4 +2019-11-23 07:45:00,5520.8 +2019-11-23 08:00:00,5639.6 +2019-11-23 08:15:00,5710.0 +2019-11-23 08:30:00,5798.8 +2019-11-23 08:45:00,5888.4 +2019-11-23 09:00:00,5970.8 +2019-11-23 09:15:00,6012.4 +2019-11-23 09:30:00,6050.8 +2019-11-23 09:45:00,6096.4 +2019-11-23 10:00:00,6119.6 +2019-11-23 10:15:00,6138.0 +2019-11-23 10:30:00,6159.2 +2019-11-23 10:45:00,6170.4 +2019-11-23 11:00:00,6175.2 +2019-11-23 11:15:00,6175.2 +2019-11-23 11:30:00,6199.6 +2019-11-23 11:45:00,6191.6 +2019-11-23 12:00:00,6159.2 +2019-11-23 12:15:00,6146.0 +2019-11-23 12:30:00,6102.0 +2019-11-23 12:45:00,6056.0 +2019-11-23 13:00:00,5983.6 +2019-11-23 13:15:00,5933.2 +2019-11-23 13:30:00,5894.8 +2019-11-23 13:45:00,5830.8 +2019-11-23 14:00:00,5814.0 +2019-11-23 14:15:00,5785.2 +2019-11-23 14:30:00,5766.8 +2019-11-23 14:45:00,5753.2 +2019-11-23 15:00:00,5783.6 +2019-11-23 15:15:00,5801.2 +2019-11-23 15:30:00,5812.0 +2019-11-23 15:45:00,5849.2 +2019-11-23 16:00:00,5919.6 +2019-11-23 16:15:00,6018.8 +2019-11-23 16:30:00,6120.0 +2019-11-23 16:45:00,6210.4 +2019-11-23 17:00:00,6275.2 +2019-11-23 17:15:00,6307.2 +2019-11-23 17:30:00,6341.2 +2019-11-23 17:45:00,6354.0 +2019-11-23 18:00:00,6373.2 +2019-11-23 18:15:00,6332.8 +2019-11-23 18:30:00,6283.6 +2019-11-23 18:45:00,6237.2 +2019-11-23 19:00:00,6204.8 +2019-11-23 19:15:00,6140.0 +2019-11-23 19:30:00,6079.2 +2019-11-23 19:45:00,5984.8 +2019-11-23 20:00:00,5859.2 +2019-11-23 20:15:00,5757.6 +2019-11-23 20:30:00,5664.8 +2019-11-23 20:45:00,5579.2 +2019-11-23 21:00:00,5501.6 +2019-11-23 21:15:00,5476.4 +2019-11-23 21:30:00,5424.0 +2019-11-23 21:45:00,5395.6 +2019-11-23 22:00:00,5406.4 +2019-11-23 22:15:00,5373.6 +2019-11-23 22:30:00,5304.4 +2019-11-23 22:45:00,5246.4 +2019-11-23 23:00:00,5149.6 +2019-11-23 23:15:00,5069.2 +2019-11-23 23:30:00,5001.6 +2019-11-23 23:45:00,4944.8 +2019-11-24 00:00:00,4841.6 +2019-11-24 00:15:00,4770.0 +2019-11-24 00:30:00,4728.0 +2019-11-24 00:45:00,4674.8 +2019-11-24 01:00:00,4618.8 +2019-11-24 01:15:00,4548.8 +2019-11-24 01:30:00,4500.4 +2019-11-24 01:45:00,4494.0 +2019-11-24 02:00:00,4482.4 +2019-11-24 02:15:00,4470.8 +2019-11-24 02:30:00,4442.8 +2019-11-24 02:45:00,4449.6 +2019-11-24 03:00:00,4452.0 +2019-11-24 03:15:00,4430.4 +2019-11-24 03:30:00,4417.6 +2019-11-24 03:45:00,4448.8 +2019-11-24 04:00:00,4482.8 +2019-11-24 04:15:00,4464.8 +2019-11-24 04:30:00,4470.8 +2019-11-24 04:45:00,4471.2 +2019-11-24 05:00:00,4433.6 +2019-11-24 05:15:00,4389.2 +2019-11-24 05:30:00,4378.8 +2019-11-24 05:45:00,4337.6 +2019-11-24 06:00:00,4334.8 +2019-11-24 06:15:00,4357.2 +2019-11-24 06:30:00,4370.8 +2019-11-24 06:45:00,4402.8 +2019-11-24 07:00:00,4484.0 +2019-11-24 07:15:00,4528.4 +2019-11-24 07:30:00,4574.0 +2019-11-24 07:45:00,4628.4 +2019-11-24 08:00:00,4754.8 +2019-11-24 08:15:00,4867.2 +2019-11-24 08:30:00,4955.2 +2019-11-24 08:45:00,5020.4 +2019-11-24 09:00:00,5083.2 +2019-11-24 09:15:00,5183.2 +2019-11-24 09:30:00,5215.2 +2019-11-24 09:45:00,5246.8 +2019-11-24 10:00:00,5356.0 +2019-11-24 10:15:00,5428.0 +2019-11-24 10:30:00,5450.8 +2019-11-24 10:45:00,5487.6 +2019-11-24 11:00:00,5535.6 +2019-11-24 11:15:00,5595.2 +2019-11-24 11:30:00,5612.0 +2019-11-24 11:45:00,5617.2 +2019-11-24 12:00:00,5588.4 +2019-11-24 12:15:00,5557.2 +2019-11-24 12:30:00,5474.8 +2019-11-24 12:45:00,5397.2 +2019-11-24 13:00:00,5373.2 +2019-11-24 13:15:00,5305.2 +2019-11-24 13:30:00,5296.8 +2019-11-24 13:45:00,5246.4 +2019-11-24 14:00:00,5251.6 +2019-11-24 14:15:00,5242.0 +2019-11-24 14:30:00,5226.8 +2019-11-24 14:45:00,5186.0 +2019-11-24 15:00:00,5238.0 +2019-11-24 15:15:00,5204.8 +2019-11-24 15:30:00,5231.2 +2019-11-24 15:45:00,5222.8 +2019-11-24 16:00:00,5302.8 +2019-11-24 16:15:00,5381.2 +2019-11-24 16:30:00,5511.2 +2019-11-24 16:45:00,5633.6 +2019-11-24 17:00:00,5782.4 +2019-11-24 17:15:00,5842.0 +2019-11-24 17:30:00,5901.2 +2019-11-24 17:45:00,5926.4 +2019-11-24 18:00:00,5942.8 +2019-11-24 18:15:00,5920.8 +2019-11-24 18:30:00,5872.8 +2019-11-24 18:45:00,5852.0 +2019-11-24 19:00:00,5738.0 +2019-11-24 19:15:00,5669.2 +2019-11-24 19:30:00,5629.2 +2019-11-24 19:45:00,5571.6 +2019-11-24 20:00:00,5504.4 +2019-11-24 20:15:00,5428.8 +2019-11-24 20:30:00,5332.8 +2019-11-24 20:45:00,5284.4 +2019-11-24 21:00:00,5272.0 +2019-11-24 21:15:00,5232.8 +2019-11-24 21:30:00,5209.6 +2019-11-24 21:45:00,5200.0 +2019-11-24 22:00:00,5222.0 +2019-11-24 22:15:00,5170.0 +2019-11-24 22:30:00,5100.4 +2019-11-24 22:45:00,5025.2 +2019-11-24 23:00:00,4945.6 +2019-11-24 23:15:00,4870.4 +2019-11-24 23:30:00,4816.4 +2019-11-24 23:45:00,4739.2 +2019-11-25 00:00:00,4683.2 +2019-11-25 00:15:00,4649.2 +2019-11-25 00:30:00,4595.6 +2019-11-25 00:45:00,4532.0 +2019-11-25 01:00:00,4579.2 +2019-11-25 01:15:00,4568.4 +2019-11-25 01:30:00,4545.6 +2019-11-25 01:45:00,4510.8 +2019-11-25 02:00:00,4479.6 +2019-11-25 02:15:00,4486.4 +2019-11-25 02:30:00,4498.0 +2019-11-25 02:45:00,4504.4 +2019-11-25 03:00:00,4531.6 +2019-11-25 03:15:00,4534.4 +2019-11-25 03:30:00,4562.8 +2019-11-25 03:45:00,4599.6 +2019-11-25 04:00:00,4656.0 +2019-11-25 04:15:00,4700.8 +2019-11-25 04:30:00,4771.6 +2019-11-25 04:45:00,4836.4 +2019-11-25 05:00:00,4969.6 +2019-11-25 05:15:00,5048.8 +2019-11-25 05:30:00,5208.0 +2019-11-25 05:45:00,5374.8 +2019-11-25 06:00:00,5697.6 +2019-11-25 06:15:00,5942.8 +2019-11-25 06:30:00,6169.2 +2019-11-25 06:45:00,6364.4 +2019-11-25 07:00:00,6634.8 +2019-11-25 07:15:00,6723.6 +2019-11-25 07:30:00,6854.0 +2019-11-25 07:45:00,6888.0 +2019-11-25 08:00:00,6973.6 +2019-11-25 08:15:00,7006.8 +2019-11-25 08:30:00,7044.8 +2019-11-25 08:45:00,7065.6 +2019-11-25 09:00:00,7029.2 +2019-11-25 09:15:00,7052.0 +2019-11-25 09:30:00,7088.0 +2019-11-25 09:45:00,7101.6 +2019-11-25 10:00:00,7148.8 +2019-11-25 10:15:00,7153.6 +2019-11-25 10:30:00,7172.8 +2019-11-25 10:45:00,7179.2 +2019-11-25 11:00:00,7211.6 +2019-11-25 11:15:00,7241.2 +2019-11-25 11:30:00,7260.0 +2019-11-25 11:45:00,7254.0 +2019-11-25 12:00:00,7222.8 +2019-11-25 12:15:00,7215.2 +2019-11-25 12:30:00,7212.0 +2019-11-25 12:45:00,7217.6 +2019-11-25 13:00:00,7255.2 +2019-11-25 13:15:00,7229.6 +2019-11-25 13:30:00,7198.0 +2019-11-25 13:45:00,7147.6 +2019-11-25 14:00:00,7111.2 +2019-11-25 14:15:00,7110.4 +2019-11-25 14:30:00,7094.8 +2019-11-25 14:45:00,7074.4 +2019-11-25 15:00:00,7112.0 +2019-11-25 15:15:00,7085.6 +2019-11-25 15:30:00,7061.6 +2019-11-25 15:45:00,7038.4 +2019-11-25 16:00:00,7038.4 +2019-11-25 16:15:00,7075.6 +2019-11-25 16:30:00,7139.2 +2019-11-25 16:45:00,7181.6 +2019-11-25 17:00:00,7213.6 +2019-11-25 17:15:00,7229.2 +2019-11-25 17:30:00,7255.6 +2019-11-25 17:45:00,7231.2 +2019-11-25 18:00:00,7237.6 +2019-11-25 18:15:00,7204.4 +2019-11-25 18:30:00,7180.4 +2019-11-25 18:45:00,7138.8 +2019-11-25 19:00:00,7110.0 +2019-11-25 19:15:00,7020.8 +2019-11-25 19:30:00,6960.4 +2019-11-25 19:45:00,6921.2 +2019-11-25 20:00:00,6817.6 +2019-11-25 20:15:00,6689.2 +2019-11-25 20:30:00,6586.8 +2019-11-25 20:45:00,6489.6 +2019-11-25 21:00:00,6410.4 +2019-11-25 21:15:00,6338.8 +2019-11-25 21:30:00,6229.2 +2019-11-25 21:45:00,6140.8 +2019-11-25 22:00:00,6122.8 +2019-11-25 22:15:00,6045.2 +2019-11-25 22:30:00,5930.8 +2019-11-25 22:45:00,5825.6 +2019-11-25 23:00:00,5713.2 +2019-11-25 23:15:00,5596.8 +2019-11-25 23:30:00,5468.4 +2019-11-25 23:45:00,5391.2 +2019-11-26 00:00:00,5332.4 +2019-11-26 00:15:00,5254.4 +2019-11-26 00:30:00,5200.4 +2019-11-26 00:45:00,5143.6 +2019-11-26 01:00:00,5074.8 +2019-11-26 01:15:00,5063.6 +2019-11-26 01:30:00,5018.4 +2019-11-26 01:45:00,5006.0 +2019-11-26 02:00:00,4984.0 +2019-11-26 02:15:00,4959.6 +2019-11-26 02:30:00,4952.4 +2019-11-26 02:45:00,4966.4 +2019-11-26 03:00:00,5002.0 +2019-11-26 03:15:00,5024.0 +2019-11-26 03:30:00,5048.0 +2019-11-26 03:45:00,5060.8 +2019-11-26 04:00:00,5137.2 +2019-11-26 04:15:00,5144.4 +2019-11-26 04:30:00,5205.2 +2019-11-26 04:45:00,5251.2 +2019-11-26 05:00:00,5406.0 +2019-11-26 05:15:00,5484.8 +2019-11-26 05:30:00,5579.6 +2019-11-26 05:45:00,5739.2 +2019-11-26 06:00:00,6028.0 +2019-11-26 06:15:00,6262.8 +2019-11-26 06:30:00,6462.0 +2019-11-26 06:45:00,6657.2 +2019-11-26 07:00:00,6857.2 +2019-11-26 07:15:00,6967.2 +2019-11-26 07:30:00,7064.0 +2019-11-26 07:45:00,7122.4 +2019-11-26 08:00:00,7166.0 +2019-11-26 08:15:00,7172.8 +2019-11-26 08:30:00,7178.8 +2019-11-26 08:45:00,7198.8 +2019-11-26 09:00:00,7138.4 +2019-11-26 09:15:00,7143.6 +2019-11-26 09:30:00,7182.8 +2019-11-26 09:45:00,7208.0 +2019-11-26 10:00:00,7218.0 +2019-11-26 10:15:00,7198.0 +2019-11-26 10:30:00,7215.6 +2019-11-26 10:45:00,7261.2 +2019-11-26 11:00:00,7278.4 +2019-11-26 11:15:00,7284.4 +2019-11-26 11:30:00,7303.6 +2019-11-26 11:45:00,7299.6 +2019-11-26 12:00:00,7272.4 +2019-11-26 12:15:00,7267.2 +2019-11-26 12:30:00,7251.2 +2019-11-26 12:45:00,7227.6 +2019-11-26 13:00:00,7208.0 +2019-11-26 13:15:00,7214.8 +2019-11-26 13:30:00,7187.6 +2019-11-26 13:45:00,7120.0 +2019-11-26 14:00:00,7124.4 +2019-11-26 14:15:00,7137.2 +2019-11-26 14:30:00,7109.6 +2019-11-26 14:45:00,7073.2 +2019-11-26 15:00:00,7074.8 +2019-11-26 15:15:00,7061.6 +2019-11-26 15:30:00,7054.0 +2019-11-26 15:45:00,7032.4 +2019-11-26 16:00:00,7088.0 +2019-11-26 16:15:00,7151.6 +2019-11-26 16:30:00,7214.0 +2019-11-26 16:45:00,7276.8 +2019-11-26 17:00:00,7341.2 +2019-11-26 17:15:00,7382.4 +2019-11-26 17:30:00,7404.0 +2019-11-26 17:45:00,7392.4 +2019-11-26 18:00:00,7378.0 +2019-11-26 18:15:00,7341.6 +2019-11-26 18:30:00,7339.2 +2019-11-26 18:45:00,7302.8 +2019-11-26 19:00:00,7222.4 +2019-11-26 19:15:00,7164.8 +2019-11-26 19:30:00,7131.6 +2019-11-26 19:45:00,7094.4 +2019-11-26 20:00:00,6969.6 +2019-11-26 20:15:00,6839.6 +2019-11-26 20:30:00,6764.8 +2019-11-26 20:45:00,6675.6 +2019-11-26 21:00:00,6585.6 +2019-11-26 21:15:00,6494.4 +2019-11-26 21:30:00,6389.6 +2019-11-26 21:45:00,6270.4 +2019-11-26 22:00:00,6166.4 +2019-11-26 22:15:00,6074.4 +2019-11-26 22:30:00,5983.6 +2019-11-26 22:45:00,5865.2 +2019-11-26 23:00:00,5708.0 +2019-11-26 23:15:00,5591.2 +2019-11-26 23:30:00,5465.6 +2019-11-26 23:45:00,5412.8 +2019-11-27 00:00:00,5309.6 +2019-11-27 00:15:00,5237.6 +2019-11-27 00:30:00,5209.6 +2019-11-27 00:45:00,5152.8 +2019-11-27 01:00:00,5039.6 +2019-11-27 01:15:00,4982.4 +2019-11-27 01:30:00,4963.2 +2019-11-27 01:45:00,4976.8 +2019-11-27 02:00:00,4938.8 +2019-11-27 02:15:00,4919.2 +2019-11-27 02:30:00,4910.4 +2019-11-27 02:45:00,4943.6 +2019-11-27 03:00:00,4995.2 +2019-11-27 03:15:00,5009.6 +2019-11-27 03:30:00,4997.6 +2019-11-27 03:45:00,5023.6 +2019-11-27 04:00:00,5084.0 +2019-11-27 04:15:00,5134.4 +2019-11-27 04:30:00,5176.8 +2019-11-27 04:45:00,5234.0 +2019-11-27 05:00:00,5401.6 +2019-11-27 05:15:00,5486.4 +2019-11-27 05:30:00,5589.6 +2019-11-27 05:45:00,5712.4 +2019-11-27 06:00:00,6033.6 +2019-11-27 06:15:00,6281.6 +2019-11-27 06:30:00,6499.2 +2019-11-27 06:45:00,6662.8 +2019-11-27 07:00:00,6891.6 +2019-11-27 07:15:00,7035.2 +2019-11-27 07:30:00,7124.4 +2019-11-27 07:45:00,7180.0 +2019-11-27 08:00:00,7275.2 +2019-11-27 08:15:00,7350.0 +2019-11-27 08:30:00,7403.6 +2019-11-27 08:45:00,7418.4 +2019-11-27 09:00:00,7412.0 +2019-11-27 09:15:00,7460.0 +2019-11-27 09:30:00,7516.0 +2019-11-27 09:45:00,7516.0 +2019-11-27 10:00:00,7518.8 +2019-11-27 10:15:00,7553.2 +2019-11-27 10:30:00,7580.8 +2019-11-27 10:45:00,7587.2 +2019-11-27 11:00:00,7594.0 +2019-11-27 11:15:00,7620.4 +2019-11-27 11:30:00,7625.2 +2019-11-27 11:45:00,7598.8 +2019-11-27 12:00:00,7536.4 +2019-11-27 12:15:00,7529.6 +2019-11-27 12:30:00,7540.0 +2019-11-27 12:45:00,7526.0 +2019-11-27 13:00:00,7536.8 +2019-11-27 13:15:00,7530.0 +2019-11-27 13:30:00,7508.4 +2019-11-27 13:45:00,7466.0 +2019-11-27 14:00:00,7440.8 +2019-11-27 14:15:00,7455.6 +2019-11-27 14:30:00,7406.0 +2019-11-27 14:45:00,7348.4 +2019-11-27 15:00:00,7347.2 +2019-11-27 15:15:00,7334.0 +2019-11-27 15:30:00,7310.0 +2019-11-27 15:45:00,7298.8 +2019-11-27 16:00:00,7336.4 +2019-11-27 16:15:00,7392.8 +2019-11-27 16:30:00,7454.4 +2019-11-27 16:45:00,7503.6 +2019-11-27 17:00:00,7597.2 +2019-11-27 17:15:00,7602.0 +2019-11-27 17:30:00,7614.4 +2019-11-27 17:45:00,7573.2 +2019-11-27 18:00:00,7563.2 +2019-11-27 18:15:00,7555.6 +2019-11-27 18:30:00,7542.4 +2019-11-27 18:45:00,7521.6 +2019-11-27 19:00:00,7422.4 +2019-11-27 19:15:00,7360.8 +2019-11-27 19:30:00,7308.4 +2019-11-27 19:45:00,7252.4 +2019-11-27 20:00:00,7080.0 +2019-11-27 20:15:00,6970.8 +2019-11-27 20:30:00,6846.0 +2019-11-27 20:45:00,6763.6 +2019-11-27 21:00:00,6650.4 +2019-11-27 21:15:00,6544.0 +2019-11-27 21:30:00,6433.2 +2019-11-27 21:45:00,6360.4 +2019-11-27 22:00:00,6333.6 +2019-11-27 22:15:00,6248.8 +2019-11-27 22:30:00,6128.4 +2019-11-27 22:45:00,6010.8 +2019-11-27 23:00:00,5869.2 +2019-11-27 23:15:00,5744.0 +2019-11-27 23:30:00,5685.6 +2019-11-27 23:45:00,5624.4 +2019-11-28 00:00:00,5487.2 +2019-11-28 00:15:00,5400.8 +2019-11-28 00:30:00,5325.2 +2019-11-28 00:45:00,5272.0 +2019-11-28 01:00:00,5244.4 +2019-11-28 01:15:00,5221.2 +2019-11-28 01:30:00,5201.2 +2019-11-28 01:45:00,5157.6 +2019-11-28 02:00:00,5114.4 +2019-11-28 02:15:00,5125.2 +2019-11-28 02:30:00,5137.2 +2019-11-28 02:45:00,5156.4 +2019-11-28 03:00:00,5168.4 +2019-11-28 03:15:00,5183.6 +2019-11-28 03:30:00,5172.8 +2019-11-28 03:45:00,5205.2 +2019-11-28 04:00:00,5264.0 +2019-11-28 04:15:00,5322.8 +2019-11-28 04:30:00,5404.0 +2019-11-28 04:45:00,5468.8 +2019-11-28 05:00:00,5614.8 +2019-11-28 05:15:00,5690.8 +2019-11-28 05:30:00,5843.2 +2019-11-28 05:45:00,6007.6 +2019-11-28 06:00:00,6260.0 +2019-11-28 06:15:00,6509.6 +2019-11-28 06:30:00,6701.2 +2019-11-28 06:45:00,6885.2 +2019-11-28 07:00:00,7013.2 +2019-11-28 07:15:00,7158.4 +2019-11-28 07:30:00,7264.8 +2019-11-28 07:45:00,7314.0 +2019-11-28 08:00:00,7354.0 +2019-11-28 08:15:00,7381.6 +2019-11-28 08:30:00,7392.0 +2019-11-28 08:45:00,7374.8 +2019-11-28 09:00:00,7338.4 +2019-11-28 09:15:00,7366.4 +2019-11-28 09:30:00,7385.2 +2019-11-28 09:45:00,7382.8 +2019-11-28 10:00:00,7426.0 +2019-11-28 10:15:00,7451.2 +2019-11-28 10:30:00,7474.4 +2019-11-28 10:45:00,7544.8 +2019-11-28 11:00:00,7544.4 +2019-11-28 11:15:00,7543.2 +2019-11-28 11:30:00,7568.0 +2019-11-28 11:45:00,7570.4 +2019-11-28 12:00:00,7514.0 +2019-11-28 12:15:00,7510.8 +2019-11-28 12:30:00,7494.0 +2019-11-28 12:45:00,7534.4 +2019-11-28 13:00:00,7542.0 +2019-11-28 13:15:00,7516.0 +2019-11-28 13:30:00,7488.4 +2019-11-28 13:45:00,7421.2 +2019-11-28 14:00:00,7394.0 +2019-11-28 14:15:00,7416.4 +2019-11-28 14:30:00,7396.0 +2019-11-28 14:45:00,7401.6 +2019-11-28 15:00:00,7401.6 +2019-11-28 15:15:00,7360.0 +2019-11-28 15:30:00,7357.2 +2019-11-28 15:45:00,7348.4 +2019-11-28 16:00:00,7365.2 +2019-11-28 16:15:00,7382.4 +2019-11-28 16:30:00,7442.0 +2019-11-28 16:45:00,7517.2 +2019-11-28 17:00:00,7531.2 +2019-11-28 17:15:00,7571.6 +2019-11-28 17:30:00,7567.6 +2019-11-28 17:45:00,7577.2 +2019-11-28 18:00:00,7524.0 +2019-11-28 18:15:00,7461.6 +2019-11-28 18:30:00,7419.2 +2019-11-28 18:45:00,7406.4 +2019-11-28 19:00:00,7369.2 +2019-11-28 19:15:00,7302.8 +2019-11-28 19:30:00,7258.0 +2019-11-28 19:45:00,7184.4 +2019-11-28 20:00:00,7091.6 +2019-11-28 20:15:00,6976.8 +2019-11-28 20:30:00,6888.8 +2019-11-28 20:45:00,6758.8 +2019-11-28 21:00:00,6622.0 +2019-11-28 21:15:00,6525.2 +2019-11-28 21:30:00,6400.4 +2019-11-28 21:45:00,6310.8 +2019-11-28 22:00:00,6294.4 +2019-11-28 22:15:00,6214.4 +2019-11-28 22:30:00,6112.0 +2019-11-28 22:45:00,6020.4 +2019-11-28 23:00:00,5925.6 +2019-11-28 23:15:00,5856.0 +2019-11-28 23:30:00,5757.2 +2019-11-28 23:45:00,5625.2 +2019-11-29 00:00:00,5520.4 +2019-11-29 00:15:00,5438.0 +2019-11-29 00:30:00,5325.6 +2019-11-29 00:45:00,5240.0 +2019-11-29 01:00:00,5184.8 +2019-11-29 01:15:00,5160.8 +2019-11-29 01:30:00,5119.2 +2019-11-29 01:45:00,5059.6 +2019-11-29 02:00:00,5042.0 +2019-11-29 02:15:00,5026.8 +2019-11-29 02:30:00,5035.2 +2019-11-29 02:45:00,5032.8 +2019-11-29 03:00:00,5054.8 +2019-11-29 03:15:00,5074.8 +2019-11-29 03:30:00,5078.0 +2019-11-29 03:45:00,5114.4 +2019-11-29 04:00:00,5207.6 +2019-11-29 04:15:00,5258.4 +2019-11-29 04:30:00,5296.0 +2019-11-29 04:45:00,5348.4 +2019-11-29 05:00:00,5508.4 +2019-11-29 05:15:00,5589.2 +2019-11-29 05:30:00,5710.0 +2019-11-29 05:45:00,5850.0 +2019-11-29 06:00:00,6187.2 +2019-11-29 06:15:00,6425.6 +2019-11-29 06:30:00,6612.4 +2019-11-29 06:45:00,6783.2 +2019-11-29 07:00:00,6984.8 +2019-11-29 07:15:00,7124.4 +2019-11-29 07:30:00,7203.2 +2019-11-29 07:45:00,7225.2 +2019-11-29 08:00:00,7252.0 +2019-11-29 08:15:00,7276.8 +2019-11-29 08:30:00,7288.0 +2019-11-29 08:45:00,7299.6 +2019-11-29 09:00:00,7215.6 +2019-11-29 09:15:00,7194.8 +2019-11-29 09:30:00,7227.2 +2019-11-29 09:45:00,7242.8 +2019-11-29 10:00:00,7271.2 +2019-11-29 10:15:00,7300.0 +2019-11-29 10:30:00,7296.8 +2019-11-29 10:45:00,7309.6 +2019-11-29 11:00:00,7302.8 +2019-11-29 11:15:00,7324.4 +2019-11-29 11:30:00,7336.4 +2019-11-29 11:45:00,7292.4 +2019-11-29 12:00:00,7238.8 +2019-11-29 12:15:00,7220.0 +2019-11-29 12:30:00,7185.2 +2019-11-29 12:45:00,7181.6 +2019-11-29 13:00:00,7194.4 +2019-11-29 13:15:00,7177.6 +2019-11-29 13:30:00,7115.6 +2019-11-29 13:45:00,7073.6 +2019-11-29 14:00:00,7000.4 +2019-11-29 14:15:00,6948.8 +2019-11-29 14:30:00,6920.0 +2019-11-29 14:45:00,6864.4 +2019-11-29 15:00:00,6861.2 +2019-11-29 15:15:00,6811.2 +2019-11-29 15:30:00,6791.6 +2019-11-29 15:45:00,6775.2 +2019-11-29 16:00:00,6815.6 +2019-11-29 16:15:00,6872.8 +2019-11-29 16:30:00,6941.2 +2019-11-29 16:45:00,7060.4 +2019-11-29 17:00:00,7132.4 +2019-11-29 17:15:00,7154.8 +2019-11-29 17:30:00,7118.0 +2019-11-29 17:45:00,7113.6 +2019-11-29 18:00:00,7088.8 +2019-11-29 18:15:00,7050.0 +2019-11-29 18:30:00,7008.0 +2019-11-29 18:45:00,6964.8 +2019-11-29 19:00:00,6899.6 +2019-11-29 19:15:00,6818.0 +2019-11-29 19:30:00,6769.6 +2019-11-29 19:45:00,6699.2 +2019-11-29 20:00:00,6599.6 +2019-11-29 20:15:00,6480.0 +2019-11-29 20:30:00,6380.8 +2019-11-29 20:45:00,6283.6 +2019-11-29 21:00:00,6203.2 +2019-11-29 21:15:00,6122.0 +2019-11-29 21:30:00,6040.8 +2019-11-29 21:45:00,5954.4 +2019-11-29 22:00:00,5915.6 +2019-11-29 22:15:00,5855.2 +2019-11-29 22:30:00,5754.0 +2019-11-29 22:45:00,5646.8 +2019-11-29 23:00:00,5515.2 +2019-11-29 23:15:00,5396.4 +2019-11-29 23:30:00,5316.4 +2019-11-29 23:45:00,5237.6 +2019-11-30 00:00:00,5170.0 +2019-11-30 00:15:00,5094.0 +2019-11-30 00:30:00,5062.0 +2019-11-30 00:45:00,5018.8 +2019-11-30 01:00:00,4964.0 +2019-11-30 01:15:00,4898.4 +2019-11-30 01:30:00,4858.0 +2019-11-30 01:45:00,4804.8 +2019-11-30 02:00:00,4736.8 +2019-11-30 02:15:00,4700.4 +2019-11-30 02:30:00,4712.0 +2019-11-30 02:45:00,4705.2 +2019-11-30 03:00:00,4692.8 +2019-11-30 03:15:00,4678.8 +2019-11-30 03:30:00,4680.4 +2019-11-30 03:45:00,4668.8 +2019-11-30 04:00:00,4677.2 +2019-11-30 04:15:00,4674.0 +2019-11-30 04:30:00,4692.0 +2019-11-30 04:45:00,4690.0 +2019-11-30 05:00:00,4712.0 +2019-11-30 05:15:00,4696.4 +2019-11-30 05:30:00,4703.6 +2019-11-30 05:45:00,4706.4 +2019-11-30 06:00:00,4729.2 +2019-11-30 06:15:00,4782.4 +2019-11-30 06:30:00,4806.4 +2019-11-30 06:45:00,4850.0 +2019-11-30 07:00:00,4982.0 +2019-11-30 07:15:00,5084.8 +2019-11-30 07:30:00,5163.2 +2019-11-30 07:45:00,5216.4 +2019-11-30 08:00:00,5330.4 +2019-11-30 08:15:00,5418.4 +2019-11-30 08:30:00,5500.8 +2019-11-30 08:45:00,5561.2 +2019-11-30 09:00:00,5624.4 +2019-11-30 09:15:00,5682.4 +2019-11-30 09:30:00,5730.8 +2019-11-30 09:45:00,5742.0 +2019-11-30 10:00:00,5738.0 +2019-11-30 10:15:00,5757.2 +2019-11-30 10:30:00,5776.8 +2019-11-30 10:45:00,5772.4 +2019-11-30 11:00:00,5765.2 +2019-11-30 11:15:00,5796.8 +2019-11-30 11:30:00,5778.0 +2019-11-30 11:45:00,5771.6 +2019-11-30 12:00:00,5738.8 +2019-11-30 12:15:00,5734.4 +2019-11-30 12:30:00,5713.6 +2019-11-30 12:45:00,5655.2 +2019-11-30 13:00:00,5687.6 +2019-11-30 13:15:00,5666.0 +2019-11-30 13:30:00,5601.2 +2019-11-30 13:45:00,5545.2 +2019-11-30 14:00:00,5528.4 +2019-11-30 14:15:00,5490.0 +2019-11-30 14:30:00,5458.8 +2019-11-30 14:45:00,5435.6 +2019-11-30 15:00:00,5416.0 +2019-11-30 15:15:00,5436.8 +2019-11-30 15:30:00,5436.8 +2019-11-30 15:45:00,5458.0 +2019-11-30 16:00:00,5588.0 +2019-11-30 16:15:00,5694.8 +2019-11-30 16:30:00,5814.0 +2019-11-30 16:45:00,5937.6 +2019-11-30 17:00:00,5976.4 +2019-11-30 17:15:00,5990.8 +2019-11-30 17:30:00,6007.6 +2019-11-30 17:45:00,6004.8 +2019-11-30 18:00:00,5975.2 +2019-11-30 18:15:00,5948.0 +2019-11-30 18:30:00,5914.8 +2019-11-30 18:45:00,5873.2 +2019-11-30 19:00:00,5873.2 +2019-11-30 19:15:00,5820.0 +2019-11-30 19:30:00,5737.6 +2019-11-30 19:45:00,5679.2 +2019-11-30 20:00:00,5593.6 +2019-11-30 20:15:00,5474.8 +2019-11-30 20:30:00,5398.0 +2019-11-30 20:45:00,5358.8 +2019-11-30 21:00:00,5300.8 +2019-11-30 21:15:00,5252.4 +2019-11-30 21:30:00,5164.4 +2019-11-30 21:45:00,5141.6 +2019-11-30 22:00:00,5172.8 +2019-11-30 22:15:00,5130.4 +2019-11-30 22:30:00,5040.4 +2019-11-30 22:45:00,4986.8 +2019-11-30 23:00:00,4948.0 +2019-11-30 23:15:00,4862.4 +2019-11-30 23:30:00,4786.4 +2019-11-30 23:45:00,4710.4 +2019-12-01 00:00:00,4682.0 +2019-12-01 00:15:00,4608.8 +2019-12-01 00:30:00,4586.8 +2019-12-01 00:45:00,4551.6 +2019-12-01 01:00:00,4466.0 +2019-12-01 01:15:00,4438.8 +2019-12-01 01:30:00,4385.2 +2019-12-01 01:45:00,4357.2 +2019-12-01 02:00:00,4306.0 +2019-12-01 02:15:00,4319.6 +2019-12-01 02:30:00,4304.0 +2019-12-01 02:45:00,4299.6 +2019-12-01 03:00:00,4290.0 +2019-12-01 03:15:00,4283.2 +2019-12-01 03:30:00,4298.4 +2019-12-01 03:45:00,4267.6 +2019-12-01 04:00:00,4286.8 +2019-12-01 04:15:00,4281.6 +2019-12-01 04:30:00,4295.6 +2019-12-01 04:45:00,4289.2 +2019-12-01 05:00:00,4267.6 +2019-12-01 05:15:00,4249.6 +2019-12-01 05:30:00,4255.6 +2019-12-01 05:45:00,4688.0 +2019-12-01 06:00:00,4722.4 +2019-12-01 06:15:00,4739.2 +2019-12-01 06:30:00,4797.2 +2019-12-01 06:45:00,4812.4 +2019-12-01 07:00:00,4387.2 +2019-12-01 07:15:00,4907.2 +2019-12-01 07:30:00,4919.2 +2019-12-01 07:45:00,4949.2 +2019-12-01 08:00:00,5002.8 +2019-12-01 08:15:00,5049.2 +2019-12-01 08:30:00,5106.8 +2019-12-01 08:45:00,5148.4 +2019-12-01 09:00:00,5179.2 +2019-12-01 09:15:00,5225.6 +2019-12-01 09:30:00,5271.2 +2019-12-01 09:45:00,5310.4 +2019-12-01 10:00:00,5360.8 +2019-12-01 10:15:00,5378.4 +2019-12-01 10:30:00,5349.6 +2019-12-01 10:45:00,5393.2 +2019-12-01 11:00:00,5490.4 +2019-12-01 11:15:00,5541.2 +2019-12-01 11:30:00,5588.0 +2019-12-01 11:45:00,5602.0 +2019-12-01 12:00:00,5592.4 +2019-12-01 12:15:00,5568.8 +2019-12-01 12:30:00,5535.2 +2019-12-01 12:45:00,5477.6 +2019-12-01 13:00:00,5418.4 +2019-12-01 13:15:00,5380.0 +2019-12-01 13:30:00,5367.6 +2019-12-01 13:45:00,5326.4 +2019-12-01 14:00:00,5279.2 +2019-12-01 14:15:00,5255.2 +2019-12-01 14:30:00,5268.4 +2019-12-01 14:45:00,5236.8 +2019-12-01 15:00:00,5259.2 +2019-12-01 15:15:00,5262.8 +2019-12-01 15:30:00,5288.4 +2019-12-01 15:45:00,5292.8 +2019-12-01 16:00:00,5359.2 +2019-12-01 16:15:00,5419.2 +2019-12-01 16:30:00,5501.2 +2019-12-01 16:45:00,5617.6 +2019-12-01 17:00:00,5710.4 +2019-12-01 17:15:00,5753.2 +2019-12-01 17:30:00,5764.4 +2019-12-01 17:45:00,5790.4 +2019-12-01 18:00:00,5836.4 +2019-12-01 18:15:00,5831.6 +2019-12-01 18:30:00,5797.6 +2019-12-01 18:45:00,5786.0 +2019-12-01 19:00:00,5770.8 +2019-12-01 19:15:00,5733.6 +2019-12-01 19:30:00,5682.8 +2019-12-01 19:45:00,5619.2 +2019-12-01 20:00:00,5575.2 +2019-12-01 20:15:00,5501.2 +2019-12-01 20:30:00,5406.0 +2019-12-01 20:45:00,5352.8 +2019-12-01 21:00:00,5366.0 +2019-12-01 21:15:00,5344.8 +2019-12-01 21:30:00,5296.8 +2019-12-01 21:45:00,5323.6 +2019-12-01 22:00:00,5333.2 +2019-12-01 22:15:00,5300.8 +2019-12-01 22:30:00,5217.6 +2019-12-01 22:45:00,5154.4 +2019-12-01 23:00:00,5081.6 +2019-12-01 23:15:00,5012.4 +2019-12-01 23:30:00,4950.8 +2019-12-01 23:45:00,4882.4 +2019-12-02 00:00:00,4656.4 +2019-12-02 00:15:00,4602.8 +2019-12-02 00:30:00,4582.8 +2019-12-02 00:45:00,4531.2 +2019-12-02 01:00:00,4518.0 +2019-12-02 01:15:00,4496.4 +2019-12-02 01:30:00,4502.8 +2019-12-02 01:45:00,4475.6 +2019-12-02 02:00:00,4418.8 +2019-12-02 02:15:00,4413.6 +2019-12-02 02:30:00,4421.2 +2019-12-02 02:45:00,4424.4 +2019-12-02 03:00:00,4463.6 +2019-12-02 03:15:00,4481.2 +2019-12-02 03:30:00,4498.0 +2019-12-02 03:45:00,4526.8 +2019-12-02 04:00:00,4566.0 +2019-12-02 04:15:00,4580.8 +2019-12-02 04:30:00,4655.6 +2019-12-02 04:45:00,4724.0 +2019-12-02 05:00:00,4851.6 +2019-12-02 05:15:00,4931.2 +2019-12-02 05:30:00,5056.4 +2019-12-02 05:45:00,5250.4 +2019-12-02 06:00:00,5602.0 +2019-12-02 06:15:00,5899.6 +2019-12-02 06:30:00,6123.2 +2019-12-02 06:45:00,6355.2 +2019-12-02 07:00:00,6550.0 +2019-12-02 07:15:00,6714.0 +2019-12-02 07:30:00,6828.8 +2019-12-02 07:45:00,6876.8 +2019-12-02 08:00:00,6872.0 +2019-12-02 08:15:00,6888.4 +2019-12-02 08:30:00,6858.0 +2019-12-02 08:45:00,6877.2 +2019-12-02 09:00:00,6872.8 +2019-12-02 09:15:00,6952.4 +2019-12-02 09:30:00,6976.0 +2019-12-02 09:45:00,6993.6 +2019-12-02 10:00:00,7018.8 +2019-12-02 10:15:00,7022.8 +2019-12-02 10:30:00,7050.4 +2019-12-02 10:45:00,7058.8 +2019-12-02 11:00:00,7082.8 +2019-12-02 11:15:00,7130.8 +2019-12-02 11:30:00,7167.6 +2019-12-02 11:45:00,7178.0 +2019-12-02 12:00:00,7191.2 +2019-12-02 12:15:00,7203.2 +2019-12-02 12:30:00,7187.2 +2019-12-02 12:45:00,7186.4 +2019-12-02 13:00:00,7144.4 +2019-12-02 13:15:00,7119.6 +2019-12-02 13:30:00,7094.4 +2019-12-02 13:45:00,7044.8 +2019-12-02 14:00:00,7041.6 +2019-12-02 14:15:00,7035.6 +2019-12-02 14:30:00,7032.8 +2019-12-02 14:45:00,7011.6 +2019-12-02 15:00:00,7028.4 +2019-12-02 15:15:00,6989.6 +2019-12-02 15:30:00,6968.0 +2019-12-02 15:45:00,6936.0 +2019-12-02 16:00:00,6956.4 +2019-12-02 16:15:00,7008.8 +2019-12-02 16:30:00,7063.2 +2019-12-02 16:45:00,7151.6 +2019-12-02 17:00:00,7180.4 +2019-12-02 17:15:00,7215.2 +2019-12-02 17:30:00,7187.2 +2019-12-02 17:45:00,7181.2 +2019-12-02 18:00:00,7117.6 +2019-12-02 18:15:00,7091.6 +2019-12-02 18:30:00,7079.2 +2019-12-02 18:45:00,7046.4 +2019-12-02 19:00:00,7022.0 +2019-12-02 19:15:00,6946.4 +2019-12-02 19:30:00,6880.8 +2019-12-02 19:45:00,6804.4 +2019-12-02 20:00:00,6684.0 +2019-12-02 20:15:00,6550.0 +2019-12-02 20:30:00,6474.4 +2019-12-02 20:45:00,6364.4 +2019-12-02 21:00:00,6367.2 +2019-12-02 21:15:00,6288.8 +2019-12-02 21:30:00,6169.2 +2019-12-02 21:45:00,6077.2 +2019-12-02 22:00:00,6113.2 +2019-12-02 22:15:00,6025.6 +2019-12-02 22:30:00,5924.0 +2019-12-02 22:45:00,5810.4 +2019-12-02 23:00:00,5641.6 +2019-12-02 23:15:00,5514.0 +2019-12-02 23:30:00,5396.4 +2019-12-02 23:45:00,5306.4 +2019-12-03 00:00:00,5538.4 +2019-12-03 00:15:00,5457.6 +2019-12-03 00:30:00,5407.6 +2019-12-03 00:45:00,5327.2 +2019-12-03 01:00:00,5252.4 +2019-12-03 01:15:00,5218.0 +2019-12-03 01:30:00,5163.6 +2019-12-03 01:45:00,5161.6 +2019-12-03 02:00:00,5141.2 +2019-12-03 02:15:00,5116.4 +2019-12-03 02:30:00,5108.8 +2019-12-03 02:45:00,5117.2 +2019-12-03 03:00:00,5151.6 +2019-12-03 03:15:00,5137.2 +2019-12-03 03:30:00,5142.0 +2019-12-03 03:45:00,5192.8 +2019-12-03 04:00:00,5233.6 +2019-12-03 04:15:00,5256.8 +2019-12-03 04:30:00,5316.0 +2019-12-03 04:45:00,5362.4 +2019-12-03 05:00:00,5461.2 +2019-12-03 05:15:00,5528.0 +2019-12-03 05:30:00,5643.6 +2019-12-03 05:45:00,5799.2 +2019-12-03 06:00:00,6070.4 +2019-12-03 06:15:00,6289.6 +2019-12-03 06:30:00,6504.4 +2019-12-03 06:45:00,6687.6 +2019-12-03 07:00:00,6818.8 +2019-12-03 07:15:00,6938.4 +2019-12-03 07:30:00,7012.8 +2019-12-03 07:45:00,7078.0 +2019-12-03 08:00:00,7152.8 +2019-12-03 08:15:00,7174.4 +2019-12-03 08:30:00,7185.6 +2019-12-03 08:45:00,7169.2 +2019-12-03 09:00:00,7151.2 +2019-12-03 09:15:00,7156.4 +2019-12-03 09:30:00,7170.0 +2019-12-03 09:45:00,7177.6 +2019-12-03 10:00:00,7177.6 +2019-12-03 10:15:00,7154.4 +2019-12-03 10:30:00,7162.4 +2019-12-03 10:45:00,7193.6 +2019-12-03 11:00:00,7198.8 +2019-12-03 11:15:00,7216.0 +2019-12-03 11:30:00,7224.4 +2019-12-03 11:45:00,7229.2 +2019-12-03 12:00:00,7236.8 +2019-12-03 12:15:00,7210.8 +2019-12-03 12:30:00,7208.8 +2019-12-03 12:45:00,7187.2 +2019-12-03 13:00:00,7203.2 +2019-12-03 13:15:00,7185.2 +2019-12-03 13:30:00,7152.8 +2019-12-03 13:45:00,7080.8 +2019-12-03 14:00:00,7085.6 +2019-12-03 14:15:00,7073.6 +2019-12-03 14:30:00,7072.8 +2019-12-03 14:45:00,7060.0 +2019-12-03 15:00:00,7078.0 +2019-12-03 15:15:00,7064.0 +2019-12-03 15:30:00,7061.6 +2019-12-03 15:45:00,7070.0 +2019-12-03 16:00:00,7125.6 +2019-12-03 16:15:00,7164.8 +2019-12-03 16:30:00,7260.4 +2019-12-03 16:45:00,7348.8 +2019-12-03 17:00:00,7464.0 +2019-12-03 17:15:00,7484.4 +2019-12-03 17:30:00,7489.6 +2019-12-03 17:45:00,7502.8 +2019-12-03 18:00:00,7452.8 +2019-12-03 18:15:00,7382.0 +2019-12-03 18:30:00,7380.0 +2019-12-03 18:45:00,7364.0 +2019-12-03 19:00:00,7342.8 +2019-12-03 19:15:00,7292.0 +2019-12-03 19:30:00,7226.4 +2019-12-03 19:45:00,7161.6 +2019-12-03 20:00:00,7027.2 +2019-12-03 20:15:00,6919.2 +2019-12-03 20:30:00,6836.0 +2019-12-03 20:45:00,6747.6 +2019-12-03 21:00:00,6637.2 +2019-12-03 21:15:00,6582.4 +2019-12-03 21:30:00,6474.8 +2019-12-03 21:45:00,6386.0 +2019-12-03 22:00:00,6392.4 +2019-12-03 22:15:00,6300.4 +2019-12-03 22:30:00,6187.2 +2019-12-03 22:45:00,6072.8 +2019-12-03 23:00:00,5942.0 +2019-12-03 23:15:00,5814.4 +2019-12-03 23:30:00,5743.2 +2019-12-03 23:45:00,5680.8 +2019-12-04 00:00:00,5539.6 +2019-12-04 00:15:00,5488.8 +2019-12-04 00:30:00,5444.4 +2019-12-04 00:45:00,5396.0 +2019-12-04 01:00:00,5358.0 +2019-12-04 01:15:00,5318.0 +2019-12-04 01:30:00,5281.6 +2019-12-04 01:45:00,5234.0 +2019-12-04 02:00:00,5159.2 +2019-12-04 02:15:00,5138.0 +2019-12-04 02:30:00,5152.0 +2019-12-04 02:45:00,5152.4 +2019-12-04 03:00:00,5155.6 +2019-12-04 03:15:00,5146.0 +2019-12-04 03:30:00,5169.2 +2019-12-04 03:45:00,5203.6 +2019-12-04 04:00:00,5302.8 +2019-12-04 04:15:00,5323.6 +2019-12-04 04:30:00,5396.8 +2019-12-04 04:45:00,5454.4 +2019-12-04 05:00:00,5582.4 +2019-12-04 05:15:00,5626.0 +2019-12-04 05:30:00,5744.4 +2019-12-04 05:45:00,5898.0 +2019-12-04 06:00:00,6187.2 +2019-12-04 06:15:00,6424.8 +2019-12-04 06:30:00,6602.0 +2019-12-04 06:45:00,6798.4 +2019-12-04 07:00:00,7023.6 +2019-12-04 07:15:00,7134.4 +2019-12-04 07:30:00,7223.2 +2019-12-04 07:45:00,7249.6 +2019-12-04 08:00:00,7215.6 +2019-12-04 08:15:00,7212.0 +2019-12-04 08:30:00,7212.8 +2019-12-04 08:45:00,7224.8 +2019-12-04 09:00:00,7210.8 +2019-12-04 09:15:00,7208.0 +2019-12-04 09:30:00,7210.4 +2019-12-04 09:45:00,7211.6 +2019-12-04 10:00:00,7204.8 +2019-12-04 10:15:00,7189.6 +2019-12-04 10:30:00,7180.0 +2019-12-04 10:45:00,7206.8 +2019-12-04 11:00:00,7234.0 +2019-12-04 11:15:00,7259.6 +2019-12-04 11:30:00,7240.8 +2019-12-04 11:45:00,7248.0 +2019-12-04 12:00:00,7182.4 +2019-12-04 12:15:00,7182.0 +2019-12-04 12:30:00,7176.8 +2019-12-04 12:45:00,7199.6 +2019-12-04 13:00:00,7218.0 +2019-12-04 13:15:00,7160.0 +2019-12-04 13:30:00,7099.2 +2019-12-04 13:45:00,7040.4 +2019-12-04 14:00:00,7037.6 +2019-12-04 14:15:00,7014.8 +2019-12-04 14:30:00,7011.2 +2019-12-04 14:45:00,6998.4 +2019-12-04 15:00:00,7029.6 +2019-12-04 15:15:00,7017.6 +2019-12-04 15:30:00,7031.2 +2019-12-04 15:45:00,7038.0 +2019-12-04 16:00:00,7036.4 +2019-12-04 16:15:00,7080.8 +2019-12-04 16:30:00,7170.8 +2019-12-04 16:45:00,7290.0 +2019-12-04 17:00:00,7376.4 +2019-12-04 17:15:00,7412.8 +2019-12-04 17:30:00,7424.8 +2019-12-04 17:45:00,7437.6 +2019-12-04 18:00:00,7397.2 +2019-12-04 18:15:00,7375.2 +2019-12-04 18:30:00,7361.2 +2019-12-04 18:45:00,7362.0 +2019-12-04 19:00:00,7318.0 +2019-12-04 19:15:00,7222.0 +2019-12-04 19:30:00,7134.4 +2019-12-04 19:45:00,7073.2 +2019-12-04 20:00:00,6954.4 +2019-12-04 20:15:00,6837.2 +2019-12-04 20:30:00,6733.6 +2019-12-04 20:45:00,6664.0 +2019-12-04 21:00:00,6590.8 +2019-12-04 21:15:00,6527.6 +2019-12-04 21:30:00,6416.0 +2019-12-04 21:45:00,6352.8 +2019-12-04 22:00:00,6314.8 +2019-12-04 22:15:00,6239.6 +2019-12-04 22:30:00,6126.8 +2019-12-04 22:45:00,6060.8 +2019-12-04 23:00:00,5978.0 +2019-12-04 23:15:00,5855.6 +2019-12-04 23:30:00,5744.8 +2019-12-04 23:45:00,5694.0 +2019-12-05 00:00:00,5636.0 +2019-12-05 00:15:00,5549.2 +2019-12-05 00:30:00,5507.6 +2019-12-05 00:45:00,5459.6 +2019-12-05 01:00:00,5422.4 +2019-12-05 01:15:00,5390.4 +2019-12-05 01:30:00,5342.8 +2019-12-05 01:45:00,5308.8 +2019-12-05 02:00:00,5302.0 +2019-12-05 02:15:00,5267.6 +2019-12-05 02:30:00,5284.8 +2019-12-05 02:45:00,5278.8 +2019-12-05 03:00:00,5259.6 +2019-12-05 03:15:00,5252.0 +2019-12-05 03:30:00,5274.8 +2019-12-05 03:45:00,5297.6 +2019-12-05 04:00:00,5344.8 +2019-12-05 04:15:00,5339.2 +2019-12-05 04:30:00,5388.4 +2019-12-05 04:45:00,5420.8 +2019-12-05 05:00:00,5584.0 +2019-12-05 05:15:00,5662.4 +2019-12-05 05:30:00,5806.8 +2019-12-05 05:45:00,5959.6 +2019-12-05 06:00:00,6238.4 +2019-12-05 06:15:00,6488.0 +2019-12-05 06:30:00,6667.6 +2019-12-05 06:45:00,6852.8 +2019-12-05 07:00:00,7045.2 +2019-12-05 07:15:00,7184.0 +2019-12-05 07:30:00,7274.0 +2019-12-05 07:45:00,7306.8 +2019-12-05 08:00:00,7339.2 +2019-12-05 08:15:00,7371.6 +2019-12-05 08:30:00,7389.6 +2019-12-05 08:45:00,7378.4 +2019-12-05 09:00:00,7344.8 +2019-12-05 09:15:00,7357.2 +2019-12-05 09:30:00,7368.0 +2019-12-05 09:45:00,7401.2 +2019-12-05 10:00:00,7366.4 +2019-12-05 10:15:00,7350.0 +2019-12-05 10:30:00,7315.2 +2019-12-05 10:45:00,7336.0 +2019-12-05 11:00:00,7296.8 +2019-12-05 11:15:00,7322.0 +2019-12-05 11:30:00,7334.8 +2019-12-05 11:45:00,7341.2 +2019-12-05 12:00:00,7267.6 +2019-12-05 12:15:00,7269.6 +2019-12-05 12:30:00,7238.8 +2019-12-05 12:45:00,7239.2 +2019-12-05 13:00:00,7212.0 +2019-12-05 13:15:00,7223.2 +2019-12-05 13:30:00,7203.2 +2019-12-05 13:45:00,7150.0 +2019-12-05 14:00:00,7172.0 +2019-12-05 14:15:00,7160.4 +2019-12-05 14:30:00,7169.6 +2019-12-05 14:45:00,7172.0 +2019-12-05 15:00:00,7208.0 +2019-12-05 15:15:00,7209.2 +2019-12-05 15:30:00,7204.8 +2019-12-05 15:45:00,7238.0 +2019-12-05 16:00:00,7306.4 +2019-12-05 16:15:00,7387.6 +2019-12-05 16:30:00,7446.0 +2019-12-05 16:45:00,7560.4 +2019-12-05 17:00:00,7630.8 +2019-12-05 17:15:00,7650.4 +2019-12-05 17:30:00,7693.2 +2019-12-05 17:45:00,7696.8 +2019-12-05 18:00:00,7676.4 +2019-12-05 18:15:00,7642.0 +2019-12-05 18:30:00,7634.8 +2019-12-05 18:45:00,7623.6 +2019-12-05 19:00:00,7550.4 +2019-12-05 19:15:00,7467.6 +2019-12-05 19:30:00,7403.2 +2019-12-05 19:45:00,7311.6 +2019-12-05 20:00:00,7124.4 +2019-12-05 20:15:00,7019.2 +2019-12-05 20:30:00,6939.6 +2019-12-05 20:45:00,6848.4 +2019-12-05 21:00:00,6756.8 +2019-12-05 21:15:00,6664.4 +2019-12-05 21:30:00,6598.8 +2019-12-05 21:45:00,6503.2 +2019-12-05 22:00:00,6498.4 +2019-12-05 22:15:00,6432.4 +2019-12-05 22:30:00,6342.4 +2019-12-05 22:45:00,6219.2 +2019-12-05 23:00:00,6125.2 +2019-12-05 23:15:00,6010.0 +2019-12-05 23:30:00,5948.4 +2019-12-05 23:45:00,5862.4 +2019-12-06 00:00:00,5794.0 +2019-12-06 00:15:00,5708.4 +2019-12-06 00:30:00,5679.6 +2019-12-06 00:45:00,5634.0 +2019-12-06 01:00:00,5566.4 +2019-12-06 01:15:00,5527.6 +2019-12-06 01:30:00,5504.8 +2019-12-06 01:45:00,5515.2 +2019-12-06 02:00:00,5452.4 +2019-12-06 02:15:00,5449.2 +2019-12-06 02:30:00,5428.4 +2019-12-06 02:45:00,5442.4 +2019-12-06 03:00:00,5462.0 +2019-12-06 03:15:00,5454.4 +2019-12-06 03:30:00,5463.2 +2019-12-06 03:45:00,5504.0 +2019-12-06 04:00:00,5495.2 +2019-12-06 04:15:00,5503.2 +2019-12-06 04:30:00,5567.6 +2019-12-06 04:45:00,5630.4 +2019-12-06 05:00:00,5748.0 +2019-12-06 05:15:00,5822.0 +2019-12-06 05:30:00,5907.2 +2019-12-06 05:45:00,6059.6 +2019-12-06 06:00:00,6339.2 +2019-12-06 06:15:00,6564.4 +2019-12-06 06:30:00,6769.6 +2019-12-06 06:45:00,6936.8 +2019-12-06 07:00:00,7202.4 +2019-12-06 07:15:00,7329.6 +2019-12-06 07:30:00,7428.0 +2019-12-06 07:45:00,7464.8 +2019-12-06 08:00:00,7482.0 +2019-12-06 08:15:00,7522.0 +2019-12-06 08:30:00,7542.0 +2019-12-06 08:45:00,7514.8 +2019-12-06 09:00:00,7466.4 +2019-12-06 09:15:00,7468.0 +2019-12-06 09:30:00,7501.2 +2019-12-06 09:45:00,7534.4 +2019-12-06 10:00:00,7513.6 +2019-12-06 10:15:00,7523.6 +2019-12-06 10:30:00,7526.0 +2019-12-06 10:45:00,7551.2 +2019-12-06 11:00:00,7554.8 +2019-12-06 11:15:00,7548.8 +2019-12-06 11:30:00,7535.6 +2019-12-06 11:45:00,7526.8 +2019-12-06 12:00:00,7476.8 +2019-12-06 12:15:00,7441.6 +2019-12-06 12:30:00,7424.4 +2019-12-06 12:45:00,7415.2 +2019-12-06 13:00:00,7400.8 +2019-12-06 13:15:00,7330.0 +2019-12-06 13:30:00,7318.8 +2019-12-06 13:45:00,7251.2 +2019-12-06 14:00:00,7257.2 +2019-12-06 14:15:00,7217.2 +2019-12-06 14:30:00,7209.2 +2019-12-06 14:45:00,7189.2 +2019-12-06 15:00:00,7234.4 +2019-12-06 15:15:00,7179.2 +2019-12-06 15:30:00,7200.0 +2019-12-06 15:45:00,7192.0 +2019-12-06 16:00:00,7276.8 +2019-12-06 16:15:00,7335.6 +2019-12-06 16:30:00,7409.2 +2019-12-06 16:45:00,7460.0 +2019-12-06 17:00:00,7492.0 +2019-12-06 17:15:00,7485.6 +2019-12-06 17:30:00,7446.8 +2019-12-06 17:45:00,7417.6 +2019-12-06 18:00:00,7379.6 +2019-12-06 18:15:00,7352.0 +2019-12-06 18:30:00,7336.0 +2019-12-06 18:45:00,7328.4 +2019-12-06 19:00:00,7212.4 +2019-12-06 19:15:00,7154.4 +2019-12-06 19:30:00,7087.2 +2019-12-06 19:45:00,7006.4 +2019-12-06 20:00:00,6877.2 +2019-12-06 20:15:00,6764.4 +2019-12-06 20:30:00,6692.8 +2019-12-06 20:45:00,6617.6 +2019-12-06 21:00:00,6509.6 +2019-12-06 21:15:00,6454.4 +2019-12-06 21:30:00,6363.6 +2019-12-06 21:45:00,6299.6 +2019-12-06 22:00:00,6205.2 +2019-12-06 22:15:00,6132.8 +2019-12-06 22:30:00,6059.6 +2019-12-06 22:45:00,5956.0 +2019-12-06 23:00:00,5879.6 +2019-12-06 23:15:00,5763.2 +2019-12-06 23:30:00,5731.2 +2019-12-06 23:45:00,5641.2 +2019-12-07 00:00:00,5581.2 +2019-12-07 00:15:00,5509.6 +2019-12-07 00:30:00,5459.6 +2019-12-07 00:45:00,5412.0 +2019-12-07 01:00:00,5333.2 +2019-12-07 01:15:00,5285.6 +2019-12-07 01:30:00,5242.4 +2019-12-07 01:45:00,5194.8 +2019-12-07 02:00:00,5127.2 +2019-12-07 02:15:00,5090.4 +2019-12-07 02:30:00,5076.0 +2019-12-07 02:45:00,5080.8 +2019-12-07 03:00:00,5040.8 +2019-12-07 03:15:00,5015.6 +2019-12-07 03:30:00,5005.6 +2019-12-07 03:45:00,5006.8 +2019-12-07 04:00:00,5014.4 +2019-12-07 04:15:00,5010.4 +2019-12-07 04:30:00,5027.2 +2019-12-07 04:45:00,5057.6 +2019-12-07 05:00:00,5089.2 +2019-12-07 05:15:00,5072.8 +2019-12-07 05:30:00,5060.0 +2019-12-07 05:45:00,5090.0 +2019-12-07 06:00:00,5132.4 +2019-12-07 06:15:00,5191.2 +2019-12-07 06:30:00,5231.2 +2019-12-07 06:45:00,5291.6 +2019-12-07 07:00:00,5444.0 +2019-12-07 07:15:00,5490.0 +2019-12-07 07:30:00,5557.2 +2019-12-07 07:45:00,5624.8 +2019-12-07 08:00:00,5709.2 +2019-12-07 08:15:00,5775.6 +2019-12-07 08:30:00,5834.8 +2019-12-07 08:45:00,5903.6 +2019-12-07 09:00:00,6002.0 +2019-12-07 09:15:00,6064.8 +2019-12-07 09:30:00,6144.0 +2019-12-07 09:45:00,6216.0 +2019-12-07 10:00:00,6236.4 +2019-12-07 10:15:00,6242.4 +2019-12-07 10:30:00,6267.6 +2019-12-07 10:45:00,6310.4 +2019-12-07 11:00:00,6351.6 +2019-12-07 11:15:00,6354.0 +2019-12-07 11:30:00,6366.8 +2019-12-07 11:45:00,6364.8 +2019-12-07 12:00:00,6303.2 +2019-12-07 12:15:00,6304.4 +2019-12-07 12:30:00,6260.0 +2019-12-07 12:45:00,6237.2 +2019-12-07 13:00:00,6223.6 +2019-12-07 13:15:00,6131.2 +2019-12-07 13:30:00,6088.0 +2019-12-07 13:45:00,6004.4 +2019-12-07 14:00:00,5973.6 +2019-12-07 14:15:00,5914.8 +2019-12-07 14:30:00,5890.0 +2019-12-07 14:45:00,5871.6 +2019-12-07 15:00:00,5930.8 +2019-12-07 15:15:00,5904.8 +2019-12-07 15:30:00,5888.0 +2019-12-07 15:45:00,5916.8 +2019-12-07 16:00:00,5986.4 +2019-12-07 16:15:00,6036.4 +2019-12-07 16:30:00,6128.0 +2019-12-07 16:45:00,6200.0 +2019-12-07 17:00:00,6282.0 +2019-12-07 17:15:00,6282.4 +2019-12-07 17:30:00,6317.6 +2019-12-07 17:45:00,6323.6 +2019-12-07 18:00:00,6322.8 +2019-12-07 18:15:00,6306.0 +2019-12-07 18:30:00,6273.6 +2019-12-07 18:45:00,6272.0 +2019-12-07 19:00:00,6205.6 +2019-12-07 19:15:00,6131.2 +2019-12-07 19:30:00,6076.0 +2019-12-07 19:45:00,6014.4 +2019-12-07 20:00:00,5861.6 +2019-12-07 20:15:00,5753.2 +2019-12-07 20:30:00,5685.6 +2019-12-07 20:45:00,5616.0 +2019-12-07 21:00:00,5560.0 +2019-12-07 21:15:00,5544.8 +2019-12-07 21:30:00,5490.0 +2019-12-07 21:45:00,5449.6 +2019-12-07 22:00:00,5447.2 +2019-12-07 22:15:00,5379.2 +2019-12-07 22:30:00,5351.2 +2019-12-07 22:45:00,5241.6 +2019-12-07 23:00:00,5195.6 +2019-12-07 23:15:00,5103.2 +2019-12-07 23:30:00,5053.6 +2019-12-07 23:45:00,4959.6 +2019-12-08 00:00:00,4830.0 +2019-12-08 00:15:00,4732.4 +2019-12-08 00:30:00,4672.8 +2019-12-08 00:45:00,4622.8 +2019-12-08 01:00:00,4594.4 +2019-12-08 01:15:00,4539.2 +2019-12-08 01:30:00,4508.8 +2019-12-08 01:45:00,4479.2 +2019-12-08 02:00:00,4442.8 +2019-12-08 02:15:00,4442.0 +2019-12-08 02:30:00,4424.8 +2019-12-08 02:45:00,4405.6 +2019-12-08 03:00:00,4412.0 +2019-12-08 03:15:00,4396.8 +2019-12-08 03:30:00,4416.8 +2019-12-08 03:45:00,4446.0 +2019-12-08 04:00:00,4539.6 +2019-12-08 04:15:00,4561.6 +2019-12-08 04:30:00,4595.2 +2019-12-08 04:45:00,4584.8 +2019-12-08 05:00:00,4631.6 +2019-12-08 05:15:00,4632.8 +2019-12-08 05:30:00,4628.4 +2019-12-08 05:45:00,4617.6 +2019-12-08 06:00:00,4643.6 +2019-12-08 06:15:00,4654.0 +2019-12-08 06:30:00,4707.2 +2019-12-08 06:45:00,4734.0 +2019-12-08 07:00:00,4837.6 +2019-12-08 07:15:00,4894.0 +2019-12-08 07:30:00,4956.0 +2019-12-08 07:45:00,5009.6 +2019-12-08 08:00:00,5136.8 +2019-12-08 08:15:00,5208.0 +2019-12-08 08:30:00,5303.6 +2019-12-08 08:45:00,5361.6 +2019-12-08 09:00:00,5442.4 +2019-12-08 09:15:00,5522.4 +2019-12-08 09:30:00,5634.0 +2019-12-08 09:45:00,5722.0 +2019-12-08 10:00:00,5808.0 +2019-12-08 10:15:00,5871.2 +2019-12-08 10:30:00,5909.2 +2019-12-08 10:45:00,5950.8 +2019-12-08 11:00:00,6002.4 +2019-12-08 11:15:00,6051.6 +2019-12-08 11:30:00,6114.4 +2019-12-08 11:45:00,6159.6 +2019-12-08 12:00:00,6155.2 +2019-12-08 12:15:00,6148.0 +2019-12-08 12:30:00,6095.2 +2019-12-08 12:45:00,6051.2 +2019-12-08 13:00:00,6017.6 +2019-12-08 13:15:00,5958.4 +2019-12-08 13:30:00,5948.4 +2019-12-08 13:45:00,5895.2 +2019-12-08 14:00:00,5866.4 +2019-12-08 14:15:00,5840.4 +2019-12-08 14:30:00,5807.2 +2019-12-08 14:45:00,5774.8 +2019-12-08 15:00:00,5773.6 +2019-12-08 15:15:00,5746.8 +2019-12-08 15:30:00,5749.2 +2019-12-08 15:45:00,5739.6 +2019-12-08 16:00:00,5788.0 +2019-12-08 16:15:00,5858.0 +2019-12-08 16:30:00,5920.4 +2019-12-08 16:45:00,6042.0 +2019-12-08 17:00:00,6053.6 +2019-12-08 17:15:00,6095.6 +2019-12-08 17:30:00,6103.2 +2019-12-08 17:45:00,6116.8 +2019-12-08 18:00:00,6125.6 +2019-12-08 18:15:00,6115.6 +2019-12-08 18:30:00,6079.6 +2019-12-08 18:45:00,6077.2 +2019-12-08 19:00:00,6052.4 +2019-12-08 19:15:00,6014.0 +2019-12-08 19:30:00,5929.6 +2019-12-08 19:45:00,5872.0 +2019-12-08 20:00:00,5796.4 +2019-12-08 20:15:00,5720.4 +2019-12-08 20:30:00,5631.6 +2019-12-08 20:45:00,5609.2 +2019-12-08 21:00:00,5604.4 +2019-12-08 21:15:00,5553.6 +2019-12-08 21:30:00,5511.2 +2019-12-08 21:45:00,5498.8 +2019-12-08 22:00:00,5561.2 +2019-12-08 22:15:00,5536.4 +2019-12-08 22:30:00,5453.2 +2019-12-08 22:45:00,5356.8 +2019-12-08 23:00:00,5238.4 +2019-12-08 23:15:00,5154.4 +2019-12-08 23:30:00,5043.2 +2019-12-08 23:45:00,5014.0 +2019-12-09 00:00:00,5038.0 +2019-12-09 00:15:00,5008.0 +2019-12-09 00:30:00,4943.2 +2019-12-09 00:45:00,4930.4 +2019-12-09 01:00:00,4888.8 +2019-12-09 01:15:00,4871.6 +2019-12-09 01:30:00,4834.8 +2019-12-09 01:45:00,4818.0 +2019-12-09 02:00:00,4820.0 +2019-12-09 02:15:00,4805.2 +2019-12-09 02:30:00,4807.6 +2019-12-09 02:45:00,4824.8 +2019-12-09 03:00:00,4853.6 +2019-12-09 03:15:00,4844.8 +2019-12-09 03:30:00,4863.6 +2019-12-09 03:45:00,4906.8 +2019-12-09 04:00:00,4978.4 +2019-12-09 04:15:00,5004.4 +2019-12-09 04:30:00,5047.6 +2019-12-09 04:45:00,5124.4 +2019-12-09 05:00:00,5271.2 +2019-12-09 05:15:00,5351.2 +2019-12-09 05:30:00,5487.2 +2019-12-09 05:45:00,5656.8 +2019-12-09 06:00:00,6006.8 +2019-12-09 06:15:00,6230.8 +2019-12-09 06:30:00,6453.2 +2019-12-09 06:45:00,6617.2 +2019-12-09 07:00:00,6851.6 +2019-12-09 07:15:00,6998.0 +2019-12-09 07:30:00,7146.0 +2019-12-09 07:45:00,7217.2 +2019-12-09 08:00:00,7240.8 +2019-12-09 08:15:00,7260.8 +2019-12-09 08:30:00,7238.8 +2019-12-09 08:45:00,7186.8 +2019-12-09 09:00:00,7140.8 +2019-12-09 09:15:00,7169.2 +2019-12-09 09:30:00,7178.0 +2019-12-09 09:45:00,7222.4 +2019-12-09 10:00:00,7259.6 +2019-12-09 10:15:00,7264.0 +2019-12-09 10:30:00,7293.2 +2019-12-09 10:45:00,7324.0 +2019-12-09 11:00:00,7308.0 +2019-12-09 11:15:00,7307.6 +2019-12-09 11:30:00,7317.2 +2019-12-09 11:45:00,7303.6 +2019-12-09 12:00:00,7288.8 +2019-12-09 12:15:00,7238.4 +2019-12-09 12:30:00,7283.2 +2019-12-09 12:45:00,7238.0 +2019-12-09 13:00:00,7256.4 +2019-12-09 13:15:00,7248.4 +2019-12-09 13:30:00,7189.6 +2019-12-09 13:45:00,7118.4 +2019-12-09 14:00:00,7142.4 +2019-12-09 14:15:00,7141.2 +2019-12-09 14:30:00,7144.0 +2019-12-09 14:45:00,7106.0 +2019-12-09 15:00:00,7113.2 +2019-12-09 15:15:00,7092.8 +2019-12-09 15:30:00,7112.8 +2019-12-09 15:45:00,7113.2 +2019-12-09 16:00:00,7134.0 +2019-12-09 16:15:00,7167.2 +2019-12-09 16:30:00,7218.0 +2019-12-09 16:45:00,7280.8 +2019-12-09 17:00:00,7378.0 +2019-12-09 17:15:00,7392.8 +2019-12-09 17:30:00,7406.8 +2019-12-09 17:45:00,7401.2 +2019-12-09 18:00:00,7369.6 +2019-12-09 18:15:00,7352.0 +2019-12-09 18:30:00,7346.0 +2019-12-09 18:45:00,7298.0 +2019-12-09 19:00:00,7238.4 +2019-12-09 19:15:00,7148.8 +2019-12-09 19:30:00,7078.4 +2019-12-09 19:45:00,7010.4 +2019-12-09 20:00:00,6912.0 +2019-12-09 20:15:00,6791.2 +2019-12-09 20:30:00,6702.8 +2019-12-09 20:45:00,6597.6 +2019-12-09 21:00:00,6525.2 +2019-12-09 21:15:00,6423.2 +2019-12-09 21:30:00,6324.4 +2019-12-09 21:45:00,6234.4 +2019-12-09 22:00:00,6198.0 +2019-12-09 22:15:00,6112.4 +2019-12-09 22:30:00,5997.2 +2019-12-09 22:45:00,5904.8 +2019-12-09 23:00:00,5799.6 +2019-12-09 23:15:00,5707.2 +2019-12-09 23:30:00,5630.0 +2019-12-09 23:45:00,5586.0 +2019-12-10 00:00:00,5496.8 +2019-12-10 00:15:00,5460.8 +2019-12-10 00:30:00,5445.2 +2019-12-10 00:45:00,5362.4 +2019-12-10 01:00:00,5307.6 +2019-12-10 01:15:00,5284.0 +2019-12-10 01:30:00,5250.4 +2019-12-10 01:45:00,5200.0 +2019-12-10 02:00:00,5134.4 +2019-12-10 02:15:00,5113.6 +2019-12-10 02:30:00,5126.8 +2019-12-10 02:45:00,5139.6 +2019-12-10 03:00:00,5140.0 +2019-12-10 03:15:00,5138.0 +2019-12-10 03:30:00,5160.4 +2019-12-10 03:45:00,5168.8 +2019-12-10 04:00:00,5284.4 +2019-12-10 04:15:00,5326.0 +2019-12-10 04:30:00,5351.6 +2019-12-10 04:45:00,5401.6 +2019-12-10 05:00:00,5654.4 +2019-12-10 05:15:00,5702.4 +2019-12-10 05:30:00,5761.6 +2019-12-10 05:45:00,5891.6 +2019-12-10 06:00:00,6178.0 +2019-12-10 06:15:00,6379.2 +2019-12-10 06:30:00,6582.0 +2019-12-10 06:45:00,6753.2 +2019-12-10 07:00:00,6919.2 +2019-12-10 07:15:00,7048.8 +2019-12-10 07:30:00,7130.4 +2019-12-10 07:45:00,7171.6 +2019-12-10 08:00:00,7239.2 +2019-12-10 08:15:00,7280.0 +2019-12-10 08:30:00,7254.0 +2019-12-10 08:45:00,7280.8 +2019-12-10 09:00:00,7271.6 +2019-12-10 09:15:00,7266.8 +2019-12-10 09:30:00,7279.2 +2019-12-10 09:45:00,7306.4 +2019-12-10 10:00:00,7288.0 +2019-12-10 10:15:00,7278.0 +2019-12-10 10:30:00,7245.2 +2019-12-10 10:45:00,7236.8 +2019-12-10 11:00:00,7232.0 +2019-12-10 11:15:00,7239.2 +2019-12-10 11:30:00,7256.0 +2019-12-10 11:45:00,7226.0 +2019-12-10 12:00:00,7223.2 +2019-12-10 12:15:00,7210.0 +2019-12-10 12:30:00,7200.0 +2019-12-10 12:45:00,7204.8 +2019-12-10 13:00:00,7217.6 +2019-12-10 13:15:00,7202.4 +2019-12-10 13:30:00,7154.8 +2019-12-10 13:45:00,7143.2 +2019-12-10 14:00:00,7167.2 +2019-12-10 14:15:00,7158.4 +2019-12-10 14:30:00,7129.6 +2019-12-10 14:45:00,7129.2 +2019-12-10 15:00:00,7074.0 +2019-12-10 15:15:00,7069.2 +2019-12-10 15:30:00,7070.4 +2019-12-10 15:45:00,7078.4 +2019-12-10 16:00:00,7152.8 +2019-12-10 16:15:00,7226.0 +2019-12-10 16:30:00,7360.8 +2019-12-10 16:45:00,7470.8 +2019-12-10 17:00:00,7565.2 +2019-12-10 17:15:00,7636.0 +2019-12-10 17:30:00,7651.2 +2019-12-10 17:45:00,7682.4 +2019-12-10 18:00:00,7654.0 +2019-12-10 18:15:00,7648.8 +2019-12-10 18:30:00,7632.0 +2019-12-10 18:45:00,7643.6 +2019-12-10 19:00:00,7577.6 +2019-12-10 19:15:00,7527.6 +2019-12-10 19:30:00,7473.6 +2019-12-10 19:45:00,7385.2 +2019-12-10 20:00:00,7281.2 +2019-12-10 20:15:00,7149.2 +2019-12-10 20:30:00,7056.4 +2019-12-10 20:45:00,6989.2 +2019-12-10 21:00:00,6861.2 +2019-12-10 21:15:00,6777.6 +2019-12-10 21:30:00,6699.2 +2019-12-10 21:45:00,6601.6 +2019-12-10 22:00:00,6467.2 +2019-12-10 22:15:00,6406.8 +2019-12-10 22:30:00,6306.0 +2019-12-10 22:45:00,6224.8 +2019-12-10 23:00:00,6086.8 +2019-12-10 23:15:00,5991.6 +2019-12-10 23:30:00,5909.2 +2019-12-10 23:45:00,5842.4 +2019-12-11 00:00:00,5713.2 +2019-12-11 00:15:00,5659.6 +2019-12-11 00:30:00,5596.8 +2019-12-11 00:45:00,5543.6 +2019-12-11 01:00:00,5478.4 +2019-12-11 01:15:00,5448.4 +2019-12-11 01:30:00,5410.8 +2019-12-11 01:45:00,5398.0 +2019-12-11 02:00:00,5343.6 +2019-12-11 02:15:00,5338.8 +2019-12-11 02:30:00,5354.0 +2019-12-11 02:45:00,5368.4 +2019-12-11 03:00:00,5386.4 +2019-12-11 03:15:00,5387.2 +2019-12-11 03:30:00,5403.6 +2019-12-11 03:45:00,5420.8 +2019-12-11 04:00:00,5444.4 +2019-12-11 04:15:00,5443.6 +2019-12-11 04:30:00,5506.8 +2019-12-11 04:45:00,5551.2 +2019-12-11 05:00:00,5665.6 +2019-12-11 05:15:00,5741.2 +2019-12-11 05:30:00,5863.2 +2019-12-11 05:45:00,6007.6 +2019-12-11 06:00:00,6298.8 +2019-12-11 06:15:00,6499.6 +2019-12-11 06:30:00,6684.0 +2019-12-11 06:45:00,6858.4 +2019-12-11 07:00:00,7088.8 +2019-12-11 07:15:00,7217.6 +2019-12-11 07:30:00,7298.4 +2019-12-11 07:45:00,7389.6 +2019-12-11 08:00:00,7452.4 +2019-12-11 08:15:00,7450.8 +2019-12-11 08:30:00,7458.8 +2019-12-11 08:45:00,7448.8 +2019-12-11 09:00:00,7404.4 +2019-12-11 09:15:00,7436.8 +2019-12-11 09:30:00,7462.8 +2019-12-11 09:45:00,7453.2 +2019-12-11 10:00:00,7454.8 +2019-12-11 10:15:00,7466.4 +2019-12-11 10:30:00,7486.8 +2019-12-11 10:45:00,7489.6 +2019-12-11 11:00:00,7480.8 +2019-12-11 11:15:00,7482.4 +2019-12-11 11:30:00,7488.0 +2019-12-11 11:45:00,7481.2 +2019-12-11 12:00:00,7443.2 +2019-12-11 12:15:00,7427.2 +2019-12-11 12:30:00,7407.6 +2019-12-11 12:45:00,7390.4 +2019-12-11 13:00:00,7420.4 +2019-12-11 13:15:00,7388.4 +2019-12-11 13:30:00,7356.0 +2019-12-11 13:45:00,7280.8 +2019-12-11 14:00:00,7324.0 +2019-12-11 14:15:00,7293.2 +2019-12-11 14:30:00,7288.8 +2019-12-11 14:45:00,7275.6 +2019-12-11 15:00:00,7310.4 +2019-12-11 15:15:00,7288.4 +2019-12-11 15:30:00,7296.0 +2019-12-11 15:45:00,7272.8 +2019-12-11 16:00:00,7316.8 +2019-12-11 16:15:00,7364.0 +2019-12-11 16:30:00,7430.4 +2019-12-11 16:45:00,7475.2 +2019-12-11 17:00:00,7450.0 +2019-12-11 17:15:00,7441.2 +2019-12-11 17:30:00,7445.2 +2019-12-11 17:45:00,7424.8 +2019-12-11 18:00:00,7438.4 +2019-12-11 18:15:00,7391.6 +2019-12-11 18:30:00,7378.0 +2019-12-11 18:45:00,7361.2 +2019-12-11 19:00:00,7287.2 +2019-12-11 19:15:00,7228.8 +2019-12-11 19:30:00,7148.8 +2019-12-11 19:45:00,7073.2 +2019-12-11 20:00:00,6951.6 +2019-12-11 20:15:00,6858.0 +2019-12-11 20:30:00,6747.2 +2019-12-11 20:45:00,6683.6 +2019-12-11 21:00:00,6560.4 +2019-12-11 21:15:00,6458.8 +2019-12-11 21:30:00,6355.6 +2019-12-11 21:45:00,6282.4 +2019-12-11 22:00:00,6256.4 +2019-12-11 22:15:00,6211.2 +2019-12-11 22:30:00,6080.8 +2019-12-11 22:45:00,5952.8 +2019-12-11 23:00:00,5822.4 +2019-12-11 23:15:00,5706.4 +2019-12-11 23:30:00,5614.4 +2019-12-11 23:45:00,5542.0 +2019-12-12 00:00:00,5452.4 +2019-12-12 00:15:00,5412.4 +2019-12-12 00:30:00,5367.2 +2019-12-12 00:45:00,5286.4 +2019-12-12 01:00:00,5243.2 +2019-12-12 01:15:00,5221.2 +2019-12-12 01:30:00,5198.0 +2019-12-12 01:45:00,5142.0 +2019-12-12 02:00:00,5176.0 +2019-12-12 02:15:00,5158.4 +2019-12-12 02:30:00,5135.2 +2019-12-12 02:45:00,5134.0 +2019-12-12 03:00:00,5106.8 +2019-12-12 03:15:00,5128.8 +2019-12-12 03:30:00,5158.8 +2019-12-12 03:45:00,5174.8 +2019-12-12 04:00:00,5205.6 +2019-12-12 04:15:00,5243.6 +2019-12-12 04:30:00,5289.6 +2019-12-12 04:45:00,5349.6 +2019-12-12 05:00:00,5488.4 +2019-12-12 05:15:00,5563.6 +2019-12-12 05:30:00,5660.4 +2019-12-12 05:45:00,5825.6 +2019-12-12 06:00:00,6111.2 +2019-12-12 06:15:00,6347.6 +2019-12-12 06:30:00,6542.0 +2019-12-12 06:45:00,6723.2 +2019-12-12 07:00:00,6914.8 +2019-12-12 07:15:00,7028.4 +2019-12-12 07:30:00,7130.8 +2019-12-12 07:45:00,7203.6 +2019-12-12 08:00:00,7258.0 +2019-12-12 08:15:00,7281.6 +2019-12-12 08:30:00,7318.8 +2019-12-12 08:45:00,7327.2 +2019-12-12 09:00:00,7280.4 +2019-12-12 09:15:00,7296.4 +2019-12-12 09:30:00,7337.2 +2019-12-12 09:45:00,7348.4 +2019-12-12 10:00:00,7323.6 +2019-12-12 10:15:00,7326.8 +2019-12-12 10:30:00,7343.2 +2019-12-12 10:45:00,7354.4 +2019-12-12 11:00:00,7415.6 +2019-12-12 11:15:00,7445.6 +2019-12-12 11:30:00,7428.4 +2019-12-12 11:45:00,7410.8 +2019-12-12 12:00:00,7410.8 +2019-12-12 12:15:00,7408.4 +2019-12-12 12:30:00,7406.8 +2019-12-12 12:45:00,7381.2 +2019-12-12 13:00:00,7402.4 +2019-12-12 13:15:00,7406.4 +2019-12-12 13:30:00,7354.0 +2019-12-12 13:45:00,7287.6 +2019-12-12 14:00:00,7265.2 +2019-12-12 14:15:00,7257.6 +2019-12-12 14:30:00,7253.2 +2019-12-12 14:45:00,7221.6 +2019-12-12 15:00:00,7248.0 +2019-12-12 15:15:00,7210.8 +2019-12-12 15:30:00,7207.6 +2019-12-12 15:45:00,7197.2 +2019-12-12 16:00:00,7240.4 +2019-12-12 16:15:00,7298.8 +2019-12-12 16:30:00,7366.4 +2019-12-12 16:45:00,7456.8 +2019-12-12 17:00:00,7466.0 +2019-12-12 17:15:00,7464.4 +2019-12-12 17:30:00,7463.6 +2019-12-12 17:45:00,7474.0 +2019-12-12 18:00:00,7472.8 +2019-12-12 18:15:00,7452.8 +2019-12-12 18:30:00,7450.4 +2019-12-12 18:45:00,7441.2 +2019-12-12 19:00:00,7430.8 +2019-12-12 19:15:00,7356.8 +2019-12-12 19:30:00,7307.2 +2019-12-12 19:45:00,7238.0 +2019-12-12 20:00:00,7139.6 +2019-12-12 20:15:00,7034.4 +2019-12-12 20:30:00,6940.4 +2019-12-12 20:45:00,6830.4 +2019-12-12 21:00:00,6714.4 +2019-12-12 21:15:00,6652.8 +2019-12-12 21:30:00,6596.8 +2019-12-12 21:45:00,6537.6 +2019-12-12 22:00:00,6438.4 +2019-12-12 22:15:00,6350.8 +2019-12-12 22:30:00,6256.4 +2019-12-12 22:45:00,6186.0 +2019-12-12 23:00:00,6042.8 +2019-12-12 23:15:00,5930.8 +2019-12-12 23:30:00,5856.0 +2019-12-12 23:45:00,5801.6 +2019-12-13 00:00:00,5582.8 +2019-12-13 00:15:00,5536.4 +2019-12-13 00:30:00,5528.8 +2019-12-13 00:45:00,5474.0 +2019-12-13 01:00:00,5386.4 +2019-12-13 01:15:00,5353.6 +2019-12-13 01:30:00,5329.2 +2019-12-13 01:45:00,5318.4 +2019-12-13 02:00:00,5259.6 +2019-12-13 02:15:00,5225.6 +2019-12-13 02:30:00,5229.2 +2019-12-13 02:45:00,5257.6 +2019-12-13 03:00:00,5304.0 +2019-12-13 03:15:00,5318.0 +2019-12-13 03:30:00,5351.6 +2019-12-13 03:45:00,5356.4 +2019-12-13 04:00:00,5381.6 +2019-12-13 04:15:00,5394.4 +2019-12-13 04:30:00,5440.0 +2019-12-13 04:45:00,5466.8 +2019-12-13 05:00:00,5599.6 +2019-12-13 05:15:00,5670.4 +2019-12-13 05:30:00,5758.0 +2019-12-13 05:45:00,5929.2 +2019-12-13 06:00:00,6167.6 +2019-12-13 06:15:00,6418.8 +2019-12-13 06:30:00,6569.2 +2019-12-13 06:45:00,6752.8 +2019-12-13 07:00:00,6992.0 +2019-12-13 07:15:00,7145.2 +2019-12-13 07:30:00,7221.6 +2019-12-13 07:45:00,7282.8 +2019-12-13 08:00:00,7355.2 +2019-12-13 08:15:00,7392.0 +2019-12-13 08:30:00,7391.2 +2019-12-13 08:45:00,7400.0 +2019-12-13 09:00:00,7381.2 +2019-12-13 09:15:00,7383.2 +2019-12-13 09:30:00,7405.6 +2019-12-13 09:45:00,7397.6 +2019-12-13 10:00:00,7420.0 +2019-12-13 10:15:00,7437.2 +2019-12-13 10:30:00,7440.8 +2019-12-13 10:45:00,7424.4 +2019-12-13 11:00:00,7422.4 +2019-12-13 11:15:00,7394.4 +2019-12-13 11:30:00,7408.0 +2019-12-13 11:45:00,7345.6 +2019-12-13 12:00:00,7257.2 +2019-12-13 12:15:00,7219.2 +2019-12-13 12:30:00,7195.6 +2019-12-13 12:45:00,7164.4 +2019-12-13 13:00:00,7147.6 +2019-12-13 13:15:00,7085.2 +2019-12-13 13:30:00,7065.6 +2019-12-13 13:45:00,6972.0 +2019-12-13 14:00:00,6943.2 +2019-12-13 14:15:00,6907.6 +2019-12-13 14:30:00,6892.4 +2019-12-13 14:45:00,6873.2 +2019-12-13 15:00:00,6858.4 +2019-12-13 15:15:00,6820.4 +2019-12-13 15:30:00,6839.6 +2019-12-13 15:45:00,6841.2 +2019-12-13 16:00:00,6880.0 +2019-12-13 16:15:00,6948.0 +2019-12-13 16:30:00,7024.0 +2019-12-13 16:45:00,7076.0 +2019-12-13 17:00:00,7095.2 +2019-12-13 17:15:00,7082.0 +2019-12-13 17:30:00,7058.0 +2019-12-13 17:45:00,7057.2 +2019-12-13 18:00:00,6992.4 +2019-12-13 18:15:00,6943.6 +2019-12-13 18:30:00,6924.0 +2019-12-13 18:45:00,6883.6 +2019-12-13 19:00:00,6832.0 +2019-12-13 19:15:00,6745.6 +2019-12-13 19:30:00,6650.8 +2019-12-13 19:45:00,6590.0 +2019-12-13 20:00:00,6490.4 +2019-12-13 20:15:00,6387.6 +2019-12-13 20:30:00,6288.8 +2019-12-13 20:45:00,6225.2 +2019-12-13 21:00:00,6165.6 +2019-12-13 21:15:00,6118.0 +2019-12-13 21:30:00,6037.6 +2019-12-13 21:45:00,5963.6 +2019-12-13 22:00:00,5934.0 +2019-12-13 22:15:00,5834.4 +2019-12-13 22:30:00,5772.4 +2019-12-13 22:45:00,5669.2 +2019-12-13 23:00:00,5557.2 +2019-12-13 23:15:00,5460.0 +2019-12-13 23:30:00,5392.4 +2019-12-13 23:45:00,5324.8 +2019-12-14 00:00:00,5193.6 +2019-12-14 00:15:00,5114.4 +2019-12-14 00:30:00,5037.2 +2019-12-14 00:45:00,5016.8 +2019-12-14 01:00:00,4939.6 +2019-12-14 01:15:00,4894.4 +2019-12-14 01:30:00,4856.8 +2019-12-14 01:45:00,4828.4 +2019-12-14 02:00:00,4776.8 +2019-12-14 02:15:00,4744.8 +2019-12-14 02:30:00,4754.0 +2019-12-14 02:45:00,4765.6 +2019-12-14 03:00:00,4759.2 +2019-12-14 03:15:00,4742.4 +2019-12-14 03:30:00,4739.6 +2019-12-14 03:45:00,4758.4 +2019-12-14 04:00:00,4806.0 +2019-12-14 04:15:00,4834.8 +2019-12-14 04:30:00,4848.4 +2019-12-14 04:45:00,4875.2 +2019-12-14 05:00:00,4918.0 +2019-12-14 05:15:00,4898.8 +2019-12-14 05:30:00,4886.0 +2019-12-14 05:45:00,4900.0 +2019-12-14 06:00:00,4900.0 +2019-12-14 06:15:00,4946.8 +2019-12-14 06:30:00,4969.6 +2019-12-14 06:45:00,5024.0 +2019-12-14 07:00:00,5197.2 +2019-12-14 07:15:00,5285.2 +2019-12-14 07:30:00,5360.0 +2019-12-14 07:45:00,5449.6 +2019-12-14 08:00:00,5552.0 +2019-12-14 08:15:00,5630.8 +2019-12-14 08:30:00,5701.6 +2019-12-14 08:45:00,5787.2 +2019-12-14 09:00:00,5872.8 +2019-12-14 09:15:00,5946.0 +2019-12-14 09:30:00,6002.4 +2019-12-14 09:45:00,6065.2 +2019-12-14 10:00:00,6107.2 +2019-12-14 10:15:00,6150.4 +2019-12-14 10:30:00,6181.6 +2019-12-14 10:45:00,6186.0 +2019-12-14 11:00:00,6259.6 +2019-12-14 11:15:00,6324.4 +2019-12-14 11:30:00,6349.6 +2019-12-14 11:45:00,6347.2 +2019-12-14 12:00:00,6296.0 +2019-12-14 12:15:00,6277.6 +2019-12-14 12:30:00,6254.0 +2019-12-14 12:45:00,6217.6 +2019-12-14 13:00:00,6172.0 +2019-12-14 13:15:00,6140.0 +2019-12-14 13:30:00,6154.8 +2019-12-14 13:45:00,6137.6 +2019-12-14 14:00:00,6105.6 +2019-12-14 14:15:00,6067.2 +2019-12-14 14:30:00,6044.0 +2019-12-14 14:45:00,6016.0 +2019-12-14 15:00:00,6008.0 +2019-12-14 15:15:00,6020.8 +2019-12-14 15:30:00,6027.6 +2019-12-14 15:45:00,6052.0 +2019-12-14 16:00:00,6116.4 +2019-12-14 16:15:00,6200.4 +2019-12-14 16:30:00,6267.2 +2019-12-14 16:45:00,6332.4 +2019-12-14 17:00:00,6402.4 +2019-12-14 17:15:00,6460.8 +2019-12-14 17:30:00,6455.2 +2019-12-14 17:45:00,6459.6 +2019-12-14 18:00:00,6439.6 +2019-12-14 18:15:00,6400.4 +2019-12-14 18:30:00,6378.8 +2019-12-14 18:45:00,6336.8 +2019-12-14 19:00:00,6277.6 +2019-12-14 19:15:00,6212.4 +2019-12-14 19:30:00,6158.0 +2019-12-14 19:45:00,6080.0 +2019-12-14 20:00:00,5971.2 +2019-12-14 20:15:00,5872.4 +2019-12-14 20:30:00,5783.2 +2019-12-14 20:45:00,5704.4 +2019-12-14 21:00:00,5637.6 +2019-12-14 21:15:00,5605.6 +2019-12-14 21:30:00,5609.2 +2019-12-14 21:45:00,5590.4 +2019-12-14 22:00:00,5656.8 +2019-12-14 22:15:00,5585.6 +2019-12-14 22:30:00,5520.4 +2019-12-14 22:45:00,5452.4 +2019-12-14 23:00:00,5367.2 +2019-12-14 23:15:00,5281.6 +2019-12-14 23:30:00,5225.6 +2019-12-14 23:45:00,5122.8 +2019-12-15 00:00:00,4967.6 +2019-12-15 00:15:00,4877.6 +2019-12-15 00:30:00,4829.6 +2019-12-15 00:45:00,4747.2 +2019-12-15 01:00:00,4672.8 +2019-12-15 01:15:00,4606.8 +2019-12-15 01:30:00,4546.4 +2019-12-15 01:45:00,4492.0 +2019-12-15 02:00:00,4458.8 +2019-12-15 02:15:00,4442.0 +2019-12-15 02:30:00,4425.6 +2019-12-15 02:45:00,4431.6 +2019-12-15 03:00:00,4414.8 +2019-12-15 03:15:00,4404.8 +2019-12-15 03:30:00,4388.8 +2019-12-15 03:45:00,4393.2 +2019-12-15 04:00:00,4460.8 +2019-12-15 04:15:00,4463.6 +2019-12-15 04:30:00,4514.4 +2019-12-15 04:45:00,4539.2 +2019-12-15 05:00:00,4555.2 +2019-12-15 05:15:00,4528.4 +2019-12-15 05:30:00,4508.0 +2019-12-15 05:45:00,4504.8 +2019-12-15 06:00:00,4525.2 +2019-12-15 06:15:00,4542.8 +2019-12-15 06:30:00,4585.6 +2019-12-15 06:45:00,4620.4 +2019-12-15 07:00:00,4698.0 +2019-12-15 07:15:00,4775.2 +2019-12-15 07:30:00,4892.4 +2019-12-15 07:45:00,4954.0 +2019-12-15 08:00:00,5065.2 +2019-12-15 08:15:00,5144.8 +2019-12-15 08:30:00,5213.2 +2019-12-15 08:45:00,5273.2 +2019-12-15 09:00:00,5362.8 +2019-12-15 09:15:00,5431.6 +2019-12-15 09:30:00,5483.6 +2019-12-15 09:45:00,5532.0 +2019-12-15 10:00:00,5562.8 +2019-12-15 10:15:00,5628.8 +2019-12-15 10:30:00,5658.0 +2019-12-15 10:45:00,5744.4 +2019-12-15 11:00:00,5818.8 +2019-12-15 11:15:00,5879.2 +2019-12-15 11:30:00,5912.8 +2019-12-15 11:45:00,5916.0 +2019-12-15 12:00:00,5899.6 +2019-12-15 12:15:00,5850.0 +2019-12-15 12:30:00,5806.0 +2019-12-15 12:45:00,5784.0 +2019-12-15 13:00:00,5728.4 +2019-12-15 13:15:00,5661.2 +2019-12-15 13:30:00,5630.0 +2019-12-15 13:45:00,5574.8 +2019-12-15 14:00:00,5528.4 +2019-12-15 14:15:00,5486.4 +2019-12-15 14:30:00,5514.4 +2019-12-15 14:45:00,5494.8 +2019-12-15 15:00:00,5510.0 +2019-12-15 15:15:00,5494.0 +2019-12-15 15:30:00,5521.6 +2019-12-15 15:45:00,5534.8 +2019-12-15 16:00:00,5616.8 +2019-12-15 16:15:00,5659.2 +2019-12-15 16:30:00,5760.0 +2019-12-15 16:45:00,5874.8 +2019-12-15 17:00:00,6027.2 +2019-12-15 17:15:00,6057.2 +2019-12-15 17:30:00,6046.8 +2019-12-15 17:45:00,6083.2 +2019-12-15 18:00:00,6084.4 +2019-12-15 18:15:00,6069.6 +2019-12-15 18:30:00,6040.4 +2019-12-15 18:45:00,6012.0 +2019-12-15 19:00:00,5987.2 +2019-12-15 19:15:00,5951.6 +2019-12-15 19:30:00,5906.4 +2019-12-15 19:45:00,5883.2 +2019-12-15 20:00:00,5808.0 +2019-12-15 20:15:00,5732.4 +2019-12-15 20:30:00,5678.4 +2019-12-15 20:45:00,5604.0 +2019-12-15 21:00:00,5552.4 +2019-12-15 21:15:00,5502.4 +2019-12-15 21:30:00,5464.4 +2019-12-15 21:45:00,5483.6 +2019-12-15 22:00:00,5506.0 +2019-12-15 22:15:00,5488.0 +2019-12-15 22:30:00,5405.6 +2019-12-15 22:45:00,5323.6 +2019-12-15 23:00:00,5191.6 +2019-12-15 23:15:00,5116.4 +2019-12-15 23:30:00,5026.4 +2019-12-15 23:45:00,4930.0 +2019-12-16 00:00:00,4838.8 +2019-12-16 00:15:00,4786.0 +2019-12-16 00:30:00,4751.6 +2019-12-16 00:45:00,4679.6 +2019-12-16 01:00:00,4610.8 +2019-12-16 01:15:00,4597.6 +2019-12-16 01:30:00,4583.6 +2019-12-16 01:45:00,4554.8 +2019-12-16 02:00:00,4552.4 +2019-12-16 02:15:00,4522.4 +2019-12-16 02:30:00,4514.4 +2019-12-16 02:45:00,4484.4 +2019-12-16 03:00:00,4495.6 +2019-12-16 03:15:00,4521.6 +2019-12-16 03:30:00,4554.0 +2019-12-16 03:45:00,4582.4 +2019-12-16 04:00:00,4644.4 +2019-12-16 04:15:00,4690.4 +2019-12-16 04:30:00,4755.6 +2019-12-16 04:45:00,4804.4 +2019-12-16 05:00:00,4978.0 +2019-12-16 05:15:00,5082.8 +2019-12-16 05:30:00,5216.0 +2019-12-16 05:45:00,5374.4 +2019-12-16 06:00:00,5755.6 +2019-12-16 06:15:00,5998.8 +2019-12-16 06:30:00,6182.4 +2019-12-16 06:45:00,6364.8 +2019-12-16 07:00:00,6560.0 +2019-12-16 07:15:00,6698.4 +2019-12-16 07:30:00,6804.4 +2019-12-16 07:45:00,6898.4 +2019-12-16 08:00:00,7004.8 +2019-12-16 08:15:00,7013.6 +2019-12-16 08:30:00,7016.0 +2019-12-16 08:45:00,7020.8 +2019-12-16 09:00:00,7024.8 +2019-12-16 09:15:00,7043.2 +2019-12-16 09:30:00,7059.6 +2019-12-16 09:45:00,7069.2 +2019-12-16 10:00:00,7085.6 +2019-12-16 10:15:00,7071.2 +2019-12-16 10:30:00,7071.6 +2019-12-16 10:45:00,7088.0 +2019-12-16 11:00:00,7088.8 +2019-12-16 11:15:00,7090.0 +2019-12-16 11:30:00,7088.8 +2019-12-16 11:45:00,7076.0 +2019-12-16 12:00:00,7072.0 +2019-12-16 12:15:00,7060.8 +2019-12-16 12:30:00,7049.6 +2019-12-16 12:45:00,7048.0 +2019-12-16 13:00:00,7065.2 +2019-12-16 13:15:00,7040.8 +2019-12-16 13:30:00,7016.8 +2019-12-16 13:45:00,6943.2 +2019-12-16 14:00:00,6902.4 +2019-12-16 14:15:00,6876.8 +2019-12-16 14:30:00,6852.0 +2019-12-16 14:45:00,6810.8 +2019-12-16 15:00:00,6817.6 +2019-12-16 15:15:00,6790.4 +2019-12-16 15:30:00,6768.4 +2019-12-16 15:45:00,6778.4 +2019-12-16 16:00:00,6834.8 +2019-12-16 16:15:00,6912.0 +2019-12-16 16:30:00,6980.0 +2019-12-16 16:45:00,7038.8 +2019-12-16 17:00:00,7068.4 +2019-12-16 17:15:00,7082.0 +2019-12-16 17:30:00,7079.6 +2019-12-16 17:45:00,7083.2 +2019-12-16 18:00:00,7054.4 +2019-12-16 18:15:00,7028.4 +2019-12-16 18:30:00,7014.4 +2019-12-16 18:45:00,7005.2 +2019-12-16 19:00:00,6928.0 +2019-12-16 19:15:00,6853.6 +2019-12-16 19:30:00,6794.4 +2019-12-16 19:45:00,6729.6 +2019-12-16 20:00:00,6624.4 +2019-12-16 20:15:00,6498.8 +2019-12-16 20:30:00,6391.2 +2019-12-16 20:45:00,6318.0 +2019-12-16 21:00:00,6232.0 +2019-12-16 21:15:00,6130.0 +2019-12-16 21:30:00,6033.6 +2019-12-16 21:45:00,5938.0 +2019-12-16 22:00:00,5949.2 +2019-12-16 22:15:00,5836.4 +2019-12-16 22:30:00,5710.4 +2019-12-16 22:45:00,5610.8 +2019-12-16 23:00:00,5541.6 +2019-12-16 23:15:00,5426.0 +2019-12-16 23:30:00,5348.8 +2019-12-16 23:45:00,5276.4 +2019-12-17 00:00:00,5111.2 +2019-12-17 00:15:00,5005.2 +2019-12-17 00:30:00,4942.4 +2019-12-17 00:45:00,4865.6 +2019-12-17 01:00:00,4821.6 +2019-12-17 01:15:00,4777.6 +2019-12-17 01:30:00,4759.2 +2019-12-17 01:45:00,4744.8 +2019-12-17 02:00:00,4686.0 +2019-12-17 02:15:00,4693.2 +2019-12-17 02:30:00,4696.8 +2019-12-17 02:45:00,4735.6 +2019-12-17 03:00:00,4772.0 +2019-12-17 03:15:00,4804.8 +2019-12-17 03:30:00,4825.2 +2019-12-17 03:45:00,4837.6 +2019-12-17 04:00:00,4849.6 +2019-12-17 04:15:00,4882.4 +2019-12-17 04:30:00,4951.6 +2019-12-17 04:45:00,5034.8 +2019-12-17 05:00:00,5169.6 +2019-12-17 05:15:00,5240.4 +2019-12-17 05:30:00,5346.0 +2019-12-17 05:45:00,5491.2 +2019-12-17 06:00:00,5824.8 +2019-12-17 06:15:00,6061.2 +2019-12-17 06:30:00,6266.8 +2019-12-17 06:45:00,6462.0 +2019-12-17 07:00:00,6644.4 +2019-12-17 07:15:00,6762.4 +2019-12-17 07:30:00,6878.0 +2019-12-17 07:45:00,6953.6 +2019-12-17 08:00:00,7020.0 +2019-12-17 08:15:00,7030.0 +2019-12-17 08:30:00,7033.6 +2019-12-17 08:45:00,7011.6 +2019-12-17 09:00:00,6948.0 +2019-12-17 09:15:00,6988.4 +2019-12-17 09:30:00,6993.6 +2019-12-17 09:45:00,7001.2 +2019-12-17 10:00:00,7010.8 +2019-12-17 10:15:00,7000.0 +2019-12-17 10:30:00,7002.8 +2019-12-17 10:45:00,7014.0 +2019-12-17 11:00:00,7051.2 +2019-12-17 11:15:00,7067.2 +2019-12-17 11:30:00,7094.0 +2019-12-17 11:45:00,7100.4 +2019-12-17 12:00:00,7024.4 +2019-12-17 12:15:00,6988.8 +2019-12-17 12:30:00,6994.0 +2019-12-17 12:45:00,6992.8 +2019-12-17 13:00:00,6977.6 +2019-12-17 13:15:00,6943.2 +2019-12-17 13:30:00,6905.2 +2019-12-17 13:45:00,6854.0 +2019-12-17 14:00:00,6850.4 +2019-12-17 14:15:00,6828.4 +2019-12-17 14:30:00,6820.8 +2019-12-17 14:45:00,6828.8 +2019-12-17 15:00:00,6856.0 +2019-12-17 15:15:00,6815.6 +2019-12-17 15:30:00,6827.6 +2019-12-17 15:45:00,6832.0 +2019-12-17 16:00:00,6892.0 +2019-12-17 16:15:00,6944.8 +2019-12-17 16:30:00,7059.2 +2019-12-17 16:45:00,7163.2 +2019-12-17 17:00:00,7238.0 +2019-12-17 17:15:00,7266.4 +2019-12-17 17:30:00,7306.8 +2019-12-17 17:45:00,7292.0 +2019-12-17 18:00:00,7236.8 +2019-12-17 18:15:00,7225.6 +2019-12-17 18:30:00,7200.8 +2019-12-17 18:45:00,7216.0 +2019-12-17 19:00:00,7192.8 +2019-12-17 19:15:00,7123.6 +2019-12-17 19:30:00,7054.0 +2019-12-17 19:45:00,6977.6 +2019-12-17 20:00:00,6800.8 +2019-12-17 20:15:00,6664.8 +2019-12-17 20:30:00,6551.6 +2019-12-17 20:45:00,6384.4 +2019-12-17 21:00:00,6270.4 +2019-12-17 21:15:00,6189.6 +2019-12-17 21:30:00,6112.4 +2019-12-17 21:45:00,6002.0 +2019-12-17 22:00:00,5975.2 +2019-12-17 22:15:00,5899.6 +2019-12-17 22:30:00,5792.4 +2019-12-17 22:45:00,5693.2 +2019-12-17 23:00:00,5568.4 +2019-12-17 23:15:00,5510.4 +2019-12-17 23:30:00,5426.0 +2019-12-17 23:45:00,5362.0 +2019-12-18 00:00:00,5206.8 +2019-12-18 00:15:00,5135.2 +2019-12-18 00:30:00,5095.6 +2019-12-18 00:45:00,5044.8 +2019-12-18 01:00:00,4950.0 +2019-12-18 01:15:00,4870.8 +2019-12-18 01:30:00,4822.4 +2019-12-18 01:45:00,4829.6 +2019-12-18 02:00:00,4784.0 +2019-12-18 02:15:00,4767.6 +2019-12-18 02:30:00,4743.2 +2019-12-18 02:45:00,4738.4 +2019-12-18 03:00:00,4767.6 +2019-12-18 03:15:00,4772.8 +2019-12-18 03:30:00,4770.0 +2019-12-18 03:45:00,4784.0 +2019-12-18 04:00:00,4813.2 +2019-12-18 04:15:00,4873.6 +2019-12-18 04:30:00,4936.0 +2019-12-18 04:45:00,5010.4 +2019-12-18 05:00:00,5195.2 +2019-12-18 05:15:00,5239.6 +2019-12-18 05:30:00,5342.8 +2019-12-18 05:45:00,5488.4 +2019-12-18 06:00:00,5880.8 +2019-12-18 06:15:00,6105.6 +2019-12-18 06:30:00,6270.4 +2019-12-18 06:45:00,6420.8 +2019-12-18 07:00:00,6589.2 +2019-12-18 07:15:00,6701.2 +2019-12-18 07:30:00,6794.0 +2019-12-18 07:45:00,6847.6 +2019-12-18 08:00:00,6907.6 +2019-12-18 08:15:00,6926.8 +2019-12-18 08:30:00,6912.4 +2019-12-18 08:45:00,6910.8 +2019-12-18 09:00:00,6874.4 +2019-12-18 09:15:00,6876.4 +2019-12-18 09:30:00,6921.6 +2019-12-18 09:45:00,6951.2 +2019-12-18 10:00:00,6920.0 +2019-12-18 10:15:00,6904.0 +2019-12-18 10:30:00,6916.8 +2019-12-18 10:45:00,6937.2 +2019-12-18 11:00:00,6942.8 +2019-12-18 11:15:00,6943.2 +2019-12-18 11:30:00,6952.4 +2019-12-18 11:45:00,6937.6 +2019-12-18 12:00:00,6894.0 +2019-12-18 12:15:00,6856.8 +2019-12-18 12:30:00,6840.4 +2019-12-18 12:45:00,6823.6 +2019-12-18 13:00:00,6793.2 +2019-12-18 13:15:00,6763.6 +2019-12-18 13:30:00,6744.8 +2019-12-18 13:45:00,6678.8 +2019-12-18 14:00:00,6686.0 +2019-12-18 14:15:00,6674.0 +2019-12-18 14:30:00,6645.6 +2019-12-18 14:45:00,6630.0 +2019-12-18 15:00:00,6600.0 +2019-12-18 15:15:00,6566.4 +2019-12-18 15:30:00,6558.4 +2019-12-18 15:45:00,6553.6 +2019-12-18 16:00:00,6586.4 +2019-12-18 16:15:00,6636.8 +2019-12-18 16:30:00,6716.0 +2019-12-18 16:45:00,6823.2 +2019-12-18 17:00:00,6962.4 +2019-12-18 17:15:00,7016.8 +2019-12-18 17:30:00,7054.4 +2019-12-18 17:45:00,7052.8 +2019-12-18 18:00:00,7024.0 +2019-12-18 18:15:00,6996.0 +2019-12-18 18:30:00,6967.2 +2019-12-18 18:45:00,6927.2 +2019-12-18 19:00:00,6856.8 +2019-12-18 19:15:00,6786.0 +2019-12-18 19:30:00,6727.2 +2019-12-18 19:45:00,6686.4 +2019-12-18 20:00:00,6544.0 +2019-12-18 20:15:00,6466.4 +2019-12-18 20:30:00,6380.0 +2019-12-18 20:45:00,6292.0 +2019-12-18 21:00:00,6195.6 +2019-12-18 21:15:00,6106.8 +2019-12-18 21:30:00,6021.6 +2019-12-18 21:45:00,5918.4 +2019-12-18 22:00:00,5888.4 +2019-12-18 22:15:00,5808.0 +2019-12-18 22:30:00,5722.8 +2019-12-18 22:45:00,5618.4 +2019-12-18 23:00:00,5470.0 +2019-12-18 23:15:00,5381.2 +2019-12-18 23:30:00,5292.4 +2019-12-18 23:45:00,5227.2 +2019-12-19 00:00:00,5093.2 +2019-12-19 00:15:00,5016.8 +2019-12-19 00:30:00,4998.8 +2019-12-19 00:45:00,4968.4 +2019-12-19 01:00:00,4920.0 +2019-12-19 01:15:00,4881.2 +2019-12-19 01:30:00,4867.2 +2019-12-19 01:45:00,4853.6 +2019-12-19 02:00:00,4822.8 +2019-12-19 02:15:00,4828.4 +2019-12-19 02:30:00,4856.8 +2019-12-19 02:45:00,4854.4 +2019-12-19 03:00:00,4865.6 +2019-12-19 03:15:00,4874.8 +2019-12-19 03:30:00,4907.6 +2019-12-19 03:45:00,4922.0 +2019-12-19 04:00:00,4958.0 +2019-12-19 04:15:00,5002.0 +2019-12-19 04:30:00,5053.2 +2019-12-19 04:45:00,5095.6 +2019-12-19 05:00:00,5211.6 +2019-12-19 05:15:00,5283.6 +2019-12-19 05:30:00,5350.0 +2019-12-19 05:45:00,5517.6 +2019-12-19 06:00:00,5833.6 +2019-12-19 06:15:00,5998.8 +2019-12-19 06:30:00,6167.2 +2019-12-19 06:45:00,6359.2 +2019-12-19 07:00:00,6552.0 +2019-12-19 07:15:00,6644.0 +2019-12-19 07:30:00,6755.2 +2019-12-19 07:45:00,6826.4 +2019-12-19 08:00:00,6882.4 +2019-12-19 08:15:00,6904.0 +2019-12-19 08:30:00,6902.8 +2019-12-19 08:45:00,6889.2 +2019-12-19 09:00:00,6900.0 +2019-12-19 09:15:00,6919.6 +2019-12-19 09:30:00,6933.6 +2019-12-19 09:45:00,6938.0 +2019-12-19 10:00:00,6891.2 +2019-12-19 10:15:00,6868.4 +2019-12-19 10:30:00,6855.2 +2019-12-19 10:45:00,6843.6 +2019-12-19 11:00:00,6782.0 +2019-12-19 11:15:00,6761.2 +2019-12-19 11:30:00,6769.6 +2019-12-19 11:45:00,6754.4 +2019-12-19 12:00:00,6720.0 +2019-12-19 12:15:00,6697.6 +2019-12-19 12:30:00,6666.8 +2019-12-19 12:45:00,6640.8 +2019-12-19 13:00:00,6687.6 +2019-12-19 13:15:00,6651.2 +2019-12-19 13:30:00,6613.6 +2019-12-19 13:45:00,6565.2 +2019-12-19 14:00:00,6567.6 +2019-12-19 14:15:00,6540.4 +2019-12-19 14:30:00,6524.8 +2019-12-19 14:45:00,6504.8 +2019-12-19 15:00:00,6526.4 +2019-12-19 15:15:00,6510.0 +2019-12-19 15:30:00,6531.6 +2019-12-19 15:45:00,6532.0 +2019-12-19 16:00:00,6575.6 +2019-12-19 16:15:00,6622.0 +2019-12-19 16:30:00,6740.8 +2019-12-19 16:45:00,6836.0 +2019-12-19 17:00:00,6851.6 +2019-12-19 17:15:00,6879.6 +2019-12-19 17:30:00,6900.0 +2019-12-19 17:45:00,6905.6 +2019-12-19 18:00:00,6845.2 +2019-12-19 18:15:00,6815.6 +2019-12-19 18:30:00,6795.2 +2019-12-19 18:45:00,6754.8 +2019-12-19 19:00:00,6722.0 +2019-12-19 19:15:00,6674.8 +2019-12-19 19:30:00,6623.6 +2019-12-19 19:45:00,6567.2 +2019-12-19 20:00:00,6440.4 +2019-12-19 20:15:00,6322.0 +2019-12-19 20:30:00,6238.0 +2019-12-19 20:45:00,6123.2 +2019-12-19 21:00:00,5991.6 +2019-12-19 21:15:00,5900.8 +2019-12-19 21:30:00,5856.4 +2019-12-19 21:45:00,5759.6 +2019-12-19 22:00:00,5690.0 +2019-12-19 22:15:00,5624.4 +2019-12-19 22:30:00,5533.6 +2019-12-19 22:45:00,5410.8 +2019-12-19 23:00:00,5305.6 +2019-12-19 23:15:00,5197.6 +2019-12-19 23:30:00,5100.8 +2019-12-19 23:45:00,5020.0 +2019-12-20 00:00:00,4913.2 +2019-12-20 00:15:00,4872.0 +2019-12-20 00:30:00,4809.6 +2019-12-20 00:45:00,4766.4 +2019-12-20 01:00:00,4729.2 +2019-12-20 01:15:00,4700.4 +2019-12-20 01:30:00,4658.0 +2019-12-20 01:45:00,4603.2 +2019-12-20 02:00:00,4564.8 +2019-12-20 02:15:00,4528.4 +2019-12-20 02:30:00,4523.6 +2019-12-20 02:45:00,4532.4 +2019-12-20 03:00:00,4622.0 +2019-12-20 03:15:00,4632.0 +2019-12-20 03:30:00,4678.0 +2019-12-20 03:45:00,4682.8 +2019-12-20 04:00:00,4742.4 +2019-12-20 04:15:00,4784.8 +2019-12-20 04:30:00,4841.2 +2019-12-20 04:45:00,4888.0 +2019-12-20 05:00:00,4979.2 +2019-12-20 05:15:00,5043.2 +2019-12-20 05:30:00,5120.8 +2019-12-20 05:45:00,5284.4 +2019-12-20 06:00:00,5507.6 +2019-12-20 06:15:00,5676.8 +2019-12-20 06:30:00,5803.2 +2019-12-20 06:45:00,5976.8 +2019-12-20 07:00:00,6148.4 +2019-12-20 07:15:00,6274.8 +2019-12-20 07:30:00,6376.0 +2019-12-20 07:45:00,6453.6 +2019-12-20 08:00:00,6520.8 +2019-12-20 08:15:00,6526.8 +2019-12-20 08:30:00,6517.2 +2019-12-20 08:45:00,6524.0 +2019-12-20 09:00:00,6523.2 +2019-12-20 09:15:00,6514.4 +2019-12-20 09:30:00,6533.6 +2019-12-20 09:45:00,6552.0 +2019-12-20 10:00:00,6544.8 +2019-12-20 10:15:00,6518.8 +2019-12-20 10:30:00,6505.2 +2019-12-20 10:45:00,6515.6 +2019-12-20 11:00:00,6474.8 +2019-12-20 11:15:00,6470.0 +2019-12-20 11:30:00,6475.6 +2019-12-20 11:45:00,6476.8 +2019-12-20 12:00:00,6490.0 +2019-12-20 12:15:00,6469.6 +2019-12-20 12:30:00,6439.2 +2019-12-20 12:45:00,6420.0 +2019-12-20 13:00:00,6376.8 +2019-12-20 13:15:00,6298.0 +2019-12-20 13:30:00,6240.0 +2019-12-20 13:45:00,6190.0 +2019-12-20 14:00:00,6206.0 +2019-12-20 14:15:00,6172.0 +2019-12-20 14:30:00,6164.4 +2019-12-20 14:45:00,6162.8 +2019-12-20 15:00:00,6205.6 +2019-12-20 15:15:00,6170.0 +2019-12-20 15:30:00,6204.4 +2019-12-20 15:45:00,6211.6 +2019-12-20 16:00:00,6284.0 +2019-12-20 16:15:00,6326.8 +2019-12-20 16:30:00,6400.4 +2019-12-20 16:45:00,6440.8 +2019-12-20 17:00:00,6492.8 +2019-12-20 17:15:00,6478.0 +2019-12-20 17:30:00,6463.2 +2019-12-20 17:45:00,6458.8 +2019-12-20 18:00:00,6426.4 +2019-12-20 18:15:00,6384.4 +2019-12-20 18:30:00,6354.8 +2019-12-20 18:45:00,6306.0 +2019-12-20 19:00:00,6248.4 +2019-12-20 19:15:00,6177.2 +2019-12-20 19:30:00,6117.2 +2019-12-20 19:45:00,6065.2 +2019-12-20 20:00:00,5942.8 +2019-12-20 20:15:00,5833.6 +2019-12-20 20:30:00,5722.8 +2019-12-20 20:45:00,5637.2 +2019-12-20 21:00:00,5571.2 +2019-12-20 21:15:00,5513.6 +2019-12-20 21:30:00,5453.6 +2019-12-20 21:45:00,5389.2 +2019-12-20 22:00:00,5374.0 +2019-12-20 22:15:00,5298.8 +2019-12-20 22:30:00,5203.6 +2019-12-20 22:45:00,5113.2 +2019-12-20 23:00:00,4984.4 +2019-12-20 23:15:00,4893.2 +2019-12-20 23:30:00,4815.6 +2019-12-20 23:45:00,4726.8 +2019-12-21 00:00:00,4608.4 +2019-12-21 00:15:00,4567.6 +2019-12-21 00:30:00,4533.2 +2019-12-21 00:45:00,4503.2 +2019-12-21 01:00:00,4450.0 +2019-12-21 01:15:00,4392.4 +2019-12-21 01:30:00,4385.2 +2019-12-21 01:45:00,4341.2 +2019-12-21 02:00:00,4305.2 +2019-12-21 02:15:00,4273.2 +2019-12-21 02:30:00,4269.6 +2019-12-21 02:45:00,4247.6 +2019-12-21 03:00:00,4188.4 +2019-12-21 03:15:00,4192.4 +2019-12-21 03:30:00,4208.4 +2019-12-21 03:45:00,4218.8 +2019-12-21 04:00:00,4263.6 +2019-12-21 04:15:00,4287.2 +2019-12-21 04:30:00,4285.6 +2019-12-21 04:45:00,4310.0 +2019-12-21 05:00:00,4377.2 +2019-12-21 05:15:00,4376.0 +2019-12-21 05:30:00,4401.2 +2019-12-21 05:45:00,4381.2 +2019-12-21 06:00:00,4458.0 +2019-12-21 06:15:00,4502.4 +2019-12-21 06:30:00,4551.2 +2019-12-21 06:45:00,4585.2 +2019-12-21 07:00:00,4678.8 +2019-12-21 07:15:00,4755.6 +2019-12-21 07:30:00,4860.8 +2019-12-21 07:45:00,4938.4 +2019-12-21 08:00:00,5098.0 +2019-12-21 08:15:00,5179.2 +2019-12-21 08:30:00,5266.0 +2019-12-21 08:45:00,5324.8 +2019-12-21 09:00:00,5445.6 +2019-12-21 09:15:00,5488.4 +2019-12-21 09:30:00,5555.6 +2019-12-21 09:45:00,5589.2 +2019-12-21 10:00:00,5620.0 +2019-12-21 10:15:00,5644.4 +2019-12-21 10:30:00,5653.6 +2019-12-21 10:45:00,5664.4 +2019-12-21 11:00:00,5612.8 +2019-12-21 11:15:00,5656.4 +2019-12-21 11:30:00,5699.6 +2019-12-21 11:45:00,5704.4 +2019-12-21 12:00:00,5720.4 +2019-12-21 12:15:00,5690.0 +2019-12-21 12:30:00,5688.4 +2019-12-21 12:45:00,5676.4 +2019-12-21 13:00:00,5643.2 +2019-12-21 13:15:00,5581.6 +2019-12-21 13:30:00,5532.0 +2019-12-21 13:45:00,5504.0 +2019-12-21 14:00:00,5467.2 +2019-12-21 14:15:00,5455.6 +2019-12-21 14:30:00,5423.2 +2019-12-21 14:45:00,5414.4 +2019-12-21 15:00:00,5462.8 +2019-12-21 15:15:00,5467.6 +2019-12-21 15:30:00,5507.2 +2019-12-21 15:45:00,5507.2 +2019-12-21 16:00:00,5551.6 +2019-12-21 16:15:00,5646.0 +2019-12-21 16:30:00,5742.8 +2019-12-21 16:45:00,5846.0 +2019-12-21 17:00:00,5869.6 +2019-12-21 17:15:00,5897.2 +2019-12-21 17:30:00,5944.4 +2019-12-21 17:45:00,5983.6 +2019-12-21 18:00:00,5984.8 +2019-12-21 18:15:00,5954.0 +2019-12-21 18:30:00,5935.2 +2019-12-21 18:45:00,5897.6 +2019-12-21 19:00:00,5826.8 +2019-12-21 19:15:00,5755.2 +2019-12-21 19:30:00,5708.0 +2019-12-21 19:45:00,5663.2 +2019-12-21 20:00:00,5618.0 +2019-12-21 20:15:00,5509.6 +2019-12-21 20:30:00,5410.8 +2019-12-21 20:45:00,5336.8 +2019-12-21 21:00:00,5284.4 +2019-12-21 21:15:00,5232.0 +2019-12-21 21:30:00,5154.0 +2019-12-21 21:45:00,5096.4 +2019-12-21 22:00:00,5129.2 +2019-12-21 22:15:00,5065.6 +2019-12-21 22:30:00,4978.4 +2019-12-21 22:45:00,4893.6 +2019-12-21 23:00:00,4805.2 +2019-12-21 23:15:00,4723.6 +2019-12-21 23:30:00,4650.8 +2019-12-21 23:45:00,4598.4 +2019-12-22 00:00:00,4552.0 +2019-12-22 00:15:00,4497.2 +2019-12-22 00:30:00,4470.4 +2019-12-22 00:45:00,4442.0 +2019-12-22 01:00:00,4385.2 +2019-12-22 01:15:00,4330.4 +2019-12-22 01:30:00,4292.8 +2019-12-22 01:45:00,4276.4 +2019-12-22 02:00:00,4268.4 +2019-12-22 02:15:00,4278.4 +2019-12-22 02:30:00,4260.8 +2019-12-22 02:45:00,4236.4 +2019-12-22 03:00:00,4215.6 +2019-12-22 03:15:00,4202.0 +2019-12-22 03:30:00,4180.0 +2019-12-22 03:45:00,4184.4 +2019-12-22 04:00:00,4204.0 +2019-12-22 04:15:00,4181.6 +2019-12-22 04:30:00,4190.8 +2019-12-22 04:45:00,4200.0 +2019-12-22 05:00:00,4203.6 +2019-12-22 05:15:00,4196.8 +2019-12-22 05:30:00,4182.4 +2019-12-22 05:45:00,4170.0 +2019-12-22 06:00:00,4104.0 +2019-12-22 06:15:00,4116.0 +2019-12-22 06:30:00,4121.2 +2019-12-22 06:45:00,4148.4 +2019-12-22 07:00:00,4203.2 +2019-12-22 07:15:00,4246.8 +2019-12-22 07:30:00,4311.2 +2019-12-22 07:45:00,4384.4 +2019-12-22 08:00:00,4540.0 +2019-12-22 08:15:00,4599.6 +2019-12-22 08:30:00,4665.6 +2019-12-22 08:45:00,4744.8 +2019-12-22 09:00:00,4801.6 +2019-12-22 09:15:00,4856.0 +2019-12-22 09:30:00,4936.0 +2019-12-22 09:45:00,4990.8 +2019-12-22 10:00:00,5005.6 +2019-12-22 10:15:00,5048.8 +2019-12-22 10:30:00,5094.4 +2019-12-22 10:45:00,5156.8 +2019-12-22 11:00:00,5238.8 +2019-12-22 11:15:00,5303.2 +2019-12-22 11:30:00,5350.8 +2019-12-22 11:45:00,5375.2 +2019-12-22 12:00:00,5432.8 +2019-12-22 12:15:00,5417.2 +2019-12-22 12:30:00,5381.2 +2019-12-22 12:45:00,5340.8 +2019-12-22 13:00:00,5336.8 +2019-12-22 13:15:00,5287.2 +2019-12-22 13:30:00,5250.8 +2019-12-22 13:45:00,5212.8 +2019-12-22 14:00:00,5167.6 +2019-12-22 14:15:00,5126.8 +2019-12-22 14:30:00,5100.4 +2019-12-22 14:45:00,5079.6 +2019-12-22 15:00:00,5090.8 +2019-12-22 15:15:00,5056.4 +2019-12-22 15:30:00,5063.2 +2019-12-22 15:45:00,5118.0 +2019-12-22 16:00:00,5204.0 +2019-12-22 16:15:00,5255.6 +2019-12-22 16:30:00,5331.2 +2019-12-22 16:45:00,5409.2 +2019-12-22 17:00:00,5416.8 +2019-12-22 17:15:00,5422.0 +2019-12-22 17:30:00,5477.6 +2019-12-22 17:45:00,5498.8 +2019-12-22 18:00:00,5531.2 +2019-12-22 18:15:00,5524.4 +2019-12-22 18:30:00,5510.8 +2019-12-22 18:45:00,5497.2 +2019-12-22 19:00:00,5489.6 +2019-12-22 19:15:00,5437.2 +2019-12-22 19:30:00,5413.6 +2019-12-22 19:45:00,5352.0 +2019-12-22 20:00:00,5337.2 +2019-12-22 20:15:00,5272.8 +2019-12-22 20:30:00,5192.4 +2019-12-22 20:45:00,5146.4 +2019-12-22 21:00:00,5114.4 +2019-12-22 21:15:00,5076.0 +2019-12-22 21:30:00,5041.6 +2019-12-22 21:45:00,5035.2 +2019-12-22 22:00:00,5104.8 +2019-12-22 22:15:00,5044.0 +2019-12-22 22:30:00,4949.2 +2019-12-22 22:45:00,4897.6 +2019-12-22 23:00:00,4794.8 +2019-12-22 23:15:00,4716.4 +2019-12-22 23:30:00,4636.4 +2019-12-22 23:45:00,4592.4 +2019-12-23 00:00:00,4512.8 +2019-12-23 00:15:00,4443.2 +2019-12-23 00:30:00,4404.8 +2019-12-23 00:45:00,4332.4 +2019-12-23 01:00:00,4234.4 +2019-12-23 01:15:00,4179.2 +2019-12-23 01:30:00,4143.6 +2019-12-23 01:45:00,4133.6 +2019-12-23 02:00:00,4077.6 +2019-12-23 02:15:00,4066.8 +2019-12-23 02:30:00,4057.6 +2019-12-23 02:45:00,4055.2 +2019-12-23 03:00:00,4060.8 +2019-12-23 03:15:00,4074.4 +2019-12-23 03:30:00,4098.4 +2019-12-23 03:45:00,4117.2 +2019-12-23 04:00:00,4163.2 +2019-12-23 04:15:00,4213.2 +2019-12-23 04:30:00,4268.8 +2019-12-23 04:45:00,4312.4 +2019-12-23 05:00:00,4437.2 +2019-12-23 05:15:00,4454.4 +2019-12-23 05:30:00,4519.2 +2019-12-23 05:45:00,4551.2 +2019-12-23 06:00:00,4657.2 +2019-12-23 06:15:00,4731.6 +2019-12-23 06:30:00,4802.0 +2019-12-23 06:45:00,4911.6 +2019-12-23 07:00:00,5048.4 +2019-12-23 07:15:00,5148.0 +2019-12-23 07:30:00,5250.8 +2019-12-23 07:45:00,5353.6 +2019-12-23 08:00:00,5434.4 +2019-12-23 08:15:00,5470.4 +2019-12-23 08:30:00,5523.2 +2019-12-23 08:45:00,5544.4 +2019-12-23 09:00:00,5539.2 +2019-12-23 09:15:00,5584.4 +2019-12-23 09:30:00,5624.8 +2019-12-23 09:45:00,5663.2 +2019-12-23 10:00:00,5674.0 +2019-12-23 10:15:00,5677.6 +2019-12-23 10:30:00,5690.0 +2019-12-23 10:45:00,5724.0 +2019-12-23 11:00:00,5818.4 +2019-12-23 11:15:00,5870.4 +2019-12-23 11:30:00,5919.2 +2019-12-23 11:45:00,5920.4 +2019-12-23 12:00:00,5911.6 +2019-12-23 12:15:00,5907.6 +2019-12-23 12:30:00,5900.8 +2019-12-23 12:45:00,5870.0 +2019-12-23 13:00:00,5886.8 +2019-12-23 13:15:00,5861.2 +2019-12-23 13:30:00,5829.2 +2019-12-23 13:45:00,5802.8 +2019-12-23 14:00:00,5799.6 +2019-12-23 14:15:00,5773.6 +2019-12-23 14:30:00,5734.4 +2019-12-23 14:45:00,5725.2 +2019-12-23 15:00:00,5740.8 +2019-12-23 15:15:00,5704.0 +2019-12-23 15:30:00,5692.8 +2019-12-23 15:45:00,5702.0 +2019-12-23 16:00:00,5718.8 +2019-12-23 16:15:00,5755.6 +2019-12-23 16:30:00,5865.2 +2019-12-23 16:45:00,5963.6 +2019-12-23 17:00:00,5991.6 +2019-12-23 17:15:00,5994.8 +2019-12-23 17:30:00,6013.6 +2019-12-23 17:45:00,6012.4 +2019-12-23 18:00:00,5996.0 +2019-12-23 18:15:00,5965.2 +2019-12-23 18:30:00,5938.4 +2019-12-23 18:45:00,5890.4 +2019-12-23 19:00:00,5848.0 +2019-12-23 19:15:00,5780.4 +2019-12-23 19:30:00,5732.0 +2019-12-23 19:45:00,5681.2 +2019-12-23 20:00:00,5610.0 +2019-12-23 20:15:00,5509.6 +2019-12-23 20:30:00,5434.0 +2019-12-23 20:45:00,5356.8 +2019-12-23 21:00:00,5326.8 +2019-12-23 21:15:00,5264.0 +2019-12-23 21:30:00,5206.8 +2019-12-23 21:45:00,5176.4 +2019-12-23 22:00:00,5180.8 +2019-12-23 22:15:00,5127.6 +2019-12-23 22:30:00,5049.6 +2019-12-23 22:45:00,4938.8 +2019-12-23 23:00:00,4782.4 +2019-12-23 23:15:00,4674.4 +2019-12-23 23:30:00,4608.8 +2019-12-23 23:45:00,4538.0 +2019-12-24 00:00:00,4360.4 +2019-12-24 00:15:00,4281.6 +2019-12-24 00:30:00,4252.0 +2019-12-24 00:45:00,4178.4 +2019-12-24 01:00:00,4078.8 +2019-12-24 01:15:00,4026.8 +2019-12-24 01:30:00,3969.2 +2019-12-24 01:45:00,3967.6 +2019-12-24 02:00:00,4015.2 +2019-12-24 02:15:00,4003.2 +2019-12-24 02:30:00,3988.0 +2019-12-24 02:45:00,3986.8 +2019-12-24 03:00:00,4000.4 +2019-12-24 03:15:00,3987.6 +2019-12-24 03:30:00,3986.4 +2019-12-24 03:45:00,3993.6 +2019-12-24 04:00:00,4070.4 +2019-12-24 04:15:00,4098.8 +2019-12-24 04:30:00,4107.6 +2019-12-24 04:45:00,4108.8 +2019-12-24 05:00:00,4188.4 +2019-12-24 05:15:00,4173.6 +2019-12-24 05:30:00,4186.0 +2019-12-24 05:45:00,4194.4 +2019-12-24 06:00:00,4227.6 +2019-12-24 06:15:00,4221.6 +2019-12-24 06:30:00,4245.6 +2019-12-24 06:45:00,4277.6 +2019-12-24 07:00:00,4404.0 +2019-12-24 07:15:00,4473.6 +2019-12-24 07:30:00,4528.0 +2019-12-24 07:45:00,4644.8 +2019-12-24 08:00:00,4757.6 +2019-12-24 08:15:00,4808.0 +2019-12-24 08:30:00,4881.2 +2019-12-24 08:45:00,4958.0 +2019-12-24 09:00:00,5059.6 +2019-12-24 09:15:00,5127.2 +2019-12-24 09:30:00,5194.0 +2019-12-24 09:45:00,5262.8 +2019-12-24 10:00:00,5383.2 +2019-12-24 10:15:00,5432.0 +2019-12-24 10:30:00,5449.2 +2019-12-24 10:45:00,5482.8 +2019-12-24 11:00:00,5533.6 +2019-12-24 11:15:00,5554.0 +2019-12-24 11:30:00,5553.6 +2019-12-24 11:45:00,5534.4 +2019-12-24 12:00:00,5524.4 +2019-12-24 12:15:00,5498.4 +2019-12-24 12:30:00,5489.2 +2019-12-24 12:45:00,5456.8 +2019-12-24 13:00:00,5421.6 +2019-12-24 13:15:00,5367.6 +2019-12-24 13:30:00,5352.4 +2019-12-24 13:45:00,5330.8 +2019-12-24 14:00:00,5247.6 +2019-12-24 14:15:00,5162.8 +2019-12-24 14:30:00,5134.8 +2019-12-24 14:45:00,5079.2 +2019-12-24 15:00:00,5068.4 +2019-12-24 15:15:00,5029.6 +2019-12-24 15:30:00,5040.8 +2019-12-24 15:45:00,5052.0 +2019-12-24 16:00:00,5072.8 +2019-12-24 16:15:00,5116.4 +2019-12-24 16:30:00,5183.6 +2019-12-24 16:45:00,5251.2 +2019-12-24 17:00:00,5306.8 +2019-12-24 17:15:00,5324.8 +2019-12-24 17:30:00,5331.6 +2019-12-24 17:45:00,5300.8 +2019-12-24 18:00:00,5329.2 +2019-12-24 18:15:00,5259.2 +2019-12-24 18:30:00,5193.6 +2019-12-24 18:45:00,5121.2 +2019-12-24 19:00:00,5070.0 +2019-12-24 19:15:00,4986.8 +2019-12-24 19:30:00,4940.8 +2019-12-24 19:45:00,4880.8 +2019-12-24 20:00:00,4782.4 +2019-12-24 20:15:00,4705.2 +2019-12-24 20:30:00,4688.0 +2019-12-24 20:45:00,4653.2 +2019-12-24 21:00:00,4641.6 +2019-12-24 21:15:00,4630.0 +2019-12-24 21:30:00,4616.0 +2019-12-24 21:45:00,4582.8 +2019-12-24 22:00:00,4605.2 +2019-12-24 22:15:00,4600.4 +2019-12-24 22:30:00,4554.8 +2019-12-24 22:45:00,4505.6 +2019-12-24 23:00:00,4457.2 +2019-12-24 23:15:00,4393.6 +2019-12-24 23:30:00,4320.8 +2019-12-24 23:45:00,4268.4 +2019-12-25 00:00:00,4216.8 +2019-12-25 00:15:00,4170.0 +2019-12-25 00:30:00,4128.8 +2019-12-25 00:45:00,4078.0 +2019-12-25 01:00:00,4011.2 +2019-12-25 01:15:00,3949.6 +2019-12-25 01:30:00,3890.4 +2019-12-25 01:45:00,3860.0 +2019-12-25 02:00:00,3811.6 +2019-12-25 02:15:00,3782.4 +2019-12-25 02:30:00,3764.4 +2019-12-25 02:45:00,3753.6 +2019-12-25 03:00:00,3758.8 +2019-12-25 03:15:00,3755.2 +2019-12-25 03:30:00,3752.0 +2019-12-25 03:45:00,3729.2 +2019-12-25 04:00:00,3744.0 +2019-12-25 04:15:00,3752.8 +2019-12-25 04:30:00,3781.2 +2019-12-25 04:45:00,3791.2 +2019-12-25 05:00:00,3826.0 +2019-12-25 05:15:00,3802.8 +2019-12-25 05:30:00,3809.6 +2019-12-25 05:45:00,3788.8 +2019-12-25 06:00:00,3791.2 +2019-12-25 06:15:00,3782.8 +2019-12-25 06:30:00,3767.6 +2019-12-25 06:45:00,3811.2 +2019-12-25 07:00:00,3866.4 +2019-12-25 07:15:00,3891.6 +2019-12-25 07:30:00,3937.6 +2019-12-25 07:45:00,4022.8 +2019-12-25 08:00:00,4145.2 +2019-12-25 08:15:00,4226.4 +2019-12-25 08:30:00,4299.2 +2019-12-25 08:45:00,4397.6 +2019-12-25 09:00:00,4571.2 +2019-12-25 09:15:00,4688.4 +2019-12-25 09:30:00,4747.6 +2019-12-25 09:45:00,4814.0 +2019-12-25 10:00:00,4893.6 +2019-12-25 10:15:00,4970.4 +2019-12-25 10:30:00,5010.4 +2019-12-25 10:45:00,5058.0 +2019-12-25 11:00:00,5109.6 +2019-12-25 11:15:00,5187.2 +2019-12-25 11:30:00,5212.0 +2019-12-25 11:45:00,5221.2 +2019-12-25 12:00:00,5226.0 +2019-12-25 12:15:00,5182.0 +2019-12-25 12:30:00,5137.6 +2019-12-25 12:45:00,5081.2 +2019-12-25 13:00:00,4937.2 +2019-12-25 13:15:00,4883.2 +2019-12-25 13:30:00,4855.2 +2019-12-25 13:45:00,4826.8 +2019-12-25 14:00:00,4776.0 +2019-12-25 14:15:00,4733.6 +2019-12-25 14:30:00,4719.2 +2019-12-25 14:45:00,4675.6 +2019-12-25 15:00:00,4681.6 +2019-12-25 15:15:00,4666.0 +2019-12-25 15:30:00,4631.2 +2019-12-25 15:45:00,4603.6 +2019-12-25 16:00:00,4595.2 +2019-12-25 16:15:00,4628.0 +2019-12-25 16:30:00,4691.2 +2019-12-25 16:45:00,4778.0 +2019-12-25 17:00:00,4874.8 +2019-12-25 17:15:00,4878.0 +2019-12-25 17:30:00,4921.6 +2019-12-25 17:45:00,4932.4 +2019-12-25 18:00:00,4970.0 +2019-12-25 18:15:00,4966.0 +2019-12-25 18:30:00,4963.2 +2019-12-25 18:45:00,4938.0 +2019-12-25 19:00:00,4919.2 +2019-12-25 19:15:00,4876.4 +2019-12-25 19:30:00,4856.4 +2019-12-25 19:45:00,4816.4 +2019-12-25 20:00:00,4774.8 +2019-12-25 20:15:00,4720.8 +2019-12-25 20:30:00,4651.2 +2019-12-25 20:45:00,4620.0 +2019-12-25 21:00:00,4575.2 +2019-12-25 21:15:00,4562.0 +2019-12-25 21:30:00,4539.6 +2019-12-25 21:45:00,4516.8 +2019-12-25 22:00:00,4576.8 +2019-12-25 22:15:00,4552.8 +2019-12-25 22:30:00,4510.8 +2019-12-25 22:45:00,4438.4 +2019-12-25 23:00:00,4419.6 +2019-12-25 23:15:00,4373.6 +2019-12-25 23:30:00,4300.0 +2019-12-25 23:45:00,4250.4 +2019-12-26 00:00:00,4093.2 +2019-12-26 00:15:00,4016.0 +2019-12-26 00:30:00,3979.2 +2019-12-26 00:45:00,3926.4 +2019-12-26 01:00:00,3885.6 +2019-12-26 01:15:00,3852.0 +2019-12-26 01:30:00,3827.2 +2019-12-26 01:45:00,3798.4 +2019-12-26 02:00:00,3819.2 +2019-12-26 02:15:00,3801.6 +2019-12-26 02:30:00,3789.6 +2019-12-26 02:45:00,3776.4 +2019-12-26 03:00:00,3775.6 +2019-12-26 03:15:00,3766.0 +2019-12-26 03:30:00,3776.0 +2019-12-26 03:45:00,3780.0 +2019-12-26 04:00:00,3817.2 +2019-12-26 04:15:00,3835.2 +2019-12-26 04:30:00,3838.0 +2019-12-26 04:45:00,3825.2 +2019-12-26 05:00:00,3864.8 +2019-12-26 05:15:00,3849.6 +2019-12-26 05:30:00,3848.4 +2019-12-26 05:45:00,3818.4 +2019-12-26 06:00:00,3821.2 +2019-12-26 06:15:00,3816.8 +2019-12-26 06:30:00,3801.6 +2019-12-26 06:45:00,3840.8 +2019-12-26 07:00:00,3902.0 +2019-12-26 07:15:00,3944.4 +2019-12-26 07:30:00,3991.6 +2019-12-26 07:45:00,4066.4 +2019-12-26 08:00:00,4157.6 +2019-12-26 08:15:00,4206.8 +2019-12-26 08:30:00,4262.4 +2019-12-26 08:45:00,4343.2 +2019-12-26 09:00:00,4471.6 +2019-12-26 09:15:00,4549.6 +2019-12-26 09:30:00,4609.2 +2019-12-26 09:45:00,4654.0 +2019-12-26 10:00:00,4750.8 +2019-12-26 10:15:00,4771.2 +2019-12-26 10:30:00,4816.0 +2019-12-26 10:45:00,4872.8 +2019-12-26 11:00:00,4934.8 +2019-12-26 11:15:00,4975.2 +2019-12-26 11:30:00,5010.8 +2019-12-26 11:45:00,5041.6 +2019-12-26 12:00:00,5056.8 +2019-12-26 12:15:00,5034.0 +2019-12-26 12:30:00,4982.8 +2019-12-26 12:45:00,4936.8 +2019-12-26 13:00:00,4917.2 +2019-12-26 13:15:00,4876.0 +2019-12-26 13:30:00,4838.4 +2019-12-26 13:45:00,4796.4 +2019-12-26 14:00:00,4768.0 +2019-12-26 14:15:00,4718.4 +2019-12-26 14:30:00,4700.8 +2019-12-26 14:45:00,4684.8 +2019-12-26 15:00:00,4692.4 +2019-12-26 15:15:00,4679.6 +2019-12-26 15:30:00,4672.0 +2019-12-26 15:45:00,4685.2 +2019-12-26 16:00:00,4737.6 +2019-12-26 16:15:00,4783.2 +2019-12-26 16:30:00,4870.4 +2019-12-26 16:45:00,4942.8 +2019-12-26 17:00:00,4988.8 +2019-12-26 17:15:00,5016.4 +2019-12-26 17:30:00,5024.0 +2019-12-26 17:45:00,5040.0 +2019-12-26 18:00:00,5020.8 +2019-12-26 18:15:00,5007.2 +2019-12-26 18:30:00,4987.6 +2019-12-26 18:45:00,4956.0 +2019-12-26 19:00:00,4959.6 +2019-12-26 19:15:00,4907.2 +2019-12-26 19:30:00,4857.2 +2019-12-26 19:45:00,4820.4 +2019-12-26 20:00:00,4797.6 +2019-12-26 20:15:00,4750.8 +2019-12-26 20:30:00,4707.6 +2019-12-26 20:45:00,4668.0 +2019-12-26 21:00:00,4730.0 +2019-12-26 21:15:00,4709.6 +2019-12-26 21:30:00,4695.6 +2019-12-26 21:45:00,4669.6 +2019-12-26 22:00:00,4719.2 +2019-12-26 22:15:00,4673.2 +2019-12-26 22:30:00,4613.6 +2019-12-26 22:45:00,4544.4 +2019-12-26 23:00:00,4476.0 +2019-12-26 23:15:00,4403.6 +2019-12-26 23:30:00,4319.2 +2019-12-26 23:45:00,4252.0 +2019-12-27 00:00:00,4164.8 +2019-12-27 00:15:00,4106.0 +2019-12-27 00:30:00,4075.2 +2019-12-27 00:45:00,4022.4 +2019-12-27 01:00:00,3993.2 +2019-12-27 01:15:00,3950.4 +2019-12-27 01:30:00,3920.0 +2019-12-27 01:45:00,3891.6 +2019-12-27 02:00:00,3882.8 +2019-12-27 02:15:00,3869.6 +2019-12-27 02:30:00,3852.4 +2019-12-27 02:45:00,3846.0 +2019-12-27 03:00:00,3856.4 +2019-12-27 03:15:00,3855.2 +2019-12-27 03:30:00,3862.8 +2019-12-27 03:45:00,3883.6 +2019-12-27 04:00:00,3922.4 +2019-12-27 04:15:00,3946.8 +2019-12-27 04:30:00,3985.6 +2019-12-27 04:45:00,4002.0 +2019-12-27 05:00:00,4041.6 +2019-12-27 05:15:00,4076.4 +2019-12-27 05:30:00,4086.0 +2019-12-27 05:45:00,4131.6 +2019-12-27 06:00:00,4252.0 +2019-12-27 06:15:00,4309.6 +2019-12-27 06:30:00,4380.4 +2019-12-27 06:45:00,4466.4 +2019-12-27 07:00:00,4597.6 +2019-12-27 07:15:00,4678.0 +2019-12-27 07:30:00,4782.0 +2019-12-27 07:45:00,4886.4 +2019-12-27 08:00:00,4980.8 +2019-12-27 08:15:00,5028.8 +2019-12-27 08:30:00,5086.4 +2019-12-27 08:45:00,5144.8 +2019-12-27 09:00:00,5220.4 +2019-12-27 09:15:00,5283.2 +2019-12-27 09:30:00,5335.6 +2019-12-27 09:45:00,5367.6 +2019-12-27 10:00:00,5404.8 +2019-12-27 10:15:00,5422.4 +2019-12-27 10:30:00,5444.0 +2019-12-27 10:45:00,5453.2 +2019-12-27 11:00:00,5446.0 +2019-12-27 11:15:00,5468.0 +2019-12-27 11:30:00,5503.2 +2019-12-27 11:45:00,5523.2 +2019-12-27 12:00:00,5542.0 +2019-12-27 12:15:00,5529.6 +2019-12-27 12:30:00,5524.4 +2019-12-27 12:45:00,5515.6 +2019-12-27 13:00:00,5519.2 +2019-12-27 13:15:00,5480.8 +2019-12-27 13:30:00,5459.2 +2019-12-27 13:45:00,5408.0 +2019-12-27 14:00:00,5418.0 +2019-12-27 14:15:00,5384.4 +2019-12-27 14:30:00,5369.6 +2019-12-27 14:45:00,5362.4 +2019-12-27 15:00:00,5390.0 +2019-12-27 15:15:00,5366.4 +2019-12-27 15:30:00,5382.0 +2019-12-27 15:45:00,5407.6 +2019-12-27 16:00:00,5450.8 +2019-12-27 16:15:00,5515.2 +2019-12-27 16:30:00,5626.8 +2019-12-27 16:45:00,5729.6 +2019-12-27 17:00:00,5806.4 +2019-12-27 17:15:00,5831.2 +2019-12-27 17:30:00,5839.6 +2019-12-27 17:45:00,5855.6 +2019-12-27 18:00:00,5826.0 +2019-12-27 18:15:00,5802.4 +2019-12-27 18:30:00,5766.4 +2019-12-27 18:45:00,5731.6 +2019-12-27 19:00:00,5686.8 +2019-12-27 19:15:00,5594.4 +2019-12-27 19:30:00,5560.0 +2019-12-27 19:45:00,5520.0 +2019-12-27 20:00:00,5375.6 +2019-12-27 20:15:00,5278.0 +2019-12-27 20:30:00,5179.2 +2019-12-27 20:45:00,5095.6 +2019-12-27 21:00:00,5097.6 +2019-12-27 21:15:00,5066.0 +2019-12-27 21:30:00,5008.8 +2019-12-27 21:45:00,4969.6 +2019-12-27 22:00:00,5026.8 +2019-12-27 22:15:00,4965.6 +2019-12-27 22:30:00,4883.6 +2019-12-27 22:45:00,4806.0 +2019-12-27 23:00:00,4725.2 +2019-12-27 23:15:00,4657.2 +2019-12-27 23:30:00,4566.0 +2019-12-27 23:45:00,4510.4 +2019-12-28 00:00:00,4428.4 +2019-12-28 00:15:00,4364.8 +2019-12-28 00:30:00,4299.6 +2019-12-28 00:45:00,4270.4 +2019-12-28 01:00:00,4209.2 +2019-12-28 01:15:00,4176.4 +2019-12-28 01:30:00,4144.8 +2019-12-28 01:45:00,4132.4 +2019-12-28 02:00:00,4120.0 +2019-12-28 02:15:00,4113.2 +2019-12-28 02:30:00,4112.0 +2019-12-28 02:45:00,4098.4 +2019-12-28 03:00:00,4111.2 +2019-12-28 03:15:00,4116.0 +2019-12-28 03:30:00,4121.6 +2019-12-28 03:45:00,4125.6 +2019-12-28 04:00:00,4162.8 +2019-12-28 04:15:00,4166.4 +2019-12-28 04:30:00,4162.8 +2019-12-28 04:45:00,4174.0 +2019-12-28 05:00:00,4201.2 +2019-12-28 05:15:00,4207.2 +2019-12-28 05:30:00,4202.0 +2019-12-28 05:45:00,4210.4 +2019-12-28 06:00:00,4218.4 +2019-12-28 06:15:00,4233.2 +2019-12-28 06:30:00,4224.8 +2019-12-28 06:45:00,4262.4 +2019-12-28 07:00:00,4377.6 +2019-12-28 07:15:00,4431.2 +2019-12-28 07:30:00,4488.4 +2019-12-28 07:45:00,4584.0 +2019-12-28 08:00:00,4666.8 +2019-12-28 08:15:00,4714.0 +2019-12-28 08:30:00,4772.8 +2019-12-28 08:45:00,4837.2 +2019-12-28 09:00:00,4929.2 +2019-12-28 09:15:00,4998.4 +2019-12-28 09:30:00,5055.2 +2019-12-28 09:45:00,5088.8 +2019-12-28 10:00:00,5057.2 +2019-12-28 10:15:00,5068.8 +2019-12-28 10:30:00,5102.8 +2019-12-28 10:45:00,5131.2 +2019-12-28 11:00:00,5163.2 +2019-12-28 11:15:00,5202.4 +2019-12-28 11:30:00,5241.2 +2019-12-28 11:45:00,5253.2 +2019-12-28 12:00:00,5266.4 +2019-12-28 12:15:00,5255.2 +2019-12-28 12:30:00,5239.2 +2019-12-28 12:45:00,5200.0 +2019-12-28 13:00:00,5182.0 +2019-12-28 13:15:00,5140.0 +2019-12-28 13:30:00,5101.2 +2019-12-28 13:45:00,5079.2 +2019-12-28 14:00:00,5022.0 +2019-12-28 14:15:00,4978.0 +2019-12-28 14:30:00,4969.2 +2019-12-28 14:45:00,4974.4 +2019-12-28 15:00:00,5006.0 +2019-12-28 15:15:00,4994.8 +2019-12-28 15:30:00,5012.0 +2019-12-28 15:45:00,5041.2 +2019-12-28 16:00:00,5096.0 +2019-12-28 16:15:00,5167.2 +2019-12-28 16:30:00,5269.2 +2019-12-28 16:45:00,5380.0 +2019-12-28 17:00:00,5508.0 +2019-12-28 17:15:00,5547.2 +2019-12-28 17:30:00,5579.6 +2019-12-28 17:45:00,5592.4 +2019-12-28 18:00:00,5602.8 +2019-12-28 18:15:00,5578.4 +2019-12-28 18:30:00,5570.4 +2019-12-28 18:45:00,5532.0 +2019-12-28 19:00:00,5504.0 +2019-12-28 19:15:00,5426.0 +2019-12-28 19:30:00,5387.2 +2019-12-28 19:45:00,5326.4 +2019-12-28 20:00:00,5246.0 +2019-12-28 20:15:00,5149.6 +2019-12-28 20:30:00,5066.0 +2019-12-28 20:45:00,5007.6 +2019-12-28 21:00:00,4983.2 +2019-12-28 21:15:00,4949.6 +2019-12-28 21:30:00,4906.0 +2019-12-28 21:45:00,4876.4 +2019-12-28 22:00:00,4926.4 +2019-12-28 22:15:00,4893.6 +2019-12-28 22:30:00,4832.8 +2019-12-28 22:45:00,4748.8 +2019-12-28 23:00:00,4662.8 +2019-12-28 23:15:00,4593.6 +2019-12-28 23:30:00,4523.2 +2019-12-28 23:45:00,4449.2 +2019-12-29 00:00:00,4355.6 +2019-12-29 00:15:00,4294.4 +2019-12-29 00:30:00,4246.4 +2019-12-29 00:45:00,4190.8 +2019-12-29 01:00:00,4128.0 +2019-12-29 01:15:00,4083.6 +2019-12-29 01:30:00,4078.8 +2019-12-29 01:45:00,4066.8 +2019-12-29 02:00:00,4021.2 +2019-12-29 02:15:00,4029.6 +2019-12-29 02:30:00,4021.2 +2019-12-29 02:45:00,4002.0 +2019-12-29 03:00:00,4004.4 +2019-12-29 03:15:00,3995.2 +2019-12-29 03:30:00,3992.4 +2019-12-29 03:45:00,3968.0 +2019-12-29 04:00:00,3971.2 +2019-12-29 04:15:00,3978.4 +2019-12-29 04:30:00,4000.0 +2019-12-29 04:45:00,3991.6 +2019-12-29 05:00:00,3989.2 +2019-12-29 05:15:00,3991.2 +2019-12-29 05:30:00,3975.2 +2019-12-29 05:45:00,3958.4 +2019-12-29 06:00:00,3910.8 +2019-12-29 06:15:00,3898.4 +2019-12-29 06:30:00,3920.8 +2019-12-29 06:45:00,3939.6 +2019-12-29 07:00:00,3991.2 +2019-12-29 07:15:00,4015.6 +2019-12-29 07:30:00,4046.4 +2019-12-29 07:45:00,4097.6 +2019-12-29 08:00:00,4228.0 +2019-12-29 08:15:00,4296.0 +2019-12-29 08:30:00,4359.6 +2019-12-29 08:45:00,4424.8 +2019-12-29 09:00:00,4503.2 +2019-12-29 09:15:00,4581.2 +2019-12-29 09:30:00,4627.2 +2019-12-29 09:45:00,4694.0 +2019-12-29 10:00:00,4701.2 +2019-12-29 10:15:00,4731.2 +2019-12-29 10:30:00,4770.0 +2019-12-29 10:45:00,4826.4 +2019-12-29 11:00:00,4866.4 +2019-12-29 11:15:00,4934.0 +2019-12-29 11:30:00,5007.2 +2019-12-29 11:45:00,5040.0 +2019-12-29 12:00:00,5059.6 +2019-12-29 12:15:00,5033.6 +2019-12-29 12:30:00,5001.2 +2019-12-29 12:45:00,4961.6 +2019-12-29 13:00:00,4928.4 +2019-12-29 13:15:00,4858.0 +2019-12-29 13:30:00,4852.4 +2019-12-29 13:45:00,4802.4 +2019-12-29 14:00:00,4764.0 +2019-12-29 14:15:00,4738.8 +2019-12-29 14:30:00,4732.0 +2019-12-29 14:45:00,4719.2 +2019-12-29 15:00:00,4734.4 +2019-12-29 15:15:00,4712.8 +2019-12-29 15:30:00,4733.6 +2019-12-29 15:45:00,4759.2 +2019-12-29 16:00:00,4844.0 +2019-12-29 16:15:00,4911.6 +2019-12-29 16:30:00,5020.8 +2019-12-29 16:45:00,5134.0 +2019-12-29 17:00:00,5262.0 +2019-12-29 17:15:00,5323.6 +2019-12-29 17:30:00,5345.2 +2019-12-29 17:45:00,5361.6 +2019-12-29 18:00:00,5406.0 +2019-12-29 18:15:00,5396.8 +2019-12-29 18:30:00,5410.8 +2019-12-29 18:45:00,5374.0 +2019-12-29 19:00:00,5352.4 +2019-12-29 19:15:00,5299.2 +2019-12-29 19:30:00,5275.6 +2019-12-29 19:45:00,5218.4 +2019-12-29 20:00:00,5183.2 +2019-12-29 20:15:00,5112.8 +2019-12-29 20:30:00,5035.2 +2019-12-29 20:45:00,4991.2 +2019-12-29 21:00:00,4946.0 +2019-12-29 21:15:00,4940.0 +2019-12-29 21:30:00,4935.2 +2019-12-29 21:45:00,4948.4 +2019-12-29 22:00:00,4980.4 +2019-12-29 22:15:00,4932.8 +2019-12-29 22:30:00,4880.0 +2019-12-29 22:45:00,4826.8 +2019-12-29 23:00:00,4720.0 +2019-12-29 23:15:00,4636.4 +2019-12-29 23:30:00,4579.2 +2019-12-29 23:45:00,4520.0 +2019-12-30 00:00:00,4466.4 +2019-12-30 00:15:00,4447.2 +2019-12-30 00:30:00,4397.2 +2019-12-30 00:45:00,4337.2 +2019-12-30 01:00:00,4260.8 +2019-12-30 01:15:00,4238.4 +2019-12-30 01:30:00,4220.4 +2019-12-30 01:45:00,4185.2 +2019-12-30 02:00:00,4181.6 +2019-12-30 02:15:00,4166.0 +2019-12-30 02:30:00,4161.6 +2019-12-30 02:45:00,4143.6 +2019-12-30 03:00:00,4163.2 +2019-12-30 03:15:00,4159.2 +2019-12-30 03:30:00,4168.4 +2019-12-30 03:45:00,4182.4 +2019-12-30 04:00:00,4243.2 +2019-12-30 04:15:00,4264.8 +2019-12-30 04:30:00,4287.2 +2019-12-30 04:45:00,4290.8 +2019-12-30 05:00:00,4372.0 +2019-12-30 05:15:00,4388.4 +2019-12-30 05:30:00,4412.4 +2019-12-30 05:45:00,4451.2 +2019-12-30 06:00:00,4537.2 +2019-12-30 06:15:00,4602.8 +2019-12-30 06:30:00,4683.2 +2019-12-30 06:45:00,4776.4 +2019-12-30 07:00:00,4906.8 +2019-12-30 07:15:00,4948.0 +2019-12-30 07:30:00,5053.6 +2019-12-30 07:45:00,5138.4 +2019-12-30 08:00:00,5230.8 +2019-12-30 08:15:00,5261.2 +2019-12-30 08:30:00,5337.2 +2019-12-30 08:45:00,5374.0 +2019-12-30 09:00:00,5425.2 +2019-12-30 09:15:00,5500.8 +2019-12-30 09:30:00,5530.8 +2019-12-30 09:45:00,5543.6 +2019-12-30 10:00:00,5498.4 +2019-12-30 10:15:00,5506.8 +2019-12-30 10:30:00,5528.4 +2019-12-30 10:45:00,5521.2 +2019-12-30 11:00:00,5501.6 +2019-12-30 11:15:00,5542.0 +2019-12-30 11:30:00,5575.6 +2019-12-30 11:45:00,5607.2 +2019-12-30 12:00:00,5602.8 +2019-12-30 12:15:00,5592.4 +2019-12-30 12:30:00,5555.2 +2019-12-30 12:45:00,5546.8 +2019-12-30 13:00:00,5507.2 +2019-12-30 13:15:00,5452.4 +2019-12-30 13:30:00,5423.6 +2019-12-30 13:45:00,5408.4 +2019-12-30 14:00:00,5418.0 +2019-12-30 14:15:00,5384.8 +2019-12-30 14:30:00,5372.0 +2019-12-30 14:45:00,5362.8 +2019-12-30 15:00:00,5390.8 +2019-12-30 15:15:00,5374.0 +2019-12-30 15:30:00,5408.0 +2019-12-30 15:45:00,5436.8 +2019-12-30 16:00:00,5513.2 +2019-12-30 16:15:00,5550.4 +2019-12-30 16:30:00,5647.2 +2019-12-30 16:45:00,5772.4 +2019-12-30 17:00:00,5931.6 +2019-12-30 17:15:00,5988.0 +2019-12-30 17:30:00,6010.8 +2019-12-30 17:45:00,6019.6 +2019-12-30 18:00:00,6052.0 +2019-12-30 18:15:00,6054.4 +2019-12-30 18:30:00,6021.6 +2019-12-30 18:45:00,5992.0 +2019-12-30 19:00:00,5935.2 +2019-12-30 19:15:00,5872.0 +2019-12-30 19:30:00,5834.0 +2019-12-30 19:45:00,5788.0 +2019-12-30 20:00:00,5679.6 +2019-12-30 20:15:00,5578.8 +2019-12-30 20:30:00,5492.8 +2019-12-30 20:45:00,5422.8 +2019-12-30 21:00:00,5372.0 +2019-12-30 21:15:00,5329.6 +2019-12-30 21:30:00,5295.6 +2019-12-30 21:45:00,5267.2 +2019-12-30 22:00:00,5267.2 +2019-12-30 22:15:00,5190.4 +2019-12-30 22:30:00,5122.0 +2019-12-30 22:45:00,5034.4 +2019-12-30 23:00:00,4938.8 +2019-12-30 23:15:00,4836.4 +2019-12-30 23:30:00,4764.0 +2019-12-30 23:45:00,4702.8 +2019-12-31 00:00:00,4580.8 +2019-12-31 00:15:00,4490.4 +2019-12-31 00:30:00,4461.6 +2019-12-31 00:45:00,4401.6 +2019-12-31 01:00:00,4354.0 +2019-12-31 01:15:00,4300.8 +2019-12-31 01:30:00,4268.8 +2019-12-31 01:45:00,4238.4 +2019-12-31 02:00:00,4218.0 +2019-12-31 02:15:00,4186.0 +2019-12-31 02:30:00,4186.0 +2019-12-31 02:45:00,4169.2 +2019-12-31 03:00:00,4181.6 +2019-12-31 03:15:00,4154.8 +2019-12-31 03:30:00,4160.4 +2019-12-31 03:45:00,4176.0 +2019-12-31 04:00:00,4204.8 +2019-12-31 04:15:00,4218.8 +2019-12-31 04:30:00,4229.2 +2019-12-31 04:45:00,4227.2 +2019-12-31 05:00:00,4251.6 +2019-12-31 05:15:00,4248.0 +2019-12-31 05:30:00,4245.6 +2019-12-31 05:45:00,4250.4 +2019-12-31 06:00:00,4252.4 +2019-12-31 06:15:00,4290.8 +2019-12-31 06:30:00,4299.2 +2019-12-31 06:45:00,4347.2 +2019-12-31 07:00:00,4435.2 +2019-12-31 07:15:00,4485.6 +2019-12-31 07:30:00,4549.2 +2019-12-31 07:45:00,4609.2 +2019-12-31 08:00:00,4719.2 +2019-12-31 08:15:00,4758.0 +2019-12-31 08:30:00,4805.2 +2019-12-31 08:45:00,4875.6 +2019-12-31 09:00:00,4967.6 +2019-12-31 09:15:00,5040.0 +2019-12-31 09:30:00,5102.8 +2019-12-31 09:45:00,5162.8 +2019-12-31 10:00:00,5194.8 +2019-12-31 10:15:00,5224.8 +2019-12-31 10:30:00,5258.0 +2019-12-31 10:45:00,5276.0 +2019-12-31 11:00:00,5313.2 +2019-12-31 11:15:00,5321.6 +2019-12-31 11:30:00,5349.6 +2019-12-31 11:45:00,5356.8 +2019-12-31 12:00:00,5348.4 +2019-12-31 12:15:00,5339.6 +2019-12-31 12:30:00,5332.0 +2019-12-31 12:45:00,5301.2 +2019-12-31 13:00:00,5288.8 +2019-12-31 13:15:00,5209.2 +2019-12-31 13:30:00,5188.0 +2019-12-31 13:45:00,5162.0 +2019-12-31 14:00:00,5152.4 +2019-12-31 14:15:00,5084.0 +2019-12-31 14:30:00,5040.8 +2019-12-31 14:45:00,5010.4 +2019-12-31 15:00:00,5037.6 +2019-12-31 15:15:00,5014.0 +2019-12-31 15:30:00,5025.6 +2019-12-31 15:45:00,5039.2 +2019-12-31 16:00:00,5104.0 +2019-12-31 16:15:00,5145.2 +2019-12-31 16:30:00,5226.0 +2019-12-31 16:45:00,5354.8 +2019-12-31 17:00:00,5432.8 +2019-12-31 17:15:00,5472.4 +2019-12-31 17:30:00,5480.8 +2019-12-31 17:45:00,5471.6 +2019-12-31 18:00:00,5445.2 +2019-12-31 18:15:00,5425.6 +2019-12-31 18:30:00,5396.0 +2019-12-31 18:45:00,5325.2 +2019-12-31 19:00:00,5258.8 +2019-12-31 19:15:00,5184.0 +2019-12-31 19:30:00,5100.4 +2019-12-31 19:45:00,4995.6 +2019-12-31 20:00:00,4927.2 +2019-12-31 20:15:00,4865.2 +2019-12-31 20:30:00,4802.4 +2019-12-31 20:45:00,4743.6 +2019-12-31 21:00:00,4698.8 +2019-12-31 21:15:00,4677.6 +2019-12-31 21:30:00,4654.4 +2019-12-31 21:45:00,4618.4 +2019-12-31 22:00:00,4681.6 +2019-12-31 22:15:00,4654.8 +2019-12-31 22:30:00,4589.6 +2019-12-31 22:45:00,4537.6 +2019-12-31 23:00:00,4478.4 +2019-12-31 23:15:00,4447.6 +2019-12-31 23:30:00,4409.6 +2019-12-31 23:45:00,4390.0 diff --git a/examples/inputs/example_02e/demand_df.csv.license b/examples/inputs/example_02e/demand_df.csv.license new file mode 100644 index 00000000..a6ae0636 --- /dev/null +++ b/examples/inputs/example_02e/demand_df.csv.license @@ -0,0 +1,3 @@ +SPDX-FileCopyrightText: ASSUME Developers + +SPDX-License-Identifier: AGPL-3.0-or-later diff --git a/examples/inputs/example_02e/demand_units.csv b/examples/inputs/example_02e/demand_units.csv new file mode 100644 index 00000000..aa7cfd0d --- /dev/null +++ b/examples/inputs/example_02e/demand_units.csv @@ -0,0 +1,2 @@ +name,technology,bidding_EOM,max_power,min_power,unit_operator +demand_EOM,inflex_demand,naive_eom,1000000,0,eom_de diff --git a/examples/inputs/example_02e/demand_units.csv.license b/examples/inputs/example_02e/demand_units.csv.license new file mode 100644 index 00000000..a6ae0636 --- /dev/null +++ b/examples/inputs/example_02e/demand_units.csv.license @@ -0,0 +1,3 @@ +SPDX-FileCopyrightText: ASSUME Developers + +SPDX-License-Identifier: AGPL-3.0-or-later diff --git a/examples/inputs/example_02e/fuel_prices_df.csv b/examples/inputs/example_02e/fuel_prices_df.csv new file mode 100644 index 00000000..a597dfd3 --- /dev/null +++ b/examples/inputs/example_02e/fuel_prices_df.csv @@ -0,0 +1,2 @@ +fuel,uranium,lignite,hard coal,natural gas,oil,biomass,co2 +price,0.9,1.8,8.5,26,22,21,25 diff --git a/examples/inputs/example_02e/fuel_prices_df.csv.license b/examples/inputs/example_02e/fuel_prices_df.csv.license new file mode 100644 index 00000000..a6ae0636 --- /dev/null +++ b/examples/inputs/example_02e/fuel_prices_df.csv.license @@ -0,0 +1,3 @@ +SPDX-FileCopyrightText: ASSUME Developers + +SPDX-License-Identifier: AGPL-3.0-or-later diff --git a/examples/inputs/example_02e/powerplant_units.csv b/examples/inputs/example_02e/powerplant_units.csv new file mode 100644 index 00000000..d1d9a0e7 --- /dev/null +++ b/examples/inputs/example_02e/powerplant_units.csv @@ -0,0 +1,8 @@ +name,technology,bidding_EOM,fuel_type,emission_factor,max_power,min_power,efficiency,additional_cost,unit_operator +pp_1,nuclear,naive_eom,uranium,0.0,1000,1,0.36,10.0,Operator 1 +pp_2,nuclear,naive_eom,uranium,0,1000,1,0.36,10,Operator 1 +pp_3,lignite,naive_eom,lignite,0.406,1000,1,0.41,2.0,Operator 1 +pp_4,hard coal,naive_eom,hard coal,0.335,1000,1,0.48,1.0,Operator 1 +pp_5,hard coal,naive_eom,hard coal,0.335,1000,1,0.48,1.0,Operator 1 +pp_6,combined cycle gas turbine,naive_eom,natural gas,0.201,2500,1,0.60,4.0,Operator-RL +pp_7,combined cycle gas turbine,naive_eom,natural gas,0.201,5000,1,0.60,34.0,Operator 1 diff --git a/examples/inputs/example_02e/powerplant_units.csv.license b/examples/inputs/example_02e/powerplant_units.csv.license new file mode 100644 index 00000000..a6ae0636 --- /dev/null +++ b/examples/inputs/example_02e/powerplant_units.csv.license @@ -0,0 +1,3 @@ +SPDX-FileCopyrightText: ASSUME Developers + +SPDX-License-Identifier: AGPL-3.0-or-later diff --git a/examples/inputs/example_02e/storage_units.csv b/examples/inputs/example_02e/storage_units.csv new file mode 100644 index 00000000..71dff9b4 --- /dev/null +++ b/examples/inputs/example_02e/storage_units.csv @@ -0,0 +1,2 @@ +name,technology,bidding_EOM,max_power_charge,max_power_discharge,efficiency_charge,efficiency_discharge,min_volume,max_volume,additional_cost_charge,additional_cost_discharge,natural_inflow,unit_operator +Storage 1,PSPP,storage_learning,1000.0,992.0,0.86,0.9,1.0,6076.0,0.28,0.28,0.0,Operator 1 diff --git a/examples/inputs/example_02e/storage_units.csv.license b/examples/inputs/example_02e/storage_units.csv.license new file mode 100644 index 00000000..a6ae0636 --- /dev/null +++ b/examples/inputs/example_02e/storage_units.csv.license @@ -0,0 +1,3 @@ +SPDX-FileCopyrightText: ASSUME Developers + +SPDX-License-Identifier: AGPL-3.0-or-later From a44acce8d52dca5cf6fa028c55ae4dc983b73404 Mon Sep 17 00:00:00 2001 From: kim-mskw Date: Wed, 30 Oct 2024 08:11:23 +0100 Subject: [PATCH 3/4] - accidentially pushed empty file --- .../learning_strategies_storages.py | 20 ------------------- 1 file changed, 20 deletions(-) delete mode 100644 assume/strategies/learning_strategies_storages.py diff --git a/assume/strategies/learning_strategies_storages.py b/assume/strategies/learning_strategies_storages.py deleted file mode 100644 index e85bdc88..00000000 --- a/assume/strategies/learning_strategies_storages.py +++ /dev/null @@ -1,20 +0,0 @@ -# SPDX-FileCopyrightText: ASSUME Developers -# -# SPDX-License-Identifier: AGPL-3.0-or-later - -import logging -from datetime import datetime, timedelta -from pathlib import Path - -import numpy as np -import pandas as pd -import torch as th - -from assume.common.base import LearningStrategy, SupportsMinMaxCharge -from assume.common.market_objects import MarketConfig, Orderbook, Product -from assume.reinforcement_learning.learning_utils import NormalActionNoise -from strategies.utils import load_actor_params - -logger = logging.getLogger(__name__) - - From d2362ece62deef5688fb82faf2483d5b5f657f04 Mon Sep 17 00:00:00 2001 From: Nick Harder Date: Thu, 31 Oct 2024 10:56:23 +0100 Subject: [PATCH 4/4] -switch notion of SOC from relative to absolute value -switch max_volume and min_volume in storages to max_soc and min_soc -move load_actor_params to base LearningStrategy -refine drl storage reward function -add energy cost calculation to DRL storage strategy -adjust input data in Example_02e to generate better price profile for storage tests -adjust storage tests to new soc notion --- assume/common/base.py | 39 +- assume/scenario/loader_amiris.py | 6 +- assume/scenario/loader_csv.py | 5 + assume/scenario/loader_pypsa.py | 2 +- assume/strategies/__init__.py | 6 +- assume/strategies/dmas_storage.py | 6 +- assume/strategies/flexable_storage.py | 26 +- assume/strategies/learning_strategies.py | 517 ++++++------------ assume/units/storage.py | 59 +- examples/examples.py | 1 - examples/inputs/example_01c/storage_units.csv | 2 +- examples/inputs/example_01g/storage_units.csv | 2 +- examples/inputs/example_02e/config.yaml | 17 +- .../inputs/example_02e/powerplant_units.csv | 13 +- examples/inputs/example_02e/storage_units.csv | 4 +- examples/inputs/example_03/storage_units.csv | 2 +- tests/test_dmas_storage.py | 4 +- tests/test_flexable_storage_strategies.py | 7 +- tests/test_storage.py | 64 +-- 19 files changed, 302 insertions(+), 480 deletions(-) diff --git a/assume/common/base.py b/assume/common/base.py index b32c78d6..f9802c5f 100644 --- a/assume/common/base.py +++ b/assume/common/base.py @@ -12,6 +12,11 @@ from assume.common.forecasts import Forecaster from assume.common.market_objects import MarketConfig, Orderbook, Product +try: + import torch as th +except ImportError: + th = None + class BaseStrategy: pass @@ -527,7 +532,7 @@ class SupportsMinMaxCharge(BaseUnit): # negative ramp_down_charge: float # ramp_down_charge is negative - max_volume: float + max_soc: float efficiency_charge: float efficiency_discharge: float @@ -807,6 +812,38 @@ def __init__( # them into suitable format for recurrent neural networks self.num_timeseries_obs_dim = num_timeseries_obs_dim + def load_actor_params(self, load_path): + """ + Load actor parameters. + + Args: + load_path (str): The path to load parameters from. + """ + directory = f"{load_path}/actors/actor_{self.unit_id}.pt" + + params = th.load(directory, map_location=self.device, weights_only=True) + + self.actor = self.actor_architecture_class( + obs_dim=self.obs_dim, + act_dim=self.act_dim, + float_type=self.float_type, + unique_obs_dim=self.unique_obs_dim, + num_timeseries_obs_dim=self.num_timeseries_obs_dim, + ).to(self.device) + self.actor.load_state_dict(params["actor"]) + + if self.learning_mode: + self.actor_target = self.actor_architecture_class( + obs_dim=self.obs_dim, + act_dim=self.act_dim, + float_type=self.float_type, + unique_obs_dim=self.unique_obs_dim, + num_timeseries_obs_dim=self.num_timeseries_obs_dim, + ).to(self.device) + self.actor_target.load_state_dict(params["actor_target"]) + self.actor_target.eval() + self.actor.optimizer.load_state_dict(params["actor_optimizer"]) + class LearningConfig(TypedDict): """ diff --git a/assume/scenario/loader_amiris.py b/assume/scenario/loader_amiris.py index 924c0d22..889d4cbb 100644 --- a/assume/scenario/loader_amiris.py +++ b/assume/scenario/loader_amiris.py @@ -277,8 +277,8 @@ def add_agent_to_world( price_forecast=forecast_price, ) - max_volume = device["EnergyToPowerRatio"] * device["InstalledPowerInMW"] - initial_soc = 100 * device["InitialEnergyLevelInMWH"] / max_volume + max_soc = device["EnergyToPowerRatio"] * device["InstalledPowerInMW"] + initial_soc = 100 * device["InitialEnergyLevelInMWH"] / max_soc # TODO device["SelfDischargeRatePerHour"] world.add_unit( f"StorageTrader_{agent['Id']}", @@ -290,7 +290,7 @@ def add_agent_to_world( "efficiency_charge": device["ChargingEfficiency"], "efficiency_discharge": device["DischargingEfficiency"], "initial_soc": initial_soc, - "max_volume": max_volume, + "max_soc": max_soc, "bidding_strategies": storage_strategies, "technology": "hydro", # PSPP? Pump-Storage Power Plant "emission_factor": 0, diff --git a/assume/scenario/loader_csv.py b/assume/scenario/loader_csv.py index bcca6881..b68f20cb 100644 --- a/assume/scenario/loader_csv.py +++ b/assume/scenario/loader_csv.py @@ -972,7 +972,12 @@ def run_learning( world.run() total_rewards = world.output_role.get_sum_reward() + + if len(total_rewards) == 0: + raise AssumeException("No rewards were collected during evaluation run") + avg_reward = np.mean(total_rewards) + # check reward improvement in evaluation run # and store best run in eval folder terminate = world.learning_role.compare_and_save_policies( diff --git a/assume/scenario/loader_pypsa.py b/assume/scenario/loader_pypsa.py index 9fc539a3..8fc6e5e7 100644 --- a/assume/scenario/loader_pypsa.py +++ b/assume/scenario/loader_pypsa.py @@ -156,7 +156,7 @@ def load_pypsa( "efficiency_charge": storage.efficiency_store, "efficiency_discharge": storage.efficiency_dispatch, "initial_soc": storage.state_of_charge_initial, - "max_volume": storage.p_nom, + "max_soc": storage.p_nom, "bidding_strategies": bidding_strategies[storage.name], "technology": "hydro", "emission_factor": 0, diff --git a/assume/strategies/__init__.py b/assume/strategies/__init__.py index 47b60b60..c00d9115 100644 --- a/assume/strategies/__init__.py +++ b/assume/strategies/__init__.py @@ -51,11 +51,13 @@ from assume.strategies.learning_advanced_orders import ( RLAdvancedOrderStrategy, ) - from assume.strategies.learning_strategies import RLStrategy, BatteryRLStrategy, BatteryRLStrategy_Curve + from assume.strategies.learning_strategies import ( + RLStrategy, + BatteryRLStrategy, + ) bidding_strategies["pp_learning"] = RLStrategy bidding_strategies["storage_learning"] = BatteryRLStrategy - bidding_strategies["storage_learning_curve"] = BatteryRLStrategy_Curve bidding_strategies["learning_advanced_orders"] = RLAdvancedOrderStrategy except ImportError: diff --git a/assume/strategies/dmas_storage.py b/assume/strategies/dmas_storage.py index c84b010b..2d1e69ba 100644 --- a/assume/strategies/dmas_storage.py +++ b/assume/strategies/dmas_storage.py @@ -141,7 +141,7 @@ def build_model(self, unit: SupportsMinMaxCharge, start: datetime, hour_count: i self.model.p_minus = Var( time_range, within=Reals, bounds=(0, unit.max_power_discharge) ) - self.model.volume = Var(time_range, within=Reals, bounds=(0, unit.max_volume)) + self.model.volume = Var(time_range, within=Reals, bounds=(0, unit.max_soc)) self.power = [ -self.model.p_minus[t] / unit.efficiency_discharge @@ -151,7 +151,7 @@ def build_model(self, unit: SupportsMinMaxCharge, start: datetime, hour_count: i self.model.vol_con = ConstraintList() soc0 = unit.get_soc_before(start) - v0 = unit.max_volume * soc0 + v0 = unit.max_soc * soc0 for t in time_range: if t == 0: @@ -162,7 +162,7 @@ def build_model(self, unit: SupportsMinMaxCharge, start: datetime, hour_count: i ) # always end with half full SoC - self.model.vol_con.add(self.model.volume[hour_count - 1] == unit.max_volume / 2) + self.model.vol_con.add(self.model.volume[hour_count - 1] == unit.max_soc / 2) return self.power def optimize( diff --git a/assume/strategies/flexable_storage.py b/assume/strategies/flexable_storage.py index c8b85007..897d8b90 100644 --- a/assume/strategies/flexable_storage.py +++ b/assume/strategies/flexable_storage.py @@ -156,14 +156,10 @@ def calculate_bids( (bid_quantity + current_power) * time_delta / unit.efficiency_discharge - / unit.max_volume ) elif bid_quantity + current_power < 0: delta_soc = -( - (bid_quantity + current_power) - * time_delta - * unit.efficiency_charge - / unit.max_volume + (bid_quantity + current_power) * time_delta * unit.efficiency_charge ) else: delta_soc = 0 @@ -263,9 +259,7 @@ def calculate_bids( previous_power = unit.get_output_before(start) - min_power_discharge, max_power_discharge = unit.calculate_min_max_discharge( - start, end - ) + _, max_power_discharge = unit.calculate_min_max_discharge(start, end) bids = [] theoretic_SOC = unit.outputs["soc"][start] for product in product_tuples: @@ -303,7 +297,7 @@ def calculate_bids( abs(specific_revenue) * unit.min_power_discharge / bid_quantity ) - energy_price = capacity_price / (theoretic_SOC * unit.max_volume) + energy_price = capacity_price if market_config.product_type == "capacity_pos": bids.append( @@ -335,7 +329,6 @@ def calculate_bids( (bid_quantity + current_power) * time_delta / unit.efficiency_discharge - / unit.max_volume ) theoretic_SOC += delta_soc previous_power = bid_quantity + current_power @@ -395,7 +388,7 @@ def calculate_bids( theoretic_SOC = unit.outputs["soc"][start] - min_power_charge, max_power_charge = unit.calculate_min_max_charge(start, end) + _, max_power_charge = unit.calculate_min_max_charge(start, end) bids = [] for product in product_tuples: @@ -442,10 +435,7 @@ def calculate_bids( # calculate theoretic SOC time_delta = (end - start) / timedelta(hours=1) delta_soc = ( - (bid_quantity + current_power) - * time_delta - * unit.efficiency_charge - / unit.max_volume + (bid_quantity + current_power) * time_delta * unit.efficiency_charge ) theoretic_SOC += delta_soc previous_power = bid_quantity + current_power @@ -519,12 +509,12 @@ def get_specific_revenue(unit, marginal_cost, t, foresight, price_forecast): power_discharge=max_power_discharge.iloc[i], ) possible_revenue += (market_price - marginal_cost) * theoretic_power_discharge - theoretic_SOC -= theoretic_power_discharge / unit.max_volume + theoretic_SOC -= theoretic_power_discharge previous_power = theoretic_power_discharge if soc != theoretic_SOC: - possible_revenue = possible_revenue / (soc - theoretic_SOC) / unit.max_volume + possible_revenue = possible_revenue / (soc - theoretic_SOC) else: - possible_revenue = possible_revenue / unit.max_volume + possible_revenue = possible_revenue / unit.max_soc return possible_revenue diff --git a/assume/strategies/learning_strategies.py b/assume/strategies/learning_strategies.py index 959067cb..87f3d183 100644 --- a/assume/strategies/learning_strategies.py +++ b/assume/strategies/learning_strategies.py @@ -295,16 +295,14 @@ def create_observation( # ============================================================================= # 1.1 Get the Observations, which are the basis of the action decision # ============================================================================= + # scaling factors for the observations scaling_factor_res_load = self.max_demand - - # price forecast scaling_factor_price = self.max_bid_price # total capacity and marginal cost scaling_factor_total_capacity = unit.max_power # marginal cost - # Obs[2*foresight+1:2*foresight+2] scaling_factor_marginal_cost = self.max_bid_price # checks if we are at end of simulation horizon, since we need to change the forecast then @@ -475,76 +473,50 @@ def calculate_reward( unit.outputs["rl_rewards"].append(reward) - def load_actor_params(self, load_path): - """ - Load actor parameters. - - Args: - load_path (str): The path to load parameters from. - """ - directory = f"{load_path}/actors/actor_{self.unit_id}.pt" - - params = th.load(directory, map_location=self.device, weights_only=True) - - self.actor = self.actor_architecture_class( - obs_dim=self.obs_dim, - act_dim=self.act_dim, - float_type=self.float_type, - unique_obs_dim=self.unique_obs_dim, - num_timeseries_obs_dim=self.num_timeseries_obs_dim, - ).to(self.device) - self.actor.load_state_dict(params["actor"]) - - if self.learning_mode: - self.actor_target = self.actor_architecture_class( - obs_dim=self.obs_dim, - act_dim=self.act_dim, - float_type=self.float_type, - unique_obs_dim=self.unique_obs_dim, - num_timeseries_obs_dim=self.num_timeseries_obs_dim, - ).to(self.device) - self.actor_target.load_state_dict(params["actor_target"]) - self.actor_target.eval() - self.actor.optimizer.load_state_dict(params["actor_optimizer"]) - class BatteryRLStrategy(LearningStrategy): def __init__(self, *args, **kwargs): - super().__init__(obs_dim=51, act_dim=2, unique_obs_dim=2, *args, - **kwargs) # need to be 50 and 2, all RL units the same - self.world = None + super().__init__(obs_dim=50, act_dim=2, unique_obs_dim=2, *args, **kwargs) + self.unit_id = kwargs["unit_id"] + # defines bounds of actions space + self.max_bid_price = kwargs.get("max_bid_price", 100) + self.max_demand = kwargs.get("max_demand", 10e3) + # tells us whether we are training the agents or just executing per-learnind stategies self.learning_mode = kwargs.get("learning_mode", False) self.perform_evaluation = kwargs.get("perform_evaluation", False) - #technical parameters of power plant - self.max_power_charge = kwargs.get("max_power_charge", 100) - self.max_power_discharge = kwargs.get("max_power_discharge", 90) - self.efficiency_charge = kwargs.get("efficiency_charge", 0.95) - self.efficiency_discharge = kwargs.get("efficiency_discharge", 0.95) - self.min_volume = kwargs.get("min_volume", 1) - self.max_volume = kwargs.get("max_volume", 190) - self.variable_cost_charge = kwargs.get("variable_cost_charge", 30) - self.variable_cost_discharge = kwargs.get("variable_cost_discharge", 30) - self.natural_inflow = kwargs.get("natural_inflow", 0) - - self.max_bid_price = kwargs.get("max_bid_price", 100) + # based on learning config + self.algorithm = kwargs.get("algorithm", "matd3") + actor_architecture = kwargs.get("actor_architecture", "mlp") - self.float_type = th.float + if actor_architecture in actor_architecture_aliases.keys(): + self.actor_architecture_class = actor_architecture_aliases[ + actor_architecture + ] + else: + raise ValueError( + f"Policy '{actor_architecture}' unknown. Supported architectures are {list(actor_architecture_aliases.keys())}" + ) - # sets the devide of the actor network + # sets the device of the actor network device = kwargs.get("device", "cpu") self.device = th.device(device if th.cuda.is_available() else "cpu") if not self.learning_mode: self.device = th.device("cpu") + # future: add option to choose between float16 and float32 + # float_type = kwargs.get("float_type", "float32") + self.float_type = th.float + # for definition of observation space self.foresight = kwargs.get("foresight", 24) - # define used order types + # define allowed order types self.order_types = kwargs.get("order_types", ["SB"]) + if self.learning_mode or self.perform_evaluation: self.collect_initial_experience_mode = kwargs.get( "episodes_collecting_initial_experience", True @@ -566,11 +538,11 @@ def __init__(self, *args, **kwargs): ) def calculate_bids( - self, - unit: SupportsMinMaxCharge, - market_config: MarketConfig, - product_tuples: list[Product], - **kwargs, + self, + unit: SupportsMinMaxCharge, + market_config: MarketConfig, + product_tuples: list[Product], + **kwargs, ) -> Orderbook: """ Takes information from a unit that the unit operator manages and @@ -590,6 +562,7 @@ def calculate_bids( """ start = product_tuples[0][0] end_all = product_tuples[-1][1] + next_observation = self.create_observation( unit=unit, market_id=market_config.market_id, @@ -597,49 +570,52 @@ def calculate_bids( end=end_all, ) # ============================================================================= - # Storage Unit is either charging, discharging, or off + # Get the Actions, based on the observations # ============================================================================= actions, noise = self.get_actions(next_observation) - # ============================================================================= # 3. Transform Actions into bids # ============================================================================= - # actions are in the range [-1,1], we need to transform them into actual bids - # we can use our domain knowledge to guide the bid formulation - bid_price = actions[0] * self.max_bid_price - - bid_direction = 'sell' if actions[1] >= 0 else 'buy' + # the first action is the bid price + bid_price = (actions[0] + 1) * self.max_bid_price + # the second action is the bid direction + bid_direction = "sell" if actions[1] >= 0 else "buy" - min_charge, max_charge = unit.calculate_min_max_charge(start, end_all) - min_discharge, max_discharge = unit.calculate_min_max_discharge(start, end_all) + _, max_discharge = unit.calculate_min_max_discharge(start, end_all) + _, max_charge = unit.calculate_min_max_charge(start, end_all) - bid_quantity_demand=max_charge.iloc[0] - bid_quantity_supply=max_discharge.iloc[0] + bid_quantity_supply = max_discharge.iloc[0] + bid_quantity_demand = max_charge.iloc[0] bids = [] - #TODO: check if we need to add a check for the minimum volume - if bid_direction == 'sell': - bids.append({ - "start_time": start, - "end_time": end_all, - "only_hours": None, - "price": bid_price, - "volume": bid_quantity_supply, - "node": unit.node, - }) - if bid_direction == 'buy': - bids.append({ - "start_time": start, - "end_time": end_all, - "only_hours": None, - "price": -bid_price, - "volume": bid_quantity_demand, - "node": unit.node, - }) - bids = self.remove_empty_bids(bids) + if bid_direction == "sell": + bids.append( + { + "start_time": start, + "end_time": end_all, + "only_hours": None, + "price": bid_price, + # zero bids are ignored by the market clearing and orders are deleted, + # but we need the orderbook for the DRL to function, + # therefore we add a small amount + "volume": bid_quantity_supply + 1e-6, + "node": unit.node, + } + ) + elif bid_direction == "buy": + bids.append( + { + "start_time": start, + "end_time": end_all, + "only_hours": None, + "price": bid_price, + "volume": bid_quantity_demand + 1e-6, # negative value for demand + "node": unit.node, + } + ) unit.outputs["rl_observations"].append(next_observation) unit.outputs["rl_actions"].append(actions) @@ -685,7 +661,7 @@ def get_actions(self, next_observation): # 2.1 Get Actions and handle exploration # ============================================================================= # only use noise as the action to enforce exploration - curr_action = noise + curr_action = noise else: # if we are not in the initial exploration phase we chose the action with the actor neural net @@ -702,97 +678,98 @@ def get_actions(self, next_observation): noise = tuple(0 for _ in range(self.act_dim)) curr_action = curr_action.clamp(-1, 1) + return curr_action, noise def calculate_reward( - self, - unit: SupportsMinMaxCharge, - marketconfig: MarketConfig, - orderbook: Orderbook, + self, + unit: SupportsMinMaxCharge, + marketconfig: MarketConfig, + orderbook: Orderbook, ): """ - Calculates the reward for the unit. + Calculates the reward for the unit after market feedback. - Args: - unit (SupportsMinMax): Unit to calculate reward for. - marketconfig (MarketConfig): Market configuration. - orderbook (Orderbook): Orderbook. - """ + Args: + unit (SupportsMinMaxCharge): Unit for which to calculate the reward. + marketconfig (MarketConfig): Configuration of the market. + orderbook (Orderbook): Orderbook containing orders and their details. + """ # ============================================================================= - # 4. Calculate Reward + # Calculate Reward # ============================================================================= - # function is called after the market is cleared and we get the market feedback, - # so we can calculate the profit + # This function is called after the market is cleared, allowing for profit calculation + # based on market feedback. + + scaling_factor = 0.1 / unit.max_power_discharge + product_type = marketconfig.product_type + reward = 0 - order = None - profit = 0 - costs = 0 - marginal_cost = 0 - duration = 0 - start = None - end_excl = None - # iterate over all orders in the orderbook, to calculate order specific profit + # Iterate over all orders in the orderbook to calculate order-specific profit for order in orderbook: - start = order["start_time"] - end = order["end_time"] - end_excl = end - unit.index.freq + start_time = order["start_time"] + next_time = start_time + unit.index.freq + end_time = order["end_time"] + end_exclusive = end_time - unit.index.freq + duration_hours = (end_time - start_time) / timedelta(hours=1) - # depending on way the unit calculates marginal costs we take costs + # Calculate marginal and starting costs marginal_cost = unit.calculate_marginal_cost( - pd.Timestamp(start), unit.outputs[product_type].loc[start] + start_time, unit.outputs[product_type].loc[start_time] ) + marginal_cost += unit.get_starting_costs(int(duration_hours)) - duration = (end - start) / timedelta(hours=1) - - marginal_cost += unit.get_starting_costs(int(duration)) - - # calculate profit as income - running_cost from this event - order_profit = order["accepted_price"] * order["accepted_volume"] * duration - order_cost = marginal_cost * order["accepted_volume"] * duration - - # collect profit and opportunity cost for all orders - profit += order_profit - costs += order_cost - - # calculate opportunity cost - # as the loss of income we have because we are not running at full power - opportunity_cost = ( - (order["accepted_price"] - marginal_cost) - * (unit.max_power_charge - unit.outputs[product_type].loc[start:end_excl]).sum() - * duration - ) - - # if our opportunity costs are negative, we did not miss an opportunity to earn money and we set them to 0 - opportunity_cost = max(opportunity_cost, 0) + # ignore very small volumes due to calculations + accepted_volume = max(order["accepted_volume"], 1e-3) - profit = profit - costs + # Calculate profit and cost for the order + order_profit = order["accepted_price"] * accepted_volume * duration_hours + order_cost = abs(marginal_cost * accepted_volume * duration_hours) - scaling = 0.1 / unit.max_volume - regret_scale = 0.2 - reward = float(profit - regret_scale * opportunity_cost) * scaling + current_soc = unit.outputs["soc"][start_time] + next_soc = unit.outputs["soc"][next_time] - # store results in unit outputs which are written to database by unit operator - unit.outputs["profit"].loc[start:end_excl] += profit - unit.outputs["reward"].loc[start:end_excl] = reward - unit.outputs["regret"].loc[start:end_excl] = opportunity_cost - unit.outputs["total_costs"].loc[start:end_excl] = costs - # Cause error if orderbook does not contain 2 bids the same as powerplant - unit.outputs["rl_rewards"].append(reward) + # Calculate and clip the energy cost for the start time + unit.outputs["energy_cost"].at[next_time] = np.clip( + (unit.outputs["energy_cost"][start_time] * current_soc - order_profit) + / next_soc, + 0, + self.max_bid_price, + ) - if start == datetime(2019, 4, 1, 0, 0): - print("SOC Printing at the end" + str(np.average(unit.outputs["soc"]))) - pd.Series(unit.outputs["soc"]).to_csv(path_or_buf="./outputs/storage/soc_" + unit.id + ".csv") + reward += (order_profit - order_cost) * scaling_factor + + # add a small reward for charging when empty and discharging when full + action = unit.outputs["actions"][start_time] + if current_soc == unit.min_soc: + if action[1] < 0: + reward += 0.01 + # else: + # reward -= 0.01 + + if current_soc == unit.max_soc: + if action[1] >= 0: + reward += 0.01 + # else: + # reward -= 0.01 + + # Store results in unit outputs + unit.outputs["profit"].loc[start_time:end_exclusive] += ( + order_profit - order_cost + ) + unit.outputs["reward"].loc[start_time:end_exclusive] = reward + unit.outputs["total_costs"].loc[start_time:end_exclusive] = order_cost + unit.outputs["rl_rewards"].append(reward) def create_observation( - self, - unit: SupportsMinMaxCharge, - market_id: str, - start: datetime, - end: datetime, + self, + unit: SupportsMinMaxCharge, + market_id: str, + start: datetime, + end: datetime, ): - end_excl = end - unit.index.freq # get the forecast length depending on the tme unit considered in the modelled unit @@ -801,84 +778,69 @@ def create_observation( # ============================================================================= # 1.1 Get the Observations, which are the basis of the action decision # ============================================================================= - scaling_factor_res_load = self.max_volume - - # price forecast - scaling_factor_price = 100 - - # total capacity and marginal cost - scaling_factor_total_capacity = unit.max_power_charge - - # marginal cost - # Obs[2*foresight+1:2*foresight+2] - scaling_factor_marginal_cost = 100 + # scaling factors for the observations + scaling_factor_res_load = self.max_demand + scaling_factor_price = self.max_bid_price # checks if we are at end of simulation horizon, since we need to change the forecast then # for residual load and price forecast and scale them if ( - end_excl + forecast_len - > unit.forecaster[f"residual_load_{market_id}"].index[-1] + end_excl + forecast_len + > unit.forecaster[f"residual_load_{market_id}"].index[-1] ): scaled_res_load_forecast = ( - unit.forecaster[f"residual_load_{market_id}"].loc[start:].values - / scaling_factor_res_load + unit.forecaster[f"residual_load_{market_id}"].loc[start:].values + / scaling_factor_res_load ) scaled_res_load_forecast = np.concatenate( [ scaled_res_load_forecast, unit.forecaster[f"residual_load_{market_id}"].iloc[ - : self.foresight - len(scaled_res_load_forecast) + : self.foresight - len(scaled_res_load_forecast) ], ] ) else: scaled_res_load_forecast = ( - unit.forecaster[f"residual_load_{market_id}"] - .loc[start: end_excl + forecast_len] - .values - / scaling_factor_res_load + unit.forecaster[f"residual_load_{market_id}"] + .loc[start : end_excl + forecast_len] + .values + / scaling_factor_res_load ) if end_excl + forecast_len > unit.forecaster[f"price_{market_id}"].index[-1]: scaled_price_forecast = ( - unit.forecaster[f"price_{market_id}"].loc[start:].values - / scaling_factor_price + unit.forecaster[f"price_{market_id}"].loc[start:].values + / scaling_factor_price ) scaled_price_forecast = np.concatenate( [ scaled_price_forecast, unit.forecaster[f"price_{market_id}"].iloc[ - : self.foresight - len(scaled_price_forecast) + : self.foresight - len(scaled_price_forecast) ], ] ) else: scaled_price_forecast = ( - unit.forecaster[f"price_{market_id}"] - .loc[start: end_excl + forecast_len] - .values - / scaling_factor_price + unit.forecaster[f"price_{market_id}"] + .loc[start : end_excl + forecast_len] + .values + / scaling_factor_price ) - # get last accapted bid volume and the current marginal costs of the unit - current_volume = unit.get_output_before(start) - current_costs = unit.calculate_marginal_cost(start, current_volume) - - soc = unit.outputs["soc"].loc[start:end_excl] - soc_scaled = np.average(soc / scaling_factor_res_load) - - # scale unit outpus - scaled_total_capacity = current_volume / scaling_factor_total_capacity - scaled_marginal_cost = current_costs / scaling_factor_marginal_cost + # get the current soc value + soc_scaled = unit.outputs["soc"].at[start] / unit.max_soc + energy_cost_scaled = unit.outputs["energy_cost"].at[start] / self.max_bid_price # concat all obsverations into one array observation = np.concatenate( [ scaled_res_load_forecast, scaled_price_forecast, - np.array([scaled_total_capacity, scaled_marginal_cost, soc_scaled]), + np.array([soc_scaled, energy_cost_scaled]), ] ) @@ -890,166 +852,3 @@ def create_observation( ) return observation.detach().clone() - -class BatteryRLStrategy_Curve(BatteryRLStrategy): - """ - Reinforcement Learning strategy for a battery unit, which submits a two stage bidding curve. - The agents decides on two prices , on for the maximal discharge and one for the maximal charge capacity. - - """ - def __init__(self, *args, **kwargs): - super().__init__(obs_dim=51, act_dim=2, unique_obs_dim=2, *args, - **kwargs) # need to be 50 and 2, all RL units the same - self.world = None - self.unit_id = kwargs["unit_id"] - - # tells us whether we are training the agents or just executing per-learnind stategies - self.learning_mode = kwargs.get("learning_mode", False) - self.perform_evaluation = kwargs.get("perform_evaluation", False) - - #technical parameters of power plant - self.max_power_charge = kwargs.get("max_power_charge", 100) - self.max_power_discharge = kwargs.get("max_power_discharge", 90) - self.efficiency_charge = kwargs.get("efficiency_charge", 0.95) - self.efficiency_discharge = kwargs.get("efficiency_discharge", 0.95) - self.min_volume = kwargs.get("min_volume", 1) - self.max_volume = kwargs.get("max_volume", 190) - self.variable_cost_charge = kwargs.get("variable_cost_charge", 30) - self.variable_cost_discharge = kwargs.get("variable_cost_discharge", 30) - self.natural_inflow = kwargs.get("natural_inflow", 0) - - self.max_bid_price = kwargs.get("max_bid_price", 100) - - self.float_type = th.float - - # sets the devide of the actor network - device = kwargs.get("device", "cpu") - self.device = th.device(device if th.cuda.is_available() else "cpu") - if not self.learning_mode: - self.device = th.device("cpu") - - # for definition of observation space - self.foresight = kwargs.get("foresight", 24) - - # define used order types - self.order_types = kwargs.get("order_types", ["SB"]) - if self.learning_mode or self.perform_evaluation: - self.collect_initial_experience_mode = kwargs.get( - "episodes_collecting_initial_experience", True - ) - - self.action_noise = NormalActionNoise( - mu=0.0, - sigma=kwargs.get("noise_sigma", 0.1), - action_dimension=self.act_dim, - scale=kwargs.get("noise_scale", 1.0), - dt=kwargs.get("noise_dt", 1.0), - ) - - elif Path(kwargs["trained_policies_save_path"]).is_dir(): - self.load_actor_params(load_path=kwargs["trained_policies_save_path"]) - else: - raise FileNotFoundError( - f"No policies were provided for DRL unit {self.unit_id}!. Please provide a valid path to the trained policies." - ) - - - def calculate_bids( - self, - unit: SupportsMinMaxCharge, - market_config: MarketConfig, - product_tuples: list[Product], - **kwargs, - ) -> Orderbook: - """ - Takes information from a storage unit that the unit operator manages and - defines how bids for the market are defined, by submitting a two stage bidding curve. - - Args: - unit (SupportsMinMaxCharge): The unit that is dispatched. - market_config (MarketConfig): The market configuration. - product_tuples (list[Product]): List of product tuples. - **kwargs: Additional keyword arguments. - - Returns: - Orderbook: Bids containing start_time, end_time, only_hours, price, volume. - - Note: - The strategy is analogue to flexABLE - """ - start = product_tuples[0][0] - end_all = product_tuples[-1][1] - next_observation = self.create_observation( - unit=unit, - market_id=market_config.market_id, - start=start, - end=end_all, - ) - # ============================================================================= - # Storage Unit is either charging, discharging, or off - # ============================================================================= - actions, noise = self.get_actions(next_observation) - # ============================================================================= - # 3. Transform Actions into bids - # ============================================================================= - # actions are in the range [0,1], we need to transform them into actual bids - # we can use our domain knowledge to guide the bid formulation - bid_prices = actions * self.max_bid_price - - min_charge, max_charge = unit.calculate_min_max_charge(start, end_all) - min_discharge, max_discharge = unit.calculate_min_max_discharge(start, end_all) - - bids = [] - - for bid in bid_prices: - if bid > 0: ## Demand == we have to pay, positive bid - bids.append({ - "start_time": start, - "end_time": end_all, - "only_hours": None, - "price": bid, - "volume": max_charge[start], # Charge == Demand, negative Values - "node": unit.node, - }) - if bid < 0: ## Supply == we get payed, bid need converted to positive price - bids.append({ - "start_time": start, - "end_time": end_all, - "only_hours": None, - "price": -bid, - "volume": max_discharge[start], ## Discharge == Supply, positive Values - "node": unit.node, - }) - bids = self.remove_empty_bids(bids) - - # Try to fix inhomogeneous shapes if don't submit min 2 bids - if len(bids) == 0: - if max_charge[start] < 0: # Charging possible, bid with zero to get never accepted - for i in range(2): - bids.append({ - "start_time": start, - "end_time": end_all, - "only_hours": None, - "price": 0, - "volume": max_charge[start] / 2, - "node": unit.node, - }) - if max_charge[start] >= 0 and max_discharge[start] > 0: # Charging impossible, discharge the highest price - for i in range(2): - bids.append({ - "start_time": start, - "end_time": end_all, - "only_hours": None, - "price": self.max_bid_price, - "volume": max_discharge[start] / 2, - "node": unit.node, - }) - bids = self.remove_empty_bids(bids) - unit.outputs["rl_observations"].append(next_observation) - unit.outputs["rl_actions"].append(actions) - - # store results in unit outputs as series to be written to the database by the unit operator - unit.outputs["actions"][start] = actions - unit.outputs["exploration_noise"][start] = noise - - return bids \ No newline at end of file diff --git a/assume/units/storage.py b/assume/units/storage.py index de8a3a2f..993129ea 100644 --- a/assume/units/storage.py +++ b/assume/units/storage.py @@ -28,8 +28,9 @@ class Storage(SupportsMinMaxCharge): min_power_charge (float): The minimum power input of the storage unit in MW (negative value). max_power_discharge (float): The maximum power output of the storage unit in MW. min_power_discharge (float): The minimum power output of the storage unit in MW. - max_volume (float): The maximum state of charge of the storage unit in MWh (equivalent to capacity). - min_volume (float): The minimum state of charge of the storage unit in MWh. + max_soc (float): The maximum state of charge of the storage unit in MWh (equivalent to capacity). + min_soc (float): The minimum state of charge of the storage unit in MWh. + initial_soc (float): The initial state of charge of the storage unit in MWh. efficiency_charge (float): The efficiency of the storage unit while charging. efficiency_discharge (float): The efficiency of the storage unit while discharging. additional_cost_charge (Union[float, pd.Series], optional): Additional costs associated with power consumption, in EUR/MWh. Defaults to 0. @@ -59,11 +60,11 @@ def __init__( bidding_strategies: dict, max_power_charge: float | pd.Series, max_power_discharge: float | pd.Series, - max_volume: float, + max_soc: float, min_power_charge: float | pd.Series = 0.0, min_power_discharge: float | pd.Series = 0.0, - min_volume: float = 0.0, - initial_soc: float = 0.5, + min_soc: float = 0.0, + initial_soc: float = 0.0, soc_tick: float = 0.01, efficiency_charge: float = 1, efficiency_discharge: float = 1, @@ -97,18 +98,20 @@ def __init__( **kwargs, ) + self.max_soc = max_soc + self.min_soc = min_soc + self.initial_soc = initial_soc + self.max_power_charge = -abs(max_power_charge) self.min_power_charge = -abs(min_power_charge) self.max_power_discharge = abs(max_power_discharge) self.min_power_discharge = abs(min_power_discharge) - self.initial_soc = initial_soc + self.outputs["soc"] = pd.Series(self.initial_soc, index=self.index, dtype=float) + self.outputs["energy_cost"] = pd.Series(0.0, index=self.index, dtype=float) self.soc_tick = soc_tick - self.max_volume = max_volume - self.min_volume = min_volume - # The efficiency of the storage unit while charging. self.efficiency_charge = efficiency_charge if 0 < efficiency_charge < 1 else 1 self.efficiency_discharge = ( @@ -198,10 +201,7 @@ def execute_current_dispatch(self, start: pd.Timestamp, end: pd.Timestamp): time_delta = self.index.freq / timedelta(hours=1) delta_soc = ( - -self.outputs["energy"][t] - * time_delta - / self.efficiency_discharge - / self.max_volume + -self.outputs["energy"][t] * time_delta / self.efficiency_discharge ) # charging @@ -213,13 +213,10 @@ def execute_current_dispatch(self, start: pd.Timestamp, end: pd.Timestamp): time_delta = self.index.freq / timedelta(hours=1) delta_soc = ( - -self.outputs["energy"][t] - * time_delta - * self.efficiency_charge - / self.max_volume + -self.outputs["energy"][t] * time_delta * self.efficiency_charge ) - self.outputs["soc"][t + self.index.freq] = soc + delta_soc + self.outputs["soc"].at[t + self.index.freq] = soc + delta_soc return self.outputs["energy"].loc[start:end] @@ -266,7 +263,6 @@ def set_dispatch_plan( -self.outputs["energy"][start] * time_delta / self.efficiency_discharge - / self.max_volume ) # charging @@ -278,10 +274,7 @@ def set_dispatch_plan( time_delta = self.index.freq / timedelta(hours=1) delta_soc = ( - -self.outputs["energy"][start] - * time_delta - * self.efficiency_charge - / self.max_volume + -self.outputs["energy"][start] * time_delta * self.efficiency_charge ) self.outputs["soc"][start + self.index.freq :] = soc + delta_soc @@ -343,13 +336,9 @@ def calculate_soc_max_discharge(self, soc) -> float: duration = self.index.freq / timedelta(hours=1) power = max( 0, - ( - (soc * self.max_volume - self.min_volume) - * self.efficiency_discharge - / duration - ), + ((soc - self.min_soc) * self.efficiency_discharge / duration), ) - return round(power, 3) + return power def calculate_soc_max_charge( self, @@ -367,13 +356,9 @@ def calculate_soc_max_charge( duration = self.index.freq / timedelta(hours=1) power = min( 0, - ( - (soc * self.max_volume - self.max_volume) - / self.efficiency_charge - / duration - ), + ((soc - self.max_soc) / self.efficiency_charge / duration), ) - return round(power, 3) + return power def calculate_min_max_charge( self, start: pd.Timestamp, end: pd.Timestamp, product_type="energy" @@ -419,7 +404,7 @@ def calculate_min_max_charge( min_power_charge >= max_power_charge, 0 ) - # restrict charging according to max_volume + # restrict charging according to max_soc max_soc_charge = self.calculate_soc_max_charge(self.outputs["soc"][start]) max_power_charge = max_power_charge.clip(lower=max_soc_charge) @@ -469,7 +454,7 @@ def calculate_min_max_discharge( min_power_discharge < max_power_discharge, 0 ) - # restrict according to min_volume + # restrict according to min_soc max_soc_discharge = self.calculate_soc_max_discharge(self.outputs["soc"][start]) max_power_discharge = max_power_discharge.clip(upper=max_soc_discharge) diff --git a/examples/examples.py b/examples/examples.py index 2eab740a..57bd6677 100644 --- a/examples/examples.py +++ b/examples/examples.py @@ -74,7 +74,6 @@ # Further DRL example simulation showcasing learning features "learning_with_complex_bids": {"scenario": "example_02d", "study_case": "dam"}, "small_learning_storage": {"scenario": "example_02e", "study_case": "base"}, - # # full year examples to show real-world scenarios "large_2019_eom": {"scenario": "example_03", "study_case": "base_case_2019"}, diff --git a/examples/inputs/example_01c/storage_units.csv b/examples/inputs/example_01c/storage_units.csv index a810978e..c389290a 100644 --- a/examples/inputs/example_01c/storage_units.csv +++ b/examples/inputs/example_01c/storage_units.csv @@ -1,2 +1,2 @@ -name,technology,bidding_EOM,bidding_CRM_pos,bidding_CRM_neg,max_power_charge,max_power_discharge,efficiency_charge,efficiency_discharge,min_volume,max_volume,additional_cost_charge,additional_cost_discharge,natural_inflow,unit_operator +name,technology,bidding_EOM,bidding_CRM_pos,bidding_CRM_neg,max_power_charge,max_power_discharge,efficiency_charge,efficiency_discharge,min_soc,max_soc,additional_cost_charge,additional_cost_discharge,natural_inflow,unit_operator Storage 1,PSPP,flexable_eom_storage,flexable_pos_crm_storage,flexable_neg_crm_storage,1000.0,992.0,0.86,0.9,1.0,6076.0,0.28,0.28,0.0,Operator 1 diff --git a/examples/inputs/example_01g/storage_units.csv b/examples/inputs/example_01g/storage_units.csv index 314d4136..b2c3f66d 100644 --- a/examples/inputs/example_01g/storage_units.csv +++ b/examples/inputs/example_01g/storage_units.csv @@ -1,3 +1,3 @@ -name,technology,bidding_energy,bidding_capacity_pos,bidding_capacity_neg,max_power_charge,max_power_discharge,efficiency_charge,efficiency_discharge,min_volume,max_volume,variable_cost_charge,variable_cost_discharge,natural_inflow,unit_operator +name,technology,bidding_energy,bidding_capacity_pos,bidding_capacity_neg,max_power_charge,max_power_discharge,efficiency_charge,efficiency_discharge,min_soc,max_soc,variable_cost_charge,variable_cost_discharge,natural_inflow,unit_operator storage_unit,PSPP,flexable_eom_storage,-,-,490,452.9,0.87,0.92,1,3528.8,0.28,0.28,0,storage_operator battery_unit,li-ion_battery,flexable_eom_storage,-,-,100,90,0.95,0.95,1,190,30,30,0,battery_operator diff --git a/examples/inputs/example_02e/config.yaml b/examples/inputs/example_02e/config.yaml index ad164741..1e1b6f04 100644 --- a/examples/inputs/example_02e/config.yaml +++ b/examples/inputs/example_02e/config.yaml @@ -12,12 +12,13 @@ tiny: learning_config: continue_learning: False trained_policies_save_path: null - max_bid_price: 100 + max_bid_price: 50 algorithm: matd3 actor_architecture: mlp learning_rate: 0.001 - training_episodes: 10 - episodes_collecting_initial_experience: 3 + training_episodes: 5 + validation_episodes_interval: 2 + episodes_collecting_initial_experience: 1 train_freq: 24h gradient_steps: -1 batch_size: 64 @@ -26,7 +27,6 @@ tiny: noise_sigma: 0.1 noise_scale: 1 noise_dt: 1 - validation_episodes_interval: 5 markets_config: EOM: @@ -59,15 +59,15 @@ base: max_bid_price: 100 algorithm: matd3 actor_architecture: mlp - learning_rate: 0.001 + learning_rate: 0.0001 training_episodes: 50 episodes_collecting_initial_experience: 5 - train_freq: 24h + train_freq: 100h gradient_steps: -1 batch_size: 256 - gamma: 0.99 + gamma: 0.999 device: cpu - noise_sigma: 0.1 + noise_sigma: 0.2 noise_scale: 1 noise_dt: 1 validation_episodes_interval: 5 @@ -90,4 +90,3 @@ base: minimum_bid_price: -500 price_unit: EUR/MWh market_mechanism: pay_as_clear - diff --git a/examples/inputs/example_02e/powerplant_units.csv b/examples/inputs/example_02e/powerplant_units.csv index d1d9a0e7..f54144b4 100644 --- a/examples/inputs/example_02e/powerplant_units.csv +++ b/examples/inputs/example_02e/powerplant_units.csv @@ -1,8 +1,13 @@ name,technology,bidding_EOM,fuel_type,emission_factor,max_power,min_power,efficiency,additional_cost,unit_operator pp_1,nuclear,naive_eom,uranium,0.0,1000,1,0.36,10.0,Operator 1 -pp_2,nuclear,naive_eom,uranium,0,1000,1,0.36,10,Operator 1 +pp_2,nuclear,naive_eom,uranium,0.0,1000,1,0.36,12.0,Operator 1 pp_3,lignite,naive_eom,lignite,0.406,1000,1,0.41,2.0,Operator 1 pp_4,hard coal,naive_eom,hard coal,0.335,1000,1,0.48,1.0,Operator 1 -pp_5,hard coal,naive_eom,hard coal,0.335,1000,1,0.48,1.0,Operator 1 -pp_6,combined cycle gas turbine,naive_eom,natural gas,0.201,2500,1,0.60,4.0,Operator-RL -pp_7,combined cycle gas turbine,naive_eom,natural gas,0.201,5000,1,0.60,34.0,Operator 1 +pp_5,hard coal,naive_eom,hard coal,0.335,1000,1,0.48,4.0,Operator 1 +pp_6,combined cycle gas turbine,naive_eom,natural gas,0.201,500,1,0.60,4.0,Operator 1 +pp_7,combined cycle gas turbine,naive_eom,natural gas,0.201,500,1,0.60,10,Operator 1 +pp_8,combined cycle gas turbine,naive_eom,natural gas,0.201,500,1,0.60,16,Operator 1 +pp_9,combined cycle gas turbine,naive_eom,natural gas,0.201,500,1,0.60,24,Operator 1 +pp_10,combined cycle gas turbine,naive_eom,natural gas,0.201,500,1,0.60,30,Operator 1 +pp_11,combined cycle gas turbine,naive_eom,natural gas,0.201,500,1,0.60,36,Operator 1 +pp_12,combined cycle gas turbine,naive_eom,natural gas,0.201,500,1,0.60,40,Operator 1 diff --git a/examples/inputs/example_02e/storage_units.csv b/examples/inputs/example_02e/storage_units.csv index 71dff9b4..0b42ab34 100644 --- a/examples/inputs/example_02e/storage_units.csv +++ b/examples/inputs/example_02e/storage_units.csv @@ -1,2 +1,2 @@ -name,technology,bidding_EOM,max_power_charge,max_power_discharge,efficiency_charge,efficiency_discharge,min_volume,max_volume,additional_cost_charge,additional_cost_discharge,natural_inflow,unit_operator -Storage 1,PSPP,storage_learning,1000.0,992.0,0.86,0.9,1.0,6076.0,0.28,0.28,0.0,Operator 1 +name,technology,bidding_EOM,max_power_charge,max_power_discharge,efficiency_charge,efficiency_discharge,min_soc,max_soc,initial_soc,additional_cost_charge,additional_cost_discharge,natural_inflow,unit_operator +Storage 1,PSPP,storage_learning,500,500,0.9,0.9,1.0,5000,1.0,0.28,0.28,0.0,Operator 1 diff --git a/examples/inputs/example_03/storage_units.csv b/examples/inputs/example_03/storage_units.csv index 351c9a56..73452300 100644 --- a/examples/inputs/example_03/storage_units.csv +++ b/examples/inputs/example_03/storage_units.csv @@ -1,4 +1,4 @@ -name,technology,bidding_EOM,bidding_CRM_pos,bidding_CRM_neg,max_power_charge,max_power_discharge,efficiency_charge,efficiency_discharge,min_volume,max_volume,additional_cost_charge,additional_cost_discharge,natural_inflow,unit_operator +name,technology,bidding_EOM,bidding_CRM_pos,bidding_CRM_neg,max_power_charge,max_power_discharge,efficiency_charge,efficiency_discharge,min_soc,max_soc,additional_cost_charge,additional_cost_discharge,natural_inflow,unit_operator Tanzmühle - Rabenleite,PSPP,flexable_eom_storage,flexable_pos_crm_storage,flexable_neg_crm_storage,25,35,0.81,0.88,1,404,0.28,0.28,0,GDF SUEZ ENERGIE DEUTSCHLAND Schwarzenbachwerk,PSPP,flexable_eom_storage,flexable_pos_crm_storage,flexable_neg_crm_storage,20,46,0.73,0.82,1,198,0.28,0.28,1.2,ENBW ENERGIE BADEN-WURTTEMBERG Leitzach II,PSPP,flexable_eom_storage,flexable_pos_crm_storage,flexable_neg_crm_storage,38,49,0.86,0.9,1,550,0.28,0.28,0.7,STADTWERKE MUENCHEN GMBH diff --git a/tests/test_dmas_storage.py b/tests/test_dmas_storage.py index 291f684f..2e9b372f 100644 --- a/tests/test_dmas_storage.py +++ b/tests/test_dmas_storage.py @@ -27,7 +27,7 @@ def storage_unit() -> Storage: bidding_strategies={"EOM": NaiveSingleBidStrategy()}, max_power_charge=100, max_power_discharge=100, - max_volume=1000, + max_soc=1000, efficiency_charge=0.9, efficiency_discharge=0.95, index=pd.date_range("2022-01-01", periods=4, freq="h"), @@ -60,7 +60,7 @@ def storage_day() -> PowerPlant: bidding_strategies={"EOM": NaiveSingleBidStrategy()}, max_power_charge=100, max_power_discharge=100, - max_volume=1000, + max_soc=1000, efficiency_charge=0.9, efficiency_discharge=0.95, index=index, diff --git a/tests/test_flexable_storage_strategies.py b/tests/test_flexable_storage_strategies.py index a2759a85..16069220 100644 --- a/tests/test_flexable_storage_strategies.py +++ b/tests/test_flexable_storage_strategies.py @@ -22,8 +22,6 @@ def storage() -> Storage: # Create a PowerPlant instance with some example parameters index = pd.date_range("2023-07-01", periods=48, freq="h") - # constant price of 50 - ff = NaiveForecast(index, availability=1, price_forecast=50) return Storage( id="Test_Storage", unit_operator="TestOperator", @@ -31,7 +29,8 @@ def storage() -> Storage: bidding_strategies={}, max_power_charge=-100, max_power_discharge=100, - max_volume=1000, + max_soc=1000, + initial_soc=500, efficiency_charge=0.9, efficiency_discharge=0.95, index=index, @@ -172,7 +171,7 @@ def test_flexable_pos_crm_storage(mock_market_config, storage): storage.forecaster = NaiveForecast(index, availability=1, price_forecast=50) bids = strategy.calculate_bids(storage, mc, product_tuples=product_tuples) assert len(bids) == 1 - assert math.isclose(bids[0]["price"], specific_revenue / (0.5 * 1000)) + assert math.isclose(bids[0]["price"], specific_revenue) assert bids[0]["volume"] == 60 # assert capacity_pos diff --git a/tests/test_storage.py b/tests/test_storage.py index 4838b941..0fc147a8 100644 --- a/tests/test_storage.py +++ b/tests/test_storage.py @@ -22,7 +22,7 @@ def storage_unit() -> Storage: bidding_strategies={"EOM": NaiveSingleBidStrategy()}, max_power_charge=-100, max_power_discharge=100, - max_volume=1000, + max_soc=1000, efficiency_charge=0.9, efficiency_discharge=0.95, index=pd.date_range("2022-01-01", periods=4, freq="h"), @@ -33,7 +33,7 @@ def storage_unit() -> Storage: additional_cost_charge=3, additional_cost_discharge=4, additional_cost=1, - initial_soc=0.5, + initial_soc=500, ) @@ -49,7 +49,7 @@ def test_init_function(storage_unit): assert storage_unit.ramp_down_discharge == 50 assert storage_unit.ramp_up_charge == -60 assert storage_unit.ramp_up_discharge == 60 - assert storage_unit.initial_soc == 0.5 + assert storage_unit.initial_soc == 500 def test_reset_function(storage_unit): @@ -65,7 +65,7 @@ def test_reset_function(storage_unit): pd.Series(0.0, index=pd.date_range("2022-01-01", periods=4, freq="h")) ) assert storage_unit.outputs["soc"].equals( - pd.Series(0.5, index=pd.date_range("2022-01-01", periods=4, freq="h")) + pd.Series(500.0, index=pd.date_range("2022-01-01", periods=4, freq="h")) ) @@ -132,7 +132,7 @@ def test_soc_constraint(storage_unit): storage_unit.outputs["capacity_neg"][start] = -50 storage_unit.outputs["capacity_pos"][start] = 30 - storage_unit.outputs["soc"][start] = 0.05 + storage_unit.outputs["soc"][start] = 0.05 * storage_unit.max_soc min_power_discharge, max_power_discharge = storage_unit.calculate_min_max_discharge( start, end ) @@ -141,7 +141,7 @@ def test_soc_constraint(storage_unit): max_power_discharge.iloc[0], (50 * storage_unit.efficiency_discharge) ) - storage_unit.outputs["soc"][start] = 0.95 + storage_unit.outputs["soc"][start] = 0.95 * storage_unit.max_soc min_power_charge, max_power_charge = storage_unit.calculate_min_max_charge( start, end ) @@ -230,14 +230,10 @@ def test_storage_ramping(storage_unit): min_power_charge, max_power_charge = storage_unit.calculate_min_max_charge( start, end, product_type="energy" ) - cost_charge = storage_unit.calculate_marginal_cost(start, max_power_charge[start]) min_power_discharge, max_power_discharge = storage_unit.calculate_min_max_discharge( start, end, product_type="energy" ) - cost_discharge = storage_unit.calculate_marginal_cost( - start, max_power_discharge[start] - ) assert min_power_charge[start] == 0 assert max_power_charge[start] == -100 @@ -246,10 +242,10 @@ def test_storage_ramping(storage_unit): assert max_power_discharge[start] == 100 max_ramp_discharge = storage_unit.calculate_ramp_discharge( - 0.5, 0, max_power_discharge[start] + 500, 0, max_power_discharge[start] ) max_ramp_charge = storage_unit.calculate_ramp_charge( - 0.5, 0, max_power_charge[start] + 500, 0, max_power_charge[start] ) assert max_ramp_discharge == 60 @@ -269,10 +265,10 @@ def test_storage_ramping(storage_unit): end = product_tuple[1] max_ramp_discharge = storage_unit.calculate_ramp_discharge( - 0.5, 60, max_power_discharge[start] + 500, 60, max_power_discharge[start] ) max_ramp_charge = storage_unit.calculate_ramp_charge( - 0.5, 60, max_power_charge[start] + 500, 60, max_power_charge[start] ) assert max_ramp_discharge == 100 @@ -292,10 +288,10 @@ def test_storage_ramping(storage_unit): end = product_tuple[1] max_ramp_discharge = storage_unit.calculate_ramp_discharge( - 0.5, -60, max_power_discharge[start] + 500, -60, max_power_discharge[start] ) max_ramp_charge = storage_unit.calculate_ramp_charge( - 0.5, -60, max_power_charge[start] + 500, -60, max_power_charge[start] ) assert max_ramp_discharge == 60 @@ -312,40 +308,42 @@ def test_execute_dispatch(storage_unit): end = product_tuple[1] storage_unit.outputs["energy"][start] = 100 - storage_unit.outputs["soc"][start] = 0.5 + storage_unit.outputs["soc"][start] = 0.5 * storage_unit.max_soc # dispatch full discharge dispatched_energy = storage_unit.execute_current_dispatch(start, end) assert dispatched_energy.iloc[0] == 100 assert math.isclose( storage_unit.outputs["soc"][end], - 0.5 - 100 / storage_unit.efficiency_discharge / storage_unit.max_volume, + 500 - 100 / storage_unit.efficiency_discharge, ) # dispatch full charging storage_unit.outputs["energy"][start] = -100 - storage_unit.outputs["soc"][start] = 0.5 + storage_unit.outputs["soc"][start] = 0.5 * storage_unit.max_soc dispatched_energy = storage_unit.execute_current_dispatch(start, end) assert dispatched_energy.iloc[0] == -100 assert math.isclose( storage_unit.outputs["soc"][end], - 0.5 + 100 * storage_unit.efficiency_charge / storage_unit.max_volume, + 500 + 100 * storage_unit.efficiency_charge, ) # adjust dispatch to soc limit for discharge storage_unit.outputs["energy"][start] = 100 - storage_unit.outputs["soc"][start] = 0.05 + storage_unit.outputs["soc"][start] = 0.05 * storage_unit.max_soc dispatched_energy = storage_unit.execute_current_dispatch(start, end) assert math.isclose( dispatched_energy.iloc[0], 50 * storage_unit.efficiency_discharge, abs_tol=0.1 ) # adjust dispatch to soc limit for charging storage_unit.outputs["energy"][start] = -100 - storage_unit.outputs["soc"][start] = 0.95 + storage_unit.outputs["soc"][start] = 0.95 * storage_unit.max_soc dispatched_energy = storage_unit.execute_current_dispatch(start, end) assert math.isclose( dispatched_energy.iloc[0], -50 / storage_unit.efficiency_charge, abs_tol=0.1 ) - assert math.isclose(storage_unit.outputs["soc"][end], 1, abs_tol=0.001) + assert math.isclose( + storage_unit.outputs["soc"][end], storage_unit.max_soc, abs_tol=0.001 + ) # step into the next hour start = start + storage_unit.index.freq @@ -353,7 +351,9 @@ def test_execute_dispatch(storage_unit): storage_unit.outputs["energy"][start] = -100 dispatched_energy = storage_unit.execute_current_dispatch(start, end) assert dispatched_energy.iloc[0] == 0 - assert math.isclose(storage_unit.outputs["soc"][end], 1, abs_tol=0.001) + assert math.isclose( + storage_unit.outputs["soc"][end], storage_unit.max_soc, abs_tol=0.001 + ) def test_set_dispatch_plan(mock_market_config, storage_unit): @@ -371,7 +371,7 @@ def test_set_dispatch_plan(mock_market_config, storage_unit): product_tuples = [(start, end, None)] storage_unit.outputs["energy"][start] = 100 - storage_unit.outputs["soc"][start] = 0.5 + storage_unit.outputs["soc"][start] = 0.5 * storage_unit.max_soc bids = strategy.calculate_bids(storage_unit, mc, product_tuples=product_tuples) assert len(bids) == 0 @@ -383,11 +383,11 @@ def test_set_dispatch_plan(mock_market_config, storage_unit): assert storage_unit.outputs["energy"][start] == 100 assert math.isclose( storage_unit.outputs["soc"][end], - 0.5 - 100 / storage_unit.efficiency_discharge / storage_unit.max_volume, + 500 - 100 / storage_unit.efficiency_discharge, ) # dispatch full charging storage_unit.outputs["energy"][start] = -100 - storage_unit.outputs["soc"][start] = 0.5 + storage_unit.outputs["soc"][start] = 0.5 * storage_unit.max_soc storage_unit.set_dispatch_plan(mc, bids) storage_unit.execute_current_dispatch(start, end) @@ -395,11 +395,11 @@ def test_set_dispatch_plan(mock_market_config, storage_unit): assert storage_unit.outputs["energy"][start] == -100 assert math.isclose( storage_unit.outputs["soc"][end], - 0.5 + 100 * storage_unit.efficiency_charge / storage_unit.max_volume, + 500 + 100 * storage_unit.efficiency_charge, ) # adjust dispatch to soc limit for discharge storage_unit.outputs["energy"][start] = 100 - storage_unit.outputs["soc"][start] = 0.05 + storage_unit.outputs["soc"][start] = 0.05 * storage_unit.max_soc storage_unit.set_dispatch_plan(mc, bids) storage_unit.execute_current_dispatch(start, end) @@ -411,7 +411,7 @@ def test_set_dispatch_plan(mock_market_config, storage_unit): ) # adjust dispatch to soc limit for charging storage_unit.outputs["energy"][start] = -100 - storage_unit.outputs["soc"][start] = 0.95 + storage_unit.outputs["soc"][start] = 0.95 * storage_unit.max_soc storage_unit.set_dispatch_plan(mc, bids) storage_unit.execute_current_dispatch(start, end) @@ -421,7 +421,9 @@ def test_set_dispatch_plan(mock_market_config, storage_unit): -50 / storage_unit.efficiency_charge, abs_tol=0.1, ) - assert math.isclose(storage_unit.outputs["soc"][end], 1, abs_tol=0.001) + assert math.isclose( + storage_unit.outputs["soc"][end], storage_unit.max_soc, abs_tol=0.001 + ) # step into the next hour start = start + storage_unit.index.freq