diff --git a/testcases/gym-environments/five-zones/README.MD b/testcases/gym-environments/five-zones/README.MD index 3c057d48..e87fd617 100644 --- a/testcases/gym-environments/five-zones/README.MD +++ b/testcases/gym-environments/five-zones/README.MD @@ -1,4 +1,6 @@ # Five Zone Supervisory Control Environment This DRL environment is to control the setpoints of a five-zone VAV system from the supervisory level for minimizing energy consumption while maintaining comfortable indoor thermal environment. - - `v0`: this is a version with discrete supply air temperature action space for connecting with tianshou DRL library + - `v0`: this is a version with discrete supply air temperature action space (eleven states) for connecting with tianshou DRL library + - `v1`: this is a version with discrete supply air temperature action space (eight states) for connecting with tianshou DRL library + - `v2`: this is a version with continuous multi-dimensional action space (supply air temperature, supply CHW temperature, supply CHW dp) for connecting with tianshou DRL library diff --git a/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/__init__.py b/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/__init__.py index 14b19431..44f05887 100644 --- a/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/__init__.py +++ b/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/__init__.py @@ -19,4 +19,10 @@ id='JModelicaCSFiveZoneEnv-v1', entry_point='gym_fivezone_jmodelica.envs.five_zone_env_v1:JModelicaCSFiveZoneEnv', kwargs = config +) + +register( + id='JModelicaCSFiveZoneEnv-v2', + entry_point='gym_fivezone_jmodelica.envs.five_zone_env_v2:JModelicaCSFiveZoneEnv', + kwargs = config ) \ No newline at end of file diff --git a/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/envs/__init__.py b/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/envs/__init__.py index f57a8a65..625c4350 100644 --- a/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/envs/__init__.py +++ b/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/envs/__init__.py @@ -3,4 +3,4 @@ from gym_fivezone_jmodelica.envs import five_zone_env_v1 # continuous action space -#from gym_fivezone_jmodelica.envs import five_zone_env_v2 +from gym_fivezone_jmodelica.envs import five_zone_env_v2 diff --git a/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/envs/five_zone_env_v0.py b/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/envs/five_zone_env_v0.py index ac693fa8..f9d062fb 100644 --- a/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/envs/five_zone_env_v0.py +++ b/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/envs/five_zone_env_v0.py @@ -117,7 +117,7 @@ def step(self, action): """ action = np.array(action) - action = [12+6*action/float(self.nActions-1)] + action = [273.15+12+6*action/float(self.nActions-1)] return super(FiveZoneEnv,self).step(action) def _reward_policy(self): diff --git a/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/envs/five_zone_env_v1.py b/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/envs/five_zone_env_v1.py index ca17ed9b..ae77b24f 100644 --- a/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/envs/five_zone_env_v1.py +++ b/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/envs/five_zone_env_v1.py @@ -115,7 +115,7 @@ def step(self, action): """ action = np.array(action) - action = [12+6*action/float(self.nActions-1)] + action = [273.15+12+6*action/float(self.nActions-1)] return super(FiveZoneEnv,self).step(action) def _reward_policy(self): diff --git a/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/envs/five_zone_env_v2.py b/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/envs/five_zone_env_v2.py new file mode 100644 index 00000000..7a9e4956 --- /dev/null +++ b/testcases/gym-environments/five-zones/gym_fivezone_jmodelica/envs/five_zone_env_v2.py @@ -0,0 +1,410 @@ +# -*- coding: utf-8 -*- +from __future__ import print_function, unicode_literals +from __future__ import absolute_import, division + +""" +Some descriptions +""" + +import logging +import math +import numpy as np +import pandas as pd +from gym import spaces +from modelicagym.environment import FMI2CSEnv, FMI1CSEnv + + +logger = logging.getLogger(__name__) + +class FiveZoneEnv(object): + """ + Class extracting common logic for JModelica and Dymola environments for CartPole experiments. + Allows to avoid code duplication. + Implements all methods for connection to the OpenAI Gym as an environment. + + Description: + The agent (a fan coil unit system) is controlled to minimize energy cost while maintaining the zone thermal comfort. + For any given state the agent may choose to operate the fan at a different speed. + Reference: + None + Observation: + Type: Box(10) + Num Observation Min Max + 0 Time 0 86400 + 1 Zone air temperature total violations 0 5 + 2 Outdoor temperature 273.15 + 0 273.15 + 40 + 3 Solar radiation 0 1200 + 4 Total electricity power 0 50000 + 5 AHU fan speed 0 1 + 6 Maximum damper position of five zones 0 1 + 7 Minimum damper position of five zones 0 1 + 8 Supply chilled water valve position 0 1 + 9 Cooling tower fan speed 0 1 + + Actions: + Type: Box(3) + Num Action Min Max + 0 Supply air temperature spt 0 1 + 1 Supply chilled water temperature spt 0 1 + 2 Supply chilled water dp spt 0 1 + Reward: + Sum of energy consumption and zone temperature violations + + """ + + # modelicagym API implementation + def _is_done(self): + """ + Internal logic that is utilized by parent classes. + Checks if system states result in a failure + + Note in this design, violations in the system states will not terminate the experiment. + The experiment should be terminated in the training process by exceeding maximum steps. + + :return: boolean flag if current state of the environment indicates that experiment has ended. + + """ + done = False + stop_time = self.stop # get current time after do_step + if stop_time > self.simulation_end_time-self.tau: + done = True + + return done + + def _get_action_space(self): + """ + Internal logic that is utilized by parent classes. + Returns action space according to OpenAI Gym API requirements + + :return: Three dimensional continuous action space, normalized supply air temperature, water temperature, and dp spt from [0-1] + """ + action_space=spaces.Box( + low = self.min_action, + high = self.max_action, + shape=(3,), + dtype=np.float32 + ) + return action_space + + def _get_observation_space(self): + """ + Internal logic that is utilized by parent classes. + Returns observation space according to OpenAI Gym API requirements + + The designed observation space for each zone is + 0. current time stamp + 1. zone air temperature total violations; in K + 2. outdoor temperature; in K + 3. solar radiation + 4. total power + 5. fan speed + 6. Maximum damper position of five zones + 7. Minimum damper position of five zones + 8. Supply chilled water valve position + :return: Box state space with specified lower and upper bounds for state variables. + """ + # open gym requires an observation space during initialization + + high = np.array([86400.] + [5.] +[273.15+40, 1200., 50000.,1., 1., 1., 1., 1.]) + low = np.array([0.]+[0.] + [273.15+0,0, 0,0, 0, 0, 0, 0]) + return spaces.Box(low, high) + + # OpenAI Gym API implementation + def step(self, action): + """ + OpenAI Gym API. Executes one step in the environment: + in the current state perform given action to move to the next action. + Applies force of the defined magnitude in one of two directions, depending on the action parameter sign. + + :param action: alias of an action [0-10] to be performed. + :return: next (resulting) state + """ + + action = np.array(action) + action = [273.15+12+6*action[0], 273.15+5+5*action[1], 18000+18000*action[2]] + return super(FiveZoneEnv,self).step(action) + + def _reward_policy(self): + """ + Internal logic to calculate rewards based on current states. + + :return:, list with 2 elements: energy costs and temperature violations + """ + + # two parts: energy consumption + temperature deviations + # minimization problem: negative + states = self.state + + # this is a hard-coding. This has to be changed for multi-zones + power = states[4] + time = states[0] + + # Here is how the reward should be calculated based on observations + + ZPower = power # power in W + # and here we assume even for multizone building, power is given as individual power consumption for each zone, which is an array for multizone model. + + + # control period: + delCtrl = self.tau/3600.0 #may be better to set a variable in initial + + #get hour index + t = int(time) + t = int((t%86400)/3600) # hour index 0~23 + + #calculate penalty + if 7 <= t <= 19: + max_violation = -states[1] + else: + max_violation = 0 + + penalty = [self.alpha*max_violation] #temperature violation for each zone + + t_pre = int(time-self.tau) if time>self.tau else (time+24*60*60.-self.tau) + t_pre = int((t_pre%86400)/3600) # hour index 0~23 + + cost = [- ZPower/1000. * delCtrl * self.p_g[t_pre]] # erengy cost for five zones + + #for k in range(num_zone): + #cost.append(- ZPower[k]/1000. * delCtrl * self.p_g[t_pre]) + + # save cost/penalty for customized use - negative + self._cost = cost + self._max_temperature_violation = max_violation + + # define reward + if self.rf: + rewards=self.rf(cost, penalty) + else: + rewards=np.sum(np.array([cost, penalty])) + + return rewards + + def get_state(self, result): + """ + Extracts the values of model outputs at the end of modeling time interval from simulation result + and predicted weather data from future time step + + :return: Values of model outputs as tuple in order specified in `model_outputs` attribute and + predicted weather data from existing weather file + 0. current time stamp + 1. zone temperatures for single or multiple zones; in K + 2. outdoor temperature; in K + 3. solar radiation + 4. total power + 5-7. outdoor temperature in future 3 steps; in K + 8-10. solar radiation in future 3 steps + + This module is used to override defaulted "get_state" function that + only gets states from simulation results. + """ + # 1. get states that could be measured + # model_outputs + # 2. get states that should be predicted from external predictor + # predictor_outputs + + model_outputs = self.model_output_names + state_list = [result.final(k) for k in model_outputs] + + #predictor_list = self.predictor(self.npre_step) + + state_list[0] = int(state_list[0]) % 86400 + return tuple(state_list) #+predictor_list) + + def predictor(self,n): + """ + Predict weather conditions over a period + + Here we use an ideal weather predictor, which reads data from energyplus weather files + + :param: + n: number of steps for predicted value + + :return: list, temperature and solar radiance for future n steps + + """ + # temperature and solar in a dataframe + tem_sol_step = self.read_temperature_solar() + + #time = self.state[0] + time = self.start + # return future 3 steps + tem = list(tem_sol_step[time+self.tau:time+n*self.tau]['temp_air']+273.15) + sol = list(tem_sol_step[time+self.tau:time+n*self.tau]['ghi']) + + return tem+sol + + def read_temperature_solar(self): + """Read temperature and solar radiance from epw file. + This module serves as an ideal weather predictor. + + :return: a data frame at an interval of defined time_step + """ + from pvlib.iotools import read_epw + + dat = read_epw(self.weather_file) + + tem_sol_h = dat[0][['temp_air','ghi']] + index_h = np.arange(0,3600.*len(tem_sol_h),3600.) + tem_sol_h.index = index_h + + # interpolate temperature into simulation steps + index_step = np.arange(0,3600.*len(tem_sol_h),self.tau) + + return interp(tem_sol_h,index_step) + + def render(self, mode='human', close=False): + """ + OpenAI Gym API. Determines how current environment state should be rendered. + Draws cart-pole with the built-in gym tools. + + :param mode: rendering mode. Read more in Gym docs. + :param close: flag if rendering procedure should be finished and resources cleaned. + Used, when environment is closed. + :return: rendering result + """ + pass + + def close(self): + """ + OpenAI Gym API. Closes environment and all related resources. + Closes rendering. + :return: True if everything worked out. + """ + return self.render(close=True) + + # define a method to get sub-step measurements for model outputs. + # The outputs are defined by model_output_names and model_input_names. + def get_substep_measurement(self): + """ + Get outputs in a smaller step than the control step. + The number of substeps are defined as n_substeps. + The step-wise simulation results are interpolated into n_substeps. + :return: Tuple of List + """ + # following the order as defined in model_output_names + substep_measurement_names = self.model_output_names + self.model_input_names + + time = self.result['time'] # get a list of raw time point from modelica simulation results for [t-dt, t]. + dt = (time[-1]-time[0])/self.n_substeps + time_intp = np.arange(time[0], time[-1]+dt, dt) + + substep_measurement=[] + for var_name in substep_measurement_names: + substep_measurement.append(list(np.interp(time_intp, time, self.result[var_name]))) + + return (substep_measurement_names,substep_measurement) + + # get cost + def get_cost(self): + """Get energy cost and reward afer reward calculation + + :return: a list of cost for multi-zones + :rtype: List + """ + return self._cost + + # get penalty + def get_temperature_violation(self): + """Get energy cost and reward afer reward calculation + + :return: a list of cost for multi-zones + :rtype: List + """ + return self._max_temperature_violation + +class JModelicaCSFiveZoneEnv(FiveZoneEnv, FMI2CSEnv): + """ + Wrapper class for creation of cart-pole environment using JModelica-compiled FMU (FMI standard v.2.0). + + Attributes: + weather_file (str): Energyplus epw weather file name + npre_step (int): number of future prediction steps + time_step (float): time difference between simulation steps. + + """ + + def __init__(self, + weather_file, + npre_step, + simulation_start_time, + simulation_end_time, + time_step, + log_level, + fmu_result_handling='memory', + fmu_result_ncp=100, + filter_flag=True, + alpha=0.01, + min_action=np.array([0., 0., 0.]), + max_action=np.array([1., 1., 1.]), + rf=None, + p_g=None, + n_substeps=15): + + logger.setLevel(log_level) + + # system parameters + self.weather_file = weather_file + self.npre_step = npre_step + + # virtual environment simulation period + self.simulation_end_time = simulation_end_time + + # state bounds if any + + # experiment parameters + self.alpha = alpha # Positive: penalty coefficients for temperature violation in reward function + self.min_action = min_action # scalor for 1-dimensional action space, np.array for multi-dimensional action space + self.max_action = max_action # scalor for 1-dimensional action space, np.array for multi-dimensional action space + + # customized reward return + self.rf = rf # this is an external function + # customized hourly TOU energy price + if not p_g: + self.p_g = [1.]*24 + #self.p_g = [0.0640, 0.0640, 0.0640, 0.0640, + #0.0640, 0.0640, 0.0640, 0.0640, + #0.1391, 0.1391, 0.1391, 0.1391, + #0.3548, 0.3548, 0.3548, 0.3548, + #0.3548, 0.3548, 0.1391, 0.1391, + #0.1391, 0.1391, 0.1391, 0.0640] + else: + self.p_g = p_g + assert len(self.p_g)==24, "Daily hourly energy price should be provided!!!" + + # number of substeps to output + self.n_substeps=int(n_substeps) + + # others + self.viewer = None + self.display = None + + config = { + 'model_input_names': ['oveAct_TSupSet','oveAct_TCHWSupSet','oveAct_dpSet'], + 'model_output_names': ['time','TZoneAirDev_y','TOutAir_y','GHI_y','PHVAC_y','yFanSpe_y','yDamMax_y','yDamMin_y','yWatVal_y','yCooTowFan_y'], + 'model_parameters': {}, + 'time_step': time_step, + 'fmu_result_handling':fmu_result_handling, + 'fmu_result_ncp':fmu_result_ncp, + 'filter_flag':filter_flag + } + + # initialize some metadata + self._cost = [] + self._max_temperature_violation = [] + + super(JModelicaCSFiveZoneEnv,self).__init__("./FiveZoneSystem.fmu", + config, log_level=log_level, + simulation_start_time=simulation_start_time) + # location of fmu is set to current working directory + +def interp(df, new_index): + """Return a new DataFrame with all columns values interpolated + to the new_index values.""" + df_out = pd.DataFrame(index=new_index) + df_out.index.name = df.index.name + + for colname, col in df.iteritems(): + df_out[colname] = np.interp(new_index, df.index, col) + + return df_out \ No newline at end of file diff --git a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_act_final.npy b/testcases/gym-environments/five-zones/test_v1/dqn_results/his_act_final.npy deleted file mode 100644 index aec17c6f..00000000 Binary files a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_act_final.npy and /dev/null differ diff --git a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_act_final1.npy b/testcases/gym-environments/five-zones/test_v1/dqn_results/his_act_final1.npy deleted file mode 100644 index aec17c6f..00000000 Binary files a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_act_final1.npy and /dev/null differ diff --git a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_act_hist.npy b/testcases/gym-environments/five-zones/test_v1/dqn_results/his_act_hist.npy deleted file mode 100644 index 0a84dba1..00000000 Binary files a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_act_hist.npy and /dev/null differ diff --git a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_act_hist1.npy b/testcases/gym-environments/five-zones/test_v1/dqn_results/his_act_hist1.npy deleted file mode 100644 index 0a84dba1..00000000 Binary files a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_act_hist1.npy and /dev/null differ diff --git a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_loss_hist.npy b/testcases/gym-environments/five-zones/test_v1/dqn_results/his_loss_hist.npy deleted file mode 100644 index 52d06c6d..00000000 Binary files a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_loss_hist.npy and /dev/null differ diff --git a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_loss_hist1.npy b/testcases/gym-environments/five-zones/test_v1/dqn_results/his_loss_hist1.npy deleted file mode 100644 index 52d06c6d..00000000 Binary files a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_loss_hist1.npy and /dev/null differ diff --git a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_obs_final.npy b/testcases/gym-environments/five-zones/test_v1/dqn_results/his_obs_final.npy deleted file mode 100644 index 793c2823..00000000 Binary files a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_obs_final.npy and /dev/null differ diff --git a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_obs_final1.npy b/testcases/gym-environments/five-zones/test_v1/dqn_results/his_obs_final1.npy deleted file mode 100644 index 793c2823..00000000 Binary files a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_obs_final1.npy and /dev/null differ diff --git a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_obs_hist.npy b/testcases/gym-environments/five-zones/test_v1/dqn_results/his_obs_hist.npy deleted file mode 100644 index b8ddd463..00000000 Binary files a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_obs_hist.npy and /dev/null differ diff --git a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_obs_hist1.npy b/testcases/gym-environments/five-zones/test_v1/dqn_results/his_obs_hist1.npy deleted file mode 100644 index b8ddd463..00000000 Binary files a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_obs_hist1.npy and /dev/null differ diff --git a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_rew_final.npy b/testcases/gym-environments/five-zones/test_v1/dqn_results/his_rew_final.npy deleted file mode 100644 index 4da1ffd9..00000000 Binary files a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_rew_final.npy and /dev/null differ diff --git a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_rew_final1.npy b/testcases/gym-environments/five-zones/test_v1/dqn_results/his_rew_final1.npy deleted file mode 100644 index 4da1ffd9..00000000 Binary files a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_rew_final1.npy and /dev/null differ diff --git a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_rew_hist.npy b/testcases/gym-environments/five-zones/test_v1/dqn_results/his_rew_hist.npy deleted file mode 100644 index 1842b1a1..00000000 Binary files a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_rew_hist.npy and /dev/null differ diff --git a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_rew_hist1.npy b/testcases/gym-environments/five-zones/test_v1/dqn_results/his_rew_hist1.npy deleted file mode 100644 index 1842b1a1..00000000 Binary files a/testcases/gym-environments/five-zones/test_v1/dqn_results/his_rew_hist1.npy and /dev/null differ diff --git a/testcases/gym-environments/five-zones/test_v1/dqn_results/rew_per_epoch.npy b/testcases/gym-environments/five-zones/test_v1/dqn_results/rew_per_epoch.npy deleted file mode 100644 index b92ae357..00000000 Binary files a/testcases/gym-environments/five-zones/test_v1/dqn_results/rew_per_epoch.npy and /dev/null differ diff --git a/testcases/gym-environments/five-zones/test_v1/dqn_results/rew_per_epoch1.npy b/testcases/gym-environments/five-zones/test_v1/dqn_results/rew_per_epoch1.npy deleted file mode 100644 index b92ae357..00000000 Binary files a/testcases/gym-environments/five-zones/test_v1/dqn_results/rew_per_epoch1.npy and /dev/null differ diff --git a/testcases/gym-environments/five-zones/test_v1/test_ddqn_tianshou.py b/testcases/gym-environments/five-zones/test_v1/test_ddqn_tianshou.py index ca7a2ab7..4d4c2e28 100644 --- a/testcases/gym-environments/five-zones/test_v1/test_ddqn_tianshou.py +++ b/testcases/gym-environments/five-zones/test_v1/test_ddqn_tianshou.py @@ -36,7 +36,7 @@ def get_args(folder="experiment_results"): parser.add_argument('--n-step', type=int, default=1) parser.add_argument('--target-update-freq', type=int, default=100) - parser.add_argument('--epoch', type=int, default=1) + parser.add_argument('--epoch', type=int, default=100) parser.add_argument('--step-per-epoch', type=int, default=max_number_of_steps) parser.add_argument('--step-per-collect', type=int, default=1) @@ -283,7 +283,7 @@ def test_dqn(args=get_args()): args.buffer_size, buffer_num=len(train_envs), ignore_obs_next=True) # collector - train_collector = Collector(policy, train_envs, buffer, exploration_noise=False) + train_collector = Collector(policy, train_envs, buffer, exploration_noise=True) @@ -291,7 +291,7 @@ def test_dqn(args=get_args()): buffer_test = VectorReplayBuffer( args.step_per_epoch+100, buffer_num=len(test_envs), ignore_obs_next=True) - test_collector = Collector(policy, test_envs, buffer_test, exploration_noise=False) + test_collector = Collector(policy, test_envs, buffer_test, exploration_noise=True) # log log_path = os.path.join(args.logdir, args.task, 'dqn') @@ -313,7 +313,8 @@ def stop_fn(mean_rewards): def train_fn(epoch, env_step): # nature DQN setting, linear decay in the first 1M steps max_eps_steps = args.epoch * args.step_per_epoch * 0.9 - total_epoch_pass = epoch*args.step_per_epoch + env_step % args.step_per_epoch + #total_epoch_pass = epoch*args.step_per_epoch + env_step + total_epoch_pass = env_step print("env_step: ", env_step) print("observe eps: current epoch, step in current epoch, total_epoch_pass, max_eps_steps", epoch, env_step % args.step_per_epoch, total_epoch_pass, max_eps_steps) if env_step <= max_eps_steps: diff --git a/testcases/gym-environments/five-zones/test_v1/test_qrdqn_tianshou.bat b/testcases/gym-environments/five-zones/test_v1/test_qrdqn_tianshou.bat new file mode 100644 index 00000000..695fc49a --- /dev/null +++ b/testcases/gym-environments/five-zones/test_v1/test_qrdqn_tianshou.bat @@ -0,0 +1,10 @@ +docker run^ + --user=root^ + --detach=false^ + -e DISPLAY=${DISPLAY}^ + -v /tmp/.X11-unix:/tmp/.X11-unix:rw^ + --rm^ + -v %CD%:/mnt/shared^ + -i^ + -t^ + mpcdrl /bin/bash -c "source activate base && export PYTHONPATH=$PYFMI_PY3_CONDA_PATH:$PYTHONPATH && cd /mnt/shared && python /mnt/shared/test_qrdqn_tianshou.py" \ No newline at end of file diff --git a/testcases/gym-environments/five-zones/test_v1/test_qrdqn_tianshou.py b/testcases/gym-environments/five-zones/test_v1/test_qrdqn_tianshou.py new file mode 100644 index 00000000..3e5fb3fe --- /dev/null +++ b/testcases/gym-environments/five-zones/test_v1/test_qrdqn_tianshou.py @@ -0,0 +1,284 @@ +import argparse +import os +import pprint + +import numpy as np +import torch +#from atari_network import QRDQN +#from atari_wrapper import wrap_deepmind +from torch.utils.tensorboard import SummaryWriter + +from tianshou.data import Collector, VectorReplayBuffer +from tianshou.env import SubprocVectorEnv +from tianshou.policy import QRDQNPolicy +from tianshou.trainer import offpolicy_trainer +from tianshou.utils import TensorboardLogger +import torch.nn as nn +import gym_fivezone_jmodelica +import gym + + +def get_args(folder="experiment_results"): + time_step = 15*60.0 + num_of_days = 7#31 + max_number_of_steps = int(num_of_days*24*60*60.0 / time_step) + + parser = argparse.ArgumentParser() + parser.add_argument('--task', type=str, default="JModelicaCSFiveZoneEnv-v1") + parser.add_argument('--time-step', type=float, default=time_step) + parser.add_argument('--step-per-epoch', type=int, default=max_number_of_steps) + parser.add_argument('--seed', type=int, default=0) + parser.add_argument('--eps-test', type=float, default=0.005) + parser.add_argument('--eps-train', type=float, default=1.) + parser.add_argument('--eps-train-final', type=float, default=0.05) + parser.add_argument('--buffer-size', type=int, default=50000) + parser.add_argument('--lr', type=float, default=0.0001) + parser.add_argument('--gamma', type=float, default=0.99) + parser.add_argument('--num-quantiles', type=int, default=400)#!!!!!!200 + parser.add_argument('--n-step', type=int, default=1) + parser.add_argument('--target-update-freq', type=int, default=300) + parser.add_argument('--epoch', type=int, default=100)#!!!!!!!!!!!!300 + parser.add_argument('--step-per-collect', type=int, default=1) + parser.add_argument('--update-per-step', type=float, default=1) + parser.add_argument('--batch-size', type=int, default=128) + parser.add_argument('--training-num', type=int, default=1) + parser.add_argument('--test-num', type=int, default=1) + parser.add_argument('--logdir', type=str, default='log_qrdqn') + parser.add_argument('--render', type=float, default=0.) + parser.add_argument( + '--device', type=str, default='cuda' if torch.cuda.is_available() else 'cpu' + ) + parser.add_argument('--frames-stack', type=int, default=1) + parser.add_argument('--resume-path', type=str, default=None) + parser.add_argument('--save-buffer-name', type=str, default=folder) + parser.add_argument('--test-only', type=bool, default=False) + return parser.parse_args() + +def make_building_env(args): + weather_file_path = "./USA_IL_Chicago-OHare.Intl.AP.725300_TMY3.epw" + npre_step = 0 + simulation_start_time = 204*24*3600.0 + simulation_end_time = simulation_start_time + args.step_per_epoch*args.time_step + log_level = 7 + alpha = 1 + nActions = 51 + + def rw_func(cost, penalty): + if ( not hasattr(rw_func,'x') ): + rw_func.x = 0 + rw_func.y = 0 + + print(cost, penalty) + #res = cost + penalty + cost = cost[0] + penalty = penalty[0] + + print(cost, penalty) + + if rw_func.x > cost: + rw_func.x = cost + if rw_func.y > penalty: + rw_func.y = penalty + + print("rw_func-cost-min=", rw_func.x, ". penalty-min=", rw_func.y) + #res = penalty * 10.0 + #res = penalty * 300.0 + cost*1e4 + res = (penalty * 5000 + cost*500) / 1000 + + return res + + env = gym.make(args.task, + weather_file = weather_file_path, + npre_step = npre_step, + simulation_start_time = simulation_start_time, + simulation_end_time = simulation_end_time, + time_step = args.time_step, + log_level = log_level, + alpha = alpha, + nActions = nActions, + rf = rw_func) + return env + +class QRDQN(nn.Module): + """Reference: Distributional Reinforcement Learning with Quantile \ + Regression. + For advanced usage (how to customize the network), please refer to + :ref:`build_the_network`. + """ + + def __init__( + self, + state_shape, + action_shape, + num_quantiles, + device, + ): + super().__init__() + self.action_num = np.prod(action_shape) + self.device = device + self.net = nn.Sequential(*[ + nn.Linear(np.prod(state_shape), 256), nn.ReLU(inplace=True), + nn.Linear(256, 256), nn.ReLU(inplace=True), + nn.Linear(256, 256), nn.ReLU(inplace=True), + nn.Linear(256, 256), nn.ReLU(inplace=True), + nn.Linear(256, self.action_num * num_quantiles) + ]) + + self.output_dim = self.action_num * num_quantiles + + self.num_quantiles = num_quantiles + + def forward(self, obs, state=None, info={}): + r"""Mapping: x -> Z(x, \*).""" + + if not isinstance(obs, torch.Tensor): + obs = torch.tensor(obs, dtype=torch.float).to(self.device) + batch = obs.shape[0] + + logits = self.net(obs.view(batch, -1)) + + + x = logits.view(-1, self.action_num, self.num_quantiles) + return x, state + + + +def test_qrdqn(args=get_args()): + env = make_building_env(args) + args.state_shape = env.observation_space.shape or env.observation_space.n + args.action_shape = env.action_space.shape or env.action_space.n + # should be N_FRAMES x H x W + print("Observations shape:", args.state_shape) + print("Actions shape:", args.action_shape) + # make environments + train_envs = SubprocVectorEnv( + [lambda: make_building_env(args) for _ in range(args.training_num)] + ) + test_envs = SubprocVectorEnv( + [lambda: make_building_env(args) for _ in range(args.test_num)] + ) + # seed + np.random.seed(args.seed) + torch.manual_seed(args.seed) + train_envs.seed(args.seed) + test_envs.seed(args.seed) + # define model + net = QRDQN(args.state_shape, args.action_shape, args.num_quantiles, args.device) + optim = torch.optim.Adam(net.parameters(), lr=args.lr) + # define policy + policy = QRDQNPolicy( + net, + optim, + args.gamma, + args.num_quantiles, + args.n_step, + target_update_freq=args.target_update_freq + ).to(args.device) + # load a previous policy + #if args.resume_path: + # policy.load_state_dict(torch.load(args.resume_path, map_location=args.device)) + # print("Loaded agent from: ", args.resume_path) + # replay buffer: `save_last_obs` and `stack_num` can be removed together + # when you have enough RAM + buffer = VectorReplayBuffer( + args.buffer_size, + buffer_num=len(train_envs), + ignore_obs_next=True, + stack_num=args.frames_stack + ) + # collector + train_collector = Collector(policy, train_envs, buffer, exploration_noise=True) + test_collector = Collector(policy, test_envs, exploration_noise=True) + # log + log_path = os.path.join(args.logdir, args.task, 'qrdqn') + writer = SummaryWriter(log_path) + writer.add_text("args", str(args)) + logger = TensorboardLogger(writer) + + def save_fn(policy): + torch.save(policy.state_dict(), os.path.join(log_path, 'policy.pth')) + + + + def train_fn(epoch, env_step): + # nature DQN setting, linear decay in the first 1M steps + max_eps_steps = args.epoch * args.step_per_epoch * 0.9 + total_epoch_pass = env_step + #total_epoch_pass = epoch*args.step_per_epoch + env_step + print("env_step: ", env_step) + print("observe eps: current epoch, step in current epoch, total_epoch_pass, max_eps_steps", epoch, env_step % args.step_per_epoch, total_epoch_pass, max_eps_steps) + if env_step <= max_eps_steps: + eps = args.eps_train - total_epoch_pass * (args.eps_train - args.eps_train_final) / max_eps_steps + # observe eps: max_eps_steps, total_epoch_pass 60480.0 103477 train/eps env_step eps 51733 -0.625382771164021 + else: + eps = args.eps_train_final + policy.set_eps(eps) + print('train/eps', env_step, eps) + logger.write("train/eps", env_step, {"train/eps": eps}) + + def test_fn(epoch, env_step): + policy.set_eps(args.eps_test) + + # watch agent's performance + def watch(): + print("Setup test envs ...") + policy.eval() + policy.set_eps(args.eps_test) + test_envs.seed(args.seed) + + print("Testing agent ...") + buffer = VectorReplayBuffer( + args.step_per_epoch+1, buffer_num=len(test_envs), + ignore_obs_next=True, save_only_last_obs=False,#!!!!!!!!!!!! + stack_num=args.frames_stack) + collector = Collector(policy, test_envs, buffer, exploration_noise=False) + result = collector.collect(n_step=args.step_per_epoch) + #buffer.save_hdf5(args.save_buffer_name) + print (result) + #{'n/ep': 1, 'n/st': 672, 'rews': array([-1032753.50984556]), 'lens': array([672]), 'idxs': array([0]), 'rew': -1032753.5098455583, 'len': 672.0, 'rew_std': 0.0, 'len_std': 0.0} + + np.save(args.save_buffer_name+'/his_act_final.npy', buffer._meta.__dict__['act']) + np.save(args.save_buffer_name+'/his_obs_final.npy', buffer._meta.__dict__['obs']) + np.save(args.save_buffer_name+'/his_rew_final.npy', buffer._meta.__dict__['rew']) + print(buffer._meta.__dict__.keys()) + rew = result["rews"].mean() + print(f'Mean reward (over {result["n/ep"]} episodes): {rew}') + + + if not args.test_only: + + # test train_collector and start filling replay buffer + train_collector.collect(n_step=args.batch_size * args.training_num) + # trainer + result = offpolicy_trainer( + policy, + train_collector, + test_collector, + args.epoch, + args.step_per_epoch, + args.step_per_collect, + args.test_num, + args.batch_size, + train_fn=train_fn, + test_fn=test_fn, + save_fn=save_fn, + logger=logger, + update_per_step=args.update_per_step, + test_in_train=False + ) + + pprint.pprint(result) + watch() + + if args.test_only: + policy.load_state_dict(torch.load(args.resume_path, map_location=args.device)) + print("Loaded agent from: ", os.path.join(log_path, 'policy.pth')) + watch() + + +if __name__ == '__main__': + folder='./qrdqn_results' + if not os.path.exists(folder): + os.mkdir(folder) + + test_qrdqn(get_args(folder=folder)) diff --git a/testcases/gym-environments/five-zones/test_v2/FiveZoneSystem.fmu b/testcases/gym-environments/five-zones/test_v2/FiveZoneSystem.fmu new file mode 100644 index 00000000..7f9a8716 Binary files /dev/null and b/testcases/gym-environments/five-zones/test_v2/FiveZoneSystem.fmu differ diff --git a/testcases/gym-environments/five-zones/test_v2/USA_IL_Chicago-OHare.Intl.AP.725300_TMY3.epw b/testcases/gym-environments/five-zones/test_v2/USA_IL_Chicago-OHare.Intl.AP.725300_TMY3.epw new file mode 100644 index 00000000..773d4391 --- /dev/null +++ b/testcases/gym-environments/five-zones/test_v2/USA_IL_Chicago-OHare.Intl.AP.725300_TMY3.epw @@ -0,0 +1,8768 @@ +LOCATION,Chicago Ohare Intl Ap,IL,USA,TMY3,725300,41.98,-87.92,-6.0,201.0 +DESIGN CONDITIONS,1,Climate Design Data 2009 ASHRAE Handbook,,Heating,1,-20,-16.6,-25.7,0.4,-19.2,-22.1,0.5,-15.7,12.4,-3.5,11.4,-3.2,4.9,270,Cooling,7,10.5,33.3,23.7,31.6,23,30.1,22.1,25.5,31.2,24.5,29.6,23.5,28.1,5.2,230,23.8,19.2,28.9,22.9,18,27.7,21.9,17,26.5,79.2,31.4,75.1,29.6,70.9,28.2,617,Extremes,11.1,9.4,8.6,28.5,-23.7,35.9,4.5,1.9,-27,37.3,-29.6,38.4,-32.2,39.5,-35.5,40.9 +TYPICAL/EXTREME PERIODS,6,Summer - Week Nearest Max Temperature For Period,Extreme,7/13,7/19,Summer - Week Nearest Average Temperature For Period,Typical,8/24,8/30,Winter - Week Nearest Min Temperature For Period,Extreme,1/27,2/ 2,Winter - Week Nearest Average Temperature For Period,Typical,12/22,12/28,Autumn - Week Nearest Average Temperature For Period,Typical,10/27,11/ 2,Spring - Week Nearest Average Temperature For Period,Typical,4/26,5/ 2 +GROUND TEMPERATURES,3,.5,,,,-1.89,-3.06,-0.99,2.23,10.68,17.20,21.60,22.94,20.66,15.60,8.83,2.56,2,,,,2.39,0.31,0.74,2.45,8.10,13.21,17.30,19.50,19.03,16.16,11.50,6.56,4,,,,5.93,3.80,3.34,3.98,7.18,10.62,13.78,15.98,16.49,15.25,12.51,9.17 +HOLIDAYS/DAYLIGHT SAVINGS,No,0,0,0 +COMMENTS 1,Custom/User Format -- WMO#725300; NREL TMY Data Set (2008); Period of Record 1973-2005 (Generally) +COMMENTS 2, -- Ground temps produced with a standard soil diffusivity of 2.3225760E-03 {m**2/day} +DATA PERIODS,1,1,Data,Sunday, 1/ 1,12/31 +1986,1,1,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-16.1,73,99500,0,0,218,0,0,0,0,0,0,0,270,2.6,9,9,24.1,2740,9,999999999,40,0.0000,0,88,999.000,999.0,99.0 +1986,1,1,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.7,-15.6,73,99600,0,0,227,0,0,0,0,0,0,0,250,2.6,10,10,24.1,1680,9,999999999,50,0.0000,0,88,999.000,999.0,99.0 +1986,1,1,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-15.0,73,99500,0,0,230,0,0,0,0,0,0,0,240,2.1,10,10,24.1,1400,9,999999999,50,0.0000,0,88,999.000,999.0,99.0 +1986,1,1,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-15.0,73,99500,0,0,230,0,0,0,0,0,0,0,230,2.6,10,10,24.1,1400,9,999999999,50,0.0000,0,88,999.000,999.0,99.0 +1986,1,1,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-14.4,73,99500,0,0,232,0,0,0,0,0,0,0,240,2.6,10,10,24.1,1400,9,999999999,50,0.0000,0,88,999.000,999.0,99.0 +1986,1,1,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-14.4,73,99500,0,0,232,0,0,0,0,0,0,0,210,2.6,10,10,24.1,1830,9,999999999,50,0.0000,0,88,999.000,999.0,99.0 +1986,1,1,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-13.9,77,99500,0,0,232,0,0,0,0,0,0,0,180,3.1,10,10,24.1,1680,9,999999999,50,0.0000,0,88,999.000,999.0,99.0 +1986,1,1,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.0,-13.3,77,99500,43,908,224,12,22,10,1272,873,1226,205,180,2.6,8,8,24.1,2130,9,999999999,50,0.1180,0,88,999.000,999.0,99.0 +1986,1,1,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-13.3,71,99500,236,1415,207,115,397,47,11560,28042,6849,828,190,3.1,0,0,24.1,77777,9,999999999,50,0.1180,0,88,999.000,999.0,99.0 +1986,1,1,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-13.3,60,99500,410,1415,214,244,587,71,24978,51257,10062,1322,220,5.7,2,0,24.1,77777,9,999999999,50,0.1180,0,88,999.000,999.0,99.0 +1986,1,1,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-11.1,63,99400,531,1415,221,341,688,80,35572,64725,11177,1581,210,5.7,0,0,24.1,77777,9,999999999,60,0.1180,0,88,999.000,999.0,99.0 +1986,1,1,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-9.4,63,99300,591,1415,236,364,521,144,38026,50467,16854,2863,220,5.7,6,2,24.1,77777,9,999999999,60,0.1180,0,88,999.000,999.0,99.0 +1986,1,1,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-8.3,63,99200,586,1415,256,231,151,168,25174,14990,18939,3969,230,5.2,10,8,24.1,6710,9,999999999,70,0.1180,0,88,999.000,999.0,99.0 +1986,1,1,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-7.8,61,99200,516,1415,267,180,54,161,19805,5145,17920,4317,260,4.1,10,9,24.1,6710,9,999999999,70,0.1180,0,88,999.000,999.0,99.0 +1986,1,1,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-7.2,64,99200,386,1415,267,118,93,93,13001,8251,10739,2056,260,3.1,9,9,24.1,3660,9,999999999,70,0.1180,0,88,999.000,999.0,99.0 +1986,1,1,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-6.1,69,99200,206,1415,276,48,36,43,5294,2635,4908,1083,210,1.5,10,10,19.3,3660,9,999999999,80,0.1180,0,88,999.000,999.0,99.0 +1986,1,1,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-6.1,69,99200,25,696,276,5,0,5,0,0,0,0,0,0.0,10,10,19.3,3660,9,999999999,80,0.1180,0,88,999.000,999.0,99.0 +1986,1,1,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.1,72,99200,0,0,273,0,0,0,0,0,0,0,0,0.0,10,10,16.1,2440,9,999999999,80,0.1180,0,88,999.000,999.0,99.0 +1986,1,1,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-6.1,75,99200,0,0,271,0,0,0,0,0,0,0,160,2.1,10,10,16.1,2440,9,999999999,80,0.1180,0,88,999.000,999.0,99.0 +1986,1,1,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,99200,0,0,276,0,0,0,0,0,0,0,160,2.6,10,10,16.1,3050,9,999999999,80,0.1180,0,88,999.000,999.0,99.0 +1986,1,1,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.0,78,99100,0,0,275,0,0,0,0,0,0,0,0,0.0,10,10,16.1,3050,9,999999999,80,0.1180,0,88,999.000,999.0,99.0 +1986,1,1,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.0,75,99100,0,0,277,0,0,0,0,0,0,0,160,2.6,10,10,16.1,3050,9,999999999,80,0.1180,0,88,999.000,999.0,99.0 +1986,1,1,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.0,78,99000,0,0,254,0,0,0,0,0,0,0,180,2.6,6,6,16.1,3050,9,999999999,80,0.1180,0,88,999.000,999.0,99.0 +1986,1,1,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.1,72,99000,0,0,247,0,0,0,0,0,0,0,190,2.6,3,3,16.1,77777,9,999999999,80,0.1180,0,88,999.000,999.0,99.0 +1986,1,2,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-6.1,85,99000,0,0,237,0,0,0,0,0,0,0,170,2.1,2,2,16.1,77777,9,999999999,80,0.1180,0,88,999.000,999.0,99.0 +1986,1,2,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-6.1,78,99000,0,0,243,0,0,0,0,0,0,0,200,3.1,4,3,16.1,77777,9,999999999,70,0.1180,0,88,999.000,999.0,99.0 +1986,1,2,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-6.7,78,98900,0,0,239,0,0,0,0,0,0,0,180,2.6,2,2,16.1,77777,9,999999999,70,0.1180,0,88,999.000,999.0,99.0 +1986,1,2,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-6.1,78,98900,0,0,249,0,0,0,0,0,0,0,120,2.1,8,6,16.1,3050,9,999999999,70,0.1180,0,88,999.000,999.0,99.0 +1986,1,2,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,98900,0,0,263,0,0,0,0,0,0,0,190,3.6,10,8,16.1,3050,9,999999999,80,0.1180,0,88,999.000,999.0,99.0 +1986,1,2,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,98900,0,0,263,0,0,0,0,0,0,0,210,3.1,10,8,16.1,7620,9,999999999,80,0.1180,0,88,999.000,999.0,99.0 +1986,1,2,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-5.6,69,99000,0,0,278,0,0,0,0,0,0,0,200,2.6,10,10,16.1,7620,9,999999999,80,0.1180,0,88,999.000,999.0,99.0 +1986,1,2,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-5.6,69,98900,43,908,278,8,0,8,1000,0,1000,3000,190,2.6,10,10,14.5,2440,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,2,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-5.0,69,99000,236,1415,282,46,5,45,5200,100,5200,16300,180,3.6,10,10,12.9,2440,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,2,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-5.0,67,99000,410,1415,284,123,1,122,13600,100,13500,41700,160,3.6,10,10,12.9,2440,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,2,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.0,62,98900,532,1415,289,133,1,133,15100,100,15100,51100,180,3.6,10,10,12.9,2440,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,2,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-4.4,64,98800,593,1415,289,176,2,176,19900,200,19800,65500,160,2.1,10,10,11.3,1830,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,2,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-3.9,67,98600,588,1415,290,186,3,185,20800,200,20700,67200,0,0.0,10,10,12.9,1830,9,999999999,90,0.1050,0,88,999.000,999.0,99.0 +1986,1,2,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-1.1,92,98500,519,1415,286,166,0,166,18400,0,18400,58000,160,2.6,10,10,0.6,240,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1986,1,2,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-1.1,96,98400,389,1415,283,122,0,122,13500,0,13500,40300,120,2.1,10,10,4.8,910,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1986,1,2,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-1.1,89,98300,209,1415,288,54,0,54,6000,0,6000,17700,90,3.6,10,10,4.8,1830,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1986,1,2,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-0.6,92,98300,26,719,289,10,0,10,0,0,0,0,170,7.7,10,10,0.8,180,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1986,1,2,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-0.6,100,98300,0,0,284,0,0,0,0,0,0,0,120,3.1,10,10,2.4,150,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1986,1,2,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-0.6,92,98100,0,0,289,0,0,0,0,0,0,0,130,3.6,10,10,6.4,270,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1986,1,2,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-0.6,89,98100,0,0,291,0,0,0,0,0,0,0,140,3.6,10,10,8.0,270,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1986,1,2,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.0,89,97900,0,0,294,0,0,0,0,0,0,0,120,4.1,10,10,8.0,1010,9,999999999,110,0.1050,0,88,999.000,999.0,99.0 +1986,1,2,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.6,89,97900,0,0,297,0,0,0,0,0,0,0,90,3.1,10,10,9.7,1160,9,999999999,110,0.1050,0,88,999.000,999.0,99.0 +1986,1,2,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-0.6,96,97800,0,0,286,0,0,0,0,0,0,0,0,0.0,10,10,6.4,1160,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1986,1,2,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-0.6,96,97800,0,0,286,0,0,0,0,0,0,0,320,2.6,10,10,2.4,180,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1986,1,3,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-0.6,96,97900,0,0,286,0,0,0,0,0,0,0,300,2.6,10,10,2.4,180,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1986,1,3,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-0.6,96,98100,0,0,286,0,0,0,0,0,0,0,320,4.6,10,10,6.4,180,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1986,1,3,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-0.6,92,98300,0,0,289,0,0,0,0,0,0,0,340,7.2,10,10,6.4,210,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1986,1,3,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,98400,0,0,285,0,0,0,0,0,0,0,340,6.2,10,10,6.4,310,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1986,1,3,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.3,85,98600,0,0,279,0,0,0,0,0,0,0,320,5.7,10,10,11.3,400,9,999999999,90,0.1050,0,88,999.000,999.0,99.0 +1986,1,3,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-4.4,85,98800,0,0,273,0,0,0,0,0,0,0,300,6.2,10,10,11.3,580,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,3,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-5.6,85,99000,0,0,268,0,0,0,0,0,0,0,310,5.2,10,10,11.3,580,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,3,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-5.6,85,99100,43,908,268,20,0,20,2200,0,2200,6300,300,4.6,10,10,11.3,580,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,3,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-6.1,88,99200,237,1415,263,82,1,81,8800,0,8800,23800,320,5.2,10,10,11.3,580,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,3,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-6.1,88,99400,411,1415,263,166,0,166,17900,0,17900,48500,300,5.2,10,10,11.3,580,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,3,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-6.1,85,99400,533,1415,265,216,0,215,23500,0,23500,67200,300,4.6,10,10,6.4,580,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,3,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-5.6,85,99400,594,1415,268,218,1,218,24100,100,24100,74100,300,4.1,10,10,6.4,640,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,3,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-5.6,81,99400,590,1415,270,216,1,215,23800,100,23800,73200,300,3.6,10,10,8.0,700,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,3,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-5.6,81,99500,521,1415,270,208,1,207,22600,100,22600,64900,290,4.6,10,10,8.0,700,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,3,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-5.6,81,99500,392,1415,270,148,1,148,16100,100,16100,44600,290,2.1,10,10,9.7,640,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,3,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-5.6,81,99500,212,1415,270,77,1,77,8300,0,8300,21600,280,1.5,10,10,9.7,640,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,3,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-5.0,85,99600,28,743,270,14,0,14,0,0,0,0,260,2.6,10,10,9.7,580,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,3,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.6,81,99600,0,0,270,0,0,0,0,0,0,0,250,2.1,10,10,9.7,580,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,3,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.6,81,99600,0,0,270,0,0,0,0,0,0,0,240,2.6,10,10,9.7,580,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,3,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.0,85,99700,0,0,270,0,0,0,0,0,0,0,210,2.1,10,10,9.7,460,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,3,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-4.4,89,99600,0,0,271,0,0,0,0,0,0,0,170,2.1,10,10,8.0,430,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,3,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-4.4,89,99600,0,0,271,0,0,0,0,0,0,0,170,3.6,10,10,9.7,370,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,3,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-4.4,89,99500,0,0,271,0,0,0,0,0,0,0,180,4.6,10,10,9.7,370,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,3,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.0,85,99500,0,0,270,0,0,0,0,0,0,0,160,4.1,10,10,9.7,340,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,4,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.0,85,99400,0,0,270,0,0,0,0,0,0,0,170,4.1,10,10,9.7,340,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,4,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.0,85,99300,0,0,270,0,0,0,0,0,0,0,160,5.2,10,10,8.0,340,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,4,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.0,85,99300,0,0,270,0,0,0,0,0,0,0,170,5.7,10,10,8.0,340,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,4,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-5.0,88,99200,0,0,268,0,0,0,0,0,0,0,190,5.2,10,10,6.4,270,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,4,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-5.0,88,99200,0,0,268,0,0,0,0,0,0,0,170,4.6,10,10,6.4,240,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,4,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-5.0,88,99000,0,0,268,0,0,0,0,0,0,0,150,4.1,10,10,6.4,180,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,4,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-3.9,92,98900,0,0,271,0,0,0,0,0,0,0,160,4.1,10,10,2.4,120,9,999999999,80,0.0430,0,88,999.000,999.0,99.0 +1986,1,4,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-3.9,92,98900,43,908,271,19,0,19,2100,0,2100,6100,140,4.6,10,10,2.4,120,9,999999999,80,0.2080,0,88,999.000,999.0,99.0 +1986,1,4,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-3.9,89,98800,237,1415,274,77,0,77,8400,0,8400,23200,150,4.6,10,10,3.2,210,9,999999999,90,0.2080,0,88,999.000,999.0,99.0 +1986,1,4,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-3.9,85,98700,412,1415,276,129,1,128,14200,100,14200,43000,150,5.2,10,10,4.8,310,9,999999999,80,0.2080,0,88,999.000,999.0,99.0 +1986,1,4,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-3.3,89,98500,535,1415,276,183,1,183,20300,100,20300,62500,140,3.6,10,10,3.2,400,9,999999999,90,0.2080,0,88,999.000,999.0,99.0 +1986,1,4,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-2.8,89,98400,597,1415,279,192,1,192,21500,100,21400,69400,130,3.6,10,10,4.8,340,9,999999999,90,0.2080,0,88,999.000,999.0,99.0 +1986,1,4,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-2.8,85,98200,593,1415,281,194,0,194,21600,0,21600,69500,210,2.1,10,10,4.8,340,9,999999999,90,0.2080,0,88,999.000,999.0,99.0 +1986,1,4,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-2.8,85,98200,524,1415,281,156,1,156,17500,100,17500,56300,320,2.1,10,10,4.8,310,9,999999999,90,0.2080,0,88,999.000,999.0,99.0 +1986,1,4,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-2.2,92,98200,396,1415,280,130,0,130,14300,0,14300,42200,330,3.1,10,10,3.2,120,9,999999999,90,0.2080,0,88,999.000,999.0,99.0 +1986,1,4,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-2.8,89,98300,216,1415,279,61,0,61,6700,0,6700,19400,330,4.1,10,10,3.2,210,9,999999999,90,0.2080,0,88,999.000,999.0,99.0 +1986,1,4,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-5.0,85,98300,30,743,270,14,0,14,1600,0,1600,4700,330,7.7,10,10,3.2,430,9,999999999,80,0.2080,0,88,999.000,999.0,99.0 +1986,1,4,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-6.1,85,98500,0,0,265,0,0,0,0,0,0,0,330,7.2,10,10,2.4,240,9,999999999,70,0.2080,0,88,999.000,999.0,99.0 +1986,1,4,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-7.2,85,98600,0,0,259,0,0,0,0,0,0,0,320,7.7,10,10,4.8,430,9,999999999,70,0.2080,0,88,999.000,999.0,99.0 +1986,1,4,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-7.2,85,98700,0,0,259,0,0,0,0,0,0,0,310,6.7,10,10,4.8,460,9,999999999,70,0.2080,0,88,999.000,999.0,99.0 +1986,1,4,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-6.7,85,98800,0,0,262,0,0,0,0,0,0,0,310,8.2,10,10,6.4,460,9,999999999,70,0.2080,0,88,999.000,999.0,99.0 +1986,1,4,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-6.7,88,98900,0,0,260,0,0,0,0,0,0,0,330,8.8,10,10,8.0,460,9,999999999,70,0.2080,0,88,999.000,999.0,99.0 +1986,1,4,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-9.4,78,99100,0,0,232,0,0,0,0,0,0,0,330,6.7,5,5,11.3,77777,9,999999999,60,0.2080,0,88,999.000,999.0,99.0 +1986,1,4,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-10.6,77,99100,0,0,215,0,0,0,0,0,0,0,290,5.2,0,0,19.3,77777,9,999999999,60,0.2080,0,88,999.000,999.0,99.0 +1986,1,5,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-11.1,74,99200,0,0,235,0,0,0,0,0,0,0,310,6.2,8,8,19.3,760,9,999999999,60,0.2080,0,88,999.000,999.0,99.0 +1986,1,5,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.0,78,99200,0,0,238,0,0,0,0,0,0,0,310,5.2,8,8,14.5,1010,9,999999999,60,0.2080,0,88,999.000,999.0,99.0 +1986,1,5,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-10.6,77,99300,0,0,232,0,0,0,0,0,0,0,290,3.6,7,7,14.5,880,9,999999999,60,0.2080,0,88,999.000,999.0,99.0 +1986,1,5,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-11.7,81,99300,0,0,219,0,0,0,0,0,0,0,290,4.1,4,4,14.5,77777,9,999999999,60,0.2080,0,88,999.000,999.0,99.0 +1986,1,5,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-15.0,80,99400,0,0,196,0,0,0,0,0,0,0,270,5.7,0,0,11.3,77777,9,999999999,50,0.2080,0,88,999.000,999.0,99.0 +1986,1,5,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-14.4,-17.2,80,99400,0,0,187,0,0,0,0,0,0,0,270,5.2,0,0,11.3,77777,9,999999999,40,0.2080,0,88,999.000,999.0,99.0 +1986,1,5,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.0,-18.9,73,99400,0,0,184,0,0,0,0,0,0,0,270,5.2,1,0,11.3,77777,9,999999999,40,0.2080,0,88,999.000,999.0,99.0 +1986,1,5,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.9,-15.6,87,99400,43,908,198,26,54,21,2500,1600,2400,3800,250,6.2,7,3,16.1,77777,9,999999999,50,0.0580,0,88,999.000,999.0,99.0 +1986,1,5,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.9,-15.6,87,99400,238,1415,196,122,419,49,12200,29600,7100,8600,250,6.2,3,2,16.1,77777,9,999999999,50,0.0580,0,88,999.000,999.0,99.0 +1986,1,5,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.7,-15.6,73,99400,413,1415,197,269,715,56,27300,63300,8700,10800,240,5.7,1,0,24.1,77777,9,999999999,50,0.0580,0,88,999.000,999.0,99.0 +1986,1,5,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-9.4,-14.4,67,99200,536,1415,205,383,831,64,39700,78300,9900,13200,230,6.2,0,0,24.1,77777,9,999999999,50,0.0580,0,88,999.000,999.0,99.0 +1986,1,5,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-13.3,65,99000,599,1415,210,436,859,69,45600,82600,10500,14600,240,7.7,0,0,24.1,77777,9,999999999,50,0.0580,0,88,999.000,999.0,99.0 +1986,1,5,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-12.2,65,98800,596,1415,215,433,858,69,45300,82400,10500,14600,220,7.7,0,0,24.1,77777,9,999999999,50,0.0580,0,88,999.000,999.0,99.0 +1986,1,5,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-11.7,63,98800,528,1415,223,347,729,74,35600,67900,10100,14200,230,6.2,3,1,24.1,77777,9,999999999,60,0.0580,0,88,999.000,999.0,99.0 +1986,1,5,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-10.6,60,98700,399,1415,233,245,558,88,25000,47600,11500,15500,220,8.2,2,2,24.1,77777,9,999999999,60,0.0580,0,88,999.000,999.0,99.0 +1986,1,5,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-10.6,58,98700,219,1415,239,83,187,54,8800,12200,6900,10100,240,9.3,5,4,24.1,77777,9,999999999,60,0.0580,0,88,999.000,999.0,99.0 +1986,1,5,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-10.0,66,98700,31,766,232,17,62,12,1600,2000,1500,2100,240,7.7,2,2,24.1,77777,9,999999999,60,0.0580,0,88,999.000,999.0,99.0 +1986,1,5,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-10.0,68,98700,0,0,227,0,0,0,0,0,0,0,260,7.2,1,1,24.1,77777,9,999999999,60,0.0580,0,88,999.000,999.0,99.0 +1986,1,5,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-10.6,68,98700,0,0,224,0,0,0,0,0,0,0,260,7.2,1,1,24.1,77777,9,999999999,60,0.0580,0,88,999.000,999.0,99.0 +1986,1,5,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-11.1,71,98700,0,0,220,0,0,0,0,0,0,0,270,6.7,1,1,24.1,77777,9,999999999,60,0.0580,0,88,999.000,999.0,99.0 +1986,1,5,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-11.1,77,98800,0,0,212,0,0,0,0,0,0,0,270,6.7,0,0,24.1,77777,9,999999999,60,0.0580,0,88,999.000,999.0,99.0 +1986,1,5,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-12.8,74,98800,0,0,207,0,0,0,0,0,0,0,280,5.2,0,0,24.1,77777,9,999999999,50,0.0580,0,88,999.000,999.0,99.0 +1986,1,5,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-13.3,71,98800,0,0,207,0,0,0,0,0,0,0,270,5.2,0,0,24.1,77777,9,999999999,50,0.0580,0,88,999.000,999.0,99.0 +1986,1,5,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.0,-13.9,74,98800,0,0,210,0,0,0,0,0,0,0,280,5.2,2,2,24.1,77777,9,999999999,50,0.0580,0,88,999.000,999.0,99.0 +1986,1,6,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-14.4,77,98900,0,0,199,0,0,0,0,0,0,0,280,5.7,0,0,19.3,77777,9,999999999,50,0.0580,0,88,999.000,999.0,99.0 +1986,1,6,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-15.0,73,99000,0,0,205,0,0,0,0,0,0,0,270,4.6,2,2,19.3,77777,9,999999999,50,0.0580,0,88,999.000,999.0,99.0 +1986,1,6,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-15.6,77,99100,0,0,195,0,0,0,0,0,0,0,280,4.1,0,0,19.3,77777,9,999999999,50,0.0580,0,88,999.000,999.0,99.0 +1986,1,6,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.9,-17.2,76,99200,0,0,189,0,0,0,0,0,0,0,290,3.6,0,0,19.3,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1986,1,6,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.9,-16.7,80,99300,0,0,189,0,0,0,0,0,0,0,310,3.6,0,0,19.3,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1986,1,6,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-14.4,-17.8,76,99400,0,0,187,0,0,0,0,0,0,0,310,3.6,0,0,19.3,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1986,1,6,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-14.4,-18.9,69,99500,0,0,186,0,0,0,0,0,0,0,330,4.6,1,0,24.1,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1986,1,6,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-15.0,-23.9,47,99600,43,908,187,22,45,18,2200,1300,2100,3200,320,3.1,7,2,24.1,77777,9,999999999,30,0.0610,0,88,999.000,999.0,99.0 +1986,1,6,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.9,-23.3,45,99700,239,1415,188,126,434,50,12500,30700,7300,8700,340,5.2,4,1,24.1,77777,9,999999999,30,0.0610,0,88,999.000,999.0,99.0 +1986,1,6,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.3,-22.2,48,99800,414,1415,190,255,632,66,26200,55600,9800,12500,350,4.1,4,1,24.1,77777,9,999999999,40,0.0610,0,88,999.000,999.0,99.0 +1986,1,6,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.2,-21.7,46,99900,538,1415,199,331,532,126,34600,50500,15300,24400,330,4.1,10,3,24.1,77777,9,999999999,40,0.0610,0,88,999.000,999.0,99.0 +1986,1,6,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.1,-20.6,46,99800,601,1415,210,204,90,166,22400,8800,18700,47900,300,4.1,10,7,24.1,7620,9,999999999,40,0.0610,0,88,999.000,999.0,99.0 +1986,1,6,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.7,-20.6,48,99800,599,1415,212,235,97,193,25700,9500,21600,53600,310,2.6,10,8,24.1,7620,9,999999999,40,0.0610,0,88,999.000,999.0,99.0 +1986,1,6,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.1,-20.6,46,99900,531,1415,224,132,9,128,14900,600,14700,49700,330,3.6,10,10,24.1,7620,9,999999999,40,0.0610,0,88,999.000,999.0,99.0 +1986,1,6,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.7,-21.1,46,99900,403,1415,211,151,99,123,16400,8900,13800,27300,280,2.6,10,8,24.1,7620,9,999999999,40,0.0610,0,88,999.000,999.0,99.0 +1986,1,6,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.2,-20.6,50,100000,223,1415,204,92,87,78,9800,6000,8800,16600,310,2.6,10,6,16.1,7620,9,999999999,40,0.0610,0,88,999.000,999.0,99.0 +1986,1,6,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-14.4,-21.1,57,100100,33,790,190,19,50,14,1800,1300,1700,2400,320,3.6,6,2,16.1,77777,9,999999999,40,0.0610,0,88,999.000,999.0,99.0 +1986,1,6,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.6,-22.2,57,100200,0,0,186,0,0,0,0,0,0,0,320,3.1,4,2,24.1,77777,9,999999999,30,0.0610,0,88,999.000,999.0,99.0 +1986,1,6,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-23.3,59,100200,0,0,175,0,0,0,0,0,0,0,350,4.6,0,0,24.1,77777,9,999999999,30,0.0610,0,88,999.000,999.0,99.0 +1986,1,6,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-23.9,56,100300,0,0,174,0,0,0,0,0,0,0,330,4.1,0,0,24.1,77777,9,999999999,30,0.0610,0,88,999.000,999.0,99.0 +1986,1,6,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-18.9,-25.0,59,100300,0,0,169,0,0,0,0,0,0,0,280,2.1,0,0,19.3,77777,9,999999999,30,0.0610,0,88,999.000,999.0,99.0 +1986,1,6,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-18.3,-25.0,56,100400,0,0,171,0,0,0,0,0,0,0,320,4.1,0,0,19.3,77777,9,999999999,30,0.0610,0,88,999.000,999.0,99.0 +1986,1,6,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.8,-25.6,51,100500,0,0,172,0,0,0,0,0,0,0,350,4.1,0,0,19.3,77777,9,999999999,30,0.0610,0,88,999.000,999.0,99.0 +1986,1,6,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-18.9,-26.1,53,100600,0,0,168,0,0,0,0,0,0,0,350,4.6,0,0,19.3,77777,9,999999999,30,0.0610,0,88,999.000,999.0,99.0 +1986,1,7,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-18.9,-26.7,51,100600,0,0,168,0,0,0,0,0,0,0,330,4.1,0,0,19.3,77777,9,999999999,30,0.0610,0,88,999.000,999.0,99.0 +1986,1,7,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-19.4,-26.7,53,100700,0,0,167,0,0,0,0,0,0,0,330,3.6,0,0,24.1,77777,9,999999999,30,0.0610,0,88,999.000,999.0,99.0 +1986,1,7,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-20.0,-26.7,56,100800,0,0,165,0,0,0,0,0,0,0,310,3.1,0,0,24.1,77777,9,999999999,30,0.0610,0,88,999.000,999.0,99.0 +1986,1,7,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-20.6,-26.7,58,100900,0,0,163,0,0,0,0,0,0,0,310,4.1,0,0,24.1,77777,9,999999999,30,0.0610,0,88,999.000,999.0,99.0 +1986,1,7,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.1,-26.7,61,100900,0,0,167,0,0,0,0,0,0,0,300,3.1,2,2,24.1,77777,9,999999999,30,0.0610,0,88,999.000,999.0,99.0 +1986,1,7,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-22.2,-27.8,61,101000,0,0,162,0,0,0,0,0,0,0,310,3.1,1,1,24.1,77777,9,999999999,30,0.0610,0,88,999.000,999.0,99.0 +1986,1,7,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-22.8,-27.8,64,101100,0,0,157,0,0,0,0,0,0,0,300,2.1,0,0,24.1,77777,9,999999999,30,0.0610,0,88,999.000,999.0,99.0 +1986,1,7,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-21.7,-27.2,61,101100,44,908,160,29,187,13,2400,7900,1900,2400,320,3.1,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,7,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-18.3,-25.6,53,101300,240,1415,170,140,622,31,14400,48300,6200,6300,350,5.2,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,7,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-16.1,-24.4,49,101300,416,1415,177,283,800,44,29500,71700,8400,9800,350,6.2,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,7,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-14.4,-24.4,43,101400,540,1415,182,392,879,53,41000,82700,9300,12100,350,6.7,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,7,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-14.4,-24.4,43,101400,604,1415,182,445,901,57,46600,86200,9600,13100,310,5.2,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,7,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.3,-23.9,41,101400,602,1415,185,442,900,57,46400,86000,9600,13100,310,5.2,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,7,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.8,-23.3,41,101400,534,1415,187,381,869,52,40200,81600,9200,11900,320,5.7,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,7,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.3,-23.9,41,101400,406,1415,185,268,788,42,28400,70200,8100,9600,320,4.6,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,7,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.9,-23.3,45,101500,227,1415,184,124,597,30,13000,44200,5800,6000,320,5.2,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,7,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-16.1,-24.4,49,101500,36,814,177,24,145,11,1900,6000,1600,2100,330,5.7,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,7,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.7,-24.4,51,101500,0,0,175,0,0,0,0,0,0,0,320,3.6,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,7,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-18.3,-25.0,56,101600,0,0,171,0,0,0,0,0,0,0,350,4.1,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,7,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-18.3,-25.0,56,101700,0,0,171,0,0,0,0,0,0,0,310,2.6,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,7,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-19.4,-25.6,59,101700,0,0,167,0,0,0,0,0,0,0,280,2.6,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,7,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-20.0,-25.6,62,101800,0,0,166,0,0,0,0,0,0,0,330,2.6,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,7,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-19.4,-26.1,56,101800,0,0,167,0,0,0,0,0,0,0,360,2.1,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,7,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-20.0,-26.1,58,101700,0,0,165,0,0,0,0,0,0,0,300,2.1,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,8,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.1,-26.1,64,101700,0,0,163,0,0,0,0,0,0,0,250,2.1,0,0,24.1,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,8,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.1,-26.1,64,101600,0,0,163,0,0,0,0,0,0,0,280,2.1,0,0,19.3,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,8,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.1,-26.1,64,101700,0,0,163,0,0,0,0,0,0,0,290,2.1,0,0,19.3,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,8,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.1,-26.7,61,101800,0,0,167,0,0,0,0,0,0,0,280,2.1,2,2,19.3,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,8,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.7,-26.7,64,101800,0,0,164,0,0,0,0,0,0,0,250,2.1,1,1,19.3,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,8,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.7,-26.1,68,101800,0,0,161,0,0,0,0,0,0,0,250,2.1,0,0,19.3,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,8,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.7,-26.7,64,101800,0,0,161,0,0,0,0,0,0,0,240,1.5,0,0,19.3,77777,9,999999999,30,0.0410,0,88,999.000,999.0,99.0 +1986,1,8,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-21.1,-26.1,64,101700,44,908,163,29,182,14,2400,7700,2000,2500,240,2.1,0,0,11.3,77777,9,999999999,30,0.0450,0,88,999.000,999.0,99.0 +1986,1,8,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-17.2,-22.8,62,101800,241,1415,175,141,619,32,14100,46700,6100,6300,220,2.1,0,0,11.3,77777,9,999999999,30,0.0450,0,88,999.000,999.0,99.0 +1986,1,8,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-14.4,-22.2,52,101800,418,1415,187,256,642,64,26500,56700,9700,12200,230,4.1,3,1,16.1,77777,9,999999999,40,0.0450,0,88,999.000,999.0,99.0 +1986,1,8,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.8,-22.2,45,101700,543,1415,192,363,707,88,37600,66600,11900,17300,240,4.6,7,1,19.3,77777,9,999999999,30,0.0450,0,88,999.000,999.0,99.0 +1986,1,8,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.2,-22.2,44,101700,606,1415,196,417,646,139,42500,61000,16300,26200,230,4.1,8,2,24.1,77777,9,999999999,40,0.0450,0,88,999.000,999.0,99.0 +1986,1,8,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-21.1,42,101500,605,1415,199,409,726,97,42800,69900,12800,19600,230,5.2,6,1,24.1,77777,9,999999999,40,0.0450,0,88,999.000,999.0,99.0 +1986,1,8,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.0,-21.1,40,101400,538,1415,201,357,731,79,37600,69000,11300,15700,220,7.2,3,1,24.1,77777,9,999999999,40,0.0450,0,88,999.000,999.0,99.0 +1986,1,8,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-9.4,-20.6,40,101300,410,1415,199,260,739,46,27400,65900,8200,9600,210,7.2,1,0,24.1,77777,9,999999999,40,0.0450,0,88,999.000,999.0,99.0 +1986,1,8,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-9.4,-19.4,44,101200,231,1415,200,123,554,34,12700,41000,5900,6400,230,5.2,2,0,24.1,77777,9,999999999,40,0.0450,0,88,999.000,999.0,99.0 +1986,1,8,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.0,-18.9,49,101200,38,837,203,24,112,13,1900,4600,1700,2400,220,3.6,3,1,24.1,77777,9,999999999,40,0.0450,0,88,999.000,999.0,99.0 +1986,1,8,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.0,-17.8,53,101100,0,0,200,0,0,0,0,0,0,0,230,5.2,0,0,24.1,77777,9,999999999,40,0.0450,0,88,999.000,999.0,99.0 +1986,1,8,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.0,-17.8,53,101000,0,0,200,0,0,0,0,0,0,0,220,3.6,0,0,24.1,77777,9,999999999,40,0.0450,0,88,999.000,999.0,99.0 +1986,1,8,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-17.8,51,101000,0,0,202,0,0,0,0,0,0,0,220,4.6,1,0,24.1,77777,9,999999999,40,0.0450,0,88,999.000,999.0,99.0 +1986,1,8,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-17.8,49,100900,0,0,207,0,0,0,0,0,0,0,210,4.1,2,1,24.1,77777,9,999999999,40,0.0450,0,88,999.000,999.0,99.0 +1986,1,8,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-17.8,49,100700,0,0,203,0,0,0,0,0,0,0,210,5.7,2,0,24.1,77777,9,999999999,40,0.0450,0,88,999.000,999.0,99.0 +1986,1,8,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-17.2,49,100700,0,0,206,0,0,0,0,0,0,0,220,7.7,0,0,24.1,77777,9,999999999,40,0.0450,0,88,999.000,999.0,99.0 +1986,1,8,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-17.8,49,100600,0,0,203,0,0,0,0,0,0,0,230,6.2,0,0,24.1,77777,9,999999999,40,0.0450,0,88,999.000,999.0,99.0 +1986,1,9,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-15.6,59,100500,0,0,205,0,0,0,0,0,0,0,220,6.2,0,0,24.1,77777,9,999999999,50,0.0450,0,88,999.000,999.0,99.0 +1986,1,9,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-16.1,56,100400,0,0,205,0,0,0,0,0,0,0,220,7.7,0,0,24.1,77777,9,999999999,50,0.0450,0,88,999.000,999.0,99.0 +1986,1,9,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-14.4,62,100400,0,0,208,0,0,0,0,0,0,0,220,6.7,0,0,24.1,77777,9,999999999,50,0.0450,0,88,999.000,999.0,99.0 +1986,1,9,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-14.4,62,100300,0,0,208,0,0,0,0,0,0,0,230,6.7,0,0,24.1,77777,9,999999999,50,0.0450,0,88,999.000,999.0,99.0 +1986,1,9,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-14.4,62,100100,0,0,208,0,0,0,0,0,0,0,210,6.7,0,0,24.1,77777,9,999999999,50,0.0450,0,88,999.000,999.0,99.0 +1986,1,9,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-14.4,62,100000,0,0,208,0,0,0,0,0,0,0,220,6.7,0,0,24.1,77777,9,999999999,50,0.0450,0,88,999.000,999.0,99.0 +1986,1,9,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-14.4,59,100000,0,0,210,0,0,0,0,0,0,0,220,6.2,0,0,24.1,77777,9,999999999,50,0.0450,0,88,999.000,999.0,99.0 +1986,1,9,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-14.4,59,100000,45,931,210,18,16,17,2000,800,1900,4100,230,7.2,0,0,24.1,77777,9,999999999,50,0.1970,0,88,999.000,999.0,99.0 +1986,1,9,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-14.4,50,99900,242,1415,226,90,160,61,9400,11000,7500,11500,220,8.8,4,3,24.1,77777,9,999999999,50,0.1970,0,88,999.000,999.0,99.0 +1986,1,9,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-13.3,48,99900,419,1415,236,207,241,134,21500,21600,15100,27700,230,6.7,9,5,24.1,6710,9,999999999,50,0.1970,0,88,999.000,999.0,99.0 +1986,1,9,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-12.2,49,99700,545,1415,246,277,182,206,29600,17600,22800,48000,210,7.2,9,7,24.1,6100,9,999999999,50,0.1970,0,88,999.000,999.0,99.0 +1986,1,9,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-10.6,47,99600,609,1415,251,323,325,182,34200,32700,20100,39500,230,6.7,9,5,24.1,6100,9,999999999,60,0.1970,0,88,999.000,999.0,99.0 +1986,1,9,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-9.4,48,99400,608,1415,253,359,347,209,37700,34800,22600,46900,230,7.2,8,3,24.1,77777,9,999999999,60,0.1970,0,88,999.000,999.0,99.0 +1986,1,9,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-9.4,44,99300,542,1415,257,273,298,159,29000,29100,17800,33500,230,9.3,7,3,24.1,77777,9,999999999,60,0.1970,0,88,999.000,999.0,99.0 +1986,1,9,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-8.9,46,99300,414,1415,251,211,389,97,22100,34100,12100,18100,230,6.2,3,1,24.1,77777,9,999999999,70,0.1970,0,88,999.000,999.0,99.0 +1986,1,9,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-8.3,48,99200,235,1415,255,89,199,57,9600,13500,7300,10600,220,7.2,2,2,24.1,77777,9,999999999,70,0.1970,0,88,999.000,999.0,99.0 +1986,1,9,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-8.3,54,99200,40,861,246,14,6,13,1500,300,1400,3200,230,6.7,6,1,24.1,77777,9,999999999,70,0.1970,0,88,999.000,999.0,99.0 +1986,1,9,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-7.8,56,99200,0,0,249,0,0,0,0,0,0,0,220,5.2,3,2,24.1,77777,9,999999999,70,0.1970,0,88,999.000,999.0,99.0 +1986,1,9,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-7.8,56,99200,0,0,256,0,0,0,0,0,0,0,240,6.2,7,5,24.1,6710,9,999999999,70,0.1970,0,88,999.000,999.0,99.0 +1986,1,9,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-7.2,54,99200,0,0,276,0,0,0,0,0,0,0,240,6.7,10,9,24.1,5490,9,999999999,70,0.1970,0,88,999.000,999.0,99.0 +1986,1,9,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-6.7,59,99200,0,0,282,0,0,0,0,0,0,0,240,4.6,10,10,24.1,5490,9,999999999,70,0.1970,0,88,999.000,999.0,99.0 +1986,1,9,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-5.6,67,99300,0,0,281,0,0,0,0,0,0,0,250,5.2,10,10,24.1,4270,9,999999999,80,0.1970,0,88,999.000,999.0,99.0 +1986,1,9,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-5.0,72,99300,0,0,279,0,0,0,0,0,0,0,260,3.6,10,10,24.1,3660,9,999999999,80,0.1970,0,88,999.000,999.0,99.0 +1986,1,9,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-4.4,78,99200,0,0,278,0,0,0,0,0,0,0,270,6.7,10,10,24.1,3660,9,999999999,80,0.1970,0,88,999.000,999.0,99.0 +1986,1,10,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.9,82,99200,0,0,278,0,0,0,0,0,0,0,260,7.2,10,10,24.1,3660,9,999999999,90,0.1970,0,88,999.000,999.0,99.0 +1986,1,10,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.9,82,99300,0,0,270,0,0,0,0,0,0,0,280,4.1,10,9,19.3,3660,9,999999999,90,0.1970,0,88,999.000,999.0,99.0 +1986,1,10,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-3.3,82,99400,0,0,267,0,0,0,0,0,0,0,310,4.6,8,8,16.1,3660,9,999999999,90,0.1970,0,88,999.000,999.0,99.0 +1986,1,10,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.3,79,99400,0,0,270,0,0,0,0,0,0,0,320,4.6,8,8,16.1,3660,9,999999999,90,0.1970,0,88,999.000,999.0,99.0 +1986,1,10,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.3,79,99500,0,0,265,0,0,0,0,0,0,0,320,5.7,7,7,16.1,3660,9,999999999,90,0.1970,0,88,999.000,999.0,99.0 +1986,1,10,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.0,78,99700,0,0,242,0,0,0,0,0,0,0,320,4.1,1,1,19.3,77777,9,999999999,80,0.1970,0,88,999.000,999.0,99.0 +1986,1,10,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.0,85,99800,0,0,242,0,0,0,0,0,0,0,320,4.1,2,2,19.3,77777,9,999999999,80,0.1970,0,88,999.000,999.0,99.0 +1986,1,10,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-5.6,81,99900,45,931,234,22,69,16,2100,2000,2000,2800,310,3.1,0,0,16.1,77777,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,10,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-5.0,75,100000,243,1415,240,123,427,47,12300,30600,7000,8300,310,4.1,0,0,24.1,77777,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,10,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-5.6,67,100000,421,1415,243,257,629,67,26600,55600,9900,12700,320,5.2,0,0,24.1,77777,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,10,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-5.0,64,100000,547,1415,248,365,727,81,38200,68900,11400,16200,330,4.1,0,0,24.1,77777,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,10,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.0,62,100000,612,1415,250,419,760,87,42900,72600,11300,16800,300,3.1,0,0,24.1,77777,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,10,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-5.0,59,100000,612,1415,252,418,762,87,42900,72800,11300,16800,290,3.1,0,0,24.1,77777,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,10,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.0,62,100000,545,1415,250,360,725,80,37900,68700,11300,16000,270,3.1,0,0,24.1,77777,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,10,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.6,59,100000,418,1415,250,250,626,66,26200,55300,9800,12500,280,3.6,0,0,24.1,77777,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,10,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-5.6,64,100000,239,1415,246,113,410,45,11700,29200,6700,8000,280,3.6,0,0,24.1,77777,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,10,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-6.1,69,100000,43,908,239,21,52,16,2000,1500,1900,2800,260,3.1,2,0,24.1,77777,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,10,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-6.1,78,100000,0,0,233,0,0,0,0,0,0,0,240,2.6,0,0,24.1,77777,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,10,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-6.7,85,100000,0,0,227,0,0,0,0,0,0,0,240,2.6,0,0,24.1,77777,9,999999999,70,0.1050,0,88,999.000,999.0,99.0 +1986,1,10,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-6.7,88,99900,0,0,225,0,0,0,0,0,0,0,230,2.1,0,0,24.1,77777,9,999999999,70,0.1050,0,88,999.000,999.0,99.0 +1986,1,10,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-7.2,92,99900,0,0,221,0,0,0,0,0,0,0,240,2.6,2,0,24.1,77777,9,999999999,70,0.1050,0,88,999.000,999.0,99.0 +1986,1,10,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-5.6,92,99900,0,0,263,0,0,0,0,0,0,0,280,4.1,10,10,9.7,210,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,10,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-6.1,92,99900,0,0,260,0,0,0,0,0,0,0,260,4.1,10,10,8.0,180,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,10,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-6.1,96,99800,0,0,258,0,0,0,0,0,0,0,260,4.6,10,10,2.4,120,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,11,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-5.0,96,99800,0,0,264,0,0,0,0,0,0,0,260,4.6,10,10,4.8,180,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,11,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-3.9,96,99800,0,0,269,0,0,0,0,0,0,0,260,6.2,10,10,4.8,180,9,999999999,90,0.1050,0,88,999.000,999.0,99.0 +1986,1,11,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-3.3,96,99600,0,0,272,0,0,0,0,0,0,0,270,5.7,10,10,4.8,180,9,999999999,90,0.1050,0,88,999.000,999.0,99.0 +1986,1,11,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-2.8,100,99600,0,0,272,0,0,0,0,0,0,0,230,3.1,10,10,4.8,180,9,999999999,90,0.1050,0,88,999.000,999.0,99.0 +1986,1,11,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-3.3,100,99500,0,0,270,0,0,0,0,0,0,0,260,4.6,10,10,4.8,180,9,999999999,90,0.1050,0,88,999.000,999.0,99.0 +1986,1,11,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-4.4,92,99500,0,0,269,0,0,0,0,0,0,0,260,4.6,10,10,4.8,180,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,11,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-4.4,96,99400,0,0,266,0,0,0,0,0,0,0,220,3.1,10,10,4.8,120,9,999999999,80,0.1050,0,88,999.000,999.0,99.0 +1986,1,11,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-5.0,92,99400,46,931,266,12,2,11,1300,0,1300,4000,210,4.1,10,10,3.2,120,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1986,1,11,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-4.4,92,99300,245,1414,269,57,6,56,6400,100,6400,19400,220,5.7,10,10,3.2,150,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1986,1,11,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-3.9,89,99300,423,1414,266,159,75,136,17300,6900,15300,34500,230,4.6,9,9,4.8,210,9,999999999,90,0.0550,0,88,999.000,999.0,99.0 +1986,1,11,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-3.3,85,99200,550,1414,265,205,183,133,22000,18000,15000,27000,240,5.7,9,8,4.8,210,9,999999999,90,0.0550,0,88,999.000,999.0,99.0 +1986,1,11,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-2.8,82,99100,615,1414,259,352,483,140,37100,47200,16500,27900,230,5.7,9,4,8.0,77777,9,999999999,90,0.0550,0,88,999.000,999.0,99.0 +1986,1,11,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-2.2,73,99000,615,1414,265,372,518,146,39200,50600,17100,29300,230,5.7,8,3,9.7,77777,9,999999999,90,0.0550,0,88,999.000,999.0,99.0 +1986,1,11,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-2.2,65,98900,549,1414,269,333,574,110,34300,53600,13400,20800,220,5.7,8,2,12.9,77777,9,999999999,90,0.0550,0,88,999.000,999.0,99.0 +1986,1,11,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-1.7,65,98800,422,1414,268,244,642,53,25400,57400,8200,10600,220,5.2,3,1,14.5,77777,9,999999999,100,0.0550,0,88,999.000,999.0,99.0 +1986,1,11,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-1.1,73,98800,244,1414,260,120,515,32,12400,39100,5700,6400,220,5.2,0,0,16.1,77777,9,999999999,100,0.0550,0,88,999.000,999.0,99.0 +1986,1,11,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-1.1,79,98800,45,931,255,25,120,14,2100,5100,1800,2600,210,4.6,2,0,16.1,77777,9,999999999,100,0.0550,0,88,999.000,999.0,99.0 +1986,1,11,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-0.6,82,98700,0,0,256,0,0,0,0,0,0,0,220,4.6,0,0,16.1,77777,9,999999999,100,0.0550,0,88,999.000,999.0,99.0 +1986,1,11,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-0.6,79,98700,0,0,258,0,0,0,0,0,0,0,220,6.7,0,0,16.1,77777,9,999999999,100,0.0550,0,88,999.000,999.0,99.0 +1986,1,11,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-0.6,79,98600,0,0,258,0,0,0,0,0,0,0,220,6.2,0,0,24.1,77777,9,999999999,100,0.0550,0,88,999.000,999.0,99.0 +1986,1,11,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-0.6,76,98500,0,0,260,0,0,0,0,0,0,0,260,6.7,0,0,24.1,77777,9,999999999,100,0.0550,0,88,999.000,999.0,99.0 +1986,1,11,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-0.6,82,98500,0,0,256,0,0,0,0,0,0,0,250,6.7,0,0,24.1,77777,9,999999999,100,0.0550,0,88,999.000,999.0,99.0 +1986,1,11,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,98500,0,0,254,0,0,0,0,0,0,0,230,7.2,0,0,24.1,77777,9,999999999,100,0.0550,0,88,999.000,999.0,99.0 +1986,1,11,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.7,82,98400,0,0,251,0,0,0,0,0,0,0,260,6.7,0,0,24.1,77777,9,999999999,100,0.0550,0,88,999.000,999.0,99.0 +1986,1,12,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-2.2,79,98400,0,0,250,0,0,0,0,0,0,0,260,6.7,0,0,24.1,77777,9,999999999,90,0.0550,0,88,999.000,999.0,99.0 +1986,1,12,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-2.8,73,98400,0,0,252,0,0,0,0,0,0,0,260,7.7,0,0,24.1,77777,9,999999999,90,0.0550,0,88,999.000,999.0,99.0 +1986,1,12,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-4.4,57,98400,0,0,257,0,0,0,0,0,0,0,270,8.8,0,0,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1986,1,12,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,-5.0,53,98400,0,0,258,0,0,0,0,0,0,0,260,8.2,0,0,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1986,1,12,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-4.4,57,98300,0,0,257,0,0,0,0,0,0,0,260,8.8,0,0,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1986,1,12,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-5.6,57,98300,0,0,251,0,0,0,0,0,0,0,260,7.7,0,0,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1986,1,12,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-5.6,59,98300,0,0,250,0,0,0,0,0,0,0,260,7.2,0,0,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1986,1,12,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-5.6,62,98300,47,931,247,24,78,17,2200,2800,2100,3000,250,7.2,0,0,24.1,77777,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,12,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-5.0,57,98300,247,1414,275,91,139,66,9500,9700,7800,12600,270,8.2,7,7,24.1,1070,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,12,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-5.0,57,98300,426,1414,293,75,1,74,8600,100,8600,29700,260,10.3,10,10,24.1,880,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,12,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-4.4,59,98300,553,1414,294,121,5,119,13900,300,13800,48100,270,7.7,10,10,24.1,880,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,12,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-5.0,57,98300,619,1414,293,156,1,156,17800,100,17800,62000,260,7.2,10,10,24.1,1160,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,12,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-4.4,59,98400,619,1414,294,170,1,170,19300,100,19300,65800,270,7.7,10,10,24.1,1400,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,12,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-4.4,57,98400,553,1414,296,168,4,167,18900,300,18700,60700,270,8.8,10,10,24.1,1400,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,12,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-2.2,73,98500,427,1414,294,116,5,114,12900,300,12800,40900,270,7.7,10,10,12.9,1400,9,999999999,90,0.1020,0,88,999.000,999.0,99.0 +1986,1,12,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-2.8,73,98600,248,1414,291,59,3,58,6600,100,6500,20000,280,7.2,10,10,4.8,640,9,999999999,90,0.1020,0,88,999.000,999.0,99.0 +1986,1,12,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-2.2,82,98800,48,955,287,12,0,12,1400,0,1400,4300,320,6.2,10,10,3.2,370,9,999999999,90,0.1020,0,88,999.000,999.0,99.0 +1986,1,12,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-5.6,69,99000,0,0,278,0,0,0,0,0,0,0,340,8.8,10,10,19.3,700,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,12,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-6.1,81,99200,0,0,267,0,0,0,0,0,0,0,330,10.3,10,10,19.3,1400,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,12,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-12.2,57,99300,0,0,254,0,0,0,0,0,0,0,330,7.7,10,10,19.3,1680,9,999999999,50,0.1020,0,88,999.000,999.0,99.0 +1986,1,12,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-13.9,55,99400,0,0,215,0,0,0,0,0,0,0,330,6.7,0,0,24.1,77777,9,999999999,50,0.1020,0,88,999.000,999.0,99.0 +1986,1,12,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-14.4,54,99500,0,0,213,0,0,0,0,0,0,0,320,8.2,0,0,24.1,77777,9,999999999,50,0.1020,0,88,999.000,999.0,99.0 +1986,1,12,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-14.4,57,99600,0,0,211,0,0,0,0,0,0,0,320,7.7,0,0,24.1,77777,9,999999999,50,0.1020,0,88,999.000,999.0,99.0 +1986,1,12,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-16.1,59,99700,0,0,203,0,0,0,0,0,0,0,330,6.7,0,0,24.1,77777,9,999999999,50,0.1020,0,88,999.000,999.0,99.0 +1986,1,13,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-15.6,62,99800,0,0,204,0,0,0,0,0,0,0,330,6.7,0,0,24.1,77777,9,999999999,50,0.1020,0,88,999.000,999.0,99.0 +1986,1,13,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-15.0,64,99800,0,0,224,0,0,0,0,0,0,0,330,5.7,8,8,24.1,1010,9,999999999,50,0.1020,0,88,999.000,999.0,99.0 +1986,1,13,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.0,-15.0,67,99800,0,0,222,0,0,0,0,0,0,0,350,7.7,8,8,24.1,1010,9,999999999,50,0.1020,0,88,999.000,999.0,99.0 +1986,1,13,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.0,-15.6,64,99900,0,0,222,0,0,0,0,0,0,0,330,8.8,8,8,24.1,1010,9,999999999,50,0.1020,0,88,999.000,999.0,99.0 +1986,1,13,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-15.6,70,99900,0,0,207,0,0,0,0,0,0,0,330,6.7,3,3,24.1,77777,9,999999999,50,0.1020,0,88,999.000,999.0,99.0 +1986,1,13,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-16.1,67,100000,0,0,198,0,0,0,0,0,0,0,320,5.7,0,0,24.1,77777,9,999999999,50,0.1020,0,88,999.000,999.0,99.0 +1986,1,13,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-16.7,64,100000,0,0,198,0,0,0,0,0,0,0,320,4.6,0,0,24.1,77777,9,999999999,40,0.1020,0,88,999.000,999.0,99.0 +1986,1,13,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.1,-16.7,64,100100,48,955,198,23,39,19,2300,1600,2200,3900,330,6.2,3,0,24.1,77777,9,999999999,40,0.1380,0,88,999.000,999.0,99.0 +1986,1,13,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.0,-16.1,61,100100,249,1414,201,119,356,55,12300,25200,7900,9900,330,5.7,2,0,24.1,77777,9,999999999,50,0.1380,0,88,999.000,999.0,99.0 +1986,1,13,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.3,-15.6,56,100100,428,1414,207,253,582,74,26000,51500,10300,13800,330,4.1,0,0,24.1,77777,9,999999999,50,0.1380,0,88,999.000,999.0,99.0 +1986,1,13,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-14.4,57,100100,556,1414,211,359,679,90,37400,64300,12000,17800,330,4.1,0,0,24.1,77777,9,999999999,50,0.1380,0,88,999.000,999.0,99.0 +1986,1,13,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-13.9,55,99900,622,1414,215,418,718,100,43700,69500,13000,20400,280,3.6,1,0,24.1,77777,9,999999999,50,0.1380,0,88,999.000,999.0,99.0 +1986,1,13,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-13.3,53,99800,623,1414,224,393,619,120,40700,59400,14400,23700,260,2.6,6,1,24.1,77777,9,999999999,50,0.1380,0,88,999.000,999.0,99.0 +1986,1,13,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-13.3,57,99800,558,1414,234,261,115,216,28600,11200,24200,55700,260,5.2,10,7,24.1,6100,9,999999999,50,0.1380,0,88,999.000,999.0,99.0 +1986,1,13,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-13.9,55,99600,431,1414,227,216,313,121,22900,28400,14200,24400,250,4.1,8,4,24.1,77777,9,999999999,50,0.1380,0,88,999.000,999.0,99.0 +1986,1,13,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-14.4,57,99600,253,1414,244,27,3,26,3200,0,3200,10500,250,5.2,10,10,24.1,6100,9,999999999,50,0.1380,0,88,999.000,999.0,99.0 +1986,1,13,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.3,-14.4,62,99500,51,978,240,9,1,9,1100,0,1100,3400,240,3.1,10,10,24.1,6100,9,999999999,50,0.1380,0,88,999.000,999.0,99.0 +1986,1,13,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-13.3,68,99400,0,0,241,0,0,0,0,0,0,0,240,3.1,10,10,24.1,6100,9,999999999,50,0.1380,0,88,999.000,999.0,99.0 +1986,1,13,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-13.3,71,99400,0,0,239,0,0,0,0,0,0,0,0,0.0,10,10,24.1,6100,9,999999999,50,0.1380,0,88,999.000,999.0,99.0 +1986,1,13,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-11.7,71,99200,0,0,247,0,0,0,0,0,0,0,180,3.1,10,10,24.1,3050,9,999999999,60,0.1380,0,88,999.000,999.0,99.0 +1986,1,13,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-11.7,71,99100,0,0,247,0,0,0,0,0,0,0,180,3.1,10,10,24.1,3050,9,999999999,60,0.1380,0,88,999.000,999.0,99.0 +1986,1,13,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-11.1,71,99100,0,0,249,0,0,0,0,0,0,0,190,3.1,10,10,24.1,3050,9,999999999,60,0.1380,0,88,999.000,999.0,99.0 +1986,1,13,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.6,74,99000,0,0,250,0,0,0,0,0,0,0,180,3.1,10,10,24.1,3050,9,999999999,60,0.1380,0,88,999.000,999.0,99.0 +1986,1,13,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-11.1,71,98800,0,0,249,0,0,0,0,0,0,0,190,3.1,10,10,24.1,3050,9,999999999,60,0.1380,0,88,999.000,999.0,99.0 +1986,1,14,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-11.1,74,98700,0,0,247,0,0,0,0,0,0,0,180,5.2,10,10,24.1,2740,9,999999999,60,0.1380,0,88,999.000,999.0,99.0 +1986,1,14,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-10.6,81,98600,0,0,245,0,0,0,0,0,0,0,190,4.1,10,10,24.1,2130,9,999999999,60,0.1380,0,88,999.000,999.0,99.0 +1986,1,14,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-8.9,72,98500,0,0,260,0,0,0,0,0,0,0,190,2.6,10,10,24.1,1520,9,999999999,60,0.1380,0,88,999.000,999.0,99.0 +1986,1,14,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-8.9,72,98500,0,0,260,0,0,0,0,0,0,0,190,2.6,10,10,24.1,1160,9,999999999,60,0.1380,0,88,999.000,999.0,99.0 +1986,1,14,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-10.0,74,98500,0,0,252,0,0,0,0,0,0,0,0,0.0,10,10,24.1,1400,9,999999999,60,0.1380,0,88,999.000,999.0,99.0 +1986,1,14,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.0,78,98500,0,0,250,0,0,0,0,0,0,0,330,2.1,10,10,19.3,1160,9,999999999,60,0.1380,0,88,999.000,999.0,99.0 +1986,1,14,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-8.9,78,98700,0,0,255,0,0,0,0,0,0,0,340,2.6,10,10,19.3,700,9,999999999,60,0.1380,0,88,999.000,999.0,99.0 +1986,1,14,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-9.4,69,98800,49,955,259,16,3,16,1800,0,1800,5500,350,6.2,10,10,14.5,700,9,999999999,60,0.0620,0,88,999.000,999.0,99.0 +1986,1,14,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-10.0,68,99000,251,1414,257,79,7,77,8600,200,8500,24000,350,4.6,10,10,11.3,1830,9,999999999,60,0.0620,0,88,999.000,999.0,99.0 +1986,1,14,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-9.4,69,99100,431,1414,259,131,8,128,14500,500,14300,44200,330,6.2,10,10,11.3,1680,9,999999999,60,0.0620,0,88,999.000,999.0,99.0 +1986,1,14,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-9.4,69,99200,559,1414,259,154,2,154,17500,100,17400,58000,330,5.7,10,10,11.3,1680,9,999999999,60,0.0620,0,88,999.000,999.0,99.0 +1986,1,14,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-9.4,66,99300,626,1414,261,188,6,186,21200,500,21000,70200,330,6.7,10,10,11.3,700,9,999999999,60,0.0620,0,88,999.000,999.0,99.0 +1986,1,14,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-10.6,60,99400,627,1414,260,191,4,189,21500,300,21300,71000,350,4.1,10,10,12.9,760,9,999999999,60,0.0620,0,88,999.000,999.0,99.0 +1986,1,14,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-12.2,51,99400,562,1414,226,389,832,58,40900,78700,9500,12600,360,5.2,0,0,16.1,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,14,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-12.2,49,99600,436,1414,232,257,655,57,26800,58800,8600,11200,350,6.2,2,1,19.3,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,14,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-12.8,51,99700,257,1414,228,110,383,41,11500,28400,6300,7500,340,6.2,3,1,19.3,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,14,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-13.3,55,99900,54,1002,218,29,144,15,2400,6400,2000,2700,350,4.6,0,0,24.1,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,14,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-12.8,62,100000,0,0,214,0,0,0,0,0,0,0,360,4.1,0,0,24.1,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,14,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-12.8,65,100000,0,0,213,0,0,0,0,0,0,0,340,3.6,0,0,24.1,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,14,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-12.2,68,100100,0,0,213,0,0,0,0,0,0,0,330,3.6,0,0,24.1,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,14,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-12.8,77,100100,0,0,210,0,0,0,0,0,0,0,320,2.6,1,1,24.1,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,14,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-13.3,74,100100,0,0,205,0,0,0,0,0,0,0,270,1.5,0,0,24.1,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,14,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.7,-13.3,88,100100,0,0,198,0,0,0,0,0,0,0,270,2.1,0,0,24.1,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,14,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-14.4,-15.6,91,100100,0,0,189,0,0,0,0,0,0,0,270,2.1,0,0,24.1,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,15,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-14.4,-16.1,87,100100,0,0,188,0,0,0,0,0,0,0,230,2.1,0,0,24.1,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,15,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-14.4,-15.6,91,100100,0,0,189,0,0,0,0,0,0,0,230,2.1,0,0,24.1,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,15,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-14.4,-15.6,91,100100,0,0,189,0,0,0,0,0,0,0,230,2.6,0,0,24.1,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,15,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.9,-15.0,91,100100,0,0,191,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,15,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.8,-13.9,92,100100,0,0,195,0,0,0,0,0,0,0,200,2.1,0,0,24.1,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,15,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-15.0,80,100000,0,0,196,0,0,0,0,0,0,0,170,2.1,0,0,24.1,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,15,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.0,-12.8,80,100000,0,0,204,0,0,0,0,0,0,0,170,3.1,2,0,16.1,77777,9,999999999,50,0.0620,0,88,999.000,999.0,99.0 +1986,1,15,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.3,-11.1,81,100000,50,978,215,24,33,21,2500,1300,2400,4300,210,3.6,8,1,16.1,77777,9,999999999,60,0.1020,0,88,999.000,999.0,99.0 +1986,1,15,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-8.9,81,100000,253,1414,227,88,153,60,9300,10800,7300,11200,210,4.6,10,2,16.1,77777,9,999999999,60,0.1020,0,88,999.000,999.0,99.0 +1986,1,15,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-9.4,69,100000,434,1414,229,244,522,81,24900,46200,10600,15000,210,5.7,7,1,16.1,77777,9,999999999,60,0.1020,0,88,999.000,999.0,99.0 +1986,1,15,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-8.9,63,99900,562,1414,231,376,711,91,39200,67500,12200,18000,210,7.2,4,0,16.1,77777,9,999999999,60,0.1020,0,88,999.000,999.0,99.0 +1986,1,15,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-7.8,61,99800,629,1414,238,426,731,99,44700,71000,12900,20300,230,5.2,4,0,11.3,77777,9,999999999,70,0.1020,0,88,999.000,999.0,99.0 +1986,1,15,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-6.7,59,99600,631,1414,245,432,680,127,44500,65200,15300,25000,220,8.2,9,0,9.7,77777,9,999999999,70,0.1020,0,88,999.000,999.0,99.0 +1986,1,15,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-6.1,57,99600,566,1414,249,368,629,116,37900,59100,14100,22000,220,7.2,9,0,9.7,77777,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,15,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-5.6,55,99500,440,1414,262,193,250,115,20500,22900,13400,22900,210,6.2,8,2,9.7,77777,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,15,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-5.6,55,99500,262,1414,258,110,247,65,11500,17900,8100,11900,220,5.2,9,1,9.7,77777,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,15,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-5.6,64,99600,57,1025,256,22,26,20,2400,1100,2300,4100,220,3.1,9,3,9.7,77777,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,15,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-5.6,67,99700,0,0,248,0,0,0,0,0,0,0,250,1.5,7,1,9.7,77777,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,15,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-6.1,78,99700,0,0,238,0,0,0,0,0,0,0,180,1.5,6,1,11.3,77777,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,15,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-6.1,75,99700,0,0,243,0,0,0,0,0,0,0,180,2.6,7,2,11.3,77777,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,15,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-6.1,75,99700,0,0,245,0,0,0,0,0,0,0,180,1.5,8,3,11.3,77777,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,15,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-6.1,92,99700,0,0,230,0,0,0,0,0,0,0,170,1.5,3,1,11.3,77777,9,999999999,80,0.1020,0,88,999.000,999.0,99.0 +1986,1,15,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-6.7,78,99700,0,0,231,0,0,0,0,0,0,0,180,2.1,0,0,12.9,77777,9,999999999,70,0.1020,0,88,999.000,999.0,99.0 +1986,1,15,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-6.7,88,99700,0,0,225,0,0,0,0,0,0,0,170,2.1,0,0,12.9,77777,9,999999999,70,0.1020,0,88,999.000,999.0,99.0 +1986,1,16,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-7.2,88,99700,0,0,223,0,0,0,0,0,0,0,130,2.1,0,0,12.9,77777,9,999999999,70,0.1020,0,88,999.000,999.0,99.0 +1986,1,16,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-7.8,92,99700,0,0,219,0,0,0,0,0,0,0,170,2.6,0,0,11.3,77777,9,999999999,70,0.1020,0,88,999.000,999.0,99.0 +1986,1,16,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-8.3,92,99700,0,0,217,0,0,0,0,0,0,0,160,2.1,0,0,11.3,77777,9,999999999,70,0.1020,0,88,999.000,999.0,99.0 +1986,1,16,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-7.2,88,99700,0,0,223,0,0,0,0,0,0,0,170,2.6,0,0,11.3,77777,9,999999999,70,0.1020,0,88,999.000,999.0,99.0 +1986,1,16,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-7.2,85,99700,0,0,225,0,0,0,0,0,0,0,140,2.6,0,0,11.3,77777,9,999999999,70,0.1020,0,88,999.000,999.0,99.0 +1986,1,16,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-6.7,88,99700,0,0,225,0,0,0,0,0,0,0,170,2.6,0,0,9.7,77777,9,999999999,70,0.1020,0,88,999.000,999.0,99.0 +1986,1,16,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-6.7,85,99700,0,0,235,0,0,0,0,0,0,0,160,2.6,2,2,8.0,77777,9,999999999,70,0.1020,0,88,999.000,999.0,99.0 +1986,1,16,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-6.1,85,99600,52,978,234,16,22,15,1800,900,1800,3100,160,3.1,3,1,6.4,77777,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1986,1,16,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-4.4,78,99600,255,1414,251,105,121,83,11300,9000,9600,17800,180,4.1,10,3,8.0,77777,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1986,1,16,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-3.3,73,99600,436,1414,264,206,199,144,22200,18200,16500,32300,170,4.1,10,5,9.7,77777,9,999999999,90,0.1740,0,88,999.000,999.0,99.0 +1986,1,16,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-2.8,67,99600,565,1414,296,137,0,137,15600,0,15600,53900,170,3.1,10,10,9.7,5490,9,999999999,90,0.1740,0,88,999.000,999.0,99.0 +1986,1,16,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-2.2,62,99500,633,1414,284,247,112,197,26900,11300,21800,47500,190,3.6,9,7,12.9,6100,9,999999999,90,0.1740,0,88,999.000,999.0,99.0 +1986,1,16,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-0.6,58,99300,635,1414,280,388,587,123,40100,56500,14600,24400,180,4.1,4,1,16.1,77777,9,999999999,100,0.1740,0,88,999.000,999.0,99.0 +1986,1,16,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,0.6,54,99200,571,1414,290,333,547,113,34500,51600,13600,21700,180,5.7,3,1,19.3,77777,9,999999999,110,0.1740,0,88,999.000,999.0,99.0 +1986,1,16,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,1.7,57,99200,445,1414,303,181,148,135,19700,13700,15400,30400,180,6.7,9,4,11.3,77777,9,999999999,120,0.1740,0,88,999.000,999.0,99.0 +1986,1,16,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,2.2,59,99100,267,1414,304,93,113,72,10200,8600,8500,15400,180,4.6,8,4,11.3,77777,9,999999999,120,0.1740,0,88,999.000,999.0,99.0 +1986,1,16,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,2.2,66,99200,60,1049,294,18,16,17,2000,900,1900,4200,180,5.2,6,3,9.7,77777,9,999999999,120,0.1740,0,88,999.000,999.0,99.0 +1986,1,16,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,2.8,68,99200,0,0,326,0,0,0,0,0,0,0,180,7.7,10,10,9.7,2740,9,999999999,130,0.1740,0,88,999.000,999.0,99.0 +1986,1,16,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,2.8,68,99200,0,0,326,0,0,0,0,0,0,0,180,5.7,10,10,9.7,2740,9,999999999,130,0.1740,0,88,999.000,999.0,99.0 +1986,1,16,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,3.3,69,99200,0,0,330,0,0,0,0,0,0,0,190,7.2,10,10,9.7,1400,9,999999999,130,0.1740,0,88,999.000,999.0,99.0 +1986,1,16,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,2.8,68,99100,0,0,311,0,0,0,0,0,0,0,190,7.2,10,8,9.7,2440,9,999999999,130,0.1740,0,88,999.000,999.0,99.0 +1986,1,16,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,2.8,68,99100,0,0,326,0,0,0,0,0,0,0,210,6.7,10,10,11.3,2440,9,999999999,130,0.1740,0,88,999.000,999.0,99.0 +1986,1,16,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,3.3,74,99100,0,0,325,0,0,0,0,0,0,0,210,6.7,10,10,11.3,1400,9,999999999,130,0.1740,0,88,999.000,999.0,99.0 +1986,1,16,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,3.9,80,99000,0,0,322,0,0,0,0,0,0,0,210,7.2,10,10,11.3,1160,9,999999999,130,0.1740,0,88,999.000,999.0,99.0 +1986,1,17,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,3.9,83,99100,0,0,320,0,0,0,0,0,0,0,210,5.7,10,10,11.3,7620,9,999999999,140,0.1740,0,88,999.000,999.0,99.0 +1986,1,17,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,3.9,86,99100,0,0,317,0,0,0,0,0,0,0,240,5.2,10,10,9.7,7620,9,999999999,130,0.1740,0,88,999.000,999.0,99.0 +1986,1,17,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,2.2,79,99100,0,0,277,0,0,0,0,0,0,0,240,6.2,1,1,11.3,77777,9,999999999,120,0.1740,0,88,999.000,999.0,99.0 +1986,1,17,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,1.7,82,99100,0,0,266,0,0,0,0,0,0,0,230,4.6,0,0,11.3,77777,9,999999999,120,0.1740,0,88,999.000,999.0,99.0 +1986,1,17,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,1.1,86,99100,0,0,262,0,0,0,0,0,0,0,220,5.2,0,0,11.3,77777,9,999999999,110,0.1740,0,88,999.000,999.0,99.0 +1986,1,17,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,0.6,86,99200,0,0,259,0,0,0,0,0,0,0,240,4.6,0,0,11.3,77777,9,999999999,110,0.1740,0,88,999.000,999.0,99.0 +1986,1,17,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,0.6,86,99200,0,0,268,0,0,0,0,0,0,0,230,5.2,2,2,11.3,77777,9,999999999,110,0.1740,0,88,999.000,999.0,99.0 +1986,1,17,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,0.6,86,99300,53,1001,268,27,114,17,2500,4200,2300,3000,230,4.6,2,2,11.3,77777,9,999999999,110,0.0620,0,88,999.000,999.0,99.0 +1986,1,17,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,0.6,82,99300,258,1414,266,136,504,42,13900,37400,7000,7700,230,5.2,1,1,11.3,77777,9,999999999,110,0.0620,0,88,999.000,999.0,99.0 +1986,1,17,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,1.7,74,99300,440,1414,273,281,736,49,29300,66700,8400,10300,220,5.2,0,0,11.3,77777,9,999999999,120,0.0620,0,88,999.000,999.0,99.0 +1986,1,17,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,2.2,66,99300,569,1414,288,359,683,82,37700,65300,11300,16600,230,4.6,1,1,14.5,77777,9,999999999,120,0.0620,0,88,999.000,999.0,99.0 +1986,1,17,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,2.2,59,99200,637,1414,289,442,797,81,46000,77000,11100,16600,230,6.7,4,0,14.5,77777,9,999999999,120,0.0620,0,88,999.000,999.0,99.0 +1986,1,17,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,2.2,53,99200,639,1414,306,397,612,120,41200,59100,14400,24000,230,8.8,10,2,19.3,77777,9,999999999,120,0.0620,0,88,999.000,999.0,99.0 +1986,1,17,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,1.7,53,99200,575,1414,308,310,454,125,33000,43800,15000,24400,250,5.7,10,4,16.1,77777,9,999999999,120,0.0620,0,88,999.000,999.0,99.0 +1986,1,17,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,1.7,55,99200,450,1414,327,113,41,101,12500,3800,11300,28100,220,5.2,10,9,16.1,6100,9,999999999,120,0.0620,0,88,999.000,999.0,99.0 +1986,1,17,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,2.2,59,99200,271,1414,324,76,27,71,8300,2200,7900,17600,230,5.7,10,9,16.1,4270,9,999999999,120,0.0620,0,88,999.000,999.0,99.0 +1986,1,17,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,2.8,68,99200,64,1095,302,21,18,19,2200,1000,2100,4600,210,4.6,10,6,12.9,6710,9,999999999,130,0.0620,0,88,999.000,999.0,99.0 +1986,1,17,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,2.2,71,99200,0,0,305,0,0,0,0,0,0,0,210,4.1,10,8,12.9,6710,9,999999999,120,0.0620,0,88,999.000,999.0,99.0 +1986,1,17,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,2.8,77,99200,0,0,310,0,0,0,0,0,0,0,210,4.1,10,9,12.9,6710,9,999999999,130,0.0620,0,88,999.000,999.0,99.0 +1986,1,17,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,3.3,80,99200,0,0,296,0,0,0,0,0,0,0,210,4.6,10,6,12.9,6710,9,999999999,130,0.0620,0,88,999.000,999.0,99.0 +1986,1,17,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,3.9,86,99200,0,0,287,0,0,0,0,0,0,0,190,5.2,8,3,11.3,77777,9,999999999,130,0.0620,0,88,999.000,999.0,99.0 +1986,1,17,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,3.9,86,99100,0,0,289,0,0,0,0,0,0,0,210,4.1,6,4,11.3,7620,9,999999999,130,0.0620,0,88,999.000,999.0,99.0 +1986,1,17,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,3.3,80,99100,0,0,320,0,0,0,0,0,0,0,190,4.1,10,10,11.3,7620,9,999999999,130,0.0620,0,88,999.000,999.0,99.0 +1986,1,17,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,2.8,80,99000,0,0,316,0,0,0,0,0,0,0,190,4.6,10,10,11.3,3660,9,999999999,130,0.0620,0,88,999.000,999.0,99.0 +1986,1,18,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,4.4,86,99000,0,0,321,0,0,0,0,0,0,0,190,6.2,10,10,11.3,3660,9,999999999,140,0.0620,0,88,999.000,999.0,99.0 +1986,1,18,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,5.0,89,98900,0,0,321,0,0,0,0,0,0,0,190,5.7,10,10,8.0,3660,9,999999999,140,0.0620,0,88,999.000,999.0,99.0 +1986,1,18,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,4.4,86,98800,0,0,321,0,0,0,0,0,0,0,180,5.7,10,10,8.0,3050,9,999999999,140,0.0620,0,88,999.000,999.0,99.0 +1986,1,18,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,4.4,86,98700,0,0,321,0,0,0,0,0,0,0,180,5.7,10,10,8.0,3050,9,999999999,140,0.0620,0,88,999.000,999.0,99.0 +1986,1,18,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,5.0,86,98600,0,0,324,0,0,0,0,0,0,0,200,7.7,10,10,9.7,2440,9,999999999,140,0.0620,0,88,999.000,999.0,99.0 +1986,1,18,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,5.0,86,98600,0,0,308,0,0,0,0,0,0,0,200,6.7,8,8,9.7,2440,9,999999999,140,0.0620,0,88,999.000,999.0,99.0 +1986,1,18,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,5.0,86,98600,0,0,324,0,0,0,0,0,0,0,190,5.7,10,10,9.7,2440,9,999999999,140,0.0620,0,88,999.000,999.0,99.0 +1986,1,18,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,4.4,86,98600,55,1001,321,11,1,11,1300,0,1300,4100,230,6.2,10,10,8.0,3050,9,999999999,140,0.1110,0,88,999.000,999.0,99.0 +1986,1,18,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,2.8,77,98700,261,1413,319,46,9,44,5300,200,5200,16600,240,7.2,10,10,8.0,640,9,999999999,130,0.1110,0,88,999.000,999.0,99.0 +1986,1,18,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,1.7,74,98700,443,1413,300,177,124,138,19100,11400,15500,31000,240,6.2,10,8,8.0,3050,9,999999999,120,0.1110,0,88,999.000,999.0,99.0 +1986,1,18,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,1.1,73,98800,573,1413,287,264,239,166,28000,23700,18300,35300,240,7.7,10,5,11.3,77777,9,999999999,110,0.1110,0,88,999.000,999.0,99.0 +1986,1,18,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,1.1,76,98700,641,1413,287,304,295,169,32600,30100,18900,36300,240,7.2,10,6,11.3,520,9,999999999,110,0.1110,0,88,999.000,999.0,99.0 +1986,1,18,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,1.1,79,98700,644,1413,307,159,8,155,18200,600,17900,63100,250,6.2,10,10,11.3,430,9,999999999,110,0.1110,0,88,999.000,999.0,99.0 +1986,1,18,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,0.0,79,98600,580,1413,301,140,7,137,16000,500,15800,54700,260,7.2,10,10,11.3,370,9,999999999,110,0.1110,0,88,999.000,999.0,99.0 +1986,1,18,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,0.0,82,98700,455,1413,299,110,2,109,12400,100,12400,41000,260,5.7,10,10,8.0,340,9,999999999,110,0.1110,0,88,999.000,999.0,99.0 +1986,1,18,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-0.6,82,98700,276,1413,295,46,3,46,5400,100,5400,17500,260,6.2,10,10,8.0,340,9,999999999,100,0.1110,0,88,999.000,999.0,99.0 +1986,1,18,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-0.6,85,98700,67,1119,293,12,0,12,1400,0,1400,4500,270,6.7,10,10,8.0,310,9,999999999,100,0.1110,0,88,999.000,999.0,99.0 +1986,1,18,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,98800,0,0,293,0,0,0,0,0,0,0,280,5.7,10,10,8.0,310,9,999999999,100,0.1110,0,88,999.000,999.0,99.0 +1986,1,18,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,98800,0,0,293,0,0,0,0,0,0,0,280,3.6,10,10,8.0,310,9,999999999,100,0.1110,0,88,999.000,999.0,99.0 +1986,1,18,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,98800,0,0,293,0,0,0,0,0,0,0,290,3.1,10,10,6.4,310,9,999999999,100,0.1110,0,88,999.000,999.0,99.0 +1986,1,18,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,98800,0,0,293,0,0,0,0,0,0,0,290,2.6,10,10,6.4,310,9,999999999,100,0.1110,0,88,999.000,999.0,99.0 +1986,1,18,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,98800,0,0,293,0,0,0,0,0,0,0,300,3.1,10,10,6.4,310,9,999999999,100,0.1110,0,88,999.000,999.0,99.0 +1986,1,18,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,98800,0,0,293,0,0,0,0,0,0,0,310,3.6,10,10,6.4,520,9,999999999,100,0.1110,0,88,999.000,999.0,99.0 +1986,1,18,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,98800,0,0,293,0,0,0,0,0,0,0,360,6.2,10,10,6.4,640,9,999999999,100,0.1110,0,88,999.000,999.0,99.0 +1986,1,19,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-0.6,82,98800,0,0,295,0,0,0,0,0,0,0,10,4.6,10,10,8.0,240,9,999999999,100,0.1110,0,88,999.000,999.0,99.0 +1986,1,19,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-0.6,82,98700,0,0,295,0,0,0,0,0,0,0,20,5.7,10,10,12.9,640,9,999999999,100,0.1110,0,88,999.000,999.0,99.0 +1986,1,19,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-0.6,82,98800,0,0,295,0,0,0,0,0,0,0,360,4.1,10,10,12.9,760,9,999999999,100,0.1110,0,88,999.000,999.0,99.0 +1986,1,19,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,98800,0,0,293,0,0,0,0,0,0,0,20,5.2,10,10,16.1,760,9,999999999,100,0.1110,0,88,999.000,999.0,99.0 +1986,1,19,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.7,82,98800,0,0,290,0,0,0,0,0,0,0,360,4.1,10,10,16.1,640,9,999999999,100,0.1110,0,88,999.000,999.0,99.0 +1986,1,19,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.7,79,98900,0,0,292,0,0,0,0,0,0,0,350,5.2,10,10,19.3,580,9,999999999,100,0.1110,0,88,999.000,999.0,99.0 +1986,1,19,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.7,82,98900,0,0,290,0,0,0,0,0,0,0,10,4.6,10,10,19.3,580,9,999999999,100,0.1110,0,88,999.000,999.0,99.0 +1986,1,19,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-3.9,70,98900,56,1024,287,13,1,13,1500,0,1500,4700,350,5.2,10,10,16.1,640,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1986,1,19,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-4.4,67,98900,264,1413,287,84,1,84,9200,0,9200,25900,10,6.7,10,10,16.1,700,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1986,1,19,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-3.3,73,99000,446,1413,288,135,1,134,14900,100,14900,46400,10,4.6,10,10,16.1,640,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1986,1,19,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-3.3,76,99000,576,1413,286,180,1,180,20200,100,20100,65300,350,5.2,10,10,16.1,580,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1986,1,19,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-3.9,73,98900,646,1413,285,225,1,225,25100,100,25100,80300,360,6.2,10,10,16.1,520,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1986,1,19,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-3.9,73,98900,648,1413,285,217,1,217,24300,100,24300,79000,330,6.2,10,10,19.3,490,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1986,1,19,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-5.0,69,98900,585,1413,282,215,0,215,23700,0,23700,72700,330,5.2,10,10,19.3,460,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1986,1,19,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-5.6,69,98900,460,1413,278,146,1,145,16100,100,16100,49600,320,5.2,10,10,19.3,490,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1986,1,19,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-6.1,67,98900,281,1413,278,87,0,87,9500,0,9500,27400,340,7.2,10,10,16.1,520,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1986,1,19,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-5.6,72,98900,71,1142,276,24,0,24,2700,0,2700,7700,350,5.7,10,10,12.9,520,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1986,1,19,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-6.1,69,99000,0,0,276,0,0,0,0,0,0,0,340,5.2,10,10,16.1,520,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1986,1,19,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-6.1,69,99000,0,0,276,0,0,0,0,0,0,0,330,4.1,10,10,16.1,490,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1986,1,19,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-6.1,69,99000,0,0,276,0,0,0,0,0,0,0,360,5.2,10,10,11.3,490,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1986,1,19,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.6,75,99000,0,0,274,0,0,0,0,0,0,0,330,3.6,10,10,11.3,580,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1986,1,19,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.1,72,99000,0,0,273,0,0,0,0,0,0,0,330,4.1,10,10,11.3,520,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1986,1,19,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.1,72,99000,0,0,273,0,0,0,0,0,0,0,330,4.1,10,10,11.3,520,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1986,1,19,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-6.1,75,99000,0,0,271,0,0,0,0,0,0,0,330,3.1,10,10,11.3,520,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1986,1,20,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-6.1,81,99000,0,0,267,0,0,0,0,0,0,0,290,3.6,10,10,11.3,580,9,999999999,70,0.0620,0,88,999.000,999.0,99.0 +1986,1,20,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-6.1,75,98900,0,0,271,0,0,0,0,0,0,0,300,4.6,10,10,11.3,520,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1986,1,20,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-6.1,78,98900,0,0,269,0,0,0,0,0,0,0,350,5.2,10,10,11.3,400,9,999999999,70,0.0620,0,88,999.000,999.0,99.0 +1986,1,20,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-6.1,78,98900,0,0,269,0,0,0,0,0,0,0,310,4.1,10,10,11.3,400,9,999999999,70,0.0620,0,88,999.000,999.0,99.0 +1986,1,20,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-6.1,78,99000,0,0,269,0,0,0,0,0,0,0,320,3.6,10,10,11.3,400,9,999999999,70,0.0620,0,88,999.000,999.0,99.0 +1986,1,20,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-6.1,78,99000,0,0,269,0,0,0,0,0,0,0,320,3.1,10,10,11.3,370,9,999999999,70,0.0620,0,88,999.000,999.0,99.0 +1986,1,20,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-6.1,78,99000,0,0,269,0,0,0,0,0,0,0,330,2.6,10,10,11.3,370,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1986,1,20,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-6.1,78,99100,58,1024,269,20,0,20,2200,0,2200,6600,310,2.6,10,10,11.3,370,9,999999999,80,0.0820,0,88,999.000,999.0,99.0 +1986,1,20,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-6.1,78,99100,267,1413,269,75,0,75,8300,0,8300,24500,330,2.1,10,10,11.3,370,9,999999999,80,0.0820,0,88,999.000,999.0,99.0 +1986,1,20,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-6.1,75,99200,450,1413,271,145,0,145,16000,0,16000,48800,320,2.1,10,10,11.3,370,9,999999999,80,0.0820,0,88,999.000,999.0,99.0 +1986,1,20,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-6.1,72,99200,580,1413,273,186,1,185,20700,100,20700,66700,260,3.1,10,10,11.3,400,9,999999999,80,0.0820,0,88,999.000,999.0,99.0 +1986,1,20,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-6.1,72,99200,650,1413,273,213,1,212,23800,100,23800,78100,280,3.6,10,10,11.3,430,9,999999999,80,0.0820,0,88,999.000,999.0,99.0 +1986,1,20,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-5.6,72,99000,653,1413,276,213,1,213,23900,100,23900,78500,30,2.6,10,10,9.7,460,9,999999999,80,0.0820,0,88,999.000,999.0,99.0 +1986,1,20,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-5.6,67,99000,590,1413,251,376,664,99,39400,63600,12700,19700,130,1.5,2,2,8.0,77777,9,999999999,80,0.0820,0,88,999.000,999.0,99.0 +1986,1,20,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-5.6,62,99000,465,1413,247,290,710,58,30400,64900,8900,11700,250,2.1,0,0,9.7,77777,9,999999999,80,0.0820,0,88,999.000,999.0,99.0 +1986,1,20,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.6,59,99000,287,1413,250,149,532,43,15800,41400,7300,8000,180,2.1,0,0,9.7,77777,9,999999999,80,0.0820,0,88,999.000,999.0,99.0 +1986,1,20,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-5.0,72,99100,75,1166,246,30,86,23,3100,3100,2900,4100,260,3.1,4,1,8.0,77777,9,999999999,80,0.0820,0,88,999.000,999.0,99.0 +1986,1,20,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.6,78,99100,0,0,246,0,0,0,0,0,0,0,240,2.1,8,3,8.0,77777,9,999999999,80,0.0820,0,88,999.000,999.0,99.0 +1986,1,20,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.0,82,99100,0,0,244,0,0,0,0,0,0,0,230,2.1,6,2,8.0,77777,9,999999999,80,0.0820,0,88,999.000,999.0,99.0 +1986,1,20,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-4.4,85,99100,0,0,256,0,0,0,0,0,0,0,190,2.1,10,7,9.7,7620,9,999999999,80,0.0820,0,88,999.000,999.0,99.0 +1986,1,20,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.3,85,99100,0,0,279,0,0,0,0,0,0,0,180,2.6,10,10,8.0,270,9,999999999,90,0.0820,0,88,999.000,999.0,99.0 +1986,1,20,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.3,85,99100,0,0,279,0,0,0,0,0,0,0,190,3.6,10,10,8.0,240,9,999999999,90,0.0820,0,88,999.000,999.0,99.0 +1986,1,20,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.3,85,99000,0,0,279,0,0,0,0,0,0,0,190,4.1,10,10,8.0,210,9,999999999,90,0.0820,0,88,999.000,999.0,99.0 +1986,1,20,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.3,85,99000,0,0,279,0,0,0,0,0,0,0,180,5.7,10,10,8.0,180,9,999999999,90,0.0820,0,88,999.000,999.0,99.0 +1986,1,21,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-2.8,89,99000,0,0,279,0,0,0,0,0,0,0,180,3.1,10,10,6.4,150,9,999999999,90,0.0820,0,88,999.000,999.0,99.0 +1986,1,21,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-2.8,89,99000,0,0,279,0,0,0,0,0,0,0,190,3.6,10,10,6.4,120,9,999999999,90,0.0820,0,88,999.000,999.0,99.0 +1986,1,21,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-2.2,89,98900,0,0,282,0,0,0,0,0,0,0,140,4.6,10,10,4.8,90,9,999999999,90,0.0820,0,88,999.000,999.0,99.0 +1986,1,21,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-2.2,89,98800,0,0,282,0,0,0,0,0,0,0,140,4.6,10,10,2.4,90,9,999999999,90,0.0820,0,88,999.000,999.0,99.0 +1986,1,21,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-1.7,92,98700,0,0,282,0,0,0,0,0,0,0,130,5.2,10,10,2.4,120,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1986,1,21,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-1.7,92,98600,0,0,282,0,0,0,0,0,0,0,140,5.2,10,10,2.4,180,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1986,1,21,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-2.8,85,98400,0,0,252,0,0,0,0,0,0,0,140,7.2,5,2,2.4,77777,9,999999999,90,0.0820,0,88,999.000,999.0,99.0 +1986,1,21,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-2.2,82,98300,60,1048,259,22,15,21,2400,800,2400,5000,140,5.7,7,3,6.4,77777,9,999999999,90,0.1700,0,88,999.000,999.0,99.0 +1986,1,21,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-1.1,79,98300,270,1413,264,108,190,71,11300,13900,8700,13600,150,5.7,6,2,6.4,77777,9,999999999,100,0.1700,0,88,999.000,999.0,99.0 +1986,1,21,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,0.0,70,98200,453,1413,281,197,155,147,21200,14400,16600,33200,160,6.2,10,4,8.0,77777,9,999999999,110,0.1700,0,88,999.000,999.0,99.0 +1986,1,21,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,0.6,65,98100,585,1413,288,328,402,160,33900,38800,17800,32200,170,6.7,10,4,8.0,77777,9,999999999,110,0.1700,0,88,999.000,999.0,99.0 +1986,1,21,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,1.7,63,97900,654,1413,296,368,392,186,39400,40100,20700,40800,180,5.7,10,4,8.0,77777,9,999999999,120,0.1700,0,88,999.000,999.0,99.0 +1986,1,21,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,2.8,64,97800,658,1413,302,324,320,175,34900,32800,19500,37900,180,5.2,10,4,9.7,77777,9,999999999,130,0.1700,0,88,999.000,999.0,99.0 +1986,1,21,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,3.9,64,97700,595,1413,317,264,162,196,28600,16100,21800,46500,190,7.2,10,7,9.7,7620,9,999999999,130,0.1700,0,88,999.000,999.0,99.0 +1986,1,21,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,4.4,59,97700,470,1413,337,110,34,98,12000,3100,11000,27900,180,6.7,10,9,9.7,6710,9,999999999,140,0.1700,0,88,999.000,999.0,99.0 +1986,1,21,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,5.6,69,97700,292,1413,326,85,53,74,9300,4400,8400,18700,200,7.7,9,8,11.3,6100,9,999999999,150,0.1700,0,88,999.000,999.0,99.0 +1986,1,21,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,6.1,69,97800,79,1189,313,28,17,26,3000,1000,2900,6100,220,7.7,8,3,12.9,77777,9,999999999,150,0.1700,0,88,999.000,999.0,99.0 +1986,1,21,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,2.8,80,97900,0,0,286,0,0,0,0,0,0,0,240,10.8,7,3,16.1,77777,9,999999999,130,0.1700,0,88,999.000,999.0,99.0 +1986,1,21,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,0.0,82,98100,0,0,299,0,0,0,0,0,0,0,260,12.9,10,10,8.0,310,9,999999999,110,0.1700,0,88,999.000,999.0,99.0 +1986,1,21,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.0,85,98100,0,0,296,0,0,0,0,0,0,0,270,11.8,10,10,8.0,310,9,999999999,110,0.1700,0,88,999.000,999.0,99.0 +1986,1,21,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.0,85,98200,0,0,296,0,0,0,0,0,0,0,280,10.8,10,10,8.0,310,9,999999999,110,0.1700,0,88,999.000,999.0,99.0 +1986,1,21,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.6,89,98300,0,0,297,0,0,0,0,0,0,0,260,11.3,10,10,8.0,310,9,999999999,110,0.1700,0,88,999.000,999.0,99.0 +1986,1,21,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-0.6,82,98300,0,0,295,0,0,0,0,0,0,0,240,7.7,10,10,9.7,340,9,999999999,100,0.1700,0,88,999.000,999.0,99.0 +1986,1,21,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.0,89,98300,0,0,294,0,0,0,0,0,0,0,250,6.7,10,10,6.4,270,9,999999999,110,0.1700,0,88,999.000,999.0,99.0 +1986,1,22,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.0,89,98400,0,0,294,0,0,0,0,0,0,0,250,7.7,10,10,12.9,270,9,999999999,110,0.1700,0,88,999.000,999.0,99.0 +1986,1,22,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,98500,0,0,293,0,0,0,0,0,0,0,280,5.7,10,10,11.3,270,9,999999999,100,0.1700,0,88,999.000,999.0,99.0 +1986,1,22,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-0.6,89,98700,0,0,291,0,0,0,0,0,0,0,280,6.2,10,10,11.3,310,9,999999999,100,0.1700,0,88,999.000,999.0,99.0 +1986,1,22,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.7,85,98800,0,0,287,0,0,0,0,0,0,0,300,5.2,10,10,12.9,460,9,999999999,100,0.1700,0,88,999.000,999.0,99.0 +1986,1,22,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.7,85,99000,0,0,287,0,0,0,0,0,0,0,320,5.2,10,10,12.9,490,9,999999999,100,0.1700,0,88,999.000,999.0,99.0 +1986,1,22,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-2.2,82,99200,0,0,287,0,0,0,0,0,0,0,320,5.2,10,10,16.1,880,9,999999999,90,0.1700,0,88,999.000,999.0,99.0 +1986,1,22,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-2.8,76,99400,0,0,288,0,0,0,0,0,0,0,330,7.2,10,10,16.1,760,9,999999999,90,0.1700,0,88,999.000,999.0,99.0 +1986,1,22,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-4.4,70,99600,62,1071,285,10,1,10,1200,0,1200,3800,320,8.2,10,10,16.1,880,9,999999999,80,0.0940,0,88,999.000,999.0,99.0 +1986,1,22,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-4.4,70,99800,273,1412,285,56,19,52,6100,1500,5800,13700,310,5.2,10,10,24.1,700,9,999999999,80,0.0940,0,88,999.000,999.0,99.0 +1986,1,22,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-4.4,70,99900,457,1412,277,165,52,148,18000,4800,16500,38100,330,5.2,9,9,24.1,640,9,999999999,80,0.0940,0,88,999.000,999.0,99.0 +1986,1,22,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-5.0,64,100000,589,1412,261,356,473,157,36900,45700,17700,31500,310,3.6,4,4,24.1,77777,9,999999999,80,0.0940,0,88,999.000,999.0,99.0 +1986,1,22,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.0,62,100000,659,1412,265,384,527,137,41100,52300,16600,27700,320,4.1,5,5,24.1,77777,9,999999999,80,0.0940,0,88,999.000,999.0,99.0 +1986,1,22,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-5.0,59,100100,663,1412,257,437,771,74,46200,75300,10700,16200,270,4.1,1,1,24.1,77777,9,999999999,80,0.0940,0,88,999.000,999.0,99.0 +1986,1,22,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-6.1,52,100100,600,1412,253,405,775,76,42300,74200,10600,15500,310,4.1,0,0,24.1,77777,9,999999999,80,0.0940,0,88,999.000,999.0,99.0 +1986,1,22,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-7.2,48,100200,475,1412,252,294,688,64,30500,62900,9200,12400,280,4.1,0,0,24.1,77777,9,999999999,70,0.0940,0,88,999.000,999.0,99.0 +1986,1,22,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-7.8,44,100300,297,1412,253,152,511,47,16100,40200,7600,8700,270,3.1,0,0,24.1,77777,9,999999999,70,0.0940,0,88,999.000,999.0,99.0 +1986,1,22,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-7.2,56,100300,83,1236,249,30,114,20,3000,4900,2700,3500,310,2.6,3,1,24.1,77777,9,999999999,70,0.0940,0,88,999.000,999.0,99.0 +1986,1,22,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-7.8,66,100400,0,0,238,0,0,0,0,0,0,0,320,2.6,4,1,24.1,77777,9,999999999,70,0.0940,0,88,999.000,999.0,99.0 +1986,1,22,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-7.8,72,100500,0,0,234,0,0,0,0,0,0,0,320,2.6,3,1,24.1,77777,9,999999999,70,0.0940,0,88,999.000,999.0,99.0 +1986,1,22,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-7.8,75,100500,0,0,228,0,0,0,0,0,0,0,320,2.6,2,0,24.1,77777,9,999999999,70,0.0940,0,88,999.000,999.0,99.0 +1986,1,22,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-7.8,78,100600,0,0,226,0,0,0,0,0,0,0,280,3.1,2,0,24.1,77777,9,999999999,70,0.0940,0,88,999.000,999.0,99.0 +1986,1,22,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-7.8,85,100600,0,0,226,0,0,0,0,0,0,0,10,2.1,3,1,24.1,77777,9,999999999,70,0.0940,0,88,999.000,999.0,99.0 +1986,1,22,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-8.3,78,100600,0,0,224,0,0,0,0,0,0,0,10,2.6,0,0,24.1,77777,9,999999999,70,0.0940,0,88,999.000,999.0,99.0 +1986,1,22,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-8.3,85,100600,0,0,220,0,0,0,0,0,0,0,300,2.1,3,0,24.1,77777,9,999999999,70,0.0940,0,88,999.000,999.0,99.0 +1986,1,23,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-7.8,85,100600,0,0,230,0,0,0,0,0,0,0,300,2.1,10,2,24.1,77777,9,999999999,70,0.0940,0,88,999.000,999.0,99.0 +1986,1,23,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-7.8,85,100600,0,0,244,0,0,0,0,0,0,0,320,2.1,10,8,24.1,7620,9,999999999,70,0.0940,0,88,999.000,999.0,99.0 +1986,1,23,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-7.8,81,100600,0,0,246,0,0,0,0,0,0,0,340,2.6,10,8,24.1,7620,9,999999999,70,0.0940,0,88,999.000,999.0,99.0 +1986,1,23,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-9.4,81,100600,0,0,224,0,0,0,0,0,0,0,10,2.1,2,2,24.1,77777,9,999999999,60,0.0940,0,88,999.000,999.0,99.0 +1986,1,23,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-9.4,84,100600,0,0,216,0,0,0,0,0,0,0,360,2.1,0,0,24.1,77777,9,999999999,60,0.0940,0,88,999.000,999.0,99.0 +1986,1,23,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-9.4,92,100600,0,0,212,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,60,0.0940,0,88,999.000,999.0,99.0 +1986,1,23,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-9.4,88,100700,0,0,214,0,0,0,0,0,0,0,310,2.1,0,0,14.5,77777,9,999999999,60,0.0940,0,88,999.000,999.0,99.0 +1986,1,23,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-9.4,88,100800,64,1071,223,20,24,18,2200,1100,2100,3700,270,2.1,3,3,11.3,77777,9,999999999,60,0.1750,0,88,999.000,999.0,99.0 +1986,1,23,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-6.7,81,100800,277,1412,229,129,338,61,13400,25200,8400,11000,10,2.1,0,0,11.3,77777,9,999999999,70,0.1750,0,88,999.000,999.0,99.0 +1986,1,23,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-5.0,78,100800,461,1412,238,265,527,91,27100,47300,11500,16800,170,3.6,1,0,9.7,77777,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,23,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-4.4,72,100700,593,1412,249,357,575,114,36800,54700,13700,22200,170,4.6,1,1,9.7,77777,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,23,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-5.6,62,100600,664,1412,247,387,567,120,40300,55200,14300,24500,180,3.1,1,0,11.3,77777,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,23,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-6.1,55,100600,668,1412,251,439,671,121,45700,65400,14700,24800,170,3.6,1,0,12.9,77777,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,23,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-6.1,52,100500,605,1412,253,380,628,111,39500,60100,13700,21900,200,3.1,1,0,12.9,77777,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,23,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-5.6,53,100500,481,1412,255,274,539,92,28400,49000,11700,17200,210,2.6,1,0,12.9,77777,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,23,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-7.2,45,100500,302,1412,256,139,356,64,14800,27600,8800,11600,230,2.1,0,0,14.5,77777,9,999999999,70,0.1750,0,88,999.000,999.0,99.0 +1986,1,23,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-7.2,52,100500,88,1259,248,28,52,24,3100,2500,2900,5000,190,2.1,0,0,14.5,77777,9,999999999,70,0.1750,0,88,999.000,999.0,99.0 +1986,1,23,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-6.7,66,100500,0,0,239,0,0,0,0,0,0,0,190,2.1,0,0,14.5,77777,9,999999999,70,0.1750,0,88,999.000,999.0,99.0 +1986,1,23,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-6.1,75,100500,0,0,235,0,0,0,0,0,0,0,140,3.1,0,0,14.5,77777,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,23,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.0,82,100500,0,0,236,0,0,0,0,0,0,0,140,2.6,0,0,12.9,77777,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,23,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.6,78,100500,0,0,236,0,0,0,0,0,0,0,140,3.1,0,0,12.9,77777,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,23,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-6.1,81,100500,0,0,231,0,0,0,0,0,0,0,120,2.1,0,0,12.9,77777,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,23,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.6,81,100500,0,0,234,0,0,0,0,0,0,0,140,1.5,0,0,14.5,77777,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,23,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.0,85,100400,0,0,234,0,0,0,0,0,0,0,140,2.1,0,0,12.9,77777,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,24,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.6,81,100300,0,0,234,0,0,0,0,0,0,0,140,3.1,2,0,12.9,77777,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,24,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-4.4,85,100300,0,0,253,0,0,0,0,0,0,0,140,4.1,8,6,11.3,7620,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,24,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-4.4,78,100300,0,0,278,0,0,0,0,0,0,0,130,4.6,10,10,11.3,3660,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,24,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-4.4,78,100300,0,0,278,0,0,0,0,0,0,0,150,4.1,10,10,11.3,3660,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,24,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-4.4,78,100200,0,0,278,0,0,0,0,0,0,0,140,4.1,10,10,11.3,3660,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,24,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-4.4,78,100200,0,0,278,0,0,0,0,0,0,0,130,3.6,10,10,11.3,3660,9,999999999,80,0.1750,0,88,999.000,999.0,99.0 +1986,1,24,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.9,82,100100,0,0,278,0,0,0,0,0,0,0,140,5.2,10,10,12.9,3050,9,999999999,90,0.1750,0,88,999.000,999.0,99.0 +1986,1,24,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-4.4,75,100100,67,1094,280,12,11,11,1300,600,1300,2900,150,4.1,10,10,9.7,3050,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1986,1,24,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-4.4,72,100000,280,1412,282,40,4,40,4800,100,4700,15700,140,6.2,10,10,9.7,3050,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1986,1,24,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-4.4,70,100000,465,1412,285,112,5,110,12700,300,12600,41800,150,6.2,10,10,9.7,3050,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1986,1,24,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-4.4,64,100000,598,1412,289,171,8,168,19400,600,19100,64000,140,6.7,10,10,11.3,3050,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1986,1,24,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-3.9,67,99800,669,1412,290,219,5,216,24500,400,24300,80500,160,5.7,10,10,11.3,3050,9,999999999,90,0.0890,0,88,999.000,999.0,99.0 +1986,1,24,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-4.4,59,99600,673,1412,294,215,7,212,24200,600,23900,80000,140,8.2,10,10,11.3,3050,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1986,1,24,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-5.0,59,99500,611,1412,291,186,4,185,21000,300,20800,69000,160,7.2,10,10,11.3,2440,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1986,1,24,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-5.6,57,99400,486,1412,290,142,1,141,15800,100,15800,50500,160,7.2,10,10,11.3,1680,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1986,1,24,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-5.0,59,99300,308,1412,291,82,2,82,9200,100,9100,27800,170,7.7,10,10,11.3,1830,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1986,1,24,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-5.0,57,99200,92,1282,293,23,0,23,2600,0,2600,7800,170,10.8,10,10,12.9,1830,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1986,1,24,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-3.9,62,99200,0,0,294,0,0,0,0,0,0,0,180,7.7,10,10,9.7,370,9,999999999,90,0.0890,0,88,999.000,999.0,99.0 +1986,1,24,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-1.1,96,99200,0,0,283,0,0,0,0,0,0,0,140,6.7,10,10,2.4,180,9,999999999,100,0.0890,0,88,999.000,999.0,99.0 +1986,1,24,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-0.6,92,99100,0,0,289,0,0,0,0,0,0,0,180,7.7,10,10,9.7,370,9,999999999,100,0.0890,0,88,999.000,999.0,99.0 +1986,1,24,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,99000,0,0,293,0,0,0,0,0,0,0,180,6.7,10,10,8.0,270,9,999999999,100,0.0890,0,88,999.000,999.0,99.0 +1986,1,24,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.0,89,98900,0,0,294,0,0,0,0,0,0,0,180,9.3,10,10,8.0,340,9,999999999,110,0.0890,0,88,999.000,999.0,99.0 +1986,1,24,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.0,89,98800,0,0,294,0,0,0,0,0,0,0,180,8.2,10,10,11.3,370,9,999999999,110,0.0890,0,88,999.000,999.0,99.0 +1986,1,24,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.0,85,98700,0,0,296,0,0,0,0,0,0,0,180,6.2,10,10,16.1,1680,9,999999999,110,0.0890,0,88,999.000,999.0,99.0 +1986,1,25,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.0,85,98600,0,0,296,0,0,0,0,0,0,0,200,5.7,10,10,12.9,1370,9,999999999,110,0.0890,0,88,999.000,999.0,99.0 +1986,1,25,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-0.6,79,98600,0,0,298,0,0,0,0,0,0,0,200,4.6,10,10,16.1,1370,9,999999999,100,0.0890,0,88,999.000,999.0,99.0 +1986,1,25,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-1.1,79,98600,0,0,295,0,0,0,0,0,0,0,230,6.7,10,10,16.1,1370,9,999999999,100,0.0890,0,88,999.000,999.0,99.0 +1986,1,25,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,98600,0,0,293,0,0,0,0,0,0,0,240,6.7,10,10,16.1,370,9,999999999,100,0.0890,0,88,999.000,999.0,99.0 +1986,1,25,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.7,85,98700,0,0,287,0,0,0,0,0,0,0,270,8.2,10,10,11.3,310,9,999999999,100,0.0890,0,88,999.000,999.0,99.0 +1986,1,25,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.9,82,98700,0,0,278,0,0,0,0,0,0,0,260,6.7,10,10,11.3,700,9,999999999,90,0.0890,0,88,999.000,999.0,99.0 +1986,1,25,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.0,75,98800,0,0,277,0,0,0,0,0,0,0,260,6.2,10,10,12.9,700,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1986,1,25,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-5.0,75,98900,69,1117,277,20,0,20,2300,0,2300,6700,250,5.2,10,10,16.1,760,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1986,1,25,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-5.0,75,98900,284,1411,269,53,0,53,6100,0,6100,19700,240,7.7,10,9,19.3,640,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1986,1,25,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-6.1,69,99000,469,1411,268,195,200,128,20700,18700,14400,25900,260,7.7,9,9,19.3,880,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1986,1,25,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-7.8,64,99000,602,1411,272,164,0,164,18600,0,18600,63300,260,8.2,10,10,24.1,880,9,999999999,70,0.1290,0,88,999.000,999.0,99.0 +1986,1,25,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-7.2,66,99000,674,1411,272,188,9,183,21300,700,21000,72800,270,8.2,10,10,24.1,1010,9,999999999,70,0.1290,0,88,999.000,999.0,99.0 +1986,1,25,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-7.2,64,98900,678,1411,275,160,2,159,18400,200,18400,66100,270,7.7,10,10,24.1,1010,9,999999999,70,0.1290,0,88,999.000,999.0,99.0 +1986,1,25,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-7.2,64,98900,616,1411,275,172,5,170,19500,400,19300,65700,280,9.8,10,10,24.1,1010,9,999999999,70,0.1290,0,88,999.000,999.0,99.0 +1986,1,25,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-8.9,56,98900,491,1411,241,280,565,85,29300,51900,11100,16200,270,7.2,1,1,24.1,77777,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1986,1,25,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-10.6,51,98900,313,1411,237,150,418,59,15600,33200,8200,10600,270,10.3,1,1,24.1,77777,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1986,1,25,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-10.0,58,99000,97,1306,234,31,95,22,3100,4200,2800,3900,270,8.8,1,1,24.1,77777,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1986,1,25,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-11.1,63,99000,0,0,221,0,0,0,0,0,0,0,270,7.7,0,0,24.1,77777,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1986,1,25,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-10.6,65,99100,0,0,222,0,0,0,0,0,0,0,260,6.2,0,0,24.1,77777,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1986,1,25,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-10.0,68,99100,0,0,257,0,0,0,0,0,0,0,270,8.8,10,10,24.1,1830,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1986,1,25,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-10.6,65,99100,0,0,256,0,0,0,0,0,0,0,270,7.7,10,10,24.1,1520,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1986,1,25,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-9.4,71,99100,0,0,257,0,0,0,0,0,0,0,270,6.7,10,10,24.1,640,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1986,1,25,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-10.0,68,99100,0,0,257,0,0,0,0,0,0,0,270,7.2,10,10,24.1,490,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1986,1,25,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-11.1,68,99000,0,0,251,0,0,0,0,0,0,0,300,6.7,10,10,24.1,490,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1986,1,26,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-11.1,71,99000,0,0,249,0,0,0,0,0,0,0,300,7.2,10,10,9.7,490,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1986,1,26,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-11.1,71,99000,0,0,249,0,0,0,0,0,0,0,280,4.6,10,10,11.3,490,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1986,1,26,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-11.1,74,98900,0,0,247,0,0,0,0,0,0,0,280,4.1,10,10,9.7,490,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1986,1,26,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-11.1,77,98900,0,0,245,0,0,0,0,0,0,0,280,5.2,10,10,6.4,490,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1986,1,26,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-11.7,71,98900,0,0,247,0,0,0,0,0,0,0,290,5.2,10,10,11.3,640,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1986,1,26,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-11.1,74,98900,0,0,247,0,0,0,0,0,0,0,290,4.6,10,10,9.7,640,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1986,1,26,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-12.8,71,98900,0,0,242,0,0,0,0,0,0,0,340,6.7,10,10,14.5,1400,9,999999999,50,0.1290,0,88,999.000,999.0,99.0 +1986,1,26,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-12.8,74,99000,72,1141,239,16,2,16,1900,0,1900,5700,340,5.2,10,10,11.3,1370,9,999999999,50,0.0510,0,88,999.000,999.0,99.0 +1986,1,26,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-13.9,68,99000,288,1411,238,58,3,57,6600,100,6500,21000,360,7.2,10,10,11.3,1370,9,999999999,50,0.0510,0,88,999.000,999.0,99.0 +1986,1,26,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-9.4,-15.6,62,99000,474,1411,235,125,1,124,14000,100,14000,45800,310,7.7,10,10,11.3,1370,9,999999999,50,0.0510,0,88,999.000,999.0,99.0 +1986,1,26,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.0,-17.2,56,99100,607,1411,231,180,8,177,20300,600,20100,66900,330,8.2,10,10,19.3,1370,9,999999999,40,0.0510,0,88,999.000,999.0,99.0 +1986,1,26,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-16.1,64,99000,679,1411,230,186,11,181,21300,900,20800,72600,320,10.3,10,10,3.2,520,9,999999999,40,0.0510,0,88,999.000,999.0,99.0 +1986,1,26,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-17.2,58,99000,684,1411,229,191,2,190,21700,200,21600,75300,320,8.8,10,10,9.7,1370,9,999999999,40,0.0510,0,88,999.000,999.0,99.0 +1986,1,26,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-18.9,51,99000,622,1411,213,274,257,161,29500,26000,18000,34100,340,8.8,8,7,16.1,1680,9,999999999,40,0.0510,0,88,999.000,999.0,99.0 +1986,1,26,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.1,-20.6,46,99100,497,1411,224,111,8,108,12700,500,12500,42600,340,7.2,10,10,16.1,1680,9,999999999,40,0.0510,0,88,999.000,999.0,99.0 +1986,1,26,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.3,-21.7,50,99200,318,1411,206,121,112,96,13100,9200,11000,20900,350,11.8,8,8,19.3,1830,9,999999999,40,0.0510,0,88,999.000,999.0,99.0 +1986,1,26,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-14.4,-24.4,43,99200,102,1352,190,42,196,25,4300,8900,3600,4400,350,10.8,3,3,24.1,77777,9,999999999,30,0.0510,0,88,999.000,999.0,99.0 +1986,1,26,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.6,-25.0,45,99400,0,0,186,0,0,0,0,0,0,0,330,10.3,3,3,24.1,77777,9,999999999,30,0.0510,0,88,999.000,999.0,99.0 +1986,1,26,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.1,-25.6,44,99400,0,0,184,0,0,0,0,0,0,0,330,10.8,3,3,24.1,77777,9,999999999,30,0.0510,0,88,999.000,999.0,99.0 +1986,1,26,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-26.1,46,99400,0,0,173,0,0,0,0,0,0,0,330,11.3,0,0,24.1,77777,9,999999999,30,0.0510,0,88,999.000,999.0,99.0 +1986,1,26,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.8,-25.6,51,99500,0,0,175,0,0,0,0,0,0,0,350,10.8,1,1,24.1,77777,9,999999999,30,0.0510,0,88,999.000,999.0,99.0 +1986,1,26,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.8,-27.8,42,99500,0,0,170,0,0,0,0,0,0,0,340,10.8,0,0,24.1,77777,9,999999999,30,0.0510,0,88,999.000,999.0,99.0 +1986,1,26,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-18.9,-26.7,51,99500,0,0,168,0,0,0,0,0,0,0,340,10.8,0,0,24.1,77777,9,999999999,30,0.0510,0,88,999.000,999.0,99.0 +1986,1,26,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-19.4,-27.2,50,99500,0,0,169,0,0,0,0,0,0,0,340,8.2,1,1,24.1,77777,9,999999999,30,0.0510,0,88,999.000,999.0,99.0 +1986,1,27,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-19.4,-27.2,50,99400,0,0,166,0,0,0,0,0,0,0,330,10.3,0,0,24.1,77777,9,999999999,30,0.0510,0,88,999.000,999.0,99.0 +1986,1,27,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-20.0,-27.8,50,99400,0,0,164,0,0,0,0,0,0,0,330,9.3,0,0,24.1,77777,9,999999999,30,0.0510,0,88,999.000,999.0,99.0 +1986,1,27,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-20.0,-27.8,50,99400,0,0,164,0,0,0,0,0,0,0,350,6.7,0,0,24.1,77777,9,999999999,30,0.0510,0,88,999.000,999.0,99.0 +1986,1,27,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-20.0,-27.8,50,99400,0,0,164,0,0,0,0,0,0,0,350,7.2,0,0,24.1,77777,9,999999999,30,0.0510,0,88,999.000,999.0,99.0 +1986,1,27,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-20.0,-27.8,50,99400,0,0,164,0,0,0,0,0,0,0,310,8.2,0,0,24.1,77777,9,999999999,30,0.0510,0,88,999.000,999.0,99.0 +1986,1,27,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.1,-28.3,52,99400,0,0,161,0,0,0,0,0,0,0,330,7.2,0,0,24.1,77777,9,999999999,30,0.0510,0,88,999.000,999.0,99.0 +1986,1,27,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.1,-28.3,52,99400,0,0,161,0,0,0,0,0,0,0,310,8.2,0,0,24.1,77777,9,999999999,30,0.0510,0,88,999.000,999.0,99.0 +1986,1,27,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-21.1,-28.3,52,99400,75,1164,161,39,242,17,3500,11600,2700,3100,330,8.8,0,0,24.1,77777,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,27,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-20.0,-27.8,50,99500,292,1411,164,174,655,36,17800,52900,6800,7300,330,8.2,0,0,24.1,77777,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,27,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-17.8,-27.2,44,99500,478,1411,170,325,809,48,34100,74600,8700,10900,340,7.7,0,0,24.1,77777,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,27,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-16.7,-27.2,40,99400,612,1411,173,444,887,58,46700,85000,9600,13300,330,7.7,0,0,24.1,77777,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,27,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-16.1,-27.2,38,99300,684,1411,175,509,917,63,53400,89100,10100,14700,320,7.7,0,0,24.1,77777,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,27,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-15.0,-26.7,37,99300,689,1411,178,513,921,63,54000,89500,10100,14700,340,8.2,0,0,24.1,77777,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,27,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-15.0,-27.2,35,99200,627,1411,178,455,894,59,48100,86000,9700,13600,310,6.7,0,0,24.1,77777,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,27,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-15.6,-27.2,36,99200,503,1411,180,308,657,75,32500,61100,10600,14700,320,7.7,1,1,24.1,77777,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,27,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-15.6,-26.7,38,99200,324,1411,177,191,681,37,20500,57500,7200,8100,290,7.2,0,0,24.1,77777,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,27,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-17.2,-27.2,42,99200,107,1376,175,44,211,25,4300,10700,3400,4400,310,7.7,7,1,24.1,77777,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,27,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.8,-26.7,46,99200,0,0,180,0,0,0,0,0,0,0,300,6.2,10,4,24.1,77777,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,27,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.8,-27.2,44,99200,0,0,184,0,0,0,0,0,0,0,310,5.7,8,7,24.1,7620,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,27,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-18.3,-26.1,51,99200,0,0,177,0,0,0,0,0,0,0,300,3.1,3,3,24.1,77777,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,27,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.8,-26.1,48,99200,0,0,198,0,0,0,0,0,0,0,310,2.6,10,10,24.1,3050,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,27,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-25.0,51,99200,0,0,195,0,0,0,0,0,0,0,290,3.1,9,9,24.1,3050,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,27,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-25.0,51,99200,0,0,200,0,0,0,0,0,0,0,290,4.1,10,10,24.1,3050,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,27,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-25.0,51,99100,0,0,200,0,0,0,0,0,0,0,280,4.1,10,10,24.1,3050,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,28,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-25.0,51,99100,0,0,200,0,0,0,0,0,0,0,280,3.6,10,10,24.1,3660,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,28,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-24.4,54,99000,0,0,201,0,0,0,0,0,0,0,250,3.6,10,10,24.1,3660,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,28,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-24.4,54,99000,0,0,201,0,0,0,0,0,0,0,250,4.6,10,10,24.1,3660,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,28,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.7,-23.9,54,99000,0,0,203,0,0,0,0,0,0,0,250,3.6,10,10,24.1,3660,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,28,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.7,-23.9,54,99000,0,0,203,0,0,0,0,0,0,0,230,2.6,10,10,24.1,3660,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,28,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.7,-23.3,57,98900,0,0,203,0,0,0,0,0,0,0,230,3.1,10,10,24.1,3660,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,28,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.7,-22.8,60,99000,0,0,204,0,0,0,0,0,0,0,260,3.1,10,10,24.1,2130,9,999999999,30,0.0530,0,88,999.000,999.0,99.0 +1986,1,28,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-16.1,-23.3,54,98900,78,1164,205,23,1,22,2500,0,2500,7400,200,4.1,10,10,24.1,1830,9,999999999,30,0.1040,0,88,999.000,999.0,99.0 +1986,1,28,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-15.0,-23.9,47,98900,296,1410,208,58,5,56,6500,200,6500,20900,190,3.1,10,10,24.1,1830,9,999999999,30,0.1040,0,88,999.000,999.0,99.0 +1986,1,28,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.8,-22.2,45,98900,483,1410,217,127,9,124,14300,600,14100,46300,190,4.6,10,10,24.1,2740,9,999999999,30,0.1040,0,88,999.000,999.0,99.0 +1986,1,28,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.8,-22.2,45,98900,617,1410,217,184,8,181,20800,600,20500,68500,190,4.6,10,10,24.1,2740,9,999999999,30,0.1040,0,88,999.000,999.0,99.0 +1986,1,28,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.1,-21.1,44,98700,689,1410,224,176,5,173,20100,400,19900,70900,200,4.1,10,10,24.1,7620,9,999999999,40,0.1040,0,88,999.000,999.0,99.0 +1986,1,28,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-19.4,48,98600,695,1410,227,219,7,216,24800,600,24500,82700,210,5.2,10,10,24.1,1680,9,999999999,40,0.1040,0,88,999.000,999.0,99.0 +1986,1,28,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-9.4,-18.3,49,98500,633,1410,221,268,223,169,28900,22700,18700,36200,140,2.6,9,8,24.1,2740,9,999999999,40,0.1040,0,88,999.000,999.0,99.0 +1986,1,28,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-15.6,59,98500,508,1410,237,121,6,119,13800,400,13700,46200,190,4.1,10,10,24.1,2740,9,999999999,50,0.1040,0,88,999.000,999.0,99.0 +1986,1,28,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-14.4,65,98400,330,1410,238,73,1,72,8200,0,8200,26300,190,4.6,10,10,24.1,1400,9,999999999,50,0.1040,0,88,999.000,999.0,99.0 +1986,1,28,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.3,-13.9,65,98400,112,1399,241,19,1,19,2200,0,2200,6900,190,4.1,10,10,24.1,1400,9,999999999,50,0.1040,0,88,999.000,999.0,99.0 +1986,1,28,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-12.8,71,98400,0,0,242,0,0,0,0,0,0,0,180,5.2,10,10,24.1,2440,9,999999999,50,0.1040,0,88,999.000,999.0,99.0 +1986,1,28,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-13.3,65,98400,0,0,243,0,0,0,0,0,0,0,190,5.7,10,10,24.1,2440,9,999999999,50,0.1040,0,88,999.000,999.0,99.0 +1986,1,28,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-12.8,68,98300,0,0,243,0,0,0,0,0,0,0,180,5.7,10,10,16.1,1400,9,999999999,50,0.1040,0,88,999.000,999.0,99.0 +1986,1,28,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-12.2,71,98300,0,0,244,0,0,0,0,0,0,0,170,3.6,10,10,11.3,760,9,999999999,50,0.1040,0,88,999.000,999.0,99.0 +1986,1,28,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-11.1,81,98300,0,0,243,0,0,0,0,0,0,0,170,5.7,10,10,3.2,580,9,999999999,60,0.1040,0,88,999.000,999.0,99.0 +1986,1,28,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-9.4,92,98300,0,0,245,0,0,0,0,0,0,0,170,4.6,10,10,6.4,240,9,999999999,60,0.1040,0,88,999.000,999.0,99.0 +1986,1,28,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-9.4,92,98200,0,0,245,0,0,0,0,0,0,0,170,3.1,10,10,9.7,460,9,999999999,60,0.1040,0,88,999.000,999.0,99.0 +1986,1,29,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-8.9,92,98100,0,0,247,0,0,0,0,0,0,0,200,2.6,10,10,6.4,430,9,999999999,60,0.1040,0,88,999.000,999.0,99.0 +1986,1,29,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-8.3,92,98100,0,0,250,0,0,0,0,0,0,0,0,0.0,10,10,6.4,370,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1986,1,29,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-7.8,96,98100,0,0,250,0,0,0,0,0,0,0,0,0.0,10,10,6.4,760,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1986,1,29,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-7.8,96,98100,0,0,250,0,0,0,0,0,0,0,0,0.0,10,10,8.0,460,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1986,1,29,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-7.8,96,98200,0,0,250,0,0,0,0,0,0,0,280,2.1,10,10,8.0,1370,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1986,1,29,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-7.8,92,98300,0,0,252,0,0,0,0,0,0,0,320,5.7,10,10,9.7,1370,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1986,1,29,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-9.4,84,98400,0,0,249,0,0,0,0,0,0,0,320,7.7,10,10,8.0,490,9,999999999,60,0.1040,0,88,999.000,999.0,99.0 +1986,1,29,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-11.1,77,98600,81,1187,245,24,2,24,2700,0,2700,7900,340,6.7,10,10,8.0,490,9,999999999,60,0.0950,0,88,999.000,999.0,99.0 +1986,1,29,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-11.7,81,98800,301,1410,234,94,31,88,10400,2600,9800,21600,320,8.2,9,9,9.7,490,9,999999999,60,0.0950,0,88,999.000,999.0,99.0 +1986,1,29,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.3,-12.8,71,98900,487,1410,226,116,51,98,12700,4700,11100,28300,330,8.8,8,7,9.7,6100,9,999999999,50,0.0950,0,88,999.000,999.0,99.0 +1986,1,29,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-13.3,71,99100,622,1410,239,180,2,179,20300,200,20200,68400,330,6.7,10,10,11.3,1830,9,999999999,50,0.0950,0,88,999.000,999.0,99.0 +1986,1,29,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.3,-13.9,65,99100,694,1410,229,366,147,293,40000,14800,32700,79600,330,6.7,10,8,11.3,6100,9,999999999,50,0.0950,0,88,999.000,999.0,99.0 +1986,1,29,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.3,-13.9,65,99200,700,1410,217,420,527,158,44700,52800,18400,33100,330,7.2,7,3,11.3,77777,9,999999999,50,0.0950,0,88,999.000,999.0,99.0 +1986,1,29,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-14.4,59,99200,639,1410,220,342,376,172,36800,38300,19400,37000,310,7.2,4,4,16.1,77777,9,999999999,50,0.0950,0,88,999.000,999.0,99.0 +1986,1,29,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.3,-14.4,62,99400,514,1410,217,293,446,132,30700,41800,15400,25600,320,7.2,3,3,16.1,77777,9,999999999,50,0.0950,0,88,999.000,999.0,99.0 +1986,1,29,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-15.0,62,99500,335,1410,212,168,361,84,17600,29200,10600,15600,310,6.7,2,2,16.1,77777,9,999999999,50,0.0950,0,88,999.000,999.0,99.0 +1986,1,29,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-15.6,67,99600,117,1410,207,43,182,26,4300,8400,3600,4600,310,6.7,2,2,16.1,77777,9,999999999,50,0.0950,0,88,999.000,999.0,99.0 +1986,1,29,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-15.6,67,99800,0,12,231,0,0,0,0,0,0,0,300,6.2,10,10,24.1,1010,9,999999999,50,0.0950,0,88,999.000,999.0,99.0 +1986,1,29,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-16.1,67,99900,0,0,207,0,0,0,0,0,0,0,320,6.2,3,3,24.1,77777,9,999999999,50,0.0950,0,88,999.000,999.0,99.0 +1986,1,29,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.7,-16.7,67,99900,0,0,196,0,0,0,0,0,0,0,310,5.2,0,0,24.1,77777,9,999999999,40,0.0950,0,88,999.000,999.0,99.0 +1986,1,29,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-17.2,67,100000,0,0,194,0,0,0,0,0,0,0,320,3.6,0,0,24.1,77777,9,999999999,40,0.0950,0,88,999.000,999.0,99.0 +1986,1,29,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.8,-17.8,67,100000,0,0,192,0,0,0,0,0,0,0,280,4.6,0,0,24.1,77777,9,999999999,40,0.0950,0,88,999.000,999.0,99.0 +1986,1,29,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.3,-17.8,70,100200,0,0,190,0,0,0,0,0,0,0,310,5.7,0,0,24.1,77777,9,999999999,40,0.0950,0,88,999.000,999.0,99.0 +1986,1,29,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.9,-18.9,66,100200,0,0,188,0,0,0,0,0,0,0,310,3.6,0,0,24.1,77777,9,999999999,40,0.0950,0,88,999.000,999.0,99.0 +1986,1,30,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.1,-21.1,66,100200,0,0,180,0,0,0,0,0,0,0,270,2.1,0,0,24.1,77777,9,999999999,40,0.0950,0,88,999.000,999.0,99.0 +1986,1,30,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.7,-21.1,69,100200,0,0,178,0,0,0,0,0,0,0,230,2.1,0,0,24.1,77777,9,999999999,40,0.0950,0,88,999.000,999.0,99.0 +1986,1,30,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-21.1,72,100200,0,0,177,0,0,0,0,0,0,0,260,2.1,0,0,24.1,77777,9,999999999,40,0.0950,0,88,999.000,999.0,99.0 +1986,1,30,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-20.6,76,100200,0,0,177,0,0,0,0,0,0,0,190,2.1,0,0,24.1,77777,9,999999999,40,0.0950,0,88,999.000,999.0,99.0 +1986,1,30,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-20.6,76,100300,0,0,177,0,0,0,0,0,0,0,250,2.1,1,0,24.1,77777,9,999999999,40,0.0950,0,88,999.000,999.0,99.0 +1986,1,30,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.6,-18.9,76,100300,0,0,211,0,0,0,0,0,0,0,250,3.1,10,10,24.1,3660,9,999999999,40,0.0950,0,88,999.000,999.0,99.0 +1986,1,30,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.0,-18.9,73,100400,0,0,213,0,0,0,0,0,0,0,240,2.6,10,10,24.1,2740,9,999999999,40,0.0950,0,88,999.000,999.0,99.0 +1986,1,30,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-14.4,-18.3,73,100400,84,1210,215,26,1,26,2900,0,2900,8400,240,2.6,10,10,24.1,2740,9,999999999,40,0.1800,0,88,999.000,999.0,99.0 +1986,1,30,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.3,-17.8,70,100400,305,1410,219,69,3,68,7700,100,7700,24400,220,2.1,10,10,14.5,2740,9,999999999,40,0.1800,0,88,999.000,999.0,99.0 +1986,1,30,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.1,-17.2,61,100400,492,1410,227,123,5,121,13900,300,13800,46000,240,4.1,10,10,14.5,1830,9,999999999,40,0.1800,0,88,999.000,999.0,99.0 +1986,1,30,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-17.2,58,100400,627,1410,229,141,2,140,16200,100,16200,57800,240,3.6,10,10,14.5,2440,9,999999999,40,0.1800,0,88,999.000,999.0,99.0 +1986,1,30,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-9.4,-15.0,64,100400,700,1410,236,187,8,183,21400,600,21100,74500,240,4.1,10,10,19.3,3050,9,999999999,50,0.1800,0,88,999.000,999.0,99.0 +1986,1,30,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-15.0,62,100300,706,1410,237,201,4,199,22900,300,22700,79300,230,3.1,10,10,19.3,3050,9,999999999,50,0.1800,0,88,999.000,999.0,99.0 +1986,1,30,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.3,-13.9,65,100200,644,1410,241,199,3,198,22400,300,22300,74600,210,4.6,10,10,19.3,2740,9,999999999,50,0.1800,0,88,999.000,999.0,99.0 +1986,1,30,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-13.3,62,100300,520,1410,245,146,1,146,16400,100,16400,53800,240,3.1,10,10,16.1,2740,9,999999999,50,0.1800,0,88,999.000,999.0,99.0 +1986,1,30,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-12.8,65,100200,341,1410,246,92,1,91,10200,0,10200,31400,230,3.6,10,10,16.1,2130,9,999999999,50,0.1800,0,88,999.000,999.0,99.0 +1986,1,30,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-13.3,57,100200,122,1410,249,31,0,31,3400,0,3400,10000,240,3.6,10,10,12.9,2130,9,999999999,50,0.1800,0,88,999.000,999.0,99.0 +1986,1,30,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-12.2,62,100200,0,59,250,0,0,0,0,0,0,0,220,2.6,10,10,12.9,910,9,999999999,50,0.1800,0,88,999.000,999.0,99.0 +1986,1,30,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-12.2,68,100200,0,0,246,0,0,0,0,0,0,0,210,2.1,10,10,12.9,700,9,999999999,50,0.1800,0,88,999.000,999.0,99.0 +1986,1,30,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-12.2,65,100200,0,0,248,0,0,0,0,0,0,0,0,0.0,10,10,12.9,700,9,999999999,50,0.1800,0,88,999.000,999.0,99.0 +1986,1,30,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-11.1,65,100200,0,0,253,0,0,0,0,0,0,0,0,0.0,10,10,8.0,460,9,999999999,60,0.1800,0,88,999.000,999.0,99.0 +1986,1,30,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-9.4,78,100200,0,0,253,0,0,0,0,0,0,0,210,2.1,10,10,8.0,370,9,999999999,60,0.1800,0,88,999.000,999.0,99.0 +1986,1,30,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-8.3,92,100300,0,0,250,0,0,0,0,0,0,0,210,1.5,10,10,6.4,340,9,999999999,70,0.1800,0,88,999.000,999.0,99.0 +1986,1,30,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-8.9,92,100300,0,0,247,0,0,0,0,0,0,0,0,0.0,10,10,9.7,1010,9,999999999,60,0.1800,0,88,999.000,999.0,99.0 +1986,1,31,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-8.3,92,100300,0,0,250,0,0,0,0,0,0,0,0,0.0,10,10,11.3,1160,9,999999999,70,0.1800,0,88,999.000,999.0,99.0 +1986,1,31,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-8.3,88,100300,0,0,252,0,0,0,0,0,0,0,0,0.0,10,10,16.1,1010,9,999999999,70,0.1800,0,88,999.000,999.0,99.0 +1986,1,31,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-7.8,92,100200,0,0,252,0,0,0,0,0,0,0,40,3.1,10,10,16.1,1010,9,999999999,70,0.1800,0,88,999.000,999.0,99.0 +1986,1,31,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-7.8,92,100200,0,0,252,0,0,0,0,0,0,0,50,2.6,10,10,16.1,1160,9,999999999,70,0.1800,0,88,999.000,999.0,99.0 +1986,1,31,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-7.8,92,100200,0,0,252,0,0,0,0,0,0,0,50,3.1,10,10,16.1,1680,9,999999999,70,0.1800,0,88,999.000,999.0,99.0 +1986,1,31,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-7.8,88,100300,0,0,255,0,0,0,0,0,0,0,40,3.1,10,10,16.1,1370,9,999999999,70,0.1800,0,88,999.000,999.0,99.0 +1986,1,31,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-7.8,85,100300,0,0,256,0,0,0,0,0,0,0,30,3.1,10,10,16.1,1680,9,999999999,70,0.1800,0,88,999.000,999.0,99.0 +1986,1,31,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-7.8,81,100300,88,1233,259,27,0,27,3000,0,3000,8600,40,4.1,10,10,11.3,2130,9,999999999,70,0.1010,0,88,999.000,999.0,99.0 +1986,1,31,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-7.2,78,100300,310,1409,264,98,1,98,10800,0,10800,31100,30,3.1,10,10,11.3,2440,9,999999999,70,0.1010,0,88,999.000,999.0,99.0 +1986,1,31,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-6.1,81,100300,497,1409,267,183,1,183,20100,100,20100,59300,100,4.6,10,10,8.0,2440,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1986,1,31,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-6.1,75,100300,632,1409,271,234,1,233,25900,100,25800,80700,70,6.2,10,10,11.3,490,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1986,1,31,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-6.1,72,100200,705,1409,273,250,1,249,27900,100,27800,90900,70,4.1,10,10,11.3,640,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1986,1,31,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-5.6,72,100200,712,1409,259,309,212,202,33900,21800,22800,50500,120,4.6,10,7,11.3,490,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1986,1,31,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-5.6,72,100100,650,1409,276,182,3,180,20600,200,20500,70500,100,6.7,10,10,14.5,700,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1986,1,31,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-5.6,75,100100,526,1409,274,120,6,117,13700,400,13500,46400,80,7.2,10,10,16.1,3050,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1986,1,31,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-5.6,75,100100,347,1409,274,69,4,68,7900,200,7800,25700,110,5.7,10,10,12.9,1520,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1986,1,31,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-6.1,72,100000,127,1409,273,20,2,20,2300,0,2300,7300,100,6.7,10,10,11.3,2740,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1986,1,31,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-6.1,75,100000,0,82,271,0,0,0,0,0,0,0,100,5.7,10,10,11.3,2740,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1986,1,31,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.6,75,100000,0,0,274,0,0,0,0,0,0,0,100,6.7,10,10,11.3,2740,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1986,1,31,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.6,75,100000,0,0,274,0,0,0,0,0,0,0,100,6.7,10,10,11.3,2740,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1986,1,31,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-4.4,78,100000,0,0,278,0,0,0,0,0,0,0,90,6.7,10,10,11.3,2740,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1986,1,31,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.6,-6.2,78,99900,0,0,270,0,0,0,0,0,0,0,100,6.5,10,10,11.3,1400,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1986,1,31,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.2,-8.1,75,99900,0,0,262,0,0,0,0,0,0,0,130,6.3,10,10,11.3,1400,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1986,1,31,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.8,-10.0,85,99700,0,0,254,0,0,0,0,0,0,0,110,6.1,10,10,11.3,1400,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1977,2,1,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.3,-12.0,70,99100,0,0,213,0,0,0,0,0,0,0,260,5.8,0,0,24.1,77777,9,999999999,40,0.1010,0,88,999.000,999.0,99.0 +1977,2,1,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-13.9,70,99200,0,0,207,0,0,0,0,0,0,0,270,5.6,0,0,24.1,77777,9,999999999,40,0.1010,0,88,999.000,999.0,99.0 +1977,2,1,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.5,-15.8,70,99200,0,0,200,0,0,0,0,0,0,0,280,5.4,0,0,24.1,77777,9,999999999,40,0.1010,0,88,999.000,999.0,99.0 +1977,2,1,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-17.8,64,99200,0,0,193,0,0,0,0,0,0,0,280,5.2,0,0,24.1,77777,9,999999999,40,0.1010,0,88,999.000,999.0,99.0 +1977,2,1,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.3,-17.8,70,99300,0,0,190,0,0,0,0,0,0,0,270,5.7,0,0,24.1,77777,9,999999999,40,0.1010,0,88,999.000,999.0,99.0 +1977,2,1,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.3,-18.3,66,99400,0,0,190,0,0,0,0,0,0,0,280,6.2,0,0,24.1,77777,9,999999999,40,0.1010,0,88,999.000,999.0,99.0 +1977,2,1,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.9,-18.9,66,99400,0,0,194,0,0,0,0,0,0,0,280,4.6,2,2,24.1,77777,9,999999999,40,0.1010,0,88,999.000,999.0,99.0 +1977,2,1,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.9,-17.8,73,99600,92,1256,204,31,15,30,3400,900,3300,690,290,6.2,8,7,24.1,7620,9,999999999,40,0.1100,0,88,999.000,999.0,99.0 +1977,2,1,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.2,-16.1,73,99600,315,1409,208,102,65,88,11200,5500,10000,2200,290,4.1,7,6,24.1,7620,9,999999999,50,0.1100,0,88,999.000,999.0,99.0 +1977,2,1,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-15.6,67,99700,503,1409,209,296,465,129,30800,43300,15200,2500,310,5.7,3,3,24.1,77777,9,999999999,50,0.1100,0,88,999.000,999.0,99.0 +1977,2,1,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-15.0,62,99800,639,1409,206,450,764,103,47200,74300,13400,2120,300,4.6,1,0,24.1,77777,9,999999999,50,0.1100,0,88,999.000,999.0,99.0 +1977,2,1,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-13.9,62,99800,712,1409,210,510,797,106,54000,79100,13800,2300,290,4.6,0,0,24.1,77777,9,999999999,50,0.1100,0,88,999.000,999.0,99.0 +1977,2,1,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-11.7,68,99800,719,1409,215,516,803,107,54800,79800,14000,2330,240,4.6,0,0,24.1,77777,9,999999999,60,0.1100,0,88,999.000,999.0,99.0 +1977,2,1,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-11.1,68,99800,657,1409,218,458,772,100,48600,75600,13200,2100,250,5.7,0,0,24.1,77777,9,999999999,60,0.1100,0,88,999.000,999.0,99.0 +1977,2,1,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-10.6,68,99800,533,1409,220,347,702,84,36600,66000,11600,1650,270,3.1,0,0,24.1,77777,9,999999999,60,0.1100,0,88,999.000,999.0,99.0 +1977,2,1,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-11.1,63,99800,353,1409,221,197,546,62,20600,45500,9100,1140,280,3.1,0,0,24.1,77777,9,999999999,60,0.1100,0,88,999.000,999.0,99.0 +1977,2,1,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-11.7,65,99900,134,1409,217,49,204,30,5200,10200,4200,530,300,2.6,0,0,24.1,77777,9,999999999,60,0.1100,0,88,999.000,999.0,99.0 +1977,2,1,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-13.3,68,99900,1,129,209,0,0,0,0,0,0,0,290,2.6,0,0,24.1,77777,9,999999999,50,0.1100,0,88,999.000,999.0,99.0 +1977,2,1,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-13.9,80,100000,0,0,200,0,0,0,0,0,0,0,260,2.1,0,0,24.1,77777,9,999999999,50,0.1100,0,88,999.000,999.0,99.0 +1977,2,1,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.7,-15.0,77,100000,0,0,197,0,0,0,0,0,0,0,260,2.1,0,0,24.1,77777,9,999999999,50,0.1100,0,88,999.000,999.0,99.0 +1977,2,1,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.3,-15.6,84,100000,0,0,192,0,0,0,0,0,0,0,230,2.1,0,0,24.1,77777,9,999999999,50,0.1100,0,88,999.000,999.0,99.0 +1977,2,1,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.9,-16.1,83,100000,0,0,190,0,0,0,0,0,0,0,240,2.6,0,0,24.1,77777,9,999999999,40,0.1100,0,88,999.000,999.0,99.0 +1977,2,1,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.9,-16.7,80,100000,0,0,189,0,0,0,0,0,0,0,210,2.1,0,0,24.1,77777,9,999999999,40,0.1100,0,88,999.000,999.0,99.0 +1977,2,1,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.9,-18.9,66,100000,0,0,188,0,0,0,0,0,0,0,220,2.6,0,0,24.1,77777,9,999999999,40,0.1100,0,88,999.000,999.0,99.0 +1977,2,2,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.3,-17.8,70,100000,0,0,190,0,0,0,0,0,0,0,210,2.6,0,0,24.1,77777,9,999999999,40,0.1100,0,88,999.000,999.0,99.0 +1977,2,2,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-14.4,-18.9,69,100100,0,0,186,0,0,0,0,0,0,0,200,2.1,0,0,24.1,77777,9,999999999,40,0.1100,0,88,999.000,999.0,99.0 +1977,2,2,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.9,-17.8,73,100000,0,0,192,0,0,0,0,0,0,0,190,2.1,2,1,12.9,77777,9,999999999,40,0.1100,0,88,999.000,999.0,99.0 +1977,2,2,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.0,-19.4,69,100000,0,0,188,0,0,0,0,0,0,0,220,2.6,3,1,11.3,77777,9,999999999,40,0.1100,0,88,999.000,999.0,99.0 +1977,2,2,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-14.4,-17.8,76,100000,0,0,191,0,0,0,0,0,0,0,200,2.1,3,1,4.0,77777,9,999999999,40,0.1100,0,88,999.000,999.0,99.0 +1977,2,2,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.6,-19.4,72,100000,0,0,186,0,0,0,0,0,0,0,200,2.6,2,1,4.8,77777,9,999999999,40,0.1100,0,88,999.000,999.0,99.0 +1977,2,2,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.9,-16.7,80,100000,0,0,195,0,0,0,0,0,0,0,170,3.1,7,2,3.2,77777,9,999999999,40,0.1100,0,88,999.000,999.0,99.0 +1977,2,2,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.3,-15.6,84,100000,96,1279,200,47,102,38,4700,4100,4400,740,170,3.1,8,3,2.4,77777,9,999999999,50,0.0540,0,88,999.000,999.0,99.0 +1977,2,2,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-15.0,70,100000,320,1408,217,125,65,111,13700,5600,12500,2620,170,3.6,9,7,3.2,7620,9,999999999,50,0.0540,0,88,999.000,999.0,99.0 +1977,2,2,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-11.7,71,99900,508,1408,240,252,55,232,27500,5300,25600,5490,190,7.2,10,9,4.8,7620,9,999999999,60,0.0540,0,88,999.000,999.0,99.0 +1977,2,2,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-11.1,71,99800,644,1408,233,328,173,249,35200,17400,27200,6040,190,5.2,10,7,9.7,7620,9,999999999,60,0.0540,0,88,999.000,999.0,99.0 +1977,2,2,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-9.4,68,99700,718,1408,235,451,431,232,48100,44800,25200,5410,200,6.7,10,3,14.5,77777,9,999999999,60,0.0540,0,88,999.000,999.0,99.0 +1977,2,2,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-5.6,78,99500,724,1408,248,383,367,195,41400,38300,21700,4400,200,5.7,10,4,14.5,77777,9,999999999,80,0.0540,0,88,999.000,999.0,99.0 +1977,2,2,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-6.1,69,99400,663,1408,276,220,10,216,24800,900,24300,8020,200,8.2,10,10,19.3,2130,9,999999999,80,0.0540,0,88,999.000,999.0,99.0 +1977,2,2,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-7.2,61,99300,539,1408,277,141,1,140,15900,100,15900,5340,190,7.2,10,10,19.3,2130,9,999999999,70,0.0540,0,88,999.000,999.0,99.0 +1977,2,2,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-8.3,56,99200,359,1408,276,101,5,100,11300,300,11200,3430,210,9.3,10,10,8.0,610,9,999999999,70,0.0540,0,88,999.000,999.0,99.0 +1977,2,2,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-7.8,63,99100,139,1408,272,37,5,37,4100,0,4100,1170,200,6.2,10,10,3.2,310,9,999999999,70,0.0540,0,88,999.000,999.0,99.0 +1977,2,2,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-7.8,66,99100,1,153,270,1,0,1,0,0,0,0,190,6.2,10,10,1.6,310,9,999999999,70,0.0540,0,88,999.000,999.0,99.0 +1977,2,2,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-7.2,72,99000,0,0,268,0,0,0,0,0,0,0,200,7.2,10,10,3.2,340,9,999999999,70,0.0540,0,88,999.000,999.0,99.0 +1977,2,2,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-6.7,75,99000,0,0,268,0,0,0,0,0,0,0,200,7.2,10,10,8.0,670,9,999999999,70,0.0540,0,88,999.000,999.0,99.0 +1977,2,2,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.6,78,98900,0,0,272,0,0,0,0,0,0,0,210,7.2,10,10,8.0,340,9,999999999,80,0.0540,0,88,999.000,999.0,99.0 +1977,2,2,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.0,78,98900,0,0,275,0,0,0,0,0,0,0,240,7.7,10,10,11.3,270,9,999999999,80,0.0540,0,88,999.000,999.0,99.0 +1977,2,2,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.0,78,98900,0,0,275,0,0,0,0,0,0,0,260,7.2,10,10,11.3,270,9,999999999,80,0.0540,0,88,999.000,999.0,99.0 +1977,2,2,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.6,75,98800,0,0,266,0,0,0,0,0,0,0,240,7.7,10,9,11.3,310,9,999999999,80,0.0540,0,88,999.000,999.0,99.0 +1977,2,3,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.6,78,98700,0,0,272,0,0,0,0,0,0,0,240,5.7,10,10,11.3,310,9,999999999,80,0.0540,0,88,999.000,999.0,99.0 +1977,2,3,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.6,75,98600,0,0,274,0,0,0,0,0,0,0,230,6.2,10,10,11.3,980,9,999999999,80,0.0540,0,88,999.000,999.0,99.0 +1977,2,3,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.0,78,98600,0,0,275,0,0,0,0,0,0,0,250,6.2,10,10,11.3,980,9,999999999,80,0.0540,0,88,999.000,999.0,99.0 +1977,2,3,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.6,75,98500,0,0,274,0,0,0,0,0,0,0,250,6.7,10,10,11.3,980,9,999999999,80,0.0540,0,88,999.000,999.0,99.0 +1977,2,3,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-6.1,75,98500,0,0,271,0,0,0,0,0,0,0,250,6.7,10,10,11.3,850,9,999999999,70,0.0540,0,88,999.000,999.0,99.0 +1977,2,3,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-6.1,75,98500,0,0,271,0,0,0,0,0,0,0,250,7.2,10,10,12.9,980,9,999999999,70,0.0540,0,88,999.000,999.0,99.0 +1977,2,3,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.7,69,98500,0,0,273,0,0,0,0,0,0,0,260,7.7,10,10,12.9,980,9,999999999,70,0.0540,0,88,999.000,999.0,99.0 +1977,2,3,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-7.2,66,98500,100,1326,272,25,3,25,2800,0,2800,840,260,6.7,10,10,16.1,760,9,999999999,70,0.0550,0,88,999.000,999.0,99.0 +1977,2,3,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-7.8,66,98500,325,1408,270,106,3,105,11600,200,11500,3320,240,7.7,10,10,16.1,670,9,999999999,70,0.0550,0,88,999.000,999.0,99.0 +1977,2,3,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-6.7,72,98500,514,1408,263,205,14,200,22400,1200,22000,6340,250,8.2,10,9,16.1,580,9,999999999,70,0.0550,0,88,999.000,999.0,99.0 +1977,2,3,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-7.2,69,98600,650,1408,270,166,2,165,19000,200,18900,6650,250,6.2,10,10,16.1,580,9,999999999,70,0.0550,0,88,999.000,999.0,99.0 +1977,2,3,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-8.3,61,98500,724,1408,258,436,315,274,45800,32700,28900,6650,250,7.7,10,8,16.1,2440,9,999999999,70,0.0550,0,88,999.000,999.0,99.0 +1977,2,3,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-8.9,61,98400,730,1408,256,426,328,256,45100,34100,27300,6120,240,10.8,10,8,16.1,2440,9,999999999,60,0.0550,0,88,999.000,999.0,99.0 +1977,2,3,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-8.9,58,98400,669,1408,258,327,167,248,35300,16900,27200,6080,240,7.2,10,8,16.1,2440,9,999999999,60,0.0550,0,88,999.000,999.0,99.0 +1977,2,3,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-7.8,63,98400,545,1408,272,160,11,155,17900,800,17600,5750,250,7.7,10,10,16.1,1400,9,999999999,70,0.0550,0,88,999.000,999.0,99.0 +1977,2,3,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-6.7,66,98400,365,1408,268,121,52,108,13300,4600,12100,2720,250,7.2,10,9,16.1,1400,9,999999999,70,0.0550,0,88,999.000,999.0,99.0 +1977,2,3,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-6.1,66,98400,145,1408,253,60,93,51,6500,5200,5900,1070,260,5.2,10,4,16.1,77777,9,999999999,70,0.0550,0,88,999.000,999.0,99.0 +1977,2,3,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-6.1,69,98300,2,176,249,2,2,2,0,0,0,0,240,5.7,7,3,19.3,77777,9,999999999,70,0.0550,0,88,999.000,999.0,99.0 +1977,2,3,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,98300,0,0,252,0,0,0,0,0,0,0,250,6.7,7,4,19.3,7620,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1977,2,3,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,98300,0,0,276,0,0,0,0,0,0,0,260,3.6,10,10,19.3,850,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1977,2,3,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,98300,0,0,276,0,0,0,0,0,0,0,250,3.6,10,10,19.3,850,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1977,2,3,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,98300,0,0,276,0,0,0,0,0,0,0,260,5.2,10,10,19.3,850,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1977,2,3,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,98300,0,0,259,0,0,0,0,0,0,0,270,3.1,9,7,19.3,2440,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1977,2,3,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,98200,0,0,276,0,0,0,0,0,0,0,250,3.1,10,10,19.3,670,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1977,2,4,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.1,72,98200,0,0,273,0,0,0,0,0,0,0,240,2.6,10,10,19.3,670,9,999999999,70,0.0550,0,88,999.000,999.0,99.0 +1977,2,4,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.1,72,98200,0,0,273,0,0,0,0,0,0,0,230,3.1,10,10,6.4,400,9,999999999,70,0.0550,0,88,999.000,999.0,99.0 +1977,2,4,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.6,75,98100,0,0,274,0,0,0,0,0,0,0,220,3.1,10,10,9.7,460,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1977,2,4,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.0,78,98000,0,0,275,0,0,0,0,0,0,0,200,1.5,10,10,9.7,400,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1977,2,4,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.0,78,97900,0,0,275,0,0,0,0,0,0,0,200,3.1,10,10,8.0,520,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1977,2,4,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.0,78,97900,0,0,275,0,0,0,0,0,0,0,190,2.6,10,10,2.4,340,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1977,2,4,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.0,78,97900,0,0,275,0,0,0,0,0,0,0,160,2.1,10,10,1.6,240,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1977,2,4,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-5.0,78,97800,105,1349,275,29,1,29,3200,0,3200,930,170,2.1,10,10,1.3,210,9,999999999,80,0.0780,0,88,999.000,999.0,99.0 +1977,2,4,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-4.4,82,97800,330,1408,275,83,6,82,9300,300,9300,2890,160,1.5,10,10,1.3,150,9,999999999,80,0.0780,0,88,999.000,999.0,99.0 +1977,2,4,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-3.3,85,97800,519,1408,279,199,10,195,21800,800,21500,6330,300,1.5,10,10,0.8,150,9,999999999,90,0.0780,0,88,999.000,999.0,99.0 +1977,2,4,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-3.3,85,97800,656,1408,279,180,5,178,20500,400,20300,7040,340,4.6,10,10,0.8,180,9,999999999,90,0.0780,0,88,999.000,999.0,99.0 +1977,2,4,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-2.8,85,97800,730,1408,281,288,9,284,32100,900,31600,10000,20,7.7,10,10,0.8,270,9,999999999,90,0.0780,0,88,999.000,999.0,99.0 +1977,2,4,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-4.4,75,97800,736,1408,280,235,6,232,26600,500,26300,9000,10,6.7,10,10,1.3,240,9,999999999,80,0.0780,0,88,999.000,999.0,99.0 +1977,2,4,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-5.0,75,97900,675,1408,277,217,1,216,24300,100,24300,8120,360,8.2,10,10,3.2,370,9,999999999,80,0.0780,0,88,999.000,999.0,99.0 +1977,2,4,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-6.7,72,98000,551,1408,271,176,1,176,19700,100,19600,6260,350,7.7,10,10,11.3,580,9,999999999,70,0.0780,0,88,999.000,999.0,99.0 +1977,2,4,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-7.2,75,98200,371,1408,266,116,2,115,12700,100,12700,3800,350,8.2,10,10,3.2,520,9,999999999,70,0.0780,0,88,999.000,999.0,99.0 +1977,2,4,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-10.0,68,98300,150,1408,244,40,30,37,4400,2000,4200,880,330,9.3,8,8,19.3,980,9,999999999,60,0.0780,0,88,999.000,999.0,99.0 +1977,2,4,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-11.1,65,98500,2,223,246,1,0,1,0,0,0,0,350,7.7,9,9,19.3,980,9,999999999,60,0.0780,0,88,999.000,999.0,99.0 +1977,2,4,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-12.8,62,98600,0,0,227,0,0,0,0,0,0,0,320,6.2,5,5,24.1,77777,9,999999999,50,0.0780,0,88,999.000,999.0,99.0 +1977,2,4,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-11.7,65,98700,0,0,239,0,0,0,0,0,0,0,320,7.2,8,8,24.1,980,9,999999999,60,0.0780,0,88,999.000,999.0,99.0 +1977,2,4,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-13.3,62,98700,0,0,227,0,0,0,0,0,0,0,320,6.2,6,6,24.1,1400,9,999999999,50,0.0780,0,88,999.000,999.0,99.0 +1977,2,4,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-14.4,62,98800,0,0,219,0,0,0,0,0,0,0,320,5.2,4,4,24.1,77777,9,999999999,50,0.0780,0,88,999.000,999.0,99.0 +1977,2,4,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.0,-15.6,64,98800,0,0,202,0,0,0,0,0,0,0,310,4.6,0,0,24.1,77777,9,999999999,50,0.0780,0,88,999.000,999.0,99.0 +1977,2,4,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-16.7,64,98800,0,0,198,0,0,0,0,0,0,0,320,5.2,0,0,24.1,77777,9,999999999,40,0.0780,0,88,999.000,999.0,99.0 +1977,2,5,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.7,-22.2,42,98900,0,0,191,0,0,0,0,0,0,0,300,5.2,0,0,24.1,77777,9,999999999,30,0.0780,0,88,999.000,999.0,99.0 +1977,2,5,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.8,-21.7,48,98900,0,0,189,0,0,0,0,0,0,0,300,4.1,0,0,24.1,77777,9,999999999,40,0.0780,0,88,999.000,999.0,99.0 +1977,2,5,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-14.4,-22.8,50,98900,0,0,183,0,0,0,0,0,0,0,290,4.1,0,0,24.1,77777,9,999999999,30,0.0780,0,88,999.000,999.0,99.0 +1977,2,5,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.1,-22.2,60,98900,0,0,182,0,0,0,0,0,0,0,290,4.6,1,1,24.1,77777,9,999999999,30,0.0780,0,88,999.000,999.0,99.0 +1977,2,5,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.7,-23.3,57,98900,0,0,180,0,0,0,0,0,0,0,290,4.6,1,1,24.1,77777,9,999999999,30,0.0780,0,88,999.000,999.0,99.0 +1977,2,5,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.6,-21.1,63,99000,0,0,196,0,0,0,0,0,0,0,280,4.6,7,7,24.1,3660,9,999999999,40,0.0780,0,88,999.000,999.0,99.0 +1977,2,5,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.6,-22.2,57,99000,0,0,195,0,0,0,0,0,0,0,280,4.1,7,7,24.1,3660,9,999999999,30,0.0780,0,88,999.000,999.0,99.0 +1977,2,5,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-16.1,-22.2,60,99100,109,1372,182,41,157,27,4200,7300,3600,480,290,4.6,1,1,24.1,77777,9,999999999,30,0.1140,0,88,999.000,999.0,99.0 +1977,2,5,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-14.4,-21.7,55,99200,335,1407,184,193,535,65,19700,43600,9300,1170,300,5.2,0,0,24.1,77777,9,999999999,40,0.1140,0,88,999.000,999.0,99.0 +1977,2,5,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-14.4,-21.1,57,99300,525,1407,184,354,705,91,36900,65800,12200,1760,320,6.2,0,0,24.1,77777,9,999999999,40,0.1140,0,88,999.000,999.0,99.0 +1977,2,5,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.3,-20.6,55,99300,661,1407,188,480,787,109,50300,76900,14000,2260,290,7.2,0,0,24.1,77777,9,999999999,40,0.1140,0,88,999.000,999.0,99.0 +1977,2,5,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.8,-20.6,53,99400,736,1407,189,544,813,119,57400,80700,15000,2600,320,7.7,0,0,24.1,77777,9,999999999,40,0.1140,0,88,999.000,999.0,99.0 +1977,2,5,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.2,-20.6,50,99400,743,1407,191,553,823,120,58500,81800,15200,2630,310,5.2,0,0,24.1,77777,9,999999999,40,0.1140,0,88,999.000,999.0,99.0 +1977,2,5,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.2,-20.6,50,99400,681,1407,191,493,792,111,52000,77800,14200,2340,310,5.2,0,0,24.1,77777,9,999999999,40,0.1140,0,88,999.000,999.0,99.0 +1977,2,5,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.8,-20.6,53,99600,557,1407,189,377,721,95,39700,68200,12600,1860,290,5.2,0,0,24.1,77777,9,999999999,40,0.1140,0,88,999.000,999.0,99.0 +1977,2,5,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.8,-21.1,50,99700,377,1407,189,220,572,70,23000,48600,9900,1280,290,5.7,0,0,24.1,77777,9,999999999,40,0.1140,0,88,999.000,999.0,99.0 +1977,2,5,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.9,-22.2,50,99700,156,1407,185,61,241,36,6500,13200,5100,650,300,3.6,0,0,24.1,77777,9,999999999,30,0.1140,0,88,999.000,999.0,99.0 +1977,2,5,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-15.0,-23.3,49,99800,3,246,181,2,2,1,0,0,0,0,290,2.6,0,0,24.1,77777,9,999999999,30,0.1140,0,88,999.000,999.0,99.0 +1977,2,5,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.8,-23.9,59,99900,0,0,173,0,0,0,0,0,0,0,260,3.6,0,0,24.1,77777,9,999999999,30,0.1140,0,88,999.000,999.0,99.0 +1977,2,5,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.8,-23.3,62,99900,0,0,173,0,0,0,0,0,0,0,300,2.6,0,0,24.1,77777,9,999999999,30,0.1140,0,88,999.000,999.0,99.0 +1977,2,5,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-18.3,-23.9,62,99900,0,0,171,0,0,0,0,0,0,0,270,3.6,0,0,24.1,77777,9,999999999,30,0.1140,0,88,999.000,999.0,99.0 +1977,2,5,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.7,-25.0,49,100000,0,0,175,0,0,0,0,0,0,0,280,3.1,0,0,24.1,77777,9,999999999,30,0.1140,0,88,999.000,999.0,99.0 +1977,2,5,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-18.3,-23.9,62,100000,0,0,171,0,0,0,0,0,0,0,290,2.1,0,0,24.1,77777,9,999999999,30,0.1140,0,88,999.000,999.0,99.0 +1977,2,5,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-19.4,-25.0,62,100000,0,0,168,0,0,0,0,0,0,0,280,3.1,0,0,24.1,77777,9,999999999,30,0.1140,0,88,999.000,999.0,99.0 +1977,2,6,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-19.4,-25.0,62,100100,0,0,168,0,0,0,0,0,0,0,280,3.1,0,0,24.1,77777,9,999999999,30,0.1140,0,88,999.000,999.0,99.0 +1977,2,6,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-19.4,-25.0,62,100100,0,0,168,0,0,0,0,0,0,0,270,2.1,0,0,24.1,77777,9,999999999,30,0.1140,0,88,999.000,999.0,99.0 +1977,2,6,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.1,-26.1,64,100100,0,0,163,0,0,0,0,0,0,0,270,2.6,0,0,24.1,77777,9,999999999,30,0.1140,0,88,999.000,999.0,99.0 +1977,2,6,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.1,-26.7,61,100100,0,0,162,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,30,0.1140,0,88,999.000,999.0,99.0 +1977,2,6,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.7,-26.7,64,100100,0,0,161,0,0,0,0,0,0,0,280,3.1,0,0,24.1,77777,9,999999999,30,0.1140,0,88,999.000,999.0,99.0 +1977,2,6,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.1,-26.1,64,100200,0,0,163,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,30,0.1140,0,88,999.000,999.0,99.0 +1977,2,6,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.1,-26.7,61,100300,0,0,162,0,0,0,0,0,0,0,280,3.1,0,0,24.1,77777,9,999999999,30,0.1140,0,88,999.000,999.0,99.0 +1977,2,6,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-21.1,-25.6,68,100400,114,1395,163,45,151,31,4500,7100,3900,560,270,2.1,0,0,24.1,77777,9,999999999,30,0.1300,0,88,999.000,999.0,99.0 +1977,2,6,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-18.3,-22.8,68,100500,341,1407,172,195,514,70,19900,41900,9700,1240,290,3.1,0,0,24.1,77777,9,999999999,30,0.1300,0,88,999.000,999.0,99.0 +1977,2,6,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-15.6,-21.1,63,100500,530,1407,181,356,683,98,36900,63700,12700,1880,270,3.6,0,0,24.1,77777,9,999999999,40,0.1300,0,88,999.000,999.0,99.0 +1977,2,6,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.9,-19.4,63,100600,667,1407,187,481,766,117,50300,74800,14600,2410,260,3.1,0,0,24.1,77777,9,999999999,40,0.1300,0,88,999.000,999.0,99.0 +1977,2,6,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.2,-18.9,58,100500,742,1407,192,553,793,134,57800,78400,16300,2890,280,4.6,1,0,24.1,77777,9,999999999,40,0.1300,0,88,999.000,999.0,99.0 +1977,2,6,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-18.3,53,100500,749,1407,198,557,794,135,58400,78600,16400,2930,300,4.1,1,0,24.1,77777,9,999999999,40,0.1300,0,88,999.000,999.0,99.0 +1977,2,6,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-9.4,-18.3,49,100500,688,1407,201,496,774,119,52100,75900,14900,2490,340,5.2,0,0,24.1,77777,9,999999999,40,0.1300,0,88,999.000,999.0,99.0 +1977,2,6,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.0,-18.3,51,100500,563,1407,200,379,701,101,39700,66300,13000,1970,290,4.1,0,0,24.1,77777,9,999999999,40,0.1300,0,88,999.000,999.0,99.0 +1977,2,6,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-18.9,51,100600,383,1407,197,221,546,75,22900,46400,10200,1360,280,5.2,0,0,24.1,77777,9,999999999,40,0.1300,0,88,999.000,999.0,99.0 +1977,2,6,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.2,-20.0,53,100700,161,1407,192,62,218,38,6600,12200,5100,680,290,5.7,0,0,24.1,77777,9,999999999,40,0.1300,0,88,999.000,999.0,99.0 +1977,2,6,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.9,-21.1,55,100700,4,270,186,2,2,1,0,0,0,0,280,3.6,0,0,24.1,77777,9,999999999,40,0.1300,0,88,999.000,999.0,99.0 +1977,2,6,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.6,-22.2,57,100800,0,0,180,0,0,0,0,0,0,0,260,3.1,0,0,24.1,77777,9,999999999,30,0.1300,0,88,999.000,999.0,99.0 +1977,2,6,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.1,-21.7,63,100800,0,0,179,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,40,0.1300,0,88,999.000,999.0,99.0 +1977,2,6,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-19.4,-23.9,68,100900,0,0,169,0,0,0,0,0,0,0,260,2.6,0,0,24.1,77777,9,999999999,30,0.1300,0,88,999.000,999.0,99.0 +1977,2,6,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-18.3,-22.8,68,100900,0,0,172,0,0,0,0,0,0,0,260,2.6,0,0,24.1,77777,9,999999999,30,0.1300,0,88,999.000,999.0,99.0 +1977,2,6,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-19.4,-24.4,65,100900,0,0,168,0,0,0,0,0,0,0,260,2.6,0,0,24.1,77777,9,999999999,30,0.1300,0,88,999.000,999.0,99.0 +1977,2,6,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.1,-25.0,71,100900,0,0,163,0,0,0,0,0,0,0,240,1.5,0,0,24.1,77777,9,999999999,30,0.1300,0,88,999.000,999.0,99.0 +1977,2,7,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-20.0,-24.4,68,100900,0,0,167,0,0,0,0,0,0,0,260,1.5,0,0,24.1,77777,9,999999999,30,0.1300,0,88,999.000,999.0,99.0 +1977,2,7,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-20.6,-25.0,68,100900,0,0,165,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,30,0.1300,0,88,999.000,999.0,99.0 +1977,2,7,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-20.0,-24.4,68,100900,0,0,167,0,0,0,0,0,0,0,260,2.6,0,0,24.1,77777,9,999999999,30,0.1300,0,88,999.000,999.0,99.0 +1977,2,7,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-20.0,-24.4,68,101000,0,0,167,0,0,0,0,0,0,0,260,2.1,0,0,24.1,77777,9,999999999,30,0.1300,0,88,999.000,999.0,99.0 +1977,2,7,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-20.0,-24.4,68,101000,0,0,167,0,0,0,0,0,0,0,270,2.1,0,0,24.1,77777,9,999999999,30,0.1300,0,88,999.000,999.0,99.0 +1977,2,7,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-19.4,-23.9,68,101000,0,0,169,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,30,0.1300,0,88,999.000,999.0,99.0 +1977,2,7,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-21.7,-27.8,58,101000,0,12,160,0,0,0,0,0,0,0,250,1.5,0,0,24.1,77777,9,999999999,30,0.1300,0,88,999.000,999.0,99.0 +1977,2,7,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-20.0,-24.4,68,101100,119,1406,167,51,259,27,4900,13200,3800,460,260,2.6,0,0,11.3,77777,9,999999999,30,0.0810,0,88,999.000,999.0,99.0 +1977,2,7,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-17.2,-21.1,72,101100,346,1406,177,211,625,57,21900,51900,9100,1060,270,1.5,0,0,12.9,77777,9,999999999,40,0.0810,0,88,999.000,999.0,99.0 +1977,2,7,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-14.4,-18.9,69,101100,536,1406,186,375,777,78,38400,72600,10600,1470,310,1.5,0,0,12.9,77777,9,999999999,40,0.0810,0,88,999.000,999.0,99.0 +1977,2,7,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.8,-17.8,67,101100,673,1406,192,501,850,93,51800,82500,12200,1870,280,1.5,0,0,12.9,77777,9,999999999,40,0.0810,0,88,999.000,999.0,99.0 +1977,2,7,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.0,-16.7,59,101100,748,1406,201,569,879,101,59200,86400,13100,2120,240,3.1,0,0,19.3,77777,9,999999999,40,0.0810,0,88,999.000,999.0,99.0 +1977,2,7,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-9.4,-17.2,54,101000,755,1406,202,574,883,102,60000,86900,13200,2150,270,3.6,0,0,19.3,77777,9,999999999,40,0.0810,0,88,999.000,999.0,99.0 +1977,2,7,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-17.2,51,100900,694,1406,204,516,856,95,53700,83400,12400,1930,270,3.6,0,0,24.1,77777,9,999999999,40,0.0810,0,88,999.000,999.0,99.0 +1977,2,7,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-17.2,51,100900,569,1406,204,400,795,81,41400,75100,10900,1550,230,3.6,0,0,24.1,77777,9,999999999,40,0.0810,0,88,999.000,999.0,99.0 +1977,2,7,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-9.4,-17.8,51,100900,389,1406,202,240,659,61,25400,57000,9500,1150,230,4.1,0,0,24.1,77777,9,999999999,40,0.0810,0,88,999.000,999.0,99.0 +1977,2,7,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.1,-18.9,53,100800,167,1406,196,72,343,34,7600,20800,5100,600,240,3.6,0,0,24.1,77777,9,999999999,40,0.0810,0,88,999.000,999.0,99.0 +1977,2,7,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.8,-20.0,55,100900,5,293,190,4,10,3,0,0,0,0,240,3.1,0,0,24.1,77777,9,999999999,40,0.0810,0,88,999.000,999.0,99.0 +1977,2,7,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.3,-20.0,58,100800,0,0,211,0,0,0,0,0,0,0,190,3.6,9,9,19.3,2440,9,999999999,40,0.0810,0,88,999.000,999.0,99.0 +1977,2,7,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-17.2,67,100800,0,0,224,0,0,0,0,0,0,0,220,3.1,10,10,19.3,2440,9,999999999,40,0.0810,0,88,999.000,999.0,99.0 +1977,2,7,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.7,-16.7,67,100700,0,0,226,0,0,0,0,0,0,0,220,3.6,10,10,16.1,2440,9,999999999,40,0.0810,0,88,999.000,999.0,99.0 +1977,2,7,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.7,-16.7,67,100700,0,0,226,0,0,0,0,0,0,0,200,3.1,10,10,16.1,2440,9,999999999,40,0.0810,0,88,999.000,999.0,99.0 +1977,2,7,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-16.7,64,100600,0,0,228,0,0,0,0,0,0,0,210,3.6,10,10,16.1,2440,9,999999999,40,0.0810,0,88,999.000,999.0,99.0 +1977,2,7,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-16.1,64,100600,0,0,230,0,0,0,0,0,0,0,190,3.1,10,10,24.1,3350,9,999999999,50,0.0810,0,88,999.000,999.0,99.0 +1977,2,8,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-16.1,64,100600,0,0,230,0,0,0,0,0,0,0,220,4.1,10,10,24.1,3050,9,999999999,50,0.0810,0,88,999.000,999.0,99.0 +1977,2,8,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-16.1,64,100600,0,0,230,0,0,0,0,0,0,0,220,3.1,10,10,24.1,2440,9,999999999,50,0.0810,0,88,999.000,999.0,99.0 +1977,2,8,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-15.6,67,100500,0,0,231,0,0,0,0,0,0,0,200,2.6,10,10,19.3,2440,9,999999999,50,0.0810,0,88,999.000,999.0,99.0 +1977,2,8,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-15.6,67,100500,0,0,231,0,0,0,0,0,0,0,200,3.6,10,10,19.3,2440,9,999999999,50,0.0810,0,88,999.000,999.0,99.0 +1977,2,8,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-15.0,70,100500,0,0,220,0,0,0,0,0,0,0,210,3.6,9,8,19.3,2440,9,999999999,50,0.0810,0,88,999.000,999.0,99.0 +1977,2,8,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-16.1,64,100400,0,0,219,0,0,0,0,0,0,0,210,4.6,9,8,19.3,2440,9,999999999,50,0.0810,0,88,999.000,999.0,99.0 +1977,2,8,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-15.0,70,100400,0,35,225,0,0,0,0,0,0,0,210,5.2,10,9,8.0,2440,9,999999999,50,0.0810,0,88,999.000,999.0,99.0 +1977,2,8,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.1,-16.7,64,100400,124,1406,211,36,50,31,3900,2600,3600,640,200,5.2,7,6,9.7,7620,9,999999999,40,0.1030,0,88,999.000,999.0,99.0 +1977,2,8,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-15.6,67,100400,352,1406,210,168,240,107,17500,20100,12500,2150,200,7.2,8,4,14.5,77777,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,8,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-9.4,-13.9,70,100300,542,1406,214,288,374,144,30000,35500,16200,2840,220,5.7,3,3,16.1,77777,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,8,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-12.8,68,100200,679,1406,211,496,809,105,52400,79600,13800,2230,200,8.2,0,0,19.3,77777,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,8,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-13.9,57,100100,754,1406,214,547,809,113,58100,80800,14600,2530,200,8.2,0,0,24.1,77777,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,8,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-13.3,55,100000,761,1406,218,564,834,114,58200,81700,13800,2300,210,8.2,0,0,24.1,77777,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,8,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-12.8,55,99900,700,1406,220,508,811,107,54100,80200,14000,2300,210,8.8,0,0,24.1,77777,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,8,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-13.9,48,99900,575,1406,221,393,745,91,41600,71200,12300,1820,200,7.2,0,0,24.1,77777,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,8,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-13.3,48,99800,395,1406,223,236,609,68,24800,52700,9900,1260,200,7.7,0,0,24.1,77777,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,8,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-13.3,50,99800,173,1406,221,72,294,38,7500,17900,5300,650,190,5.7,0,0,24.1,77777,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,8,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-13.3,52,99700,6,340,220,4,6,3,0,0,0,0,180,5.2,0,0,24.1,77777,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,8,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-13.3,55,99700,0,0,218,0,0,0,0,0,0,0,180,5.7,0,0,24.1,77777,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,8,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-12.2,57,99600,0,0,220,0,0,0,0,0,0,0,190,6.2,0,0,24.1,77777,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,8,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-12.2,60,99600,0,0,218,0,0,0,0,0,0,0,190,5.2,0,0,24.1,77777,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,8,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-11.7,62,99500,0,0,219,0,0,0,0,0,0,0,200,8.2,0,0,24.1,77777,9,999999999,60,0.1030,0,88,999.000,999.0,99.0 +1977,2,8,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-12.2,57,99500,0,0,228,0,0,0,0,0,0,0,210,7.2,2,2,24.1,77777,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,8,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-13.9,50,99400,0,0,223,0,0,0,0,0,0,0,210,7.2,2,1,24.1,77777,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,9,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-12.8,55,99300,0,0,238,0,0,0,0,0,0,0,200,7.2,8,7,19.3,7620,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,9,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-12.2,55,99300,0,0,241,0,0,0,0,0,0,0,220,8.2,9,7,19.3,7620,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,2,9,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-10.6,60,99300,0,0,244,0,0,0,0,0,0,0,230,5.7,9,7,19.3,7620,9,999999999,60,0.1030,0,88,999.000,999.0,99.0 +1977,2,9,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-8.9,69,99200,0,0,239,0,0,0,0,0,0,0,220,4.1,9,4,19.3,77777,9,999999999,60,0.1030,0,88,999.000,999.0,99.0 +1977,2,9,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-8.9,71,99200,0,0,235,0,0,0,0,0,0,0,200,6.2,8,3,19.3,77777,9,999999999,60,0.1030,0,88,999.000,999.0,99.0 +1977,2,9,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-7.8,75,99200,0,0,240,0,0,0,0,0,0,0,220,5.7,9,4,16.1,77777,9,999999999,70,0.1030,0,88,999.000,999.0,99.0 +1977,2,9,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-7.2,78,99200,0,82,247,0,0,0,0,0,0,0,230,3.6,9,7,8.0,2740,9,999999999,70,0.1030,0,88,999.000,999.0,99.0 +1977,2,9,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-6.7,78,99200,129,1405,266,51,3,50,5400,0,5400,1320,210,3.6,10,10,8.0,2740,9,999999999,70,0.0400,0,88,999.000,999.0,99.0 +1977,2,9,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-5.6,78,99300,358,1405,272,156,7,154,16700,500,16600,4200,220,5.7,10,10,9.7,2740,9,999999999,80,0.0400,0,88,999.000,999.0,99.0 +1977,2,9,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-4.4,78,99200,548,1405,260,270,193,195,29100,18800,21700,4550,210,7.7,9,7,9.7,3660,9,999999999,80,0.0400,0,88,999.000,999.0,99.0 +1977,2,9,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-3.3,73,99200,685,1405,267,436,413,235,46100,42500,25300,5460,230,6.7,9,6,9.7,3660,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1977,2,9,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-2.8,67,99200,760,1405,277,395,217,277,42600,22400,30500,7120,220,5.2,8,7,9.7,3660,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1977,2,9,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-2.2,70,99200,767,1405,268,576,770,156,59900,76000,18300,3360,210,4.1,3,3,9.7,77777,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1977,2,9,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-2.8,65,99200,706,1405,269,499,648,175,52900,64900,20100,3720,200,5.2,3,3,8.0,77777,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1977,2,9,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-1.7,65,99200,581,1405,268,403,816,68,42700,78100,10200,1430,220,5.2,1,1,8.0,77777,9,999999999,100,0.0400,0,88,999.000,999.0,99.0 +1977,2,9,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,-1.7,62,99200,401,1405,265,254,747,45,27200,66400,8200,970,200,5.7,0,0,8.0,77777,9,999999999,100,0.0400,0,88,999.000,999.0,99.0 +1977,2,9,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-2.2,62,99200,178,1405,263,86,490,26,9000,33200,4700,500,220,4.6,0,0,8.0,77777,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1977,2,9,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-2.2,67,99300,7,363,259,9,41,3,0,0,0,0,210,4.6,0,0,8.0,77777,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1977,2,9,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-1.7,70,99300,0,0,259,0,0,0,0,0,0,0,210,6.2,0,0,9.7,77777,9,999999999,100,0.0400,0,88,999.000,999.0,99.0 +1977,2,9,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-1.7,73,99300,0,0,257,0,0,0,0,0,0,0,220,5.2,0,0,9.7,77777,9,999999999,100,0.0400,0,88,999.000,999.0,99.0 +1977,2,9,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-1.7,76,99400,0,0,255,0,0,0,0,0,0,0,220,5.2,0,0,11.3,77777,9,999999999,100,0.0400,0,88,999.000,999.0,99.0 +1977,2,9,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-1.7,76,99400,0,0,255,0,0,0,0,0,0,0,220,4.1,0,0,9.7,77777,9,999999999,100,0.0400,0,88,999.000,999.0,99.0 +1977,2,9,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-2.8,79,99400,0,0,248,0,0,0,0,0,0,0,220,3.1,0,0,8.0,77777,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1977,2,9,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-3.3,75,99500,0,0,248,0,0,0,0,0,0,0,210,2.1,0,0,8.0,77777,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1977,2,10,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.3,79,99500,0,0,245,0,0,0,0,0,0,0,210,2.6,0,0,8.0,77777,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1977,2,10,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.9,82,99500,0,0,241,0,0,0,0,0,0,0,190,2.6,0,0,6.4,77777,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1977,2,10,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-4.4,78,99500,0,0,241,0,0,0,0,0,0,0,190,3.1,0,0,6.4,77777,9,999999999,80,0.0400,0,88,999.000,999.0,99.0 +1977,2,10,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.0,82,99400,0,0,244,0,0,0,0,0,0,0,190,3.1,2,2,4.8,77777,9,999999999,80,0.0400,0,88,999.000,999.0,99.0 +1977,2,10,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-4.4,85,99500,0,0,245,0,0,0,0,0,0,0,200,3.6,2,2,4.0,77777,9,999999999,80,0.0400,0,88,999.000,999.0,99.0 +1977,2,10,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-4.4,85,99500,0,0,245,0,0,0,0,0,0,0,190,3.1,2,2,4.0,77777,9,999999999,80,0.0400,0,88,999.000,999.0,99.0 +1977,2,10,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-4.4,85,99500,1,105,247,0,0,0,0,0,0,0,180,3.1,3,3,2.4,77777,9,999999999,80,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-3.9,85,99500,135,1405,243,39,75,32,4200,3500,3800,580,190,3.1,1,1,2.4,77777,9,999999999,90,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,0.0,89,99500,363,1405,260,177,350,86,18400,29300,10800,1590,200,4.6,1,1,4.8,77777,9,999999999,110,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,1.7,89,99400,554,1405,267,330,509,129,34800,48700,15500,2510,220,5.2,2,1,6.4,77777,9,999999999,120,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,1.1,79,99400,692,1405,266,459,634,147,47400,61600,17000,2970,230,4.6,1,0,6.4,77777,9,999999999,110,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,1.1,73,99400,767,1405,270,527,674,160,54700,66400,18400,3430,240,4.6,1,0,8.0,77777,9,999999999,110,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,1.7,71,99300,774,1405,275,533,687,156,55600,67900,18000,3390,240,6.2,0,0,8.0,77777,9,999999999,120,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,1.7,68,99200,713,1405,277,475,654,145,49400,63900,16900,3000,220,5.7,0,0,8.0,77777,9,999999999,120,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,2.2,68,99200,587,1405,280,363,579,123,37600,54800,14600,2350,220,5.2,0,0,8.0,77777,9,999999999,120,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,2.2,66,99200,406,1405,282,212,428,90,22500,37400,11700,1670,220,5.7,0,0,9.7,77777,9,999999999,120,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,1.7,68,99200,184,1405,277,65,144,47,6900,8400,5800,870,220,5.2,0,0,9.7,77777,9,999999999,120,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,0.6,68,99200,9,386,272,4,1,4,0,0,0,0,230,3.1,0,0,8.0,77777,9,999999999,110,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,0.6,73,99300,0,0,268,0,0,0,0,0,0,0,200,2.6,0,0,9.7,77777,9,999999999,110,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.1,76,99300,0,0,268,0,0,0,0,0,0,0,220,5.2,0,0,9.7,77777,9,999999999,110,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.7,79,99200,0,0,269,0,0,0,0,0,0,0,210,5.7,0,0,9.7,77777,9,999999999,120,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,1.1,79,99200,0,0,266,0,0,0,0,0,0,0,230,7.2,0,0,9.7,77777,9,999999999,110,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,0.6,76,99200,0,0,265,0,0,0,0,0,0,0,230,5.2,0,0,9.7,77777,9,999999999,110,0.2010,0,88,999.000,999.0,99.0 +1977,2,10,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,0.6,76,99200,0,0,265,0,0,0,0,0,0,0,230,5.2,0,0,9.7,77777,9,999999999,110,0.2010,0,88,999.000,999.0,99.0 +1977,2,11,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,0.6,79,99200,0,0,263,0,0,0,0,0,0,0,230,7.7,0,0,9.7,77777,9,999999999,110,0.2010,0,88,999.000,999.0,99.0 +1977,2,11,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,0.6,79,99200,0,0,263,0,0,0,0,0,0,0,240,5.2,0,0,8.0,77777,9,999999999,110,0.2010,0,88,999.000,999.0,99.0 +1977,2,11,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,0.6,79,99200,0,0,263,0,0,0,0,0,0,0,240,5.2,0,0,6.4,77777,9,999999999,110,0.2010,0,88,999.000,999.0,99.0 +1977,2,11,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,0.6,85,99200,0,0,259,0,0,0,0,0,0,0,240,4.1,0,0,6.4,77777,9,999999999,110,0.2010,0,88,999.000,999.0,99.0 +1977,2,11,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-0.6,79,99200,0,0,258,0,0,0,0,0,0,0,230,4.1,0,0,8.0,77777,9,999999999,100,0.2010,0,88,999.000,999.0,99.0 +1977,2,11,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,99300,0,0,254,0,0,0,0,0,0,0,240,3.1,0,0,6.4,77777,9,999999999,100,0.2010,0,88,999.000,999.0,99.0 +1977,2,11,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-1.7,82,99300,1,129,259,0,0,0,0,0,0,0,230,4.1,3,2,4.0,77777,9,999999999,100,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-0.6,85,99400,140,1404,262,46,72,39,5000,4000,4600,810,230,3.1,5,2,4.8,77777,9,999999999,100,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,1.1,86,99400,369,1404,270,181,251,115,19000,21400,13300,2330,240,4.6,5,2,6.4,77777,9,999999999,110,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,2.2,79,99400,560,1404,283,345,484,152,35800,46300,17300,3030,250,4.6,7,3,8.0,77777,9,999999999,120,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,1.7,68,99400,698,1404,283,467,601,168,49400,60200,19400,3540,270,4.1,7,1,9.7,77777,9,999999999,120,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,1.1,59,99400,773,1404,293,522,551,219,54600,55800,23700,4950,260,5.2,9,2,12.9,77777,9,999999999,120,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,1.1,52,99400,780,1404,296,558,673,185,57400,65900,20700,3910,240,5.2,8,1,16.1,77777,9,999999999,110,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,0.6,49,99400,719,1404,298,481,588,181,50900,59100,20500,3880,240,4.6,6,1,16.1,77777,9,999999999,110,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,0.6,40,99400,593,1404,309,325,498,116,35100,48500,14600,2260,240,4.6,1,1,19.3,77777,9,999999999,110,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,0.6,49,99400,412,1404,292,228,514,79,23700,44800,10400,1450,230,2.6,0,0,19.3,77777,9,999999999,110,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,0.0,50,99400,190,1404,292,65,150,46,7000,8900,5800,850,0,0.0,3,1,19.3,77777,9,999999999,110,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,-1.7,56,99400,10,433,281,3,2,2,0,0,0,0,180,3.1,3,2,19.3,77777,9,999999999,100,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,-0.6,65,99400,0,0,269,0,0,0,0,0,0,0,170,3.6,0,0,19.3,77777,9,999999999,100,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,-1.1,68,99400,0,0,272,0,0,0,0,0,0,0,180,3.6,2,2,19.3,77777,9,999999999,100,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,0.6,73,99400,0,0,279,0,0,0,0,0,0,0,160,2.6,3,3,19.3,77777,9,999999999,110,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,0.6,73,99300,0,0,309,0,0,0,0,0,0,0,160,2.6,10,10,19.3,2740,9,999999999,110,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.1,76,99300,0,0,309,0,0,0,0,0,0,0,210,2.1,10,10,14.5,880,9,999999999,110,0.1490,0,88,999.000,999.0,99.0 +1977,2,11,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,2.2,79,99200,0,0,313,0,0,0,0,0,0,0,180,2.6,10,10,11.3,1010,9,999999999,120,0.1490,0,88,999.000,999.0,99.0 +1977,2,12,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,3.9,83,99100,0,0,320,0,0,0,0,0,0,0,190,3.1,10,10,6.4,880,9,999999999,140,0.1490,0,88,999.000,999.0,99.0 +1977,2,12,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,3.9,83,99000,0,0,320,0,0,0,0,0,0,0,200,4.6,10,10,6.4,1010,9,999999999,140,0.1490,0,88,999.000,999.0,99.0 +1977,2,12,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,3.3,80,99000,0,0,320,0,0,0,0,0,0,0,200,3.1,10,10,6.4,880,9,999999999,130,0.1490,0,88,999.000,999.0,99.0 +1977,2,12,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,2.2,76,98900,0,0,316,0,0,0,0,0,0,0,190,3.1,10,10,6.4,1160,9,999999999,120,0.1490,0,88,999.000,999.0,99.0 +1977,2,12,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.1,76,98800,0,0,309,0,0,0,0,0,0,0,170,3.6,10,10,6.4,2130,9,999999999,110,0.1490,0,88,999.000,999.0,99.0 +1977,2,12,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,0.0,73,98700,0,0,306,0,0,0,0,0,0,0,190,2.6,10,10,8.0,2130,9,999999999,110,0.1490,0,88,999.000,999.0,99.0 +1977,2,12,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,0.6,76,98600,1,152,306,0,0,0,0,0,0,0,200,4.1,10,10,6.4,2130,9,999999999,110,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,1.7,79,98500,146,1404,310,25,1,25,2900,0,2900,900,200,5.2,10,10,6.4,1400,9,999999999,120,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,1.7,76,98400,375,1404,313,98,0,98,11000,0,11000,3470,190,5.2,10,10,6.4,3050,9,999999999,120,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,1.7,73,98300,566,1404,315,96,8,93,11300,500,11100,4010,200,5.7,10,10,6.4,5490,9,999999999,120,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,2.8,76,98200,704,1404,319,124,8,120,14700,600,14400,5410,210,7.7,10,10,6.4,460,9,999999999,120,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,2.8,79,98100,779,1404,316,239,4,236,27100,400,26900,9460,230,5.2,10,10,2.4,180,9,999999999,120,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,1.1,79,98000,787,1404,307,148,6,145,17600,400,17300,6630,270,7.2,10,10,2.4,150,9,999999999,110,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,0.6,82,97900,725,1404,301,263,2,262,29400,200,29300,9570,240,4.1,10,10,4.8,210,9,999999999,110,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,1.1,79,97900,600,1404,287,263,183,186,28700,18200,20900,4430,270,9.3,7,7,12.9,1400,9,999999999,110,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-1.1,63,97900,418,1404,310,101,9,98,11400,500,11300,3660,260,6.7,10,10,14.5,1010,9,999999999,100,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-1.7,65,97900,195,1404,304,58,4,57,6300,100,6300,1780,260,6.2,10,10,14.5,980,9,999999999,100,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-2.2,62,97900,12,456,303,2,0,2,0,0,0,0,260,7.2,10,10,14.5,980,9,999999999,90,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,-2.2,65,97900,0,0,301,0,0,0,0,0,0,0,260,7.2,10,10,24.1,1160,9,999999999,90,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-2.2,67,97900,0,0,298,0,0,0,0,0,0,0,270,6.7,10,10,24.1,610,9,999999999,90,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-2.2,70,97800,0,0,296,0,0,0,0,0,0,0,260,7.7,10,10,24.1,670,9,999999999,90,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-2.2,70,97800,0,0,296,0,0,0,0,0,0,0,260,6.7,10,10,24.1,670,9,999999999,90,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-3.9,62,97800,0,0,294,0,0,0,0,0,0,0,260,5.7,10,10,24.1,760,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1977,2,12,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-4.4,62,97700,0,0,291,0,0,0,0,0,0,0,270,7.7,10,10,24.1,760,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1977,2,13,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-4.4,61,97700,0,0,291,0,0,0,0,0,0,0,280,7.7,10,10,24.1,610,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1977,2,13,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-3.9,64,97800,0,0,292,0,0,0,0,0,0,0,290,6.2,10,10,24.1,670,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1977,2,13,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-5.0,62,97800,0,0,289,0,0,0,0,0,0,0,270,8.8,10,10,24.1,760,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1977,2,13,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-5.6,59,97800,0,0,274,0,0,0,0,0,0,0,300,7.7,8,8,24.1,1160,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1977,2,13,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-5.0,62,97800,0,0,289,0,0,0,0,0,0,0,290,7.2,10,10,24.1,1160,9,999999999,80,0.0890,0,88,999.000,999.0,99.0 +1977,2,13,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-6.7,57,97900,0,0,284,0,0,0,0,0,0,0,300,8.2,10,10,24.1,1160,9,999999999,70,0.0890,0,88,999.000,999.0,99.0 +1977,2,13,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.6,59,97900,2,199,288,1,0,1,0,0,0,0,300,8.2,10,10,24.1,850,9,999999999,80,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-6.1,57,98000,151,1403,287,27,1,27,3100,0,3100,960,300,9.8,10,10,24.1,980,9,999999999,80,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.0,62,98100,381,1403,289,117,7,115,12900,400,12800,3870,290,7.7,10,10,24.1,980,9,999999999,80,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-3.3,70,98100,573,1403,290,159,2,158,17900,200,17900,6010,290,6.2,10,10,19.3,980,9,999999999,90,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-5.0,59,98100,711,1403,291,231,5,229,26100,400,25900,8730,290,6.2,10,10,19.3,670,9,999999999,80,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-6.1,57,98100,786,1403,287,268,1,268,30300,100,30200,10290,290,8.2,10,10,24.1,760,9,999999999,80,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.0,62,98100,793,1403,289,267,2,266,30200,200,30100,10310,290,7.2,10,10,16.1,670,9,999999999,80,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.6,59,98100,732,1403,288,239,0,239,26900,0,26900,9140,300,7.2,10,10,19.3,760,9,999999999,80,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-5.6,57,98100,606,1403,276,200,147,137,22200,14800,15800,3270,270,6.7,8,8,24.1,850,9,999999999,80,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-6.1,55,98200,424,1403,264,237,559,70,24900,49600,9800,1320,280,8.8,4,4,24.1,77777,9,999999999,80,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-6.1,57,98200,201,1403,260,82,253,47,8700,16000,6400,850,290,5.2,3,3,24.1,77777,9,999999999,80,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-6.1,59,98200,13,479,255,9,22,6,0,0,0,0,280,3.1,3,2,24.1,77777,9,999999999,70,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-6.7,64,98300,0,0,240,0,0,0,0,0,0,0,240,2.1,0,0,24.1,77777,9,999999999,70,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-7.2,66,98300,0,0,236,0,0,0,0,0,0,0,230,2.1,0,0,24.1,77777,9,999999999,70,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-6.1,69,98300,0,0,247,0,0,0,0,0,0,0,250,2.6,2,2,24.1,77777,9,999999999,70,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.0,75,98300,0,0,248,0,0,0,0,0,0,0,260,2.6,2,2,24.1,77777,9,999999999,80,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,98400,0,0,247,0,0,0,0,0,0,0,280,2.6,2,2,24.1,77777,9,999999999,80,0.0650,0,88,999.000,999.0,99.0 +1977,2,13,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.1,72,98400,0,0,273,0,0,0,0,0,0,0,290,2.6,10,10,24.1,2740,9,999999999,70,0.0650,0,88,999.000,999.0,99.0 +1977,2,14,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.1,72,98400,0,0,273,0,0,0,0,0,0,0,310,3.1,10,10,24.1,2740,9,999999999,70,0.0650,0,88,999.000,999.0,99.0 +1977,2,14,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.7,69,98400,0,0,273,0,0,0,0,0,0,0,320,4.1,10,10,24.1,3660,9,999999999,70,0.0650,0,88,999.000,999.0,99.0 +1977,2,14,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.7,69,98400,0,0,273,0,0,0,0,0,0,0,320,3.6,10,10,24.1,3660,9,999999999,70,0.0650,0,88,999.000,999.0,99.0 +1977,2,14,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-7.8,63,98400,0,0,272,0,0,0,0,0,0,0,320,3.6,10,10,24.1,2740,9,999999999,70,0.0650,0,88,999.000,999.0,99.0 +1977,2,14,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-7.8,63,98500,0,0,272,0,0,0,0,0,0,0,280,2.6,10,10,24.1,1160,9,999999999,70,0.0650,0,88,999.000,999.0,99.0 +1977,2,14,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-8.3,61,98600,0,0,271,0,0,0,0,0,0,0,290,4.1,10,10,24.1,980,9,999999999,70,0.0650,0,88,999.000,999.0,99.0 +1977,2,14,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-8.9,63,98700,3,222,266,1,0,1,0,0,0,0,310,5.2,10,10,24.1,1160,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-10.6,53,98700,157,1403,254,37,20,35,4100,1300,3900,860,310,6.2,8,8,24.1,1160,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-10.6,51,98800,387,1403,269,62,7,60,7200,300,7200,2430,280,6.2,10,10,24.1,1400,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-11.1,49,98800,579,1403,268,170,8,166,19100,600,18800,6250,310,5.7,10,10,24.1,1400,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-10.6,49,98800,717,1403,271,213,9,208,24200,800,23800,8270,320,6.2,10,10,24.1,1220,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-11.7,45,98800,792,1403,270,261,11,255,29600,1000,29000,10050,320,7.2,10,10,24.1,1220,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-11.7,45,98800,799,1403,270,238,2,237,27200,200,27100,9650,310,6.7,10,10,24.1,1220,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-10.0,51,98800,738,1403,272,195,2,194,22400,200,22300,8020,340,7.7,10,10,3.2,310,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-8.9,61,98900,612,1403,269,157,5,155,17900,400,17800,6160,320,6.2,10,10,16.1,1160,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-10.6,53,99000,430,1403,260,144,47,129,15700,4300,14400,3360,330,9.3,9,9,24.1,1400,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-11.1,53,99100,207,1403,264,53,37,48,5900,2700,5500,1190,320,8.8,10,10,24.1,1400,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-11.1,55,99200,15,503,262,2,0,2,0,0,0,0,330,7.2,10,10,24.1,1400,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-10.0,63,99300,0,0,261,0,0,0,0,0,0,0,320,4.6,10,10,24.1,1400,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-10.6,63,99400,0,0,251,0,0,0,0,0,0,0,300,4.1,9,9,24.1,1400,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-10.0,66,99400,0,0,259,0,0,0,0,0,0,0,300,4.6,10,10,24.1,760,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-9.4,68,99500,0,0,259,0,0,0,0,0,0,0,300,4.1,10,10,24.1,850,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-10.0,68,99500,0,0,257,0,0,0,0,0,0,0,350,6.2,10,10,19.3,850,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,14,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-10.0,68,99500,0,0,257,0,0,0,0,0,0,0,360,7.2,10,10,8.0,1400,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,15,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-11.7,62,99600,0,0,253,0,0,0,0,0,0,0,350,7.7,10,10,24.1,1160,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1977,2,15,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-13.3,57,99600,0,0,249,0,0,0,0,0,0,0,330,8.2,10,10,24.1,980,9,999999999,50,0.1340,0,88,999.000,999.0,99.0 +1977,2,15,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-13.9,59,99700,0,0,245,0,0,0,0,0,0,0,330,7.2,10,10,24.1,980,9,999999999,50,0.1340,0,88,999.000,999.0,99.0 +1977,2,15,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-15.6,61,99700,0,0,208,0,0,0,0,0,0,0,320,5.7,1,1,24.1,77777,9,999999999,50,0.1340,0,88,999.000,999.0,99.0 +1977,2,15,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.0,-16.1,61,99800,0,0,201,0,0,0,0,0,0,0,310,4.6,0,0,24.1,77777,9,999999999,40,0.1340,0,88,999.000,999.0,99.0 +1977,2,15,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-17.2,61,99800,0,0,197,0,0,0,0,0,0,0,320,5.2,0,0,24.1,77777,9,999999999,40,0.1340,0,88,999.000,999.0,99.0 +1977,2,15,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-17.2,58,99900,4,245,199,4,14,2,0,0,0,0,320,4.1,1,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.0,-18.9,49,99900,163,1402,199,73,385,28,7500,23400,4800,510,330,6.7,1,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-17.8,49,100000,394,1402,203,242,662,57,24800,57800,8500,1070,330,7.2,4,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-16.7,47,100000,585,1402,210,403,784,76,42000,74800,10600,1530,350,6.2,4,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-15.6,48,100000,724,1402,214,523,841,90,55000,82700,12200,1940,310,6.7,4,0,24.1,77777,9,999999999,50,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-15.6,46,100000,799,1402,216,592,879,91,62900,87600,12800,2120,320,5.2,3,0,24.1,77777,9,999999999,50,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-17.8,35,100000,806,1402,218,603,901,86,63000,88800,11800,1820,320,7.7,2,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-17.8,35,100000,744,1402,218,548,885,81,57600,86600,11400,1670,360,6.7,2,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-17.8,35,100000,618,1402,218,437,852,63,46100,81800,9900,1380,10,4.6,0,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-17.2,37,100000,436,1402,218,276,741,49,29400,67200,8400,1030,10,3.6,0,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-17.8,38,100000,212,1402,214,103,482,32,10600,34700,5400,600,350,5.2,0,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-17.8,43,100100,17,549,209,12,46,7,0,0,0,0,350,4.1,0,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-16.7,47,100100,0,0,210,0,0,0,0,0,0,0,340,4.6,0,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-16.7,51,100100,0,0,206,0,0,0,0,0,0,0,330,5.2,0,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-16.7,54,100100,0,0,204,0,0,0,0,0,0,0,340,4.1,0,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-17.2,54,100100,0,0,202,0,0,0,0,0,0,0,350,4.1,0,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.0,-17.2,56,100100,0,0,200,0,0,0,0,0,0,0,340,3.1,0,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,15,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-17.8,58,100100,0,0,197,0,0,0,0,0,0,0,330,2.6,0,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,16,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-16.7,64,100000,0,0,198,0,0,0,0,0,0,0,340,3.1,0,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,16,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.7,-17.8,61,100000,0,0,195,0,0,0,0,0,0,0,340,2.1,0,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,16,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.8,-17.8,67,100000,0,0,192,0,0,0,0,0,0,0,300,2.6,0,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,16,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.8,-17.2,70,100000,0,0,192,0,0,0,0,0,0,0,280,2.1,0,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,16,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-17.2,67,100000,0,0,194,0,0,0,0,0,0,0,300,1.5,0,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,16,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.3,-17.8,70,100000,0,0,190,0,0,0,0,0,0,0,290,1.5,0,0,24.1,77777,9,999999999,40,0.0640,0,88,999.000,999.0,99.0 +1977,2,16,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.7,-15.0,77,100000,5,292,227,1,0,1,0,0,0,0,290,2.1,10,10,24.1,1160,9,999999999,50,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.0,-15.0,67,100100,169,1401,222,60,76,51,6500,4600,5900,1070,290,1.5,8,8,24.1,1220,9,999999999,50,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-15.6,54,100100,400,1401,223,150,221,87,16200,19600,10600,1650,340,3.1,6,6,24.1,1220,9,999999999,50,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-16.1,47,100100,592,1401,219,380,736,69,40000,70700,10000,1460,290,2.1,2,2,24.1,77777,9,999999999,40,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-15.6,46,100100,730,1401,223,518,834,83,54900,82400,11800,1860,270,4.1,2,2,24.1,77777,9,999999999,50,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-17.8,35,100000,805,1401,222,584,907,63,61600,89600,9900,1640,290,3.6,1,1,24.1,77777,9,999999999,40,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-17.8,33,99900,812,1401,223,576,899,57,61100,88900,9400,1560,240,4.1,1,1,24.1,77777,9,999999999,40,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-17.2,35,99900,751,1401,224,525,843,75,55200,82600,10700,1660,290,2.1,1,1,24.1,77777,9,999999999,40,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-17.8,32,99800,624,1401,221,425,845,51,45200,81400,8900,1290,280,3.1,0,0,24.1,77777,9,999999999,40,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-18.3,31,99800,442,1401,221,280,764,42,30000,69500,8000,1010,290,4.1,0,0,24.1,77777,9,999999999,40,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-17.8,35,99800,218,1401,218,109,534,29,11500,39100,5400,580,230,3.6,1,0,24.1,77777,9,999999999,40,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-17.8,40,99800,19,572,212,16,71,8,0,0,0,0,260,3.1,1,0,24.1,77777,9,999999999,40,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-15.6,50,99800,0,0,212,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,50,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-13.9,62,99800,0,0,210,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,50,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-15.0,62,99800,0,0,206,0,0,0,0,0,0,0,240,2.1,0,0,24.1,77777,9,999999999,50,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-15.0,59,99700,0,0,208,0,0,0,0,0,0,0,230,1.5,0,0,24.1,77777,9,999999999,50,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-16.7,56,99600,0,0,203,0,0,0,0,0,0,0,180,2.6,0,0,24.1,77777,9,999999999,40,0.0460,0,88,999.000,999.0,99.0 +1977,2,16,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-17.2,58,99600,0,0,199,0,0,0,0,0,0,0,200,2.1,0,0,24.1,77777,9,999999999,40,0.0460,0,88,999.000,999.0,99.0 +1977,2,17,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-15.0,64,99600,0,0,216,0,0,0,0,0,0,0,190,2.6,7,5,24.1,7620,9,999999999,50,0.0460,0,88,999.000,999.0,99.0 +1977,2,17,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-15.6,59,99500,0,0,212,0,0,0,0,0,0,0,180,3.1,3,2,24.1,77777,9,999999999,50,0.0460,0,88,999.000,999.0,99.0 +1977,2,17,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-16.1,52,99500,0,0,215,0,0,0,0,0,0,0,200,3.1,2,2,24.1,77777,9,999999999,50,0.0460,0,88,999.000,999.0,99.0 +1977,2,17,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-16.7,49,99400,0,0,215,0,0,0,0,0,0,0,200,4.1,2,2,24.1,77777,9,999999999,40,0.0460,0,88,999.000,999.0,99.0 +1977,2,17,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-13.9,62,99400,0,0,217,0,0,0,0,0,0,0,190,4.1,2,2,24.1,77777,9,999999999,50,0.0460,0,88,999.000,999.0,99.0 +1977,2,17,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-17.2,49,99400,0,0,210,0,0,0,0,0,0,0,190,4.1,1,1,24.1,77777,9,999999999,40,0.0460,0,88,999.000,999.0,99.0 +1977,2,17,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-13.3,65,99400,6,315,217,1,2,1,0,0,0,0,200,3.6,2,2,24.1,77777,9,999999999,50,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-13.3,60,99400,175,1401,231,31,29,27,3400,1800,3200,570,190,5.2,7,7,24.1,2440,9,999999999,50,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-11.7,60,99400,406,1401,248,109,43,96,11900,3900,10800,2600,190,6.2,9,9,24.1,1680,9,999999999,60,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-9.4,63,99300,598,1401,264,122,8,119,14200,500,14000,5010,200,6.7,10,10,24.1,1370,9,999999999,60,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-8.3,56,99200,737,1401,268,307,65,272,33600,6600,30100,7930,190,8.2,10,9,19.3,1370,9,999999999,70,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-7.8,52,99200,812,1401,275,319,71,278,35100,7200,30900,8650,200,8.8,10,9,19.3,1370,9,999999999,70,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-8.3,48,99000,819,1401,277,344,264,191,37900,28100,21400,4490,190,8.2,10,9,19.3,1370,9,999999999,70,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-7.8,48,98900,757,1401,288,179,8,175,20800,600,20500,7550,200,6.7,10,10,19.3,1160,9,999999999,70,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-7.2,46,98800,631,1401,285,201,57,175,22100,5600,19500,5140,200,7.7,9,9,24.1,7620,9,999999999,70,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-7.2,48,98700,448,1401,291,50,5,48,6000,200,5900,2100,170,7.2,10,10,24.1,7620,9,999999999,70,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-6.7,52,98700,224,1401,289,32,17,29,3500,1300,3300,790,170,8.2,10,10,19.3,7620,9,999999999,70,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-6.7,54,98800,21,595,287,6,0,6,0,0,0,0,190,5.2,10,10,19.3,7620,9,999999999,70,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-6.1,59,98800,0,0,271,0,0,0,0,0,0,0,180,6.2,8,8,24.1,7620,9,999999999,80,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-5.6,64,98800,0,0,276,0,0,0,0,0,0,0,180,5.7,9,9,24.1,7620,9,999999999,80,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-5.0,67,98700,0,0,276,0,0,0,0,0,0,0,180,4.6,10,9,19.3,2740,9,999999999,80,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-4.4,67,98700,0,0,287,0,0,0,0,0,0,0,180,4.6,10,10,19.3,2740,9,999999999,80,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-3.9,70,98700,0,0,287,0,0,0,0,0,0,0,180,3.6,10,10,19.3,1220,9,999999999,90,0.1350,0,88,999.000,999.0,99.0 +1977,2,17,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-3.3,73,98600,0,0,288,0,0,0,0,0,0,0,180,4.1,10,10,16.1,490,9,999999999,90,0.1350,0,88,999.000,999.0,99.0 +1977,2,18,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-3.3,73,98500,0,0,288,0,0,0,0,0,0,0,180,5.2,10,10,11.3,400,9,999999999,90,0.1350,0,88,999.000,999.0,99.0 +1977,2,18,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-2.8,76,98500,0,0,288,0,0,0,0,0,0,0,180,2.1,10,10,8.0,850,9,999999999,90,0.1350,0,88,999.000,999.0,99.0 +1977,2,18,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-2.8,76,98500,0,0,288,0,0,0,0,0,0,0,210,3.1,10,10,8.0,850,9,999999999,90,0.1350,0,88,999.000,999.0,99.0 +1977,2,18,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.3,79,98500,0,0,283,0,0,0,0,0,0,0,190,2.6,10,10,6.4,180,9,999999999,90,0.1350,0,88,999.000,999.0,99.0 +1977,2,18,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-4.4,82,98500,0,0,253,0,0,0,0,0,0,0,210,2.1,6,5,3.2,180,9,999999999,80,0.1350,0,88,999.000,999.0,99.0 +1977,2,18,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-2.8,89,98600,0,0,279,0,0,0,0,0,0,0,260,3.1,10,10,0.4,60,9,999999999,90,0.1350,0,88,999.000,999.0,99.0 +1977,2,18,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-2.2,89,98600,7,362,282,2,0,2,0,0,0,0,260,2.1,10,10,0.4,60,9,999999999,90,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-1.7,92,98700,182,1400,282,34,0,34,3900,0,3900,1210,260,4.1,10,10,0.8,90,9,999999999,100,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-1.7,89,98600,413,1400,285,112,3,111,12500,200,12500,3970,290,3.1,10,10,1.6,120,9,999999999,100,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,0.6,92,98600,605,1400,260,372,605,111,38700,58000,13600,2200,270,3.6,4,1,4.8,77777,9,999999999,110,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,0.0,73,98700,743,1400,276,399,419,177,42400,42400,19900,3850,270,3.6,8,3,8.0,77777,9,999999999,110,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-2.8,55,98700,819,1400,288,389,244,247,41900,25900,26700,6070,260,5.7,9,7,11.3,7620,9,999999999,90,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,-3.3,51,98600,825,1400,280,477,468,202,50800,47900,22500,4710,260,5.7,8,3,12.9,77777,9,999999999,90,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,-4.4,47,98600,763,1400,293,234,66,198,25800,6600,22200,6340,260,6.2,8,8,12.9,3660,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,-5.0,44,98600,637,1400,291,261,212,166,28300,21600,18400,3550,280,6.7,7,7,12.9,6100,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,-5.0,45,98600,454,1400,272,246,504,85,25700,45300,10900,1580,290,5.2,1,1,19.3,77777,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,-5.6,47,98700,229,1400,267,95,290,49,10100,19800,6900,880,280,5.2,1,1,19.3,77777,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-6.1,55,98700,24,618,256,9,12,8,0,0,0,0,280,3.6,1,1,19.3,77777,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-5.0,64,98800,0,0,268,0,0,0,0,0,0,0,270,3.1,7,7,19.3,3350,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-4.4,64,98900,0,0,281,0,0,0,0,0,0,0,260,2.6,9,9,19.3,1400,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-4.4,67,98900,0,0,263,0,0,0,0,0,0,0,290,3.1,5,5,24.1,77777,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.9,75,98900,0,0,250,0,0,0,0,0,0,0,350,4.1,3,1,24.1,77777,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-5.0,72,98900,0,0,246,0,0,0,0,0,0,0,260,2.1,3,1,24.1,77777,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1977,2,18,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.6,78,98900,0,0,250,0,0,0,0,0,0,0,250,2.6,5,5,24.1,77777,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1977,2,19,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.6,78,98900,0,0,240,0,0,0,0,0,0,0,290,2.1,1,1,24.1,77777,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1977,2,19,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.0,85,98900,0,0,257,0,0,0,0,0,0,0,320,3.1,9,8,16.1,1680,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1977,2,19,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.0,82,98900,0,0,259,0,0,0,0,0,0,0,320,3.1,9,8,16.1,1680,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1977,2,19,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-3.3,82,98900,0,0,281,0,0,0,0,0,0,0,320,1.5,10,10,16.1,1370,9,999999999,90,0.1290,0,88,999.000,999.0,99.0 +1977,2,19,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-3.9,78,99000,0,0,280,0,0,0,0,0,0,0,340,3.1,10,10,16.1,1370,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1977,2,19,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-4.4,72,99000,0,0,282,0,0,0,0,0,0,0,320,4.1,10,10,19.3,1370,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1977,2,19,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-4.4,72,99000,9,385,282,2,0,2,0,0,0,0,350,3.1,10,10,12.9,1370,9,999999999,80,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-3.9,75,99000,188,1400,283,35,16,33,3900,1100,3700,850,330,5.2,10,10,6.4,520,9,999999999,80,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-3.3,79,99000,420,1400,283,107,6,105,12000,400,11900,3850,340,5.2,10,10,3.2,400,9,999999999,90,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-3.9,75,99100,612,1400,283,156,5,154,17800,400,17700,6140,40,5.7,10,10,8.0,520,9,999999999,80,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-4.4,75,99200,750,1400,280,201,2,200,23100,200,23000,8280,10,6.2,10,10,8.0,400,9,999999999,80,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-4.4,78,99200,825,1400,278,218,6,215,25300,500,25000,9200,360,7.2,10,10,6.4,400,9,999999999,80,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-5.0,72,99200,832,1400,279,298,6,294,33600,600,33200,11340,10,6.7,10,10,9.7,370,9,999999999,80,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-5.6,72,99200,770,1400,276,216,1,215,24700,100,24600,8840,350,6.7,10,10,3.2,310,9,999999999,80,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-5.0,78,99200,643,1400,275,192,0,192,21700,0,21700,7340,10,5.2,10,10,1.6,270,9,999999999,80,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-5.0,82,99300,460,1400,273,128,0,128,14300,0,14300,4620,350,5.2,10,10,4.0,460,9,999999999,80,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-5.6,78,99300,235,1400,272,54,0,54,6100,0,6100,1870,340,3.1,10,10,4.0,490,9,999999999,80,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-6.1,78,99400,26,665,269,11,0,11,1300,0,1300,390,350,4.1,10,10,4.0,520,9,999999999,80,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-10.0,74,99400,0,0,228,0,0,0,0,0,0,0,310,3.1,3,3,24.1,77777,9,999999999,60,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.6,74,99400,0,0,226,0,0,0,0,0,0,0,280,1.5,3,3,24.1,77777,9,999999999,60,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-8.9,78,99400,0,0,255,0,0,0,0,0,0,0,270,1.5,10,10,24.1,980,9,999999999,60,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-8.3,81,99400,0,0,256,0,0,0,0,0,0,0,240,2.6,10,10,19.3,1160,9,999999999,70,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-8.3,78,99300,0,0,258,0,0,0,0,0,0,0,230,2.1,10,10,19.3,1160,9,999999999,70,0.1240,0,88,999.000,999.0,99.0 +1977,2,19,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-8.9,74,99300,0,0,258,0,0,0,0,0,0,0,240,2.1,10,10,24.1,1830,9,999999999,60,0.1240,0,88,999.000,999.0,99.0 +1977,2,20,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-8.9,74,99300,0,0,258,0,0,0,0,0,0,0,270,2.6,10,10,16.1,2440,9,999999999,60,0.1240,0,88,999.000,999.0,99.0 +1977,2,20,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-8.9,74,99200,0,0,258,0,0,0,0,0,0,0,270,2.6,10,10,16.1,2440,9,999999999,60,0.1240,0,88,999.000,999.0,99.0 +1977,2,20,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-9.4,71,99200,0,0,257,0,0,0,0,0,0,0,280,3.1,10,10,19.3,2440,9,999999999,60,0.1240,0,88,999.000,999.0,99.0 +1977,2,20,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-10.0,68,99200,0,0,250,0,0,0,0,0,0,0,300,2.1,10,9,19.3,2440,9,999999999,60,0.1240,0,88,999.000,999.0,99.0 +1977,2,20,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-12.2,65,99200,0,0,222,0,0,0,0,0,0,0,310,3.6,2,2,19.3,77777,9,999999999,50,0.1240,0,88,999.000,999.0,99.0 +1977,2,20,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-13.3,71,99200,0,0,214,0,0,0,0,0,0,0,290,2.6,2,2,19.3,77777,9,999999999,50,0.1240,0,88,999.000,999.0,99.0 +1977,2,20,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.0,-13.3,77,99200,10,408,204,8,18,5,0,0,0,0,290,2.1,0,0,19.3,77777,9,999999999,50,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-11.1,77,99200,194,1399,212,90,381,37,9200,24900,5700,660,290,3.1,0,0,24.1,77777,9,999999999,60,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-10.0,71,99300,426,1399,220,263,662,62,27700,59200,9600,1200,320,3.1,0,0,24.1,77777,9,999999999,60,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-8.3,69,99300,618,1399,230,428,784,81,44500,75400,11000,1640,340,2.1,0,0,24.1,77777,9,999999999,70,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-6.7,69,99300,757,1399,249,458,364,261,48600,38100,27900,6330,350,3.1,5,4,24.1,77777,9,999999999,70,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-7.2,64,99300,832,1399,267,217,72,175,24100,7200,19800,6020,350,4.1,9,9,24.1,760,9,999999999,70,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-7.8,59,99200,839,1399,276,244,11,238,28100,1000,27500,9980,330,4.6,10,10,24.1,980,9,999999999,70,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-10.0,49,99200,776,1399,274,273,11,267,30800,1000,30200,10200,340,5.7,10,10,24.1,1400,9,999999999,60,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-7.2,64,99200,649,1399,275,157,7,154,18100,500,17800,6340,40,4.1,10,10,24.1,980,9,999999999,70,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-7.2,69,99300,466,1399,263,136,38,123,14900,3500,13700,3360,10,3.6,10,9,12.9,1160,9,999999999,70,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-7.2,72,99300,241,1399,268,57,3,57,6400,100,6400,1960,20,4.1,10,10,11.3,980,9,999999999,70,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-8.3,69,99400,28,688,265,6,0,6,700,0,700,230,50,3.6,10,10,8.0,1370,9,999999999,70,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-8.3,72,99400,0,0,263,0,0,0,0,0,0,0,30,3.1,10,10,9.7,1370,9,999999999,70,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-8.9,69,99400,0,0,262,0,0,0,0,0,0,0,10,3.1,10,10,14.5,1830,9,999999999,60,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-8.9,69,99400,0,0,262,0,0,0,0,0,0,0,10,2.6,10,10,16.1,1680,9,999999999,60,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-8.9,71,99500,0,0,260,0,0,0,0,0,0,0,20,4.6,10,10,12.9,370,9,999999999,60,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-9.4,71,99500,0,0,257,0,0,0,0,0,0,0,40,4.1,10,10,11.3,370,9,999999999,60,0.0890,0,88,999.000,999.0,99.0 +1977,2,20,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-11.1,68,99400,0,0,236,0,0,0,0,0,0,0,50,2.6,7,7,19.3,460,9,999999999,60,0.0890,0,88,999.000,999.0,99.0 +1977,2,21,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-11.1,71,99400,0,0,225,0,0,0,0,0,0,0,40,1.5,4,3,19.3,77777,9,999999999,60,0.0890,0,88,999.000,999.0,99.0 +1977,2,21,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-12.2,77,99400,0,0,212,0,0,0,0,0,0,0,0,0.0,1,1,19.3,77777,9,999999999,50,0.0890,0,88,999.000,999.0,99.0 +1977,2,21,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-12.2,80,99400,0,0,206,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,50,0.0890,0,88,999.000,999.0,99.0 +1977,2,21,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-12.8,77,99400,0,0,206,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,50,0.0890,0,88,999.000,999.0,99.0 +1977,2,21,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.7,-15.0,77,99400,0,0,197,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,50,0.0890,0,88,999.000,999.0,99.0 +1977,2,21,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-14.4,77,99300,0,0,199,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,50,0.0890,0,88,999.000,999.0,99.0 +1977,2,21,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.3,-11.1,81,99300,12,454,215,7,12,6,0,0,0,0,180,2.1,4,1,14.5,77777,9,999999999,60,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-10.0,77,99300,201,1398,250,12,0,12,1500,0,1500,500,170,3.1,10,10,12.9,6100,9,999999999,60,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-8.9,74,99300,433,1398,245,164,133,123,17900,12200,14100,2760,190,3.1,10,8,9.7,6100,9,999999999,60,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-6.7,75,99200,625,1398,243,379,545,135,40400,53600,16400,2700,170,5.2,8,3,11.3,77777,9,999999999,70,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-7.2,64,99200,764,1398,250,475,581,157,49200,57300,17800,3380,210,6.2,10,4,12.9,77777,9,999999999,70,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-9.4,51,99100,839,1398,261,394,247,246,42500,26300,26700,6110,210,7.2,10,8,12.9,4570,9,999999999,60,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-8.9,52,99000,845,1398,277,236,20,224,27300,1700,26300,9610,200,7.7,10,10,12.9,4570,9,999999999,60,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-8.3,50,98800,783,1398,283,189,7,185,21900,600,21600,8010,190,7.7,10,10,12.9,4570,9,999999999,70,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-7.8,50,98700,655,1398,278,268,56,242,29400,5600,26800,6730,180,7.7,9,9,19.3,6100,9,999999999,70,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-8.9,44,98400,472,1398,273,211,265,123,22700,25000,14200,2470,180,7.7,9,8,19.3,6100,9,999999999,60,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-8.9,44,98300,246,1398,261,100,219,63,10700,15300,8000,1190,170,8.8,9,4,24.1,77777,9,999999999,60,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-8.3,48,98200,31,711,255,8,12,7,900,500,900,140,170,9.3,5,2,24.1,77777,9,999999999,70,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-7.8,54,98100,0,0,244,0,0,0,0,0,0,0,180,8.8,0,0,24.1,77777,9,999999999,70,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-6.7,59,98000,0,0,245,0,0,0,0,0,0,0,170,8.2,0,0,24.1,77777,9,999999999,70,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-6.1,61,98000,0,0,245,0,0,0,0,0,0,0,180,8.2,0,0,24.1,77777,9,999999999,70,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-6.1,61,97800,0,0,245,0,0,0,0,0,0,0,180,8.2,0,0,24.1,77777,9,999999999,70,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-5.6,62,97700,0,0,247,0,0,0,0,0,0,0,190,7.7,0,0,24.1,77777,9,999999999,80,0.0930,0,88,999.000,999.0,99.0 +1977,2,21,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-5.6,62,97600,0,0,247,0,0,0,0,0,0,0,180,6.7,0,0,24.1,77777,9,999999999,80,0.0930,0,88,999.000,999.0,99.0 +1977,2,22,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-5.0,64,97500,0,0,248,0,0,0,0,0,0,0,180,6.2,0,0,19.3,77777,9,999999999,80,0.0930,0,88,999.000,999.0,99.0 +1977,2,22,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-4.4,67,97400,0,0,248,0,0,0,0,0,0,0,180,5.7,0,0,19.3,77777,9,999999999,80,0.0930,0,88,999.000,999.0,99.0 +1977,2,22,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-5.0,64,97400,0,0,248,0,0,0,0,0,0,0,190,4.1,0,0,19.3,77777,9,999999999,80,0.0930,0,88,999.000,999.0,99.0 +1977,2,22,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-3.9,70,97300,0,0,249,0,0,0,0,0,0,0,180,4.1,1,0,19.3,77777,9,999999999,80,0.0930,0,88,999.000,999.0,99.0 +1977,2,22,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-3.9,70,97400,0,0,249,0,0,0,0,0,0,0,200,3.6,2,0,19.3,77777,9,999999999,80,0.0930,0,88,999.000,999.0,99.0 +1977,2,22,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-4.4,67,97400,0,0,253,0,0,0,0,0,0,0,240,3.6,4,1,19.3,77777,9,999999999,80,0.0930,0,88,999.000,999.0,99.0 +1977,2,22,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-4.4,70,97400,14,478,257,7,2,6,0,0,0,0,240,2.6,8,3,19.3,77777,9,999999999,80,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-2.8,70,97500,207,1398,271,60,41,54,6600,3000,6100,1310,240,4.1,8,6,9.7,7620,9,999999999,90,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-1.1,68,97600,440,1398,272,214,347,105,22400,31200,12600,1980,240,2.6,5,2,9.7,77777,9,999999999,100,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,-2.2,53,97600,632,1398,290,305,251,192,32500,25500,20900,4230,320,2.6,8,6,12.9,7620,9,999999999,90,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,-2.2,46,97700,770,1398,299,385,317,210,41600,33400,23200,4900,150,2.1,8,6,12.9,7620,9,999999999,90,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,-2.2,44,97700,845,1398,310,347,107,282,38100,10900,31500,9030,100,2.1,9,8,12.9,7620,9,999999999,90,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,-1.7,40,97700,852,1398,321,336,69,294,36900,7000,32600,9380,170,2.6,9,8,11.3,7620,9,999999999,100,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,-2.8,46,97700,789,1398,305,358,187,254,39200,19400,28200,6650,50,4.1,9,8,9.7,7620,9,999999999,90,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,-3.3,51,97800,661,1398,295,276,112,223,30300,11100,25000,6380,40,4.6,9,8,9.7,7620,9,999999999,90,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-3.3,60,97900,478,1398,292,122,19,116,13900,1200,13500,4420,50,5.2,10,9,9.7,7620,9,999999999,90,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-3.3,65,97900,252,1398,281,45,27,40,4900,2100,4600,1070,30,5.7,9,8,9.7,7620,9,999999999,90,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-2.8,70,98000,34,734,293,7,0,7,800,0,800,270,40,7.2,10,10,8.0,7620,9,999999999,90,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-2.8,70,98100,0,0,285,0,0,0,0,0,0,0,50,5.2,10,9,8.0,7620,9,999999999,90,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-2.2,73,98000,0,0,294,0,0,0,0,0,0,0,50,3.6,10,10,11.3,1520,9,999999999,90,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-1.7,73,98000,0,0,297,0,0,0,0,0,0,0,40,4.1,10,10,11.3,1520,9,999999999,100,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-1.7,70,98000,0,0,299,0,0,0,0,0,0,0,40,3.6,10,10,11.3,980,9,999999999,100,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-1.1,73,98000,0,0,300,0,0,0,0,0,0,0,40,3.6,10,10,11.3,1160,9,999999999,100,0.1600,0,88,999.000,999.0,99.0 +1977,2,22,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,-0.6,73,97900,0,0,303,0,0,0,0,0,0,0,30,2.1,10,10,11.3,7620,9,999999999,100,0.1600,0,88,999.000,999.0,99.0 +1977,2,23,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,0.0,73,97900,0,0,306,0,0,0,0,0,0,0,40,2.1,10,10,9.7,2740,9,999999999,110,0.1600,0,88,999.000,999.0,99.0 +1977,2,23,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,1.7,76,98100,0,0,313,0,0,0,0,0,0,0,110,3.1,10,10,8.0,2740,9,999999999,120,0.1600,0,88,999.000,999.0,99.0 +1977,2,23,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,2.2,76,97700,0,0,316,0,0,0,0,0,0,0,120,2.1,10,10,11.3,2440,9,999999999,120,0.1600,0,88,999.000,999.0,99.0 +1977,2,23,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,5.6,71,97700,0,0,340,0,0,0,0,0,0,0,170,5.2,10,10,11.3,2130,9,999999999,150,0.1600,0,88,999.000,999.0,99.0 +1977,2,23,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,4.4,69,97700,0,0,336,0,0,0,0,0,0,0,160,4.6,10,10,12.9,2440,9,999999999,140,0.1600,0,88,999.000,999.0,99.0 +1977,2,23,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,1.7,57,97600,0,0,333,0,0,0,0,0,0,0,160,5.2,10,10,12.9,2440,9,999999999,120,0.1600,0,88,999.000,999.0,99.0 +1977,2,23,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,-2.8,39,97600,16,524,330,5,0,5,0,0,0,0,160,6.7,10,10,12.9,2130,9,999999999,90,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,7.8,77,97600,214,1397,332,68,148,46,7400,9600,5900,830,150,9.8,8,8,12.9,6100,9,999999999,170,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,9.4,75,97600,446,1397,351,131,45,116,14300,4100,13000,3150,170,9.3,10,9,12.9,6100,9,999999999,190,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,10.0,75,97500,639,1397,364,187,0,187,21100,0,21100,7190,180,6.7,10,10,12.9,880,9,999999999,190,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,9.4,72,97400,777,1397,364,177,7,173,20600,500,20300,7590,160,7.7,10,10,12.9,700,9,999999999,180,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,10.0,75,97300,852,1397,364,202,7,198,23600,600,23300,8820,140,7.7,10,10,11.3,700,9,999999999,190,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,10.0,78,97300,858,1397,362,153,6,149,18300,400,18000,7060,160,7.2,10,10,6.4,700,9,999999999,190,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,10.6,80,97200,795,1397,363,212,0,212,24400,0,24400,8930,170,5.7,10,10,14.5,1830,9,999999999,200,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,11.1,83,97200,668,1397,363,132,4,130,15400,300,15300,5650,150,6.2,10,10,9.7,1680,9,999999999,200,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,10.6,83,96900,484,1397,359,131,4,129,14700,300,14600,4780,150,11.3,10,10,19.3,3050,9,999999999,200,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,10.0,80,97000,257,1397,359,60,0,60,6700,0,6700,2090,150,10.3,10,10,19.3,3050,9,999999999,190,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,9.4,80,97000,36,780,356,11,0,11,1300,0,1300,400,150,9.3,10,10,19.3,1680,9,999999999,180,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,8.3,75,97000,0,0,354,0,0,0,0,0,0,0,150,10.3,10,10,19.3,1680,9,999999999,170,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,7.8,75,96900,0,0,351,0,0,0,0,0,0,0,150,11.3,10,10,19.3,700,9,999999999,170,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,7.2,74,96900,0,0,348,0,0,0,0,0,0,0,160,10.3,10,10,19.3,580,9,999999999,160,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,7.2,77,96800,0,0,345,0,0,0,0,0,0,0,160,7.7,10,10,9.7,460,9,999999999,160,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,7.8,83,96700,0,0,343,0,0,0,0,0,0,0,160,8.8,10,10,19.3,460,9,999999999,170,0.0930,0,88,999.000,999.0,99.0 +1977,2,23,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,7.8,83,96600,0,0,343,0,0,0,0,0,0,0,170,8.2,10,10,19.3,520,9,999999999,170,0.0930,0,88,999.000,999.0,99.0 +1977,2,24,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,7.8,83,96500,0,0,343,0,0,0,0,0,0,0,170,8.2,10,10,19.3,460,9,999999999,170,0.0930,0,88,999.000,999.0,99.0 +1977,2,24,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,7.8,83,96400,0,0,343,0,0,0,0,0,0,0,180,8.2,10,10,16.1,490,9,999999999,170,0.0930,0,88,999.000,999.0,99.0 +1977,2,24,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,7.2,83,96300,0,0,339,0,0,0,0,0,0,0,180,7.7,10,10,16.1,1010,9,999999999,160,0.0930,0,88,999.000,999.0,99.0 +1977,2,24,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,6.7,83,96200,0,0,336,0,0,0,0,0,0,0,190,7.7,10,10,16.1,430,9,999999999,150,0.0930,0,88,999.000,999.0,99.0 +1977,2,24,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,6.7,83,96200,0,0,336,0,0,0,0,0,0,0,170,6.2,10,10,16.1,850,9,999999999,150,0.0930,0,88,999.000,999.0,99.0 +1977,2,24,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,6.1,83,96200,0,0,333,0,0,0,0,0,0,0,180,6.7,10,10,9.7,400,9,999999999,150,0.0930,0,88,999.000,999.0,99.0 +1977,2,24,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,4.4,89,96200,19,547,318,5,0,5,0,0,0,0,230,7.2,10,10,8.0,400,9,999999999,140,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,1.7,86,96200,221,1396,305,33,0,33,3800,0,3800,1250,200,7.2,10,10,8.0,270,9,999999999,120,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,1.1,82,96200,453,1396,305,120,1,119,13400,100,13400,4370,210,8.2,10,10,9.7,340,9,999999999,110,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,1.7,92,96300,646,1396,300,186,1,185,21000,100,21000,7190,210,10.3,10,10,8.0,310,9,999999999,110,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,0.0,85,96300,784,1396,296,244,1,244,27800,100,27700,9730,220,10.3,10,10,9.7,460,9,999999999,100,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-0.6,82,96400,859,1396,295,286,1,285,32500,100,32400,11400,220,9.8,10,10,4.8,310,9,999999999,100,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-1.1,85,96400,865,1396,290,290,1,289,32900,100,32900,11560,240,11.3,10,10,8.0,490,9,999999999,100,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-2.2,79,96400,802,1396,289,267,1,267,30300,100,30200,10450,240,11.8,10,10,12.9,640,9,999999999,90,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-2.8,73,96500,674,1396,291,205,1,204,23100,100,23100,7870,240,9.3,10,10,12.9,670,9,999999999,90,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-3.3,75,96700,490,1396,286,134,0,134,15100,0,15100,4940,250,10.3,10,10,19.3,700,9,999999999,90,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-3.9,72,96800,263,1396,285,61,0,61,6800,0,6800,2130,250,12.4,10,10,19.3,880,9,999999999,80,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-3.3,73,96900,39,803,288,15,0,15,1700,0,1700,520,240,11.3,10,10,24.1,760,9,999999999,90,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-3.3,73,97000,0,0,288,0,0,0,0,0,0,0,240,10.3,10,10,19.3,760,9,999999999,90,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-3.9,70,97000,0,0,287,0,0,0,0,0,0,0,250,9.8,10,10,24.1,880,9,999999999,80,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-3.3,70,97100,0,0,290,0,0,0,0,0,0,0,250,11.8,10,10,24.1,880,9,999999999,90,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-4.4,67,97200,0,0,266,0,0,0,0,0,0,0,250,9.3,6,6,24.1,1010,9,999999999,80,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-3.3,70,97200,0,0,290,0,0,0,0,0,0,0,250,8.2,10,10,24.1,1160,9,999999999,90,0.1930,0,88,999.000,999.0,99.0 +1977,2,24,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-2.8,70,97100,0,0,293,0,0,0,0,0,0,0,230,9.3,10,10,24.1,1370,9,999999999,90,0.1930,0,88,999.000,999.0,99.0 +1977,2,25,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-2.2,70,97200,0,0,296,0,0,0,0,0,0,0,240,10.8,10,10,24.1,1160,9,999999999,90,0.1930,0,88,999.000,999.0,99.0 +1977,2,25,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-3.3,65,97200,0,0,287,0,0,0,0,0,0,0,250,9.8,9,9,24.1,1160,9,999999999,90,0.1930,0,88,999.000,999.0,99.0 +1977,2,25,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-3.3,65,97300,0,0,287,0,0,0,0,0,0,0,260,11.8,9,9,24.1,1160,9,999999999,90,0.1930,0,88,999.000,999.0,99.0 +1977,2,25,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-4.4,64,97400,0,0,289,0,0,0,0,0,0,0,260,12.4,10,10,24.1,980,9,999999999,80,0.1930,0,88,999.000,999.0,99.0 +1977,2,25,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-5.0,64,97500,0,0,278,0,0,0,0,0,0,0,260,8.8,9,9,24.1,1160,9,999999999,80,0.1930,0,88,999.000,999.0,99.0 +1977,2,25,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-5.6,62,97600,0,0,260,0,0,0,0,0,0,0,250,11.3,4,4,24.1,77777,9,999999999,80,0.1930,0,88,999.000,999.0,99.0 +1977,2,25,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-6.1,61,97700,21,593,260,10,28,7,0,0,0,0,260,9.3,5,5,24.1,77777,9,999999999,70,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-6.1,59,97900,228,1396,285,60,0,60,6700,0,6700,1980,250,12.4,10,10,24.1,980,9,999999999,70,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.0,62,97900,460,1396,289,88,13,84,10200,700,10000,3410,260,11.8,10,10,24.1,910,9,999999999,80,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-3.9,64,98000,653,1396,284,218,67,186,23900,6600,20800,5510,250,11.8,9,9,24.1,850,9,999999999,80,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-4.4,59,98100,791,1396,275,466,437,219,48900,44400,23700,5030,250,10.3,7,7,24.1,850,9,999999999,80,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-4.4,57,98200,866,1396,288,271,60,234,29900,6100,26100,7920,260,10.3,9,9,24.1,850,9,999999999,80,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-3.9,60,98200,871,1396,297,270,27,253,31000,2400,29500,10660,250,11.3,10,10,24.1,980,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-3.3,60,98200,808,1396,300,194,6,191,22600,500,22400,8350,270,9.3,10,10,24.1,980,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-2.8,62,98300,680,1396,300,199,9,195,22600,700,22300,7690,250,11.3,10,10,24.1,980,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-2.8,60,98300,496,1396,303,159,1,159,17700,100,17700,5530,260,7.7,10,10,24.1,980,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-2.8,60,98400,269,1396,294,90,29,85,9900,2400,9400,2010,250,9.3,9,9,24.1,1160,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-2.8,62,98400,42,826,281,16,39,12,1600,1200,1500,200,270,7.2,7,7,24.1,1160,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-2.8,67,98500,0,0,267,0,0,0,0,0,0,0,250,6.7,3,3,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-2.8,67,98500,0,0,256,0,0,0,0,0,0,0,250,7.2,0,0,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-2.8,67,98700,0,0,256,0,0,0,0,0,0,0,250,6.2,0,0,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-3.3,70,98800,0,0,260,0,0,0,0,0,0,0,230,4.1,2,2,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-2.2,76,98800,0,0,292,0,0,0,0,0,0,0,250,5.2,10,10,24.1,880,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1977,2,25,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-2.8,73,98900,0,0,267,0,0,0,0,0,0,0,250,2.1,5,5,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1977,2,26,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-3.9,70,99000,0,0,254,0,0,0,0,0,0,0,290,4.1,1,1,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1977,2,26,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-5.0,67,99000,0,0,246,0,0,0,0,0,0,0,300,3.6,0,0,24.1,77777,9,999999999,80,0.0810,0,88,999.000,999.0,99.0 +1977,2,26,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-5.6,67,99000,0,0,243,0,0,0,0,0,0,0,280,2.6,0,0,24.1,77777,9,999999999,80,0.0810,0,88,999.000,999.0,99.0 +1977,2,26,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,98900,0,0,240,0,0,0,0,0,0,0,290,3.6,0,0,24.1,77777,9,999999999,80,0.0810,0,88,999.000,999.0,99.0 +1977,2,26,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-6.1,75,99100,0,0,235,0,0,0,0,0,0,0,240,2.6,0,0,24.1,77777,9,999999999,80,0.0810,0,88,999.000,999.0,99.0 +1977,2,26,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-6.1,78,99000,0,0,233,0,0,0,0,0,0,0,300,2.1,0,0,24.1,77777,9,999999999,80,0.0810,0,88,999.000,999.0,99.0 +1977,2,26,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-7.2,81,99200,24,639,245,8,1,7,0,0,0,0,220,3.1,9,7,16.1,7620,9,999999999,70,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-4.4,82,99200,235,1395,255,83,49,75,9100,3800,8400,1740,260,2.1,9,6,16.1,7620,9,999999999,80,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-3.9,72,99200,467,1395,277,109,36,97,12000,3300,10900,2770,330,2.6,10,9,19.3,7620,9,999999999,90,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-5.6,62,99100,660,1395,285,92,10,87,11100,600,10800,4030,360,3.6,10,10,19.3,3050,9,999999999,80,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-5.6,62,99100,798,1395,285,195,21,183,22700,1700,21800,8040,30,3.6,10,10,24.1,3050,9,999999999,80,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-6.1,57,99000,872,1395,287,208,1,207,24300,100,24200,9230,40,3.1,10,10,19.3,3050,9,999999999,80,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.6,59,99000,878,1395,288,216,8,211,25200,700,24800,9400,40,4.1,10,10,19.3,3050,9,999999999,80,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-6.1,57,98800,814,1395,287,204,1,203,23600,100,23600,8780,30,5.7,10,10,19.3,2440,9,999999999,80,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-7.2,56,98800,686,1395,282,198,4,196,22500,300,22300,7760,20,5.7,10,10,19.3,2440,9,999999999,70,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-8.3,54,98900,501,1395,278,121,1,121,13800,100,13800,4670,30,5.2,10,10,19.3,2440,9,999999999,70,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-8.9,54,98800,274,1395,275,63,0,63,7100,0,7100,2220,30,5.2,10,10,24.1,2440,9,999999999,60,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-8.3,58,98800,45,849,274,17,0,17,1900,0,1900,580,20,7.2,10,10,24.1,2440,9,999999999,70,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-7.8,61,98800,0,0,274,0,0,0,0,0,0,0,30,8.2,10,10,24.1,2440,9,999999999,70,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-7.8,61,98800,0,0,274,0,0,0,0,0,0,0,20,5.2,10,10,19.3,2440,9,999999999,70,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-7.2,66,98700,0,0,272,0,0,0,0,0,0,0,20,6.2,10,10,19.3,2440,9,999999999,70,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-7.2,66,98600,0,0,272,0,0,0,0,0,0,0,20,8.8,10,10,19.3,2440,9,999999999,70,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-7.2,66,98500,0,0,272,0,0,0,0,0,0,0,30,8.8,10,10,19.3,2130,9,999999999,70,0.1530,0,88,999.000,999.0,99.0 +1977,2,26,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.7,69,98400,0,0,273,0,0,0,0,0,0,0,10,10.3,10,10,19.3,2130,9,999999999,70,0.1530,0,88,999.000,999.0,99.0 +1977,2,27,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.7,69,98400,0,0,273,0,0,0,0,0,0,0,10,7.2,10,10,24.1,700,9,999999999,70,0.1530,0,88,999.000,999.0,99.0 +1977,2,27,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-7.2,66,98300,0,0,272,0,0,0,0,0,0,0,360,7.2,10,10,24.1,700,9,999999999,70,0.1530,0,88,999.000,999.0,99.0 +1977,2,27,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.1,72,98200,0,0,273,0,0,0,0,0,0,0,360,7.2,10,10,8.0,700,9,999999999,70,0.1530,0,88,999.000,999.0,99.0 +1977,2,27,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-6.1,75,98200,0,0,271,0,0,0,0,0,0,0,350,7.2,10,10,6.4,670,9,999999999,70,0.1530,0,88,999.000,999.0,99.0 +1977,2,27,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.6,81,98300,0,0,270,0,0,0,0,0,0,0,330,6.7,10,10,6.4,400,9,999999999,80,0.1530,0,88,999.000,999.0,99.0 +1977,2,27,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.6,81,98300,0,0,270,0,0,0,0,0,0,0,310,5.7,10,10,2.4,670,9,999999999,80,0.1530,0,88,999.000,999.0,99.0 +1977,2,27,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-5.6,85,98400,27,662,268,11,0,11,1300,0,1300,390,310,5.2,10,10,2.4,670,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-5.6,85,98500,241,1394,268,71,0,71,7800,0,7800,2260,300,5.2,10,10,2.4,670,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-5.0,85,98600,474,1394,263,129,35,117,14200,3300,13000,3250,310,5.7,10,9,4.8,910,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-5.0,82,98600,667,1394,255,315,209,215,34200,21200,24100,5280,310,5.7,7,7,11.3,910,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-6.1,69,98800,805,1394,268,292,77,248,32200,7800,27700,7890,300,5.2,9,9,11.3,700,9,999999999,70,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-5.6,69,98800,879,1394,278,142,2,141,17100,100,17100,6810,300,6.7,10,10,12.9,700,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-5.6,69,98800,884,1394,278,243,26,227,26900,2600,25200,7850,290,7.2,10,10,8.0,760,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-5.6,67,98900,821,1394,281,225,9,220,26000,800,25500,9340,290,5.2,10,10,12.9,880,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-5.0,69,99000,692,1394,282,202,3,201,23000,300,22900,7930,290,5.2,10,10,16.1,880,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-4.4,72,99000,507,1394,282,123,5,122,14100,300,14000,4720,270,5.2,10,10,8.0,850,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-4.4,72,99000,280,1394,282,56,2,56,6400,100,6400,2050,270,4.1,10,10,12.9,1680,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-5.0,69,99100,48,895,282,15,0,15,1700,0,1700,530,270,3.6,10,10,16.1,2440,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-4.4,75,99100,0,0,280,0,0,0,0,0,0,0,250,4.1,10,10,16.1,2130,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-3.9,78,99200,0,0,280,0,0,0,0,0,0,0,270,4.1,10,10,19.3,2130,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-4.4,75,99200,0,0,280,0,0,0,0,0,0,0,270,3.6,10,10,19.3,2130,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.0,78,99200,0,0,254,0,0,0,0,0,0,0,240,3.6,7,6,19.3,2130,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.0,78,99200,0,0,275,0,0,0,0,0,0,0,250,3.6,10,10,16.1,1370,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,27,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.0,75,99300,0,0,277,0,0,0,0,0,0,0,250,4.1,10,10,16.1,1010,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,28,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.6,75,99300,0,0,274,0,0,0,0,0,0,0,280,4.1,10,10,14.5,980,9,999999999,80,0.1740,0,88,999.000,999.0,99.0 +1977,2,28,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-6.7,72,99300,0,0,271,0,0,0,0,0,0,0,280,5.2,10,10,24.1,1160,9,999999999,70,0.1740,0,88,999.000,999.0,99.0 +1977,2,28,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-7.8,69,99300,0,0,267,0,0,0,0,0,0,0,280,5.2,10,10,24.1,1160,9,999999999,70,0.1740,0,88,999.000,999.0,99.0 +1977,2,28,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-8.9,69,99300,0,0,249,0,0,0,0,0,0,0,270,4.1,8,8,24.1,1160,9,999999999,60,0.1740,0,88,999.000,999.0,99.0 +1977,2,28,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-8.9,69,99300,0,0,262,0,0,0,0,0,0,0,250,2.1,10,10,24.1,980,9,999999999,60,0.1740,0,88,999.000,999.0,99.0 +1977,2,28,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-10.0,68,99300,0,0,236,0,0,0,0,0,0,0,240,3.1,5,5,24.1,77777,9,999999999,60,0.1740,0,88,999.000,999.0,99.0 +1977,2,28,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-11.1,71,99300,30,708,223,13,16,11,1300,600,1300,230,230,3.1,7,2,19.3,77777,9,999999999,60,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-7.8,75,99400,248,1394,240,111,241,69,11800,17000,8700,1320,240,4.1,8,4,16.1,77777,9,999999999,70,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-6.1,78,99400,481,1394,243,274,372,146,29000,35200,16800,3030,270,5.2,9,3,16.1,77777,9,999999999,80,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-6.7,66,99400,674,1394,251,361,356,190,38900,36700,21100,4210,270,6.7,9,4,16.1,77777,9,999999999,70,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-7.2,56,99400,812,1394,259,554,554,232,58000,56500,25000,5450,270,5.7,9,5,19.3,7620,9,999999999,70,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-7.2,54,99400,886,1394,257,652,702,207,67500,69700,23100,4920,280,6.7,8,3,19.3,77777,9,999999999,70,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-6.7,52,99400,891,1394,259,651,717,193,67700,71500,21800,4680,250,4.1,7,2,19.3,77777,9,999999999,70,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-6.7,50,99300,827,1394,261,573,657,185,59500,65000,20800,4160,270,6.7,7,2,24.1,77777,9,999999999,70,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-7.8,48,99300,698,1394,262,433,531,168,46000,53200,19200,3550,260,5.2,4,4,24.1,77777,9,999999999,70,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-7.2,48,99200,513,1394,267,285,452,121,30300,42500,14600,2330,270,4.1,5,5,24.1,77777,9,999999999,70,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-7.8,48,99200,285,1394,262,106,153,75,11200,11600,8900,1430,260,4.1,4,4,24.1,77777,9,999999999,70,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-8.3,52,99200,52,917,251,19,32,16,2000,1400,1900,330,240,3.6,2,2,24.1,77777,9,999999999,70,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-7.8,61,99300,0,0,238,0,0,0,0,0,0,0,240,3.1,0,0,24.1,77777,9,999999999,70,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.7,69,99300,0,0,236,0,0,0,0,0,0,0,240,3.6,0,0,24.1,77777,9,999999999,70,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-6.1,75,99300,0,0,235,0,0,0,0,0,0,0,240,3.1,0,0,24.1,77777,9,999999999,80,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.3,-5.6,75,99300,0,0,239,0,0,0,0,0,0,0,240,3.5,0,0,24.1,77777,9,999999999,70,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.5,-5.2,78,99300,0,0,242,0,0,0,0,0,0,0,260,3.8,0,0,24.1,77777,9,999999999,80,0.1130,0,88,999.000,999.0,99.0 +1977,2,28,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.2,-4.8,75,99300,0,0,245,0,0,0,0,0,0,0,270,4.2,0,0,24.1,77777,9,999999999,70,0.1130,0,88,999.000,999.0,99.0 +1985,3,1,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.9,-4.4,65,98800,0,0,248,0,0,0,0,0,0,0,230,4.6,0,0,24.1,77777,9,999999999,90,0.1130,0,88,999.000,999.0,99.0 +1985,3,1,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-4.0,65,98700,0,0,251,0,0,0,0,0,0,0,240,5.0,0,0,24.1,77777,9,999999999,90,0.1130,0,88,999.000,999.0,99.0 +1985,3,1,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.5,-3.6,62,98700,0,0,272,0,0,0,0,0,0,0,220,5.3,6,6,24.1,3660,9,999999999,90,0.1130,0,88,999.000,999.0,99.0 +1985,3,1,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-3.3,62,98600,0,0,297,0,0,0,0,0,0,0,240,5.7,10,10,24.1,3660,9,999999999,90,0.1130,0,88,999.000,999.0,99.0 +1985,3,1,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-2.8,65,98500,0,0,298,0,0,0,0,0,0,0,230,6.2,10,10,24.1,1520,9,999999999,90,0.1130,0,88,999.000,999.0,99.0 +1985,3,1,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-1.7,70,98500,0,0,299,0,0,0,0,0,0,0,230,5.7,10,10,24.1,1520,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1985,3,1,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-1.1,73,98400,34,731,300,7,0,7,800,0,800,270,240,5.7,10,10,16.1,1160,9,999999999,100,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,0.0,82,98400,256,1393,299,39,1,39,4500,0,4500,1500,240,7.2,10,10,8.0,700,9,999999999,110,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,1.1,89,98300,489,1393,300,74,7,72,8800,400,8700,3080,220,5.7,10,10,6.4,240,9,999999999,110,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,1.7,86,98300,681,1393,305,212,8,208,24000,700,23600,8030,240,6.2,10,10,8.0,210,9,999999999,120,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,1.7,89,98300,819,1393,303,254,9,249,29000,800,28600,10160,250,7.2,10,10,6.4,150,9,999999999,120,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,2.2,89,98300,893,1393,306,154,5,151,18500,400,18300,7260,250,7.2,10,10,6.4,150,9,999999999,120,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,2.2,89,98300,898,1393,306,180,5,177,21400,400,21200,8290,250,6.7,10,10,6.4,150,9,999999999,120,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,2.8,89,98300,833,1393,309,152,2,151,18100,100,18000,7050,260,5.7,10,10,1.6,90,9,999999999,120,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,3.9,93,98300,704,1393,312,239,2,238,26800,200,26700,8920,260,5.2,10,10,3.2,120,9,999999999,130,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,3.9,86,98400,519,1393,317,151,1,151,17000,100,16900,5530,270,6.2,10,10,4.8,240,9,999999999,130,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,3.9,89,98400,291,1393,282,136,362,62,14500,27800,8700,1120,260,4.1,2,2,8.0,77777,9,999999999,130,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,2.8,89,98500,55,940,267,27,81,18,2500,3200,2300,310,240,3.6,0,0,6.4,77777,9,999999999,120,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,1.1,96,98600,0,0,256,0,0,0,0,0,0,0,250,3.1,0,0,6.4,77777,9,999999999,110,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,1.7,89,98700,0,0,262,0,0,0,0,0,0,0,270,3.6,0,0,9.7,77777,9,999999999,120,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.0,89,98800,0,0,255,0,0,0,0,0,0,0,270,3.1,0,0,14.5,77777,9,999999999,110,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.7,82,98900,0,0,251,0,0,0,0,0,0,0,280,3.1,0,0,24.1,77777,9,999999999,100,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-2.8,79,99000,0,0,248,0,0,0,0,0,0,0,310,4.1,0,0,24.1,77777,9,999999999,90,0.0980,0,88,999.000,999.0,99.0 +1985,3,1,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-2.8,76,99100,0,0,250,0,0,0,0,0,0,0,300,4.1,0,0,24.1,77777,9,999999999,90,0.0980,0,88,999.000,999.0,99.0 +1985,3,2,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-3.3,73,99200,0,0,249,0,0,0,0,0,0,0,300,3.1,0,0,24.1,77777,9,999999999,90,0.0980,0,88,999.000,999.0,99.0 +1985,3,2,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-4.4,72,99200,0,0,244,0,0,0,0,0,0,0,300,3.6,0,0,24.1,77777,9,999999999,80,0.0980,0,88,999.000,999.0,99.0 +1985,3,2,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-5.0,69,99300,0,0,244,0,0,0,0,0,0,0,310,4.6,0,0,24.1,77777,9,999999999,80,0.0980,0,88,999.000,999.0,99.0 +1985,3,2,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-6.1,69,99400,0,0,239,0,0,0,0,0,0,0,320,4.6,0,0,24.1,77777,9,999999999,80,0.0980,0,88,999.000,999.0,99.0 +1985,3,2,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-6.1,75,99500,0,0,235,0,0,0,0,0,0,0,310,4.6,0,0,24.1,77777,9,999999999,80,0.0980,0,88,999.000,999.0,99.0 +1985,3,2,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.1,72,99500,0,0,237,0,0,0,0,0,0,0,340,3.1,0,0,24.1,77777,9,999999999,80,0.0980,0,88,999.000,999.0,99.0 +1985,3,2,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-7.2,69,99600,38,777,234,17,27,14,1700,1100,1700,290,330,3.6,0,0,24.1,77777,9,999999999,70,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-6.1,64,99800,263,1392,243,121,371,52,12500,27600,7200,920,360,3.6,0,0,24.1,77777,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-5.0,59,99900,496,1392,257,285,557,88,29700,51400,11400,1680,50,3.6,1,1,24.1,77777,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-3.3,62,100000,688,1392,269,426,578,141,44200,56300,16300,2880,70,4.1,3,3,24.1,77777,9,999999999,90,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-3.3,60,100000,826,1392,271,508,574,169,53100,57100,19100,3870,40,5.2,3,3,24.1,77777,9,999999999,90,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,-3.3,55,100100,899,1392,275,601,613,206,64700,63300,23700,5190,40,6.2,4,3,24.1,77777,9,999999999,90,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-3.9,55,100100,904,1392,270,612,638,199,63700,63700,22300,4900,60,5.2,7,2,24.1,77777,9,999999999,90,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-4.4,55,100100,840,1392,272,461,377,234,50000,40100,25800,5780,40,5.7,10,4,24.1,77777,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-5.0,55,100100,710,1392,277,305,189,209,33400,19500,23500,5250,60,6.2,10,7,24.1,7620,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-6.1,57,100100,525,1392,269,198,135,148,21700,13100,16800,3430,40,6.7,10,7,24.1,7620,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-5.6,64,100100,297,1392,276,101,21,97,11100,1000,10900,3030,50,6.2,10,9,24.1,7620,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-5.6,67,100100,59,963,281,17,0,17,1900,0,1900,590,50,6.2,10,10,24.1,7620,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-5.6,69,100200,0,0,265,0,0,0,0,0,0,0,60,5.2,10,8,24.1,7620,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.0,75,100200,0,0,260,0,0,0,0,0,0,0,50,5.7,10,7,24.1,7620,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,100100,0,0,259,0,0,0,0,0,0,0,50,5.7,10,7,24.1,2440,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.0,75,100100,0,0,264,0,0,0,0,0,0,0,70,5.2,10,8,24.1,2440,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-4.4,75,100100,0,0,272,0,0,0,0,0,0,0,80,4.1,10,9,24.1,2440,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,2,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-3.9,79,100100,0,0,272,0,0,0,0,0,0,0,60,5.7,10,9,24.1,2440,9,999999999,90,0.1390,0,88,999.000,999.0,99.0 +1985,3,3,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.9,75,100100,0,0,283,0,0,0,0,0,0,0,60,5.2,10,10,24.1,2440,9,999999999,90,0.1390,0,88,999.000,999.0,99.0 +1985,3,3,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-4.4,72,100100,0,0,282,0,0,0,0,0,0,0,80,4.6,10,10,24.1,2440,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,3,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-4.4,72,100100,0,0,282,0,0,0,0,0,0,0,60,5.2,10,10,24.1,6100,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,3,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-4.4,72,100100,0,0,282,0,0,0,0,0,0,0,80,5.2,10,10,24.1,6100,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,3,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-4.4,72,100100,0,0,282,0,0,0,0,0,0,0,90,4.6,10,10,24.1,6100,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,3,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-5.0,72,100100,0,0,279,0,0,0,0,0,0,0,80,8.2,10,10,24.1,6100,9,999999999,80,0.1390,0,88,999.000,999.0,99.0 +1985,3,3,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-5.0,72,100100,41,823,279,11,0,11,1300,0,1300,400,80,7.2,10,10,24.1,6100,9,999999999,80,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-4.4,72,100100,270,1392,282,42,2,42,4900,0,4900,1620,90,7.7,10,10,24.1,6100,9,999999999,80,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-4.4,67,100100,503,1392,269,215,100,179,23600,9600,20100,4640,100,8.2,10,7,24.1,6100,9,999999999,80,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-4.4,64,100000,695,1392,281,194,53,168,21400,5200,18800,5260,90,9.8,10,9,24.1,6100,9,999999999,80,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-3.9,67,99900,833,1392,290,250,99,191,27900,10400,21700,5150,90,9.8,10,10,24.1,6100,9,999999999,90,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-3.9,67,99800,906,1392,290,267,3,265,30800,300,30600,11280,90,10.3,10,10,24.1,3050,9,999999999,90,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-3.9,70,99600,911,1392,287,210,8,205,24700,600,24300,9380,100,12.4,10,10,24.1,460,9,999999999,90,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-3.9,70,99500,846,1392,287,236,9,231,27300,800,26800,9850,90,12.4,10,10,24.1,520,9,999999999,90,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-5.0,67,99300,716,1392,284,181,9,177,20900,700,20600,7420,90,13.4,10,10,24.1,1680,9,999999999,80,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-5.6,64,99300,530,1392,283,135,3,134,15300,200,15300,5170,110,14.9,10,10,24.1,760,9,999999999,80,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-5.6,64,99200,302,1392,283,64,2,64,7300,100,7300,2340,110,12.9,10,10,24.1,1010,9,999999999,80,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-4.4,78,99000,62,986,278,16,0,16,1800,0,1800,570,110,10.3,10,10,1.6,150,9,999999999,80,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-3.3,89,99000,0,0,276,0,0,0,0,0,0,0,120,8.8,10,10,1.6,340,9,999999999,90,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.9,82,98900,0,0,278,0,0,0,0,0,0,0,110,12.4,10,10,6.4,490,9,999999999,90,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.9,82,98700,0,0,278,0,0,0,0,0,0,0,110,12.9,10,10,6.4,340,9,999999999,90,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.3,85,98700,0,0,279,0,0,0,0,0,0,0,110,8.2,10,10,6.4,310,9,999999999,90,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-2.2,89,98500,0,0,282,0,0,0,0,0,0,0,100,5.7,10,10,8.0,340,9,999999999,90,0.1360,0,88,999.000,999.0,99.0 +1985,3,3,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-2.2,89,98400,0,0,282,0,0,0,0,0,0,0,110,6.7,10,10,9.7,240,9,999999999,90,0.1360,0,88,999.000,999.0,99.0 +1985,3,4,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,98200,0,0,285,0,0,0,0,0,0,0,100,5.2,10,10,8.0,270,9,999999999,100,0.1360,0,88,999.000,999.0,99.0 +1985,3,4,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.1,89,98000,0,0,288,0,0,0,0,0,0,0,110,4.1,10,10,9.7,210,9,999999999,100,0.1360,0,88,999.000,999.0,99.0 +1985,3,4,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-0.6,89,97700,0,0,291,0,0,0,0,0,0,0,130,8.8,10,10,8.0,240,9,999999999,100,0.1360,0,88,999.000,999.0,99.0 +1985,3,4,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,97700,0,0,285,0,0,0,0,0,0,0,100,6.7,10,10,8.0,240,9,999999999,100,0.1360,0,88,999.000,999.0,99.0 +1985,3,4,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,97500,0,0,285,0,0,0,0,0,0,0,80,4.6,10,10,11.3,210,9,999999999,100,0.1360,0,88,999.000,999.0,99.0 +1985,3,4,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.1,89,97300,0,0,288,0,0,0,0,0,0,0,90,4.6,10,10,9.7,150,9,999999999,100,0.1360,0,88,999.000,999.0,99.0 +1985,3,4,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-0.6,92,97100,45,846,289,9,0,9,1100,0,1100,340,90,4.1,10,10,6.4,120,9,999999999,100,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,0.0,92,97000,277,1391,291,41,0,41,4800,0,4800,1600,90,2.6,10,10,1.6,90,9,999999999,100,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,0.0,92,96900,510,1391,291,98,1,98,11400,100,11400,4020,0,0.0,10,10,1.2,60,9,999999999,100,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,1.7,86,96900,702,1391,305,136,0,136,16000,0,16000,6010,180,5.2,10,10,0.8,30,9,999999999,120,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,8.3,90,96900,840,1391,341,176,0,176,20700,0,20700,8010,230,9.8,10,10,6.4,370,9,999999999,170,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,7.2,89,97000,913,1391,334,206,1,205,24200,100,24200,9390,240,7.7,10,10,24.1,460,9,999999999,160,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,4.4,80,97000,917,1391,302,519,428,237,55200,44200,25900,6180,260,9.8,8,6,24.1,3050,9,999999999,140,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,2.2,66,97100,852,1391,299,597,621,218,63500,63700,24300,5270,260,11.8,5,5,24.1,77777,9,999999999,120,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,-0.6,63,97200,722,1391,304,211,55,183,23300,5500,20500,5770,250,9.3,9,9,24.1,760,9,999999999,100,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-2.2,65,97400,536,1391,301,132,23,123,14500,2200,13700,3580,260,10.3,10,10,24.1,880,9,999999999,90,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-5.6,62,97600,307,1391,285,53,4,52,6100,100,6100,2010,270,13.4,10,10,24.1,880,9,999999999,80,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-7.2,56,97700,66,1032,282,12,1,12,1400,0,1400,450,270,10.3,10,10,24.1,1160,9,999999999,70,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-8.3,56,97900,0,0,276,0,0,0,0,0,0,0,260,14.4,10,10,24.1,1160,9,999999999,70,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-7.8,64,98000,0,0,272,0,0,0,0,0,0,0,260,14.4,10,10,6.4,1010,9,999999999,70,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-8.3,63,98000,0,0,269,0,0,0,0,0,0,0,260,10.3,10,10,11.3,1160,9,999999999,70,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-8.3,66,98200,0,0,267,0,0,0,0,0,0,0,260,10.8,10,10,6.4,1160,9,999999999,70,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-8.3,66,98300,0,0,259,0,0,0,0,0,0,0,260,15.4,9,9,24.1,1160,9,999999999,70,0.1290,0,88,999.000,999.0,99.0 +1985,3,4,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-8.9,66,98400,0,0,248,0,0,0,0,0,0,0,260,12.4,7,7,24.1,1010,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1985,3,5,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-9.4,63,98500,0,0,256,0,0,0,0,0,0,0,270,13.9,9,9,24.1,1010,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1985,3,5,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-9.4,66,98700,0,0,261,0,0,0,0,0,0,0,270,10.8,10,10,12.9,1010,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1985,3,5,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-10.0,63,98700,0,0,261,0,0,0,0,0,0,0,260,9.3,10,10,12.9,1010,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1985,3,5,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-10.0,63,98800,0,0,261,0,0,0,0,0,0,0,270,10.8,10,10,24.1,1010,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1985,3,5,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-9.4,66,98900,0,0,261,0,0,0,0,0,0,0,280,12.9,10,10,24.1,1010,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1985,3,5,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-10.0,66,99100,0,0,252,0,0,0,0,0,0,0,270,10.8,9,9,24.1,1010,9,999999999,60,0.1290,0,88,999.000,999.0,99.0 +1985,3,5,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-9.4,69,99200,50,892,252,14,1,14,1600,0,1600,500,270,6.7,9,9,24.1,1010,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-9.4,66,99400,285,1390,261,69,4,69,7800,100,7800,2410,290,8.2,10,10,14.5,1010,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-8.9,72,99600,518,1390,260,112,8,109,12900,500,12700,4400,300,7.7,10,10,24.1,640,9,999999999,70,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-11.1,53,99700,709,1390,247,369,314,209,39600,32700,22900,4770,290,8.2,7,7,24.1,760,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-10.6,58,99900,846,1390,246,459,322,263,49400,34300,28500,6670,300,8.2,7,7,24.1,760,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-11.1,53,100000,919,1390,247,473,292,280,51200,31300,30400,7570,310,8.2,7,7,24.1,760,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-11.1,53,100100,923,1390,257,362,107,291,39900,10900,32600,9980,330,6.7,9,9,24.1,760,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-10.6,53,100100,858,1390,260,430,204,304,46700,21300,33500,8360,340,8.2,9,9,24.1,760,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-11.7,49,100300,728,1390,258,276,74,238,30400,7400,26500,7150,340,7.7,9,9,24.1,880,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-12.2,51,100500,542,1390,248,194,107,153,21300,10500,17200,3570,360,8.2,8,8,24.1,880,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-12.8,53,100600,313,1390,256,59,1,59,6800,0,6800,2230,350,8.2,10,10,24.1,880,9,999999999,50,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-12.8,55,100700,70,1054,247,19,3,18,2100,0,2100,630,350,6.7,9,9,24.1,980,9,999999999,50,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-13.3,55,100700,0,0,227,0,0,0,0,0,0,0,320,5.2,3,3,24.1,77777,9,999999999,50,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-13.3,57,100900,0,0,216,0,0,0,0,0,0,0,350,4.1,0,0,24.1,77777,9,999999999,50,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-12.8,65,100900,0,0,213,0,0,0,0,0,0,0,330,3.6,0,0,24.1,77777,9,999999999,50,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-12.2,68,100900,0,0,213,0,0,0,0,0,0,0,320,3.1,0,0,24.1,77777,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-11.1,68,101000,0,0,244,0,0,0,0,0,0,0,310,3.1,9,9,24.1,980,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,5,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-11.1,63,101000,0,0,256,0,0,0,0,0,0,0,320,2.6,10,10,24.1,1010,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,6,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-11.1,60,101100,0,0,258,0,0,0,0,0,0,0,360,2.6,10,10,24.1,1010,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,6,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-11.1,60,101100,0,0,258,0,0,0,0,0,0,0,320,2.1,10,10,24.1,1010,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,6,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-11.1,60,101100,0,0,258,0,0,0,0,0,0,0,360,3.1,10,10,24.1,1010,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,6,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-10.6,63,101100,0,0,251,0,0,0,0,0,0,0,0,0.0,9,9,24.1,1010,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,6,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-10.0,63,101100,0,0,261,0,0,0,0,0,0,0,0,0.0,10,10,24.1,880,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,6,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-9.4,69,101200,0,0,252,0,0,0,0,0,0,0,30,1.5,9,9,24.1,880,9,999999999,60,0.1480,0,88,999.000,999.0,99.0 +1985,3,6,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-8.9,66,101200,54,915,257,13,14,12,1500,600,1400,250,110,3.6,9,9,24.1,1010,9,999999999,70,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-8.3,66,101300,292,1389,250,133,240,83,14000,18500,10100,1620,120,4.6,7,7,24.1,880,9,999999999,70,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-8.9,61,101300,525,1389,252,232,128,184,25000,12400,20300,4270,120,3.6,7,7,24.1,760,9,999999999,70,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-8.9,56,101300,716,1389,256,328,315,167,36000,32900,19000,3660,100,3.6,7,7,24.1,760,9,999999999,70,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-8.9,52,101300,853,1389,245,583,814,85,61100,80600,11400,1950,120,3.1,1,1,24.1,77777,9,999999999,70,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-8.9,50,101200,926,1389,247,574,656,138,61600,66900,16900,3690,110,2.6,4,1,24.1,77777,9,999999999,70,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-10.6,42,101100,930,1389,247,659,794,129,69000,79300,15800,3170,110,4.6,8,1,24.1,77777,9,999999999,60,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-9.4,46,100900,864,1389,249,614,777,132,65600,78700,16500,3280,130,5.2,9,1,24.1,77777,9,999999999,60,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-9.4,44,100900,734,1389,251,464,674,110,49500,67300,13800,2440,130,4.1,8,1,24.1,77777,9,999999999,60,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-8.9,46,100800,547,1389,257,292,418,129,31000,40000,15200,2510,120,6.2,10,3,24.1,77777,9,999999999,70,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-8.3,54,100700,318,1389,261,101,144,68,10900,11600,8200,1260,130,4.1,10,7,24.1,7620,9,999999999,70,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-7.8,56,100700,74,1077,261,27,12,25,2800,700,2800,590,180,5.2,10,7,24.1,7620,9,999999999,70,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-7.2,59,100600,0,0,279,0,0,0,0,0,0,0,160,5.2,10,10,24.1,7620,9,999999999,70,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-6.7,64,100500,0,0,277,0,0,0,0,0,0,0,170,3.6,10,10,24.1,7620,9,999999999,70,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-6.7,64,100400,0,0,277,0,0,0,0,0,0,0,170,6.2,10,10,24.1,7620,9,999999999,70,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-6.1,67,100300,0,0,278,0,0,0,0,0,0,0,160,6.2,10,10,24.1,7620,9,999999999,80,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-6.1,67,100300,0,0,265,0,0,0,0,0,0,0,160,6.2,10,8,24.1,7620,9,999999999,80,0.0690,0,88,999.000,999.0,99.0 +1985,3,6,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-6.1,67,100200,0,0,270,0,0,0,0,0,0,0,180,5.2,10,9,24.1,7010,9,999999999,80,0.0690,0,88,999.000,999.0,99.0 +1985,3,7,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-5.6,67,100100,0,0,281,0,0,0,0,0,0,0,170,6.2,10,10,24.1,7010,9,999999999,80,0.0690,0,88,999.000,999.0,99.0 +1985,3,7,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-5.6,64,100000,0,0,270,0,0,0,0,0,0,0,180,5.2,10,8,24.1,7010,9,999999999,80,0.0690,0,88,999.000,999.0,99.0 +1985,3,7,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-5.6,64,99900,0,0,283,0,0,0,0,0,0,0,180,5.2,10,10,24.1,7010,9,999999999,80,0.0690,0,88,999.000,999.0,99.0 +1985,3,7,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-5.6,64,100000,0,0,283,0,0,0,0,0,0,0,200,2.1,10,10,24.1,7010,9,999999999,80,0.0690,0,88,999.000,999.0,99.0 +1985,3,7,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-5.6,64,99900,0,0,283,0,0,0,0,0,0,0,160,2.6,10,10,24.1,3050,9,999999999,80,0.0690,0,88,999.000,999.0,99.0 +1985,3,7,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-5.6,64,99800,0,0,283,0,0,0,0,0,0,0,150,4.1,10,10,24.1,3050,9,999999999,80,0.0690,0,88,999.000,999.0,99.0 +1985,3,7,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-5.0,67,99800,59,960,284,7,1,7,900,0,900,270,180,2.6,10,10,24.1,1680,9,999999999,80,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-3.9,70,99600,299,1389,287,67,7,65,7500,300,7500,2360,180,4.6,10,10,24.1,1680,9,999999999,90,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-3.3,73,99600,532,1389,288,71,10,67,8500,600,8300,2980,180,5.7,10,10,11.3,490,9,999999999,90,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-1.7,82,99500,723,1389,290,179,5,176,20600,400,20400,7430,190,4.6,10,10,14.5,270,9,999999999,100,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-1.1,73,99400,860,1389,300,262,11,255,30100,1000,29500,10660,190,8.2,10,10,24.1,2440,9,999999999,100,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,-0.6,68,99300,933,1389,308,295,7,290,33900,600,33500,12200,190,7.7,10,10,24.1,2440,9,999999999,100,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,-0.6,68,99200,936,1389,308,269,3,267,31200,300,31000,11560,190,5.7,10,10,24.1,1160,9,999999999,100,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,-0.6,68,99100,870,1389,308,268,4,265,30700,400,30400,11020,200,4.6,10,10,24.1,1010,9,999999999,100,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,0.0,68,99000,739,1389,311,250,2,249,28200,200,28100,9500,200,6.7,10,10,24.1,1010,9,999999999,110,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,1.1,73,99000,553,1389,312,194,0,194,21500,0,21500,6690,190,4.6,10,10,24.1,1010,9,999999999,110,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,1.7,76,99000,324,1389,313,86,1,86,9600,0,9600,2970,210,7.7,10,10,24.1,1010,9,999999999,120,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,2.8,83,99000,77,1099,314,22,0,22,2500,0,2500,750,220,5.7,10,10,11.3,240,9,999999999,130,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,3.3,86,99000,0,0,315,0,0,0,0,0,0,0,210,4.1,10,10,11.3,210,9,999999999,130,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,4.4,93,99000,0,0,316,0,0,0,0,0,0,0,220,4.6,10,10,11.3,210,9,999999999,140,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,4.4,86,99000,0,0,321,0,0,0,0,0,0,0,240,4.6,10,10,14.5,210,9,999999999,140,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,4.4,86,99000,0,0,321,0,0,0,0,0,0,0,220,5.2,10,10,12.9,210,9,999999999,140,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,4.4,86,99000,0,0,290,0,0,0,0,0,0,0,240,6.2,3,3,24.1,77777,9,999999999,140,0.0790,0,88,999.000,999.0,99.0 +1985,3,7,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,3.9,86,99100,0,0,284,0,0,0,0,0,0,0,260,4.6,10,2,8.0,77777,9,999999999,130,0.0790,0,88,999.000,999.0,99.0 +1985,3,8,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,3.9,86,99100,0,0,280,0,0,0,0,0,0,0,260,4.1,10,1,11.3,77777,9,999999999,130,0.0790,0,88,999.000,999.0,99.0 +1985,3,8,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,2.8,86,99200,0,0,275,0,0,0,0,0,0,0,270,5.2,8,1,11.3,77777,9,999999999,130,0.0790,0,88,999.000,999.0,99.0 +1985,3,8,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,1.7,86,99200,0,0,264,0,0,0,0,0,0,0,270,3.1,0,0,11.3,77777,9,999999999,120,0.0790,0,88,999.000,999.0,99.0 +1985,3,8,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,0.6,86,99300,0,0,268,0,0,0,0,0,0,0,270,3.6,2,2,11.3,77777,9,999999999,110,0.0790,0,88,999.000,999.0,99.0 +1985,3,8,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-0.6,82,99400,0,0,295,0,0,0,0,0,0,0,300,4.6,10,10,11.3,340,9,999999999,100,0.0790,0,88,999.000,999.0,99.0 +1985,3,8,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.7,82,99500,0,0,290,0,0,0,0,0,0,0,300,4.1,10,10,11.3,370,9,999999999,100,0.0790,0,88,999.000,999.0,99.0 +1985,3,8,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-1.7,82,99500,64,1006,271,25,1,25,2800,0,2800,790,300,4.1,8,7,9.7,430,9,999999999,100,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-1.7,79,99600,307,1388,258,123,297,58,13200,23400,8000,1040,290,3.1,2,1,9.7,77777,9,999999999,100,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-1.1,73,99700,539,1388,260,346,711,71,36000,67000,9900,1420,280,3.6,0,0,12.9,77777,9,999999999,100,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-1.1,68,99700,730,1388,264,512,806,89,54100,79500,12100,1960,290,2.6,0,0,19.3,77777,9,999999999,100,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,-0.6,63,99800,867,1388,271,631,850,101,67200,85200,13800,2480,270,4.1,0,0,24.1,77777,9,999999999,100,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,-1.7,48,99800,939,1388,281,698,874,107,74600,88100,14800,2850,270,3.1,0,0,24.1,77777,9,999999999,100,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,-2.2,43,99800,942,1388,285,706,883,108,75500,89000,14900,2880,300,5.2,0,0,24.1,77777,9,999999999,100,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,-2.2,41,99800,876,1388,287,647,866,102,69000,86900,14000,2530,270,5.2,0,0,24.1,77777,9,999999999,90,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,-2.2,40,99800,745,1388,289,525,813,91,55600,80400,12300,2010,260,7.7,0,0,24.1,77777,9,999999999,100,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,-2.2,41,99800,558,1388,287,363,727,73,38000,69000,10200,1470,270,5.2,0,0,24.1,77777,9,999999999,90,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,-3.3,39,99900,329,1388,283,175,535,51,18500,44000,8100,960,280,5.2,0,0,24.1,77777,9,999999999,90,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,-2.2,50,99900,81,1122,276,34,126,22,3400,5500,2900,390,280,4.6,0,0,24.1,77777,9,999999999,100,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,-3.9,51,100000,0,0,266,0,0,0,0,0,0,0,280,3.6,0,0,24.1,77777,9,999999999,90,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,-3.3,55,100000,0,0,264,0,0,0,0,0,0,0,270,3.6,0,0,24.1,77777,9,999999999,90,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,-3.3,60,100000,0,0,260,0,0,0,0,0,0,0,260,2.6,0,0,24.1,77777,9,999999999,90,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-3.3,65,100000,0,0,256,0,0,0,0,0,0,0,260,3.1,0,0,24.1,77777,9,999999999,90,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-3.3,65,100000,0,0,256,0,0,0,0,0,0,0,260,3.1,0,0,24.1,77777,9,999999999,90,0.0990,0,88,999.000,999.0,99.0 +1985,3,8,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-3.3,67,100000,0,0,253,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,90,0.0990,0,88,999.000,999.0,99.0 +1985,3,9,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-3.3,73,100000,0,0,249,0,0,0,0,0,0,0,260,2.6,0,0,24.1,77777,9,999999999,90,0.0990,0,88,999.000,999.0,99.0 +1985,3,9,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-3.3,73,100000,0,0,249,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,90,0.0990,0,88,999.000,999.0,99.0 +1985,3,9,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-3.3,76,100000,0,0,248,0,0,0,0,0,0,0,270,2.1,0,0,24.1,77777,9,999999999,90,0.0990,0,88,999.000,999.0,99.0 +1985,3,9,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-3.9,79,100000,0,0,243,0,0,0,0,0,0,0,270,1.5,0,0,24.1,77777,9,999999999,90,0.0990,0,88,999.000,999.0,99.0 +1985,3,9,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.9,82,100100,0,0,241,0,0,0,0,0,0,0,260,1.5,0,0,24.1,77777,9,999999999,90,0.0990,0,88,999.000,999.0,99.0 +1985,3,9,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.9,82,100100,0,0,241,0,0,0,0,0,0,0,270,2.1,0,0,24.1,77777,9,999999999,90,0.0990,0,88,999.000,999.0,99.0 +1985,3,9,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-3.9,75,100100,69,1029,245,26,59,21,2700,2200,2500,370,280,2.1,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-3.9,64,100200,314,1387,253,155,431,59,16100,34500,8200,1070,310,3.1,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-3.3,60,100200,546,1387,260,342,648,88,36000,61500,11700,1740,290,3.6,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-3.9,51,100200,737,1387,266,511,755,111,54400,75400,14200,2470,280,5.2,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-3.9,46,100200,874,1387,272,636,811,126,66200,80600,15300,2870,290,4.1,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,-3.3,44,100100,946,1387,277,701,834,134,73300,83300,16300,3340,270,4.1,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,-3.3,38,100000,948,1387,286,704,836,134,73700,83500,16400,3350,280,4.1,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,-2.2,40,100000,882,1387,289,640,809,127,66700,80400,15400,2920,270,6.2,0,0,24.1,77777,9,999999999,100,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,-2.8,38,100000,751,1387,288,522,760,113,55700,76000,14400,2540,290,5.2,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,-2.2,38,99900,564,1387,291,356,659,90,37600,62900,11900,1800,260,5.2,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,-3.9,36,99900,334,1387,285,168,452,61,17500,37100,8500,1110,270,6.7,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,-3.9,42,99900,86,1144,276,33,83,25,3400,3300,3100,440,260,2.6,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,-3.9,51,99900,0,0,266,0,0,0,0,0,0,0,240,2.6,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,-3.3,57,99900,0,0,262,0,0,0,0,0,0,0,240,2.1,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-2.8,65,99900,0,0,258,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-2.8,67,99900,0,0,256,0,0,0,0,0,0,0,270,2.1,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-3.3,70,99900,0,0,252,0,0,0,0,0,0,0,260,2.6,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,9,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-3.9,73,99900,0,0,247,0,0,0,0,0,0,0,230,1.5,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,10,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.9,75,99900,0,0,245,0,0,0,0,0,0,0,220,1.5,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,10,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-3.3,76,99800,0,0,248,0,0,0,0,0,0,0,210,1.5,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,10,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-3.9,73,99700,0,0,247,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,10,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-3.9,67,99600,0,0,251,0,0,0,0,0,0,0,200,2.1,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,10,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-3.9,70,99600,0,0,249,0,0,0,0,0,0,0,210,2.6,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,10,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-2.8,70,99600,0,0,254,0,0,0,0,0,0,0,220,3.1,0,0,24.1,77777,9,999999999,90,0.1420,0,88,999.000,999.0,99.0 +1985,3,10,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-2.2,70,99600,74,1074,257,26,22,24,2800,1300,2700,570,220,2.6,0,0,24.1,77777,9,999999999,90,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-1.1,68,99600,321,1386,264,142,295,75,15000,23600,9500,1370,210,4.6,0,0,24.1,77777,9,999999999,100,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,0.0,52,99600,554,1386,284,322,514,117,34400,49400,14600,2260,240,5.2,0,0,24.1,77777,9,999999999,110,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,0.6,45,99500,745,1386,296,490,633,151,51000,62400,17400,3230,230,5.2,0,0,24.1,77777,9,999999999,110,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,0.0,35,99500,880,1386,310,615,698,172,64500,70000,19900,4220,240,5.2,0,0,24.1,77777,9,999999999,110,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,0.0,35,99400,952,1386,316,646,686,176,68300,69400,20500,4770,230,6.2,1,1,24.1,77777,9,999999999,110,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,2.2,38,99300,955,1386,328,640,597,230,68800,61900,26000,6290,210,6.2,3,2,24.1,77777,9,999999999,120,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,1.1,38,99200,888,1386,325,573,562,215,61500,57900,24200,5390,230,6.2,4,3,24.1,77777,9,999999999,120,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,3.3,41,99200,756,1386,341,389,260,248,41600,27300,26600,5960,220,8.2,9,6,24.1,7620,9,999999999,130,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,3.9,48,99100,569,1386,328,263,198,182,28600,19600,20500,4290,220,6.7,10,4,24.1,77777,9,999999999,140,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,4.4,53,99100,339,1386,333,103,21,98,11400,1100,11200,3310,210,8.8,10,7,24.1,7620,9,999999999,140,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,4.4,57,99100,90,1190,333,27,1,27,3000,0,3000,880,210,6.7,10,8,24.1,7620,9,999999999,140,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,5.0,62,99000,0,0,338,0,0,0,0,0,0,0,210,7.2,10,9,24.1,2130,9,999999999,140,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,5.0,64,99000,0,0,345,0,0,0,0,0,0,0,220,6.7,10,10,24.1,1220,9,999999999,140,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,4.4,64,99000,0,0,341,0,0,0,0,0,0,0,210,7.2,10,10,24.1,1370,9,999999999,140,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,4.4,69,98900,0,0,336,0,0,0,0,0,0,0,190,5.2,10,10,24.1,1220,9,999999999,140,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,3.3,64,98900,0,0,335,0,0,0,0,0,0,0,190,5.2,10,10,24.1,1070,9,999999999,130,0.2330,0,88,999.000,999.0,99.0 +1985,3,10,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,3.3,64,98800,0,0,335,0,0,0,0,0,0,0,210,5.7,10,10,24.1,760,9,999999999,130,0.2330,0,88,999.000,999.0,99.0 +1985,3,11,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,3.3,66,98700,0,0,332,0,0,0,0,0,0,0,210,4.6,10,10,24.1,610,9,999999999,130,0.2330,0,88,999.000,999.0,99.0 +1985,3,11,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,3.9,74,98600,0,0,328,0,0,0,0,0,0,0,200,4.1,10,10,24.1,610,9,999999999,130,0.2330,0,88,999.000,999.0,99.0 +1985,3,11,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,3.9,77,98500,0,0,325,0,0,0,0,0,0,0,190,3.1,10,10,24.1,460,9,999999999,130,0.2330,0,88,999.000,999.0,99.0 +1985,3,11,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,4.4,86,98400,0,0,321,0,0,0,0,0,0,0,190,3.1,10,10,4.8,240,9,999999999,140,0.2330,0,88,999.000,999.0,99.0 +1985,3,11,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,4.4,89,98400,0,0,318,0,0,0,0,0,0,0,180,1.5,10,10,4.8,210,9,999999999,140,0.2330,0,88,999.000,999.0,99.0 +1985,3,11,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,5.0,93,98300,0,0,319,0,0,0,0,0,0,0,170,2.6,10,10,4.8,240,9,999999999,140,0.2330,0,88,999.000,999.0,99.0 +1985,3,11,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,5.0,89,98100,80,1120,321,10,2,10,1200,0,1200,390,150,4.1,10,10,8.0,180,9,999999999,140,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,5.6,93,98200,329,1386,322,65,13,62,7500,500,7300,2360,180,1.5,10,10,9.7,180,9,999999999,150,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,6.7,89,98100,561,1386,331,116,2,115,13400,100,13400,4760,190,2.6,10,10,14.5,180,9,999999999,160,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,5.6,86,98100,752,1386,327,212,10,206,24200,800,23800,8510,180,4.6,10,10,11.3,180,9,999999999,150,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,6.7,93,98000,887,1386,328,287,8,282,32900,700,32400,11630,190,3.6,10,10,11.3,210,9,999999999,160,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,6.7,89,97800,959,1386,331,294,3,292,33900,300,33700,12480,200,5.2,10,10,12.9,310,9,999999999,160,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,7.2,86,97700,961,1386,336,325,2,323,37200,200,37000,13340,200,4.6,10,10,16.1,310,9,999999999,160,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,7.8,86,97600,894,1386,340,281,0,281,32200,0,32200,11660,210,5.2,10,10,16.1,310,9,999999999,170,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,8.3,90,97600,762,1386,341,232,2,231,26400,200,26300,9270,220,6.2,10,10,8.0,240,9,999999999,170,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,8.3,93,97500,575,1386,338,183,0,183,20500,0,20500,6660,220,4.6,10,10,6.4,180,9,999999999,170,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,9.4,96,97400,345,1386,342,62,1,62,7200,0,7200,2400,220,5.7,10,10,2.8,120,9,999999999,180,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,9.4,96,97400,94,1212,342,15,0,15,1800,0,1800,560,230,6.7,10,10,3.2,150,9,999999999,180,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,9.4,93,97400,0,0,345,0,0,0,0,0,0,0,250,8.8,10,10,11.3,490,9,999999999,190,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,5.6,93,97400,0,0,322,0,0,0,0,0,0,0,280,12.4,10,10,16.1,400,9,999999999,150,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,0.6,82,97700,0,0,301,0,0,0,0,0,0,0,290,10.8,10,10,24.1,610,9,999999999,110,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,0.0,79,97700,0,0,301,0,0,0,0,0,0,0,300,11.3,10,10,24.1,610,9,999999999,110,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-1.1,76,98000,0,0,297,0,0,0,0,0,0,0,310,8.2,10,10,24.1,610,9,999999999,100,0.0810,0,88,999.000,999.0,99.0 +1985,3,11,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-1.7,76,98200,0,0,294,0,0,0,0,0,0,0,310,10.3,10,10,24.1,610,9,999999999,100,0.0810,0,88,999.000,999.0,99.0 +1985,3,12,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.7,79,98300,0,0,292,0,0,0,0,0,0,0,300,9.8,10,10,24.1,670,9,999999999,100,0.0810,0,88,999.000,999.0,99.0 +1985,3,12,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-2.2,79,98400,0,0,289,0,0,0,0,0,0,0,320,11.3,10,10,24.1,760,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1985,3,12,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-3.9,70,98500,0,0,262,0,0,0,0,0,0,0,300,8.8,4,4,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1985,3,12,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-3.9,73,98600,0,0,247,0,0,0,0,0,0,0,300,10.3,0,0,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1985,3,12,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-3.9,70,98800,0,0,249,0,0,0,0,0,0,0,300,8.2,0,0,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1985,3,12,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-4.4,70,99000,0,0,247,0,0,0,0,0,0,0,300,7.2,0,0,24.1,77777,9,999999999,80,0.0810,0,88,999.000,999.0,99.0 +1985,3,12,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-4.4,70,99100,86,1143,247,34,106,24,3400,4700,3000,420,300,8.8,0,0,24.1,77777,9,999999999,80,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-3.9,64,99200,336,1385,253,175,493,57,18300,40700,8400,1050,300,8.8,0,0,24.1,77777,9,999999999,90,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-3.9,57,99300,568,1385,259,367,697,83,39000,66900,11400,1690,300,8.2,0,0,24.1,77777,9,999999999,90,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-3.9,51,99400,759,1385,266,537,796,103,56200,78500,13100,2200,310,7.2,0,0,24.1,77777,9,999999999,90,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,-3.9,47,99400,894,1385,270,659,844,116,69500,84400,14900,2820,340,10.3,0,0,24.1,77777,9,999999999,90,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,-5.0,40,99500,965,1385,273,723,864,123,76600,86800,15900,3270,360,9.3,0,0,24.1,77777,9,999999999,80,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,-5.0,39,99600,967,1385,275,727,868,123,77000,87300,15900,3280,350,9.3,0,0,24.1,77777,9,999999999,80,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,-5.0,36,99600,899,1385,279,666,848,117,70200,84900,15000,2860,310,5.2,0,0,24.1,77777,9,999999999,80,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,-5.6,36,99600,767,1385,282,511,711,119,54400,71200,14800,2710,330,6.2,5,1,24.1,77777,9,999999999,80,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,-6.1,37,99600,580,1385,284,332,337,192,35100,33600,21000,4220,330,4.1,10,3,24.1,77777,9,999999999,80,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-6.1,39,99600,350,1385,288,105,46,94,11600,4000,10600,2420,330,3.6,10,6,24.1,7620,9,999999999,80,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-5.6,49,99600,98,1235,277,36,15,35,4000,900,3900,800,60,3.6,10,6,24.1,7620,9,999999999,80,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-5.6,53,99600,0,0,273,0,0,0,0,0,0,0,120,2.6,7,6,24.1,7620,9,999999999,80,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-5.6,59,99600,0,0,288,0,0,0,0,0,0,0,130,3.1,10,10,24.1,7620,9,999999999,80,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-5.0,62,99600,0,0,289,0,0,0,0,0,0,0,140,3.6,10,10,24.1,7620,9,999999999,80,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-5.0,67,99600,0,0,270,0,0,0,0,0,0,0,130,3.1,9,8,24.1,7620,9,999999999,80,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-6.1,61,99600,0,0,265,0,0,0,0,0,0,0,160,3.1,8,7,24.1,7620,9,999999999,80,0.1200,0,88,999.000,999.0,99.0 +1985,3,12,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-6.7,59,99600,0,0,282,0,0,0,0,0,0,0,150,3.1,10,10,24.1,2740,9,999999999,70,0.1200,0,88,999.000,999.0,99.0 +1985,3,13,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-6.1,59,99600,0,0,285,0,0,0,0,0,0,0,180,3.6,10,10,24.1,2440,9,999999999,80,0.1200,0,88,999.000,999.0,99.0 +1985,3,13,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-6.1,57,99600,0,0,287,0,0,0,0,0,0,0,210,4.1,10,10,24.1,2130,9,999999999,80,0.1200,0,88,999.000,999.0,99.0 +1985,3,13,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-6.7,54,99500,0,0,287,0,0,0,0,0,0,0,170,4.6,10,10,24.1,2130,9,999999999,70,0.1200,0,88,999.000,999.0,99.0 +1985,3,13,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-7.2,52,99400,0,0,286,0,0,0,0,0,0,0,180,4.1,10,10,24.1,1680,9,999999999,70,0.1200,0,88,999.000,999.0,99.0 +1985,3,13,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-6.7,54,99400,0,0,287,0,0,0,0,0,0,0,190,5.2,10,10,24.1,1370,9,999999999,70,0.1200,0,88,999.000,999.0,99.0 +1985,3,13,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-2.2,85,99400,0,0,284,0,0,0,0,0,0,0,230,4.1,10,10,4.8,340,9,999999999,90,0.1200,0,88,999.000,999.0,99.0 +1985,3,13,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-1.7,89,99400,92,1188,285,14,1,14,1700,0,1700,530,180,4.1,10,10,3.2,180,9,999999999,100,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-1.1,92,99300,343,1384,286,42,2,41,4900,100,4900,1700,180,3.1,10,10,3.2,150,9,999999999,100,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-0.6,96,99300,575,1384,286,126,3,125,14600,200,14500,5140,190,3.1,10,10,1.2,120,9,999999999,100,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,0.0,100,99200,765,1384,287,179,4,177,20900,300,20700,7700,190,5.2,10,10,1.2,120,9,999999999,110,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,0.6,96,99200,901,1384,292,159,2,158,19100,200,19000,7590,200,5.2,10,10,3.2,150,9,999999999,110,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,0.6,96,99200,971,1384,292,165,4,162,20000,300,19700,7980,200,4.6,10,10,11.3,180,9,999999999,110,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,1.1,96,99100,973,1384,295,171,4,169,20700,300,20500,8270,220,5.2,10,10,11.3,180,9,999999999,110,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,1.1,96,99000,905,1384,295,151,0,150,18100,0,18100,7280,230,5.2,10,10,16.1,210,9,999999999,110,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,1.7,93,99000,773,1384,300,251,2,249,28400,200,28300,9820,270,6.2,10,10,16.1,240,9,999999999,120,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,1.7,93,98900,585,1384,300,162,1,161,18300,100,18300,6210,280,6.2,10,10,19.3,340,9,999999999,120,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,1.7,89,99000,355,1384,284,110,104,84,12200,9000,9900,1840,260,4.6,7,7,24.1,760,9,999999999,120,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,1.7,89,99000,103,1257,303,10,0,10,1200,0,1200,390,250,3.6,10,10,24.1,760,9,999999999,120,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,1.7,89,99100,0,0,303,0,0,0,0,0,0,0,300,7.7,10,10,16.1,580,9,999999999,120,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,0.0,82,99200,0,0,299,0,0,0,0,0,0,0,300,4.6,10,10,14.5,1160,9,999999999,110,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-0.6,82,99200,0,0,295,0,0,0,0,0,0,0,280,4.6,10,10,14.5,1160,9,999999999,100,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-0.6,82,99200,0,0,295,0,0,0,0,0,0,0,260,5.2,10,10,14.5,1160,9,999999999,100,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.1,89,99200,0,0,258,0,0,0,0,0,0,0,250,4.1,2,2,14.5,77777,9,999999999,100,0.2340,0,88,999.000,999.0,99.0 +1985,3,13,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,99200,0,0,260,0,0,0,0,0,0,0,250,4.6,4,4,14.5,77777,9,999999999,100,0.2340,0,88,999.000,999.0,99.0 +1985,3,14,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-1.7,92,99200,0,0,245,0,0,0,0,0,0,0,250,4.1,0,0,19.3,77777,9,999999999,100,0.2340,0,88,999.000,999.0,99.0 +1985,3,14,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-2.8,92,99200,0,0,240,0,0,0,0,0,0,0,250,3.1,0,0,19.3,77777,9,999999999,90,0.2340,0,88,999.000,999.0,99.0 +1985,3,14,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-2.8,92,99200,0,0,240,0,0,0,0,0,0,0,250,3.1,0,0,19.3,77777,9,999999999,90,0.2340,0,88,999.000,999.0,99.0 +1985,3,14,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-3.3,92,99200,0,0,238,0,0,0,0,0,0,0,250,3.1,0,0,24.1,77777,9,999999999,90,0.2340,0,88,999.000,999.0,99.0 +1985,3,14,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-3.9,92,99300,0,0,235,0,0,0,0,0,0,0,250,3.1,0,0,24.1,77777,9,999999999,90,0.2340,0,88,999.000,999.0,99.0 +1985,3,14,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-3.3,92,99300,0,0,238,0,0,0,0,0,0,0,240,3.6,0,0,24.1,77777,9,999999999,90,0.2340,0,88,999.000,999.0,99.0 +1985,3,14,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-3.3,89,99400,98,1233,239,45,257,20,4300,13400,3200,360,250,4.1,0,0,24.1,77777,9,999999999,90,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-2.2,79,99400,351,1383,250,207,668,39,21900,57600,7300,830,280,5.2,0,0,24.1,77777,9,999999999,90,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-1.7,70,99400,583,1383,259,397,815,56,42100,77800,9200,1300,290,4.6,0,0,24.1,77777,9,999999999,100,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,-1.1,65,99400,772,1383,278,525,745,110,56200,75000,14200,2540,290,6.7,3,3,24.1,77777,9,999999999,100,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-1.7,60,99400,907,1383,277,631,789,115,66700,79100,14700,2860,280,6.2,2,2,24.1,77777,9,999999999,100,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-1.7,54,99400,978,1383,283,720,833,132,75700,83600,16500,3510,300,6.2,2,2,24.1,77777,9,999999999,100,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,-1.7,48,99400,979,1383,297,541,365,283,59000,39400,31100,8140,320,8.2,5,5,24.1,77777,9,999999999,100,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-2.8,49,99400,911,1383,295,449,326,234,49200,35000,26100,6110,320,7.2,7,7,24.1,1220,9,999999999,90,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-4.4,44,99500,778,1383,287,431,442,183,46100,45000,20700,4110,320,5.7,5,5,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,-5.6,37,99500,590,1383,288,341,492,132,36400,47900,15800,2610,330,8.8,4,4,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-5.6,40,99600,360,1383,282,194,479,72,20100,40100,9700,1300,330,7.2,3,3,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,-5.6,43,99700,107,1280,277,46,145,31,4500,6900,3900,560,230,6.2,3,3,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,-6.1,49,99700,0,0,257,0,0,0,0,0,0,0,330,4.1,0,0,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-6.1,52,99800,0,0,253,0,0,0,0,0,0,0,330,3.6,0,0,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-6.1,57,99800,0,0,249,0,0,0,0,0,0,0,320,3.6,0,0,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-6.7,57,99900,0,0,246,0,0,0,0,0,0,0,350,4.1,0,0,24.1,77777,9,999999999,70,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-5.6,64,99900,0,0,246,0,0,0,0,0,0,0,320,3.6,0,0,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1985,3,14,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-6.1,67,99900,0,0,241,0,0,0,0,0,0,0,300,2.6,0,0,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1985,3,15,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-6.1,69,100000,0,0,239,0,0,0,0,0,0,0,300,3.1,0,0,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1985,3,15,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.6,75,100000,0,0,237,0,0,0,0,0,0,0,340,4.1,0,0,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1985,3,15,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.6,78,100000,0,0,236,0,0,0,0,0,0,0,340,3.1,0,0,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1985,3,15,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.6,81,100100,0,0,234,0,0,0,0,0,0,0,300,2.1,0,0,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1985,3,15,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.6,81,100100,0,0,234,0,0,0,0,0,0,0,290,2.1,0,0,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1985,3,15,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-5.6,85,100200,0,0,232,0,0,0,0,0,0,0,290,1.5,0,0,24.1,77777,9,999999999,80,0.0550,0,88,999.000,999.0,99.0 +1985,3,15,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-5.0,88,100200,105,1279,232,45,245,21,4300,12900,3200,380,0,0.0,0,0,24.1,77777,9,999999999,80,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-3.3,76,100300,358,1383,248,207,641,43,21800,55400,7400,890,0,0.0,0,0,24.1,77777,9,999999999,90,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-2.8,62,100300,590,1383,260,404,809,61,42700,77300,9600,1340,220,3.1,0,0,24.1,77777,9,999999999,90,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,-5.6,43,100400,779,1383,266,572,885,75,60100,87100,10800,1730,240,2.6,0,0,24.1,77777,9,999999999,80,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-3.9,51,100300,914,1383,266,694,925,84,72600,92000,11600,2110,270,3.6,0,0,24.1,77777,9,999999999,90,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,-4.4,45,100300,984,1383,269,758,942,89,79200,94000,12100,2380,270,4.6,0,0,24.1,77777,9,999999999,80,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,-3.9,44,100200,985,1383,274,757,940,89,79100,93800,12100,2380,270,3.1,0,0,24.1,77777,9,999999999,90,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,-4.4,41,100100,916,1383,276,696,926,84,72900,92100,11600,2110,190,2.1,0,0,24.1,77777,9,999999999,80,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,-3.3,44,100000,784,1383,277,575,887,75,60500,87400,10800,1740,270,5.2,0,0,24.1,77777,9,999999999,90,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,-3.9,41,100000,596,1383,278,408,812,61,43200,77700,9600,1350,190,4.1,0,0,24.1,77777,9,999999999,90,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,-2.8,46,100000,365,1383,277,214,656,44,22700,56900,7600,900,240,4.1,0,0,24.1,77777,9,999999999,90,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,-2.2,56,100000,112,1302,269,48,261,22,4700,14000,3400,400,210,4.1,0,0,24.1,77777,9,999999999,100,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-1.7,70,99900,0,0,259,0,0,0,0,0,0,0,210,3.6,0,0,24.1,77777,9,999999999,100,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-1.7,73,99900,0,0,257,0,0,0,0,0,0,0,190,3.6,0,0,24.1,77777,9,999999999,100,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-1.7,73,99800,0,0,257,0,0,0,0,0,0,0,190,3.6,0,0,24.1,77777,9,999999999,100,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-1.7,76,99800,0,0,255,0,0,0,0,0,0,0,220,3.6,0,0,24.1,77777,9,999999999,100,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-1.1,79,99800,0,0,255,0,0,0,0,0,0,0,210,3.6,0,0,24.1,77777,9,999999999,100,0.0650,0,88,999.000,999.0,99.0 +1985,3,15,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-1.1,79,99700,0,0,255,0,0,0,0,0,0,0,190,3.1,0,0,24.1,77777,9,999999999,100,0.0650,0,88,999.000,999.0,99.0 +1985,3,16,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,99700,0,0,254,0,0,0,0,0,0,0,220,2.6,0,0,24.1,77777,9,999999999,100,0.0650,0,88,999.000,999.0,99.0 +1985,3,16,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.1,85,99600,0,0,251,0,0,0,0,0,0,0,210,3.6,0,0,24.1,77777,9,999999999,100,0.0650,0,88,999.000,999.0,99.0 +1985,3,16,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.1,85,99500,0,0,251,0,0,0,0,0,0,0,200,3.6,0,0,24.1,77777,9,999999999,100,0.0650,0,88,999.000,999.0,99.0 +1985,3,16,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,99400,0,0,254,0,0,0,0,0,0,0,220,4.1,0,0,24.1,77777,9,999999999,100,0.0650,0,88,999.000,999.0,99.0 +1985,3,16,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,99400,0,0,254,0,0,0,0,0,0,0,220,5.2,0,0,24.1,77777,9,999999999,100,0.0650,0,88,999.000,999.0,99.0 +1985,3,16,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-1.7,76,99300,0,0,255,0,0,0,0,0,0,0,220,5.7,0,0,24.1,77777,9,999999999,100,0.0650,0,88,999.000,999.0,99.0 +1985,3,16,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-1.7,73,99300,112,1301,262,38,68,32,4200,3500,3800,670,220,6.2,7,1,24.1,77777,9,999999999,100,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-1.1,68,99200,366,1382,269,182,345,92,19000,29100,11300,1710,220,8.8,10,1,24.1,77777,9,999999999,100,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-0.6,65,99200,597,1382,285,246,188,165,27000,18800,18800,3940,250,9.8,8,5,24.1,7320,9,999999999,100,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,0.6,68,99200,786,1382,294,474,354,273,50500,37300,29200,6780,290,10.3,10,7,24.1,4270,9,999999999,110,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,0.6,63,99200,920,1382,293,570,552,204,61800,57200,23600,5310,290,9.3,5,5,24.1,77777,9,999999999,110,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,-0.6,54,99200,990,1382,299,359,116,276,39800,12300,30900,8560,290,7.7,6,6,24.1,910,9,999999999,100,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,-0.6,48,99200,991,1382,306,539,292,330,58200,31500,35600,9880,310,7.2,6,6,24.1,910,9,999999999,100,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,-1.1,48,99200,922,1382,306,490,350,257,53500,37600,28300,6890,300,9.8,7,7,24.1,910,9,999999999,100,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,-2.2,50,99200,789,1382,310,276,75,233,30400,7500,26000,7450,330,10.3,9,9,24.1,910,9,999999999,90,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,-2.8,48,99200,601,1382,302,232,151,167,25500,15200,18900,3990,320,9.3,8,8,24.1,910,9,999999999,90,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,-4.4,42,99300,370,1382,290,138,257,70,14900,21900,9000,1270,330,11.3,5,5,24.1,77777,9,999999999,80,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-4.4,49,99300,116,1324,281,39,20,37,4200,1300,4100,850,330,8.2,5,5,24.1,77777,9,999999999,80,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-4.4,59,99400,0,0,255,0,0,0,0,0,0,0,330,4.6,0,0,24.1,77777,9,999999999,80,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-4.4,62,99400,0,0,252,0,0,0,0,0,0,0,350,4.1,0,0,24.1,77777,9,999999999,80,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-5.6,64,99400,0,0,246,0,0,0,0,0,0,0,280,3.6,0,0,24.1,77777,9,999999999,80,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-5.6,69,99400,0,0,252,0,0,0,0,0,0,0,270,3.6,3,3,24.1,77777,9,999999999,80,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,99400,0,0,247,0,0,0,0,0,0,0,260,4.1,2,2,24.1,77777,9,999999999,80,0.1430,0,88,999.000,999.0,99.0 +1985,3,16,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,99400,0,0,244,0,0,0,0,0,0,0,270,3.1,1,1,24.1,77777,9,999999999,80,0.1430,0,88,999.000,999.0,99.0 +1985,3,17,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-5.6,69,99300,0,0,252,0,0,0,0,0,0,0,270,3.1,3,3,24.1,77777,9,999999999,80,0.1430,0,88,999.000,999.0,99.0 +1985,3,17,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-5.0,69,99300,0,0,257,0,0,0,0,0,0,0,280,3.6,4,4,24.1,77777,9,999999999,80,0.1430,0,88,999.000,999.0,99.0 +1985,3,17,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-4.4,72,99300,0,0,253,0,0,0,0,0,0,0,290,4.1,2,2,24.1,77777,9,999999999,80,0.1430,0,88,999.000,999.0,99.0 +1985,3,17,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-4.4,75,99200,0,0,253,0,0,0,0,0,0,0,290,3.6,3,3,24.1,77777,9,999999999,80,0.1430,0,88,999.000,999.0,99.0 +1985,3,17,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-4.4,75,99300,0,0,262,0,0,0,0,0,0,0,300,3.6,7,7,24.1,1220,9,999999999,80,0.1430,0,88,999.000,999.0,99.0 +1985,3,17,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-4.4,75,99300,0,0,253,0,0,0,0,0,0,0,310,5.2,3,3,24.1,77777,9,999999999,80,0.1430,0,88,999.000,999.0,99.0 +1985,3,17,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-3.9,79,99500,119,1346,251,47,224,25,4600,12000,3500,440,330,4.6,2,2,24.1,77777,9,999999999,90,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-3.3,73,99500,373,1381,258,196,497,63,20500,42600,8900,1180,360,4.1,2,2,24.1,77777,9,999999999,90,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-3.3,70,99600,604,1381,276,212,159,143,23500,16000,16500,3420,20,4.1,8,8,24.1,910,9,999999999,90,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-3.3,73,99700,793,1381,274,377,195,265,41100,20300,29400,7000,40,6.7,8,8,24.1,610,9,999999999,90,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-4.4,62,99700,927,1381,277,310,135,219,34600,14400,24900,6390,10,6.2,8,8,24.1,610,9,999999999,80,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.0,62,99800,996,1381,281,354,124,265,39400,13200,29800,8280,10,8.2,9,9,24.1,610,9,999999999,80,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-5.0,59,99800,996,1381,277,483,198,340,52800,21000,37700,10630,30,8.8,8,8,24.1,610,9,999999999,80,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.6,59,99800,928,1381,267,459,406,188,50300,42100,21900,4910,30,8.8,6,6,24.1,760,9,999999999,80,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-5.6,62,99900,794,1381,256,546,760,110,57000,75200,13600,2400,40,7.7,2,2,24.1,77777,9,999999999,80,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-6.1,61,99900,606,1381,256,413,708,105,43400,68300,13400,2120,40,9.8,3,3,24.1,77777,9,999999999,80,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-6.1,64,100000,375,1381,248,209,569,57,22100,49100,8800,1080,40,8.8,1,1,24.1,77777,9,999999999,80,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-7.8,66,100000,121,1369,234,45,201,24,4400,11000,3400,430,40,9.3,0,0,24.1,77777,9,999999999,70,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-7.8,72,100000,0,0,230,0,0,0,0,0,0,0,40,6.7,0,0,24.1,77777,9,999999999,70,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-7.8,75,100000,0,0,228,0,0,0,0,0,0,0,10,5.2,0,0,24.1,77777,9,999999999,70,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-7.8,75,100000,0,0,228,0,0,0,0,0,0,0,10,4.1,0,0,24.1,77777,9,999999999,70,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-7.8,85,100000,0,0,222,0,0,0,0,0,0,0,330,2.6,0,0,24.1,77777,9,999999999,70,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-7.8,85,100000,0,0,222,0,0,0,0,0,0,0,310,1.5,0,0,24.1,77777,9,999999999,70,0.0780,0,88,999.000,999.0,99.0 +1985,3,17,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-7.8,88,100000,0,0,221,0,0,0,0,0,0,0,290,2.1,0,0,24.1,77777,9,999999999,70,0.0780,0,88,999.000,999.0,99.0 +1985,3,18,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-7.8,92,100000,0,0,219,0,0,0,0,0,0,0,300,1.5,0,0,24.1,77777,9,999999999,70,0.0780,0,88,999.000,999.0,99.0 +1985,3,18,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-7.8,96,100000,0,0,217,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,70,0.0780,0,88,999.000,999.0,99.0 +1985,3,18,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-8.3,96,100000,0,0,215,0,0,0,0,0,0,0,290,2.6,0,0,24.1,77777,9,999999999,70,0.0780,0,88,999.000,999.0,99.0 +1985,3,18,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-7.8,96,100000,0,0,217,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,70,0.0780,0,88,999.000,999.0,99.0 +1985,3,18,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-8.3,96,100000,0,0,215,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,70,0.0780,0,88,999.000,999.0,99.0 +1985,3,18,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-8.3,96,100000,0,12,215,0,0,0,0,0,0,0,220,1.5,0,0,24.1,77777,9,999999999,70,0.0780,0,88,999.000,999.0,99.0 +1985,3,18,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-8.3,85,100100,126,1380,220,42,115,31,4400,5200,3900,560,0,0.0,0,0,24.1,77777,9,999999999,70,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-5.6,81,100100,380,1380,234,200,472,72,20800,40400,9600,1320,240,3.1,0,0,24.1,77777,9,999999999,80,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-6.1,67,100100,611,1380,241,394,661,103,41500,64000,13100,2090,220,3.6,0,0,24.1,77777,9,999999999,80,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-7.8,50,100100,800,1380,247,562,753,127,59800,75700,15700,2970,220,3.1,0,0,24.1,77777,9,999999999,70,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-7.8,44,100000,933,1380,253,688,807,143,71300,80300,16800,3420,200,3.6,0,0,24.1,77777,9,999999999,70,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,-8.3,38,99900,1002,1380,259,751,828,150,78100,82700,17900,4000,210,6.2,0,0,24.1,77777,9,999999999,70,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-8.3,36,99800,1002,1380,261,753,832,150,78400,83100,17900,4000,200,4.6,0,0,24.1,77777,9,999999999,70,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,-7.8,35,99700,933,1380,266,690,812,143,71600,80800,16800,3410,210,5.2,0,0,24.1,77777,9,999999999,70,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-7.8,34,99600,799,1380,268,565,760,127,60200,76400,15800,2970,200,6.7,0,0,24.1,77777,9,999999999,70,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-8.3,33,99500,611,1380,267,394,663,103,41500,64200,13100,2090,180,7.7,0,0,24.1,77777,9,999999999,70,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,-7.8,37,99400,380,1380,264,200,475,71,20800,40700,9500,1300,190,8.2,0,0,24.1,77777,9,999999999,70,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-7.2,43,99400,126,1380,263,37,96,27,3800,4300,3400,480,190,7.7,1,1,24.1,77777,9,999999999,70,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-6.7,48,99400,0,12,254,0,0,0,0,0,0,0,180,6.7,0,0,24.1,77777,9,999999999,70,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-6.1,52,99400,0,0,253,0,0,0,0,0,0,0,190,6.7,0,0,24.1,77777,9,999999999,80,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-5.6,53,99300,0,0,255,0,0,0,0,0,0,0,190,6.7,0,0,24.1,77777,9,999999999,80,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,-5.0,53,99200,0,0,258,0,0,0,0,0,0,0,180,7.2,0,0,24.1,77777,9,999999999,80,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-4.4,57,99200,0,0,257,0,0,0,0,0,0,0,190,5.2,0,0,24.1,77777,9,999999999,80,0.1610,0,88,999.000,999.0,99.0 +1985,3,18,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-3.9,60,99200,0,0,257,0,0,0,0,0,0,0,200,6.2,0,0,24.1,77777,9,999999999,90,0.1610,0,88,999.000,999.0,99.0 +1985,3,19,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-4.4,57,99100,0,0,257,0,0,0,0,0,0,0,190,6.2,0,0,24.1,77777,9,999999999,80,0.1610,0,88,999.000,999.0,99.0 +1985,3,19,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-3.9,62,99000,0,0,255,0,0,0,0,0,0,0,190,5.2,0,0,24.1,77777,9,999999999,90,0.1610,0,88,999.000,999.0,99.0 +1985,3,19,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-2.8,65,98900,0,0,258,0,0,0,0,0,0,0,220,8.2,0,0,24.1,77777,9,999999999,90,0.1610,0,88,999.000,999.0,99.0 +1985,3,19,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,-1.1,70,98800,0,0,280,0,0,0,0,0,0,0,240,7.7,7,6,24.1,2740,9,999999999,100,0.1610,0,88,999.000,999.0,99.0 +1985,3,19,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,0.0,70,98700,0,0,281,0,0,0,0,0,0,0,230,7.2,6,4,24.1,2740,9,999999999,110,0.1610,0,88,999.000,999.0,99.0 +1985,3,19,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,0.6,73,98700,0,34,289,0,0,0,0,0,0,0,240,7.2,8,7,24.1,2740,9,999999999,110,0.1610,0,88,999.000,999.0,99.0 +1985,3,19,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,1.1,73,98800,133,1379,282,44,30,41,4800,1900,4600,930,240,6.7,8,3,24.1,77777,9,999999999,110,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,1.7,66,98800,388,1379,307,136,78,114,14900,7000,12900,2940,240,7.7,9,8,24.1,7620,9,999999999,120,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,2.2,61,98800,618,1379,322,176,1,176,20000,100,20000,6830,260,5.2,10,9,24.1,2740,9,999999999,120,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,2.8,59,98800,807,1379,328,340,130,263,37000,13600,29000,7010,260,5.2,9,9,24.1,1220,9,999999999,130,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,4.4,62,98800,940,1379,311,628,561,246,66800,58000,27200,6670,260,6.2,10,3,24.1,77777,9,999999999,140,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,5.6,58,98800,1008,1379,315,682,617,231,71000,61900,25700,6670,280,5.2,10,1,24.1,77777,9,999999999,150,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,5.6,54,98800,1008,1379,320,731,725,202,77000,73300,23300,5940,250,4.6,8,1,24.1,77777,9,999999999,150,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,5.6,52,98800,938,1379,327,664,733,166,70300,74300,19700,4470,290,4.6,2,2,24.1,77777,9,999999999,150,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,4.4,48,98800,805,1379,321,517,650,140,54700,65100,16600,3250,310,5.2,2,1,24.1,77777,9,999999999,140,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,3.9,41,98800,616,1379,328,371,565,121,38700,54300,14300,2400,280,6.7,2,1,19.3,77777,9,999999999,130,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,2.8,41,98800,385,1379,315,197,436,78,21300,37700,10700,1420,310,6.7,2,0,24.1,77777,9,999999999,130,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,2.2,46,98900,131,1379,311,38,94,28,3900,4400,3500,500,270,3.6,1,1,24.1,77777,9,999999999,120,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,1.7,51,98900,0,34,296,0,0,0,0,0,0,0,270,3.6,0,0,24.1,77777,9,999999999,120,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,2.2,57,99000,0,0,292,0,0,0,0,0,0,0,260,4.1,0,0,19.3,77777,9,999999999,120,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,0.0,58,99000,0,0,278,0,0,0,0,0,0,0,270,4.1,0,0,24.1,77777,9,999999999,110,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,-1.1,56,99100,0,0,275,0,0,0,0,0,0,0,320,4.1,0,0,24.1,77777,9,999999999,100,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,-1.7,60,99200,0,0,268,0,0,0,0,0,0,0,320,4.1,0,0,24.1,77777,9,999999999,100,0.1670,0,88,999.000,999.0,99.0 +1985,3,19,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,-3.3,60,99200,0,0,260,0,0,0,0,0,0,0,340,4.6,0,0,24.1,77777,9,999999999,90,0.1670,0,88,999.000,999.0,99.0 +1985,3,20,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-3.9,60,99300,0,0,257,0,0,0,0,0,0,0,270,2.1,0,0,24.1,77777,9,999999999,90,0.1670,0,88,999.000,999.0,99.0 +1985,3,20,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-3.9,62,99300,0,0,255,0,0,0,0,0,0,0,280,2.6,0,0,24.1,77777,9,999999999,90,0.1670,0,88,999.000,999.0,99.0 +1985,3,20,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-4.4,64,99300,0,0,251,0,0,0,0,0,0,0,290,2.1,0,0,24.1,77777,9,999999999,80,0.1670,0,88,999.000,999.0,99.0 +1985,3,20,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-4.4,70,99300,0,0,247,0,0,0,0,0,0,0,280,3.1,0,0,24.1,77777,9,999999999,80,0.1670,0,88,999.000,999.0,99.0 +1985,3,20,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-4.4,70,99400,0,0,247,0,0,0,0,0,0,0,290,2.6,0,0,24.1,77777,9,999999999,80,0.1670,0,88,999.000,999.0,99.0 +1985,3,20,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-4.4,70,99400,0,80,247,0,0,0,0,0,0,0,290,3.1,0,0,24.1,77777,9,999999999,80,0.1670,0,88,999.000,999.0,99.0 +1985,3,20,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-3.3,65,99600,140,1379,256,46,150,32,4900,7800,4100,570,340,5.2,0,0,24.1,77777,9,999999999,90,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,-2.8,58,99700,395,1379,264,212,501,70,22100,43600,9600,1300,20,6.2,0,0,24.1,77777,9,999999999,90,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-2.2,58,99800,625,1379,267,406,679,99,42900,66200,12800,2050,20,7.7,0,0,24.1,77777,9,999999999,100,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-3.3,53,99900,813,1379,266,575,765,125,61300,77200,15700,2970,50,7.2,1,0,24.1,77777,9,999999999,90,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-2.2,58,100000,946,1379,267,699,798,153,74700,81200,18800,4210,50,9.3,3,0,24.1,77777,9,999999999,100,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-2.8,55,100100,1014,1379,267,766,802,177,81500,81600,21300,5360,40,8.8,5,0,24.1,77777,9,999999999,90,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,-3.3,55,100100,1013,1379,264,766,803,177,81600,81700,21300,5350,40,10.3,5,0,24.1,77777,9,999999999,90,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-4.4,53,100100,944,1379,261,701,782,167,74400,79300,19900,4530,40,7.2,5,0,24.1,77777,9,999999999,80,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-5.6,51,100100,810,1379,263,541,576,204,57600,58900,22900,4750,50,7.7,8,1,24.1,77777,9,999999999,80,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.6,59,100100,621,1379,258,370,519,138,39600,51100,16500,2770,50,6.7,9,2,24.1,77777,9,999999999,80,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.6,59,100200,390,1379,258,199,346,103,20800,29900,12300,1940,50,6.7,9,2,24.1,77777,9,999999999,80,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-5.6,67,100200,135,1379,251,44,57,39,4800,3100,4500,810,40,6.2,10,2,24.1,77777,9,999999999,80,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.0,78,100200,0,57,242,0,0,0,0,0,0,0,30,5.2,7,1,24.1,77777,9,999999999,80,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-4.4,82,100200,0,0,243,0,0,0,0,0,0,0,30,5.7,5,1,24.1,77777,9,999999999,80,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-4.4,85,100200,0,0,241,0,0,0,0,0,0,0,30,6.7,4,1,24.1,77777,9,999999999,80,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-4.4,85,100200,0,0,241,0,0,0,0,0,0,0,40,5.2,3,1,24.1,77777,9,999999999,80,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-4.4,89,100200,0,0,239,0,0,0,0,0,0,0,30,3.1,3,1,24.1,77777,9,999999999,80,0.1460,0,88,999.000,999.0,99.0 +1985,3,20,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-4.4,92,100200,0,0,233,0,0,0,0,0,0,0,40,3.1,0,0,24.1,77777,9,999999999,80,0.1460,0,88,999.000,999.0,99.0 +1985,3,21,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-4.4,92,100200,0,0,233,0,0,0,0,0,0,0,40,3.1,0,0,24.1,77777,9,999999999,80,0.1460,0,88,999.000,999.0,99.0 +1985,3,21,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-5.6,85,100100,0,0,232,0,0,0,0,0,0,0,50,3.1,0,0,24.1,77777,9,999999999,80,0.1460,0,88,999.000,999.0,99.0 +1985,3,21,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,100100,0,0,240,0,0,0,0,0,0,0,70,5.2,0,0,24.1,77777,9,999999999,80,0.1460,0,88,999.000,999.0,99.0 +1985,3,21,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,100100,0,0,240,0,0,0,0,0,0,0,90,3.1,0,0,24.1,77777,9,999999999,80,0.1460,0,88,999.000,999.0,99.0 +1985,3,21,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,100100,0,0,240,0,0,0,0,0,0,0,100,4.1,0,0,24.1,77777,9,999999999,80,0.1460,0,88,999.000,999.0,99.0 +1985,3,21,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-5.0,82,100200,1,126,236,1,1,1,0,0,0,0,120,4.6,0,0,24.1,77777,9,999999999,80,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-5.0,72,100200,148,1378,242,55,241,30,5700,13900,4200,530,120,5.2,0,0,24.1,77777,9,999999999,80,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-6.7,57,100200,402,1378,246,232,597,60,24600,52700,9100,1150,130,5.2,0,0,24.1,77777,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-7.8,46,100200,632,1378,251,432,765,83,45200,74000,11200,1710,120,7.2,0,0,24.1,77777,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-8.3,41,100200,820,1378,255,597,831,104,63000,82800,13600,2400,130,5.7,1,0,24.1,77777,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,-8.9,36,100200,952,1378,258,722,870,122,76400,87400,15800,3210,120,6.2,2,0,24.1,77777,9,999999999,60,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,-8.3,34,100100,1020,1378,271,719,827,108,74700,82500,13400,2740,120,6.2,3,1,24.1,77777,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-8.3,33,100000,1019,1378,273,731,810,133,77300,81500,16900,3840,120,6.2,4,1,24.1,77777,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,-8.3,30,99900,949,1378,281,642,671,181,67700,67800,20900,4900,150,5.2,6,2,24.1,77777,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,-8.3,31,99900,815,1378,281,511,558,183,55100,57200,21200,4240,110,5.7,8,3,24.1,77777,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,-8.3,34,99800,626,1378,279,224,150,156,24800,15200,17800,3770,90,7.2,9,4,24.1,77777,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,-7.8,37,99800,395,1378,279,160,136,122,17400,12200,13900,2710,70,5.7,10,5,24.1,77777,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-5.6,55,99700,140,1378,267,41,43,37,4500,2400,4300,770,60,6.7,9,4,24.1,77777,9,999999999,80,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-4.4,67,99700,0,80,257,0,0,0,0,0,0,0,50,4.6,6,2,24.1,77777,9,999999999,80,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.3,79,99700,0,0,256,0,0,0,0,0,0,0,50,3.1,6,3,24.1,77777,9,999999999,90,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-3.3,76,99700,0,0,248,0,0,0,0,0,0,0,50,3.1,2,0,24.1,77777,9,999999999,90,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-3.9,62,99600,0,0,255,0,0,0,0,0,0,0,80,6.7,0,0,24.1,77777,9,999999999,90,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-6.1,55,99600,0,0,251,0,0,0,0,0,0,0,100,6.2,0,0,24.1,77777,9,999999999,80,0.1040,0,88,999.000,999.0,99.0 +1985,3,21,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-7.8,52,99600,0,0,245,0,0,0,0,0,0,0,90,4.6,0,0,24.1,77777,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1985,3,22,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-8.3,52,99500,0,0,243,0,0,0,0,0,0,0,80,3.1,0,0,24.1,77777,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1985,3,22,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-7.8,59,99500,0,0,244,0,0,0,0,0,0,0,70,3.6,1,1,24.1,77777,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1985,3,22,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-7.8,59,99400,0,0,239,0,0,0,0,0,0,0,60,3.1,0,0,24.1,77777,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1985,3,22,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-7.2,75,99300,0,0,235,0,0,0,0,0,0,0,50,2.6,3,1,14.5,77777,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1985,3,22,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-7.2,75,99400,0,0,235,0,0,0,0,0,0,0,50,2.6,2,1,14.5,77777,9,999999999,70,0.1040,0,88,999.000,999.0,99.0 +1985,3,22,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-6.7,75,99300,2,172,240,0,1,0,0,0,0,0,40,3.1,4,2,19.3,77777,9,999999999,70,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-5.6,67,99400,155,1377,254,52,134,37,5500,7000,4700,670,60,3.1,5,3,24.1,77777,9,999999999,80,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-4.4,64,99300,410,1377,264,164,227,98,17800,20500,11700,1890,60,4.6,4,4,24.1,77777,9,999999999,80,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-4.4,53,99300,639,1377,266,406,631,115,42600,61400,14000,2350,60,5.7,3,1,24.1,77777,9,999999999,80,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,-5.0,45,99200,827,1377,275,564,649,175,58700,64600,19800,4020,60,4.6,7,2,24.1,77777,9,999999999,80,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,-4.4,45,99200,958,1377,281,624,600,207,65200,60200,23200,5590,30,5.2,7,3,24.1,77777,9,999999999,80,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-3.3,47,99200,1026,1377,299,429,193,285,47600,20600,32200,9240,60,6.2,8,8,24.1,2740,9,999999999,90,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,-3.9,47,99100,1024,1377,292,567,415,258,60800,43200,28600,7990,70,6.2,8,7,24.1,2740,9,999999999,90,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-4.4,44,99100,954,1377,293,432,200,294,47600,21200,32900,8830,50,6.2,8,7,24.1,2740,9,999999999,80,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-3.9,46,99000,820,1377,314,223,13,215,25800,1100,25100,9250,50,7.7,10,10,24.1,2740,9,999999999,90,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-3.9,46,99000,631,1377,314,145,9,141,16800,700,16500,5900,40,5.2,10,10,24.1,2740,9,999999999,90,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,-3.9,47,99000,400,1377,311,89,6,88,10200,300,10100,3340,30,7.2,10,10,24.1,2440,9,999999999,90,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-3.9,51,98900,145,1377,307,29,2,28,3200,0,3200,980,50,5.7,10,10,24.1,2440,9,999999999,90,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,-3.3,53,99000,1,103,307,0,0,0,0,0,0,0,40,5.7,10,10,24.1,2440,9,999999999,90,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,-2.2,58,99000,0,0,308,0,0,0,0,0,0,0,40,4.6,10,10,24.1,1680,9,999999999,90,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,-2.2,50,99000,0,0,318,0,0,0,0,0,0,0,70,5.2,10,10,24.1,1680,9,999999999,90,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,-1.7,54,99000,0,0,316,0,0,0,0,0,0,0,120,5.2,10,10,24.1,1370,9,999999999,100,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,-1.1,58,99000,0,0,315,0,0,0,0,0,0,0,120,3.6,10,10,24.1,700,9,999999999,100,0.1350,0,88,999.000,999.0,99.0 +1985,3,22,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,0.0,65,98900,0,0,313,0,0,0,0,0,0,0,120,4.6,10,10,24.1,760,9,999999999,110,0.1350,0,88,999.000,999.0,99.0 +1985,3,23,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,0.0,68,98900,0,0,311,0,0,0,0,0,0,0,90,4.6,10,10,14.5,760,9,999999999,110,0.1350,0,88,999.000,999.0,99.0 +1985,3,23,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,0.0,68,98900,0,0,311,0,0,0,0,0,0,0,80,4.1,10,10,11.3,1010,9,999999999,110,0.1350,0,88,999.000,999.0,99.0 +1985,3,23,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,0.6,76,98800,0,0,306,0,0,0,0,0,0,0,70,4.6,10,10,9.7,700,9,999999999,110,0.1350,0,88,999.000,999.0,99.0 +1985,3,23,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,0.6,76,98800,0,0,306,0,0,0,0,0,0,0,60,3.1,10,10,9.7,1070,9,999999999,110,0.1350,0,88,999.000,999.0,99.0 +1985,3,23,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,0.6,79,98800,0,0,304,0,0,0,0,0,0,0,50,3.1,10,10,8.0,640,9,999999999,110,0.1350,0,88,999.000,999.0,99.0 +1985,3,23,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,1.1,86,98800,2,195,302,1,0,1,0,0,0,0,40,3.1,10,10,8.0,580,9,999999999,110,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,1.1,86,98800,162,1376,302,28,3,28,3200,0,3200,1010,60,4.1,10,10,8.0,610,9,999999999,110,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,0.6,79,98700,417,1376,304,107,1,106,12000,100,12000,3900,120,4.6,10,10,11.3,490,9,999999999,110,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,1.1,79,98700,646,1376,307,114,4,113,13600,300,13400,5010,130,3.6,10,10,6.4,370,9,999999999,110,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,2.2,86,98700,833,1376,308,295,2,294,33400,200,33300,11490,140,3.1,10,10,8.0,310,9,999999999,120,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,2.8,86,98700,965,1376,311,200,2,199,23900,200,23800,9450,150,2.1,10,10,4.0,270,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,3.3,89,98600,1032,1376,312,214,2,213,25700,200,25600,10250,170,2.1,10,10,2.4,180,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,3.9,89,98500,1030,1376,315,230,1,229,27300,100,27300,10850,130,2.1,10,10,2.4,180,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,3.9,86,98400,959,1376,317,203,1,202,24100,100,24000,9540,160,2.1,10,10,2.4,240,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,3.9,86,98400,825,1376,317,169,1,168,19900,100,19900,7690,170,3.1,10,10,2.4,240,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,3.9,86,98300,635,1376,317,219,0,219,24500,0,24500,7960,160,2.6,10,10,2.4,210,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,4.4,86,98300,404,1376,321,77,1,77,8900,100,8900,3040,140,1.5,10,10,2.4,240,9,999999999,140,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,4.4,89,98300,150,1376,318,24,0,24,2800,0,2800,880,120,3.1,10,10,1.6,210,9,999999999,140,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,4.4,89,98200,1,126,318,1,0,1,0,0,0,0,90,3.1,10,10,1.6,210,9,999999999,140,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,5.0,93,98200,0,0,319,0,0,0,0,0,0,0,270,1.5,10,10,3.2,210,9,999999999,140,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,5.0,93,98200,0,0,319,0,0,0,0,0,0,0,230,6.2,10,10,3.2,180,9,999999999,140,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,3.9,89,98200,0,0,315,0,0,0,0,0,0,0,230,5.2,10,10,3.2,210,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,3.9,93,98200,0,0,312,0,0,0,0,0,0,0,230,5.2,10,10,3.2,210,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1985,3,23,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,3.3,93,98100,0,0,309,0,0,0,0,0,0,0,220,4.6,10,10,3.2,180,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1985,3,24,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,3.3,93,98100,0,0,309,0,0,0,0,0,0,0,220,3.1,10,10,3.2,210,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1985,3,24,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,3.3,93,98000,0,0,309,0,0,0,0,0,0,0,210,3.1,10,10,3.2,240,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1985,3,24,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,3.3,93,98000,0,0,309,0,0,0,0,0,0,0,200,3.1,10,10,3.2,210,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1985,3,24,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,2.8,93,98000,0,0,306,0,0,0,0,0,0,0,220,2.6,10,10,3.2,210,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1985,3,24,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,2.8,93,98000,0,0,306,0,0,0,0,0,0,0,230,1.5,10,10,3.2,180,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1985,3,24,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,2.8,93,98000,4,241,306,1,0,1,0,0,0,0,290,2.1,10,10,3.2,150,9,999999999,130,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,2.8,93,98100,170,1375,306,23,0,23,2700,0,2700,870,0,0.0,10,10,2.4,180,9,999999999,130,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,3.3,100,98100,424,1375,304,65,0,65,7600,0,7600,2700,270,3.1,10,10,2.4,120,9,999999999,130,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,3.3,96,98200,653,1375,307,126,1,126,14800,100,14800,5500,270,1.5,10,10,2.4,120,9,999999999,130,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,3.9,93,98300,840,1375,312,272,1,271,31000,100,30900,10990,40,3.1,10,10,6.4,240,9,999999999,130,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,3.9,96,98300,971,1375,310,214,0,214,25400,0,25400,10040,50,5.2,10,10,4.8,210,9,999999999,130,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,3.3,89,98400,1037,1375,312,209,0,209,25100,0,25100,10120,30,4.1,10,10,4.8,180,9,999999999,130,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,2.8,93,98500,1035,1375,306,365,1,364,41900,100,41800,15110,30,4.6,10,10,4.8,240,9,999999999,130,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,3.3,100,98600,964,1375,304,214,1,213,25300,100,25300,9970,30,5.2,10,10,1.2,90,9,999999999,130,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,2.2,93,98800,830,1375,303,168,1,167,19800,100,19800,7680,10,7.2,10,10,2.4,120,9,999999999,120,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,1.7,93,98900,640,1375,300,186,0,186,21100,0,21100,7240,20,6.2,10,10,6.4,150,9,999999999,120,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,1.1,89,99000,409,1375,300,107,0,106,11900,0,11900,3860,40,6.7,10,10,11.3,240,9,999999999,110,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,1.1,89,99200,154,1375,300,35,0,35,3900,0,3900,1180,30,7.7,10,10,16.1,240,9,999999999,110,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,0.6,89,99200,2,149,297,1,0,1,0,0,0,0,30,8.8,10,10,16.1,270,9,999999999,110,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.6,89,99400,0,0,297,0,0,0,0,0,0,0,30,7.7,10,10,24.1,270,9,999999999,110,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.0,85,99500,0,0,296,0,0,0,0,0,0,0,30,7.2,10,10,24.1,270,9,999999999,110,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.0,85,99600,0,0,296,0,0,0,0,0,0,0,30,7.7,10,10,24.1,310,9,999999999,110,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,99700,0,0,293,0,0,0,0,0,0,0,50,6.2,10,10,24.1,340,9,999999999,100,0.2100,0,88,999.000,999.0,99.0 +1985,3,24,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,99800,0,0,293,0,0,0,0,0,0,0,50,6.7,10,10,19.3,370,9,999999999,100,0.2100,0,88,999.000,999.0,99.0 +1985,3,25,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.1,85,99900,0,0,290,0,0,0,0,0,0,0,50,5.7,10,10,14.5,370,9,999999999,100,0.2100,0,88,999.000,999.0,99.0 +1985,3,25,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.7,82,99900,0,0,290,0,0,0,0,0,0,0,40,5.7,10,10,11.3,460,9,999999999,100,0.2100,0,88,999.000,999.0,99.0 +1985,3,25,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.7,82,100000,0,0,290,0,0,0,0,0,0,0,50,5.2,10,10,11.3,460,9,999999999,100,0.2100,0,88,999.000,999.0,99.0 +1985,3,25,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,100000,0,0,293,0,0,0,0,0,0,0,50,5.2,10,10,11.3,400,9,999999999,100,0.2100,0,88,999.000,999.0,99.0 +1985,3,25,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,100100,0,0,293,0,0,0,0,0,0,0,60,4.1,10,10,14.5,460,9,999999999,100,0.2100,0,88,999.000,999.0,99.0 +1985,3,25,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-1.7,79,100100,5,286,292,2,0,2,0,0,0,0,80,4.6,10,10,24.1,520,9,999999999,100,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-2.2,76,100200,177,1375,292,43,0,43,4800,0,4800,1430,90,4.1,10,10,24.1,520,9,999999999,100,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-1.7,73,100200,431,1375,297,129,0,128,14300,0,14300,4490,80,3.1,10,10,24.1,520,9,999999999,100,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-1.1,73,100300,660,1375,300,240,2,240,26900,200,26800,8630,60,3.6,10,10,24.1,520,9,999999999,100,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-1.1,70,100400,846,1375,302,282,0,282,32100,0,32100,11330,40,3.1,10,10,24.1,520,9,999999999,100,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,-0.6,68,100400,977,1375,308,334,0,333,38200,0,38200,13810,120,2.6,10,10,24.1,520,9,999999999,110,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,0.0,68,100400,1043,1375,311,369,2,368,42500,200,42300,15280,120,1.5,10,10,24.1,520,9,999999999,110,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,0.0,65,100400,1041,1375,313,381,1,381,43700,100,43700,15580,230,2.1,10,10,19.3,610,9,999999999,110,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,0.0,65,100400,969,1375,313,350,1,349,39900,100,39800,14140,0,0.0,10,10,11.3,610,9,999999999,110,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,0.0,63,100300,834,1375,316,279,2,278,31700,200,31600,11120,220,2.6,10,10,11.3,760,9,999999999,110,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,0.0,63,100300,645,1375,316,228,1,227,25400,100,25300,8220,220,3.6,10,10,11.3,760,9,999999999,110,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,0.0,65,100300,414,1375,313,129,0,129,14300,0,14300,4400,210,3.6,10,10,12.9,760,9,999999999,110,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,0.0,68,100300,159,1375,285,56,179,36,5900,10000,4800,640,220,2.1,5,5,12.9,77777,9,999999999,110,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-0.6,73,100200,2,195,271,2,1,2,0,0,0,0,0,0.0,2,2,16.1,77777,9,999999999,100,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,100200,0,0,262,0,0,0,0,0,0,0,130,2.6,2,2,16.1,77777,9,999999999,100,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,100300,0,0,262,0,0,0,0,0,0,0,130,3.1,2,2,9.7,77777,9,999999999,100,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.7,85,100300,0,0,249,0,0,0,0,0,0,0,150,3.1,0,0,9.7,77777,9,999999999,100,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.1,89,100200,0,0,250,0,0,0,0,0,0,0,170,2.1,0,0,9.7,77777,9,999999999,100,0.0780,0,88,999.000,999.0,99.0 +1985,3,25,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.1,92,100200,0,0,247,0,0,0,0,0,0,0,150,2.6,0,0,6.4,77777,9,999999999,100,0.0780,0,88,999.000,999.0,99.0 +1985,3,26,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.1,89,100200,0,0,250,0,0,0,0,0,0,0,160,2.1,0,0,6.4,77777,9,999999999,100,0.0780,0,88,999.000,999.0,99.0 +1985,3,26,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,100100,0,0,247,0,0,0,0,0,0,0,170,2.6,0,0,6.4,77777,9,999999999,100,0.0780,0,88,999.000,999.0,99.0 +1985,3,26,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-1.7,92,100100,0,0,245,0,0,0,0,0,0,0,170,3.1,0,0,6.4,77777,9,999999999,100,0.0780,0,88,999.000,999.0,99.0 +1985,3,26,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.1,89,100100,0,0,250,0,0,0,0,0,0,0,170,3.1,0,0,6.4,77777,9,999999999,100,0.0780,0,88,999.000,999.0,99.0 +1985,3,26,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.1,89,100100,0,0,250,0,0,0,0,0,0,0,170,3.1,0,0,6.4,77777,9,999999999,100,0.0780,0,88,999.000,999.0,99.0 +1985,3,26,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-1.7,89,100100,6,309,247,3,2,2,0,0,0,0,170,3.1,0,0,8.0,77777,9,999999999,100,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-0.6,82,100100,184,1374,256,69,212,41,7300,12900,5500,730,190,3.6,0,0,3.2,77777,9,999999999,100,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,1.7,74,100000,439,1374,273,245,530,78,25600,47600,10400,1470,190,5.2,0,0,6.4,77777,9,999999999,120,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,2.2,66,99900,667,1374,282,438,682,108,46300,67100,13600,2280,200,7.2,0,0,8.0,77777,9,999999999,120,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,2.8,57,99900,852,1374,294,604,765,131,64600,77500,16300,3250,190,8.8,0,0,11.3,77777,9,999999999,130,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,3.3,53,99800,983,1374,302,724,796,156,77600,81300,19300,4560,190,8.2,2,0,16.1,77777,9,999999999,130,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,3.9,48,99600,1049,1374,312,798,753,224,83800,76000,25600,7100,190,7.7,9,0,16.1,77777,9,999999999,140,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,4.4,46,99500,1046,1374,323,734,652,239,76800,65500,26700,7460,220,7.7,10,1,16.1,77777,9,999999999,140,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,5.0,45,99400,974,1374,329,688,637,237,74000,66100,26900,6760,200,10.3,8,1,16.1,77777,9,999999999,150,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,5.6,45,99300,839,1374,337,561,628,179,58500,62500,20200,4180,190,9.8,5,2,16.1,77777,9,999999999,150,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,5.0,43,99200,649,1374,336,393,460,178,41300,45600,19700,3720,190,8.8,9,2,16.1,77777,9,999999999,140,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,5.0,45,99100,419,1374,329,213,412,90,22800,36700,11600,1670,190,8.2,6,1,16.1,77777,9,999999999,140,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,4.4,46,99000,164,1374,328,54,90,43,5700,4900,5100,800,180,10.3,8,2,16.1,77777,9,999999999,140,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,4.4,50,98900,3,218,323,1,0,1,0,0,0,0,190,11.3,8,2,16.1,77777,9,999999999,140,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,4.4,51,98900,0,0,326,0,0,0,0,0,0,0,190,8.8,9,4,16.1,77777,9,999999999,140,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,4.4,51,98900,0,0,348,0,0,0,0,0,0,0,200,8.2,10,9,19.3,6100,9,999999999,140,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,3.9,49,98700,0,0,347,0,0,0,0,0,0,0,190,10.3,10,9,19.3,6100,9,999999999,130,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,3.9,49,98700,0,0,347,0,0,0,0,0,0,0,190,11.3,10,9,19.3,6100,9,999999999,130,0.1560,0,88,999.000,999.0,99.0 +1985,3,26,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,3.9,48,98700,0,0,360,0,0,0,0,0,0,0,200,8.8,10,10,19.3,2440,9,999999999,140,0.1560,0,88,999.000,999.0,99.0 +1985,3,27,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,6.1,64,98600,0,0,352,0,0,0,0,0,0,0,190,7.7,10,10,11.3,1680,9,999999999,150,0.1560,0,88,999.000,999.0,99.0 +1985,3,27,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,6.7,67,98400,0,0,343,0,0,0,0,0,0,0,190,8.8,9,9,11.3,2740,9,999999999,160,0.1560,0,88,999.000,999.0,99.0 +1985,3,27,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,6.7,62,98300,0,0,348,0,0,0,0,0,0,0,190,8.2,10,9,14.5,2440,9,999999999,160,0.1560,0,88,999.000,999.0,99.0 +1985,3,27,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,6.7,62,98200,0,0,348,0,0,0,0,0,0,0,200,7.7,10,9,19.3,2440,9,999999999,160,0.1560,0,88,999.000,999.0,99.0 +1985,3,27,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,7.8,65,98100,0,0,362,0,0,0,0,0,0,0,190,6.7,10,10,8.0,1680,9,999999999,170,0.1560,0,88,999.000,999.0,99.0 +1985,3,27,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,8.3,75,98100,8,355,354,0,0,0,0,0,0,0,190,7.7,10,10,8.0,910,9,999999999,180,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,9.4,80,98000,192,1373,356,19,4,18,2200,0,2200,720,210,7.2,10,10,9.7,2440,9,999999999,190,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,10.0,80,97900,446,1373,359,115,6,113,13000,400,12900,4220,230,9.3,10,10,11.3,2130,9,999999999,190,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,11.1,87,97900,674,1373,360,101,3,99,12000,200,11900,4560,220,6.7,10,10,8.0,400,9,999999999,209,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,11.7,87,97900,859,1373,364,137,4,134,16500,300,16300,6500,210,6.2,10,10,4.8,310,9,999999999,209,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,12.2,87,97900,989,1373,367,272,4,270,31900,400,31600,12070,230,7.7,10,10,11.3,370,9,999999999,220,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,12.8,73,97900,1054,1373,367,528,335,272,58500,36300,30500,8660,240,7.2,8,8,16.1,910,9,999999999,230,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,10.0,55,97900,1051,1373,356,633,583,188,67400,59400,21800,6110,270,9.8,4,4,16.1,77777,9,999999999,190,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,10.6,55,98000,979,1373,370,468,309,248,51600,33400,27800,7050,250,9.8,8,7,24.1,910,9,999999999,200,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,11.7,55,98000,844,1373,376,399,151,307,43400,15800,33700,8420,270,8.2,8,7,24.1,910,9,999999999,209,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,11.1,59,98000,654,1373,367,267,191,177,29500,19500,20200,4340,280,6.2,10,7,24.1,7620,9,999999999,209,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,10.0,59,98100,423,1373,385,112,1,112,12600,100,12600,4080,270,5.2,10,10,24.1,7620,9,999999999,190,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,8.9,65,98100,169,1373,336,56,74,48,6200,4500,5600,1010,270,3.1,8,4,24.1,77777,9,999999999,180,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,8.3,69,98100,3,240,333,2,0,2,0,0,0,0,0,0.0,8,6,24.1,7620,9,999999999,170,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,8.3,75,98100,0,0,320,0,0,0,0,0,0,0,0,0.0,6,3,24.1,77777,9,999999999,180,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,8.9,72,98000,0,0,351,0,0,0,0,0,0,0,140,3.1,10,9,24.1,7620,9,999999999,180,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,8.9,75,97900,0,0,357,0,0,0,0,0,0,0,120,3.6,10,10,24.1,6710,9,999999999,180,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,8.9,75,97800,0,0,357,0,0,0,0,0,0,0,110,6.2,10,10,16.1,700,9,999999999,180,0.0930,0,88,999.000,999.0,99.0 +1985,3,27,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,10.6,87,97700,0,0,357,0,0,0,0,0,0,0,170,3.6,10,10,11.3,700,9,999999999,200,0.0930,0,88,999.000,999.0,99.0 +1985,3,28,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,13.3,97,97600,0,0,366,0,0,0,0,0,0,0,160,4.6,10,10,6.4,310,9,999999999,230,0.0930,0,88,999.000,999.0,99.0 +1985,3,28,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,12.8,90,97400,0,0,368,0,0,0,0,0,0,0,210,11.3,10,10,8.0,370,9,999999999,230,0.0930,0,88,999.000,999.0,99.0 +1985,3,28,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.9,93,97400,0,0,372,0,0,0,0,0,0,0,270,8.8,10,10,14.5,700,9,999999999,240,0.0930,0,88,999.000,999.0,99.0 +1985,3,28,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,6.7,96,97400,0,0,326,0,0,0,0,0,0,0,10,5.7,10,10,8.0,700,9,999999999,160,0.0930,0,88,999.000,999.0,99.0 +1985,3,28,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,6.1,96,97600,0,0,323,0,0,0,0,0,0,0,40,4.6,10,10,6.4,210,9,999999999,150,0.0930,0,88,999.000,999.0,99.0 +1985,3,28,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,5.6,96,97800,10,400,319,0,0,0,0,0,0,0,30,5.2,10,10,6.4,210,9,999999999,150,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,5.6,96,97700,199,1372,310,33,23,29,3600,1700,3300,770,60,2.6,9,9,11.3,910,9,999999999,150,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,6.1,93,97700,453,1372,316,140,83,113,15400,7800,12800,2560,60,3.6,9,9,8.0,910,9,999999999,150,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,6.1,93,97700,680,1372,325,83,5,81,10200,300,10000,3850,10,4.6,10,10,4.8,1010,9,999999999,150,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,7.2,93,97700,865,1372,331,123,6,119,15000,400,14700,5880,40,4.1,10,10,8.0,1070,9,999999999,160,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,5.6,96,97700,994,1372,319,303,3,301,35100,300,34900,13070,30,4.1,10,10,6.4,580,9,999999999,150,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,5.0,93,97700,1060,1372,319,286,6,281,33600,500,33200,12840,50,4.1,10,10,6.4,610,9,999999999,140,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,3.9,93,97700,1056,1372,312,342,7,336,39600,700,39100,14530,50,5.2,10,10,6.4,370,9,999999999,130,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,4.4,93,97600,984,1372,316,271,1,270,31600,100,31500,12050,20,5.7,10,10,6.4,310,9,999999999,140,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,5.6,100,97500,848,1372,317,168,6,164,19900,500,19600,7650,50,6.2,10,10,3.2,90,9,999999999,150,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,6.7,100,97400,659,1372,323,201,4,199,22700,300,22600,7710,80,4.6,10,10,3.2,180,9,999999999,160,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,7.2,100,97400,428,1372,326,69,0,69,8100,0,8100,2840,40,4.1,10,10,3.2,180,9,999999999,160,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,7.2,100,97400,173,1372,326,23,0,23,2700,0,2700,880,40,3.1,10,10,3.2,180,9,999999999,160,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,7.8,100,97500,4,263,330,2,0,2,0,0,0,0,40,2.6,10,10,2.0,60,9,999999999,170,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,7.2,100,97600,0,0,326,0,0,0,0,0,0,0,0,0.0,10,10,1.2,30,9,999999999,160,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,7.2,100,97700,0,0,310,0,0,0,0,0,0,0,260,2.1,8,8,0.2,60,9,999999999,160,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,7.8,100,97800,0,0,330,0,0,0,0,0,0,0,270,2.6,10,10,0.6,60,9,999999999,170,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,7.8,93,97900,0,0,335,0,0,0,0,0,0,0,250,4.1,10,10,2.4,90,9,999999999,170,0.1090,0,88,999.000,999.0,99.0 +1985,3,28,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,8.9,93,98000,0,0,341,0,0,0,0,0,0,0,270,5.2,10,10,6.4,180,9,999999999,180,0.1090,0,88,999.000,999.0,99.0 +1985,3,29,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,8.3,86,98000,0,0,343,0,0,0,0,0,0,0,300,5.2,10,10,8.0,210,9,999999999,170,0.1090,0,88,999.000,999.0,99.0 +1985,3,29,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,7.8,86,98200,0,0,340,0,0,0,0,0,0,0,270,6.2,10,10,12.9,610,9,999999999,170,0.1090,0,88,999.000,999.0,99.0 +1985,3,29,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,6.7,86,98300,0,0,289,0,0,0,0,0,0,0,280,4.1,0,0,16.1,77777,9,999999999,160,0.1090,0,88,999.000,999.0,99.0 +1985,3,29,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,5.6,86,98300,0,0,283,0,0,0,0,0,0,0,310,4.1,0,0,16.1,77777,9,999999999,150,0.1090,0,88,999.000,999.0,99.0 +1985,3,29,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,5.0,89,98400,0,0,306,0,0,0,0,0,0,0,260,2.1,8,8,16.1,2740,9,999999999,140,0.1090,0,88,999.000,999.0,99.0 +1985,3,29,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,4.4,93,98500,12,446,301,2,0,2,0,0,0,0,260,2.6,10,8,24.1,2740,9,999999999,140,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,5.0,93,98700,206,1371,319,61,4,60,6700,100,6700,1900,270,3.1,10,10,24.1,2440,9,999999999,140,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,5.0,86,98700,460,1371,324,112,3,111,12700,200,12700,4240,300,2.6,10,10,16.1,2440,9,999999999,140,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,5.6,77,98700,687,1371,335,231,3,229,25900,300,25800,8660,290,2.6,10,10,16.1,2440,9,999999999,150,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,5.6,74,98800,871,1371,338,256,6,252,29500,500,29200,10730,300,3.1,10,10,16.1,2440,9,999999999,150,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,5.6,66,98800,1000,1371,346,331,5,328,38200,500,37900,13890,280,2.6,10,10,19.3,2440,9,999999999,150,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,5.6,62,98800,1065,1371,351,354,4,352,41100,400,40800,15040,300,3.1,10,10,24.1,2440,9,999999999,150,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,5.6,60,98800,1061,1371,354,374,5,370,43100,500,42700,15500,300,2.6,10,10,24.1,2440,9,999999999,150,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,3.3,51,98800,989,1371,351,305,3,302,35200,300,35000,13060,340,3.6,10,10,24.1,2440,9,999999999,130,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,5.6,72,98900,853,1371,340,305,0,305,34500,0,34500,11960,80,6.2,10,10,24.1,2440,9,999999999,150,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,4.4,83,99000,663,1371,323,146,0,146,16900,0,16900,6220,50,5.2,10,10,16.1,2440,9,999999999,140,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,3.3,86,99200,432,1371,315,125,0,124,13900,0,13900,4420,60,7.2,10,10,16.1,640,9,999999999,130,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,2.2,83,99200,178,1371,311,41,0,41,4600,0,4600,1390,60,5.2,10,10,16.1,700,9,999999999,120,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,1.7,82,99200,5,286,307,3,0,3,0,0,0,0,80,4.6,10,10,16.1,760,9,999999999,120,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,2.2,89,99200,0,0,306,0,0,0,0,0,0,0,40,7.7,10,10,16.1,610,9,999999999,120,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,1.1,86,99300,0,0,302,0,0,0,0,0,0,0,30,6.7,10,10,16.1,760,9,999999999,110,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.6,89,99300,0,0,297,0,0,0,0,0,0,0,30,7.7,10,10,19.3,760,9,999999999,110,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.0,85,99400,0,0,296,0,0,0,0,0,0,0,30,6.7,10,10,19.3,340,9,999999999,110,0.0820,0,88,999.000,999.0,99.0 +1985,3,29,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.0,89,99500,0,0,294,0,0,0,0,0,0,0,30,7.7,10,10,24.1,460,9,999999999,110,0.0820,0,88,999.000,999.0,99.0 +1985,3,30,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,99500,0,0,293,0,0,0,0,0,0,0,30,6.2,10,10,24.1,340,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1985,3,30,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,99500,0,0,293,0,0,0,0,0,0,0,20,6.7,10,10,24.1,340,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1985,3,30,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,99600,0,0,293,0,0,0,0,0,0,0,30,7.2,10,10,24.1,610,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1985,3,30,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.1,85,99500,0,0,290,0,0,0,0,0,0,0,40,8.8,10,10,24.1,460,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1985,3,30,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.1,85,99500,0,0,290,0,0,0,0,0,0,0,40,8.2,10,10,24.1,370,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1985,3,30,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-1.1,85,99600,14,468,290,4,0,4,0,0,0,0,40,7.2,10,10,6.4,310,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-0.6,89,99700,214,1371,291,49,0,49,5500,0,5500,1690,40,7.2,10,10,6.4,310,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,0.0,85,99600,467,1371,296,138,1,138,15500,100,15400,4940,60,7.2,10,10,11.3,310,9,999999999,110,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-1.1,79,99600,693,1371,295,225,0,225,25400,0,25400,8630,70,7.7,10,10,12.9,310,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-1.1,79,99600,877,1371,295,290,0,290,33100,0,33100,11830,70,8.8,10,10,16.1,310,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-1.1,82,99600,1006,1371,293,349,1,349,40100,100,40100,14500,50,8.8,10,10,24.1,310,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-1.1,82,99600,1070,1371,293,408,1,407,46700,100,46600,16490,60,8.2,10,10,24.1,310,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-1.1,82,99600,1066,1371,293,385,1,384,44200,100,44200,15900,50,9.3,10,10,4.0,400,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-0.6,85,99500,993,1371,293,343,1,342,39300,100,39300,14210,50,8.8,10,10,16.1,430,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-1.7,85,99500,857,1371,287,318,1,317,35900,100,35800,12280,50,9.3,10,10,19.3,520,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-1.7,82,99400,668,1371,290,220,1,220,24800,100,24700,8290,50,10.8,10,10,16.1,580,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-1.7,76,99400,437,1371,294,140,1,140,15500,100,15500,4790,70,9.3,10,10,16.1,1520,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-1.7,70,99300,182,1371,299,47,0,47,5200,0,5200,1540,60,8.2,10,10,14.5,1520,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-1.1,79,99200,6,308,295,3,0,3,0,0,0,0,60,8.2,10,10,16.1,1520,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-1.1,79,99000,0,0,295,0,0,0,0,0,0,0,70,9.3,10,10,16.1,1160,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-1.1,79,98900,0,0,295,0,0,0,0,0,0,0,80,9.3,10,10,16.1,1010,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-1.1,79,99000,0,0,295,0,0,0,0,0,0,0,100,7.7,10,10,16.1,640,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,98900,0,0,293,0,0,0,0,0,0,0,80,7.2,10,10,8.0,340,9,999999999,100,0.1080,0,88,999.000,999.0,99.0 +1985,3,30,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.6,92,98700,0,0,294,0,0,0,0,0,0,0,80,7.2,10,10,6.4,240,9,999999999,110,0.1080,0,88,999.000,999.0,99.0 +1985,3,31,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.6,92,98500,0,0,294,0,0,0,0,0,0,0,80,8.2,10,10,8.0,270,9,999999999,110,0.1080,0,88,999.000,999.0,99.0 +1985,3,31,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.6,92,98300,0,0,294,0,0,0,0,0,0,0,90,8.8,10,10,6.4,210,9,999999999,110,0.1080,0,88,999.000,999.0,99.0 +1985,3,31,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.6,92,98100,0,0,294,0,0,0,0,0,0,0,90,8.8,10,10,6.4,180,9,999999999,110,0.1080,0,88,999.000,999.0,99.0 +1985,3,31,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.6,92,97800,0,0,294,0,0,0,0,0,0,0,90,9.8,10,10,6.4,150,9,999999999,110,0.1080,0,88,999.000,999.0,99.0 +1985,3,31,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,1.1,93,97700,0,0,297,0,0,0,0,0,0,0,110,7.7,10,10,6.4,150,9,999999999,110,0.1080,0,88,999.000,999.0,99.0 +1985,3,31,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,2.2,96,97400,17,514,301,4,0,4,0,0,0,0,110,8.8,10,10,6.4,180,9,999999999,120,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,2.2,96,97300,221,1370,301,33,0,33,3800,0,3800,1260,120,6.2,10,10,9.7,180,9,999999999,120,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,2.8,93,97200,474,1370,306,91,1,91,10600,100,10600,3700,120,5.7,10,10,2.4,150,9,999999999,120,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,3.9,96,97100,700,1370,310,147,1,146,17100,100,17100,6390,160,6.2,10,10,2.4,120,9,999999999,130,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,5.6,96,97100,883,1370,319,293,2,292,33500,200,33400,11940,230,7.7,10,10,24.1,370,9,999999999,150,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,5.6,93,97100,1011,1370,322,349,1,348,40100,100,40000,14530,210,9.3,10,10,24.1,520,9,999999999,150,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,3.3,74,97000,1075,1370,325,370,0,370,42700,0,42700,15610,230,8.2,10,10,24.1,640,9,999999999,130,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,2.2,76,97000,1071,1370,316,225,1,224,27000,100,26900,10830,240,9.3,10,10,11.3,640,9,999999999,120,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,1.7,79,97000,998,1370,310,203,0,203,24300,0,24300,9750,210,11.3,10,10,24.1,640,9,999999999,120,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,0.0,73,97000,862,1370,306,284,1,284,32500,100,32400,11550,230,12.9,10,10,24.1,880,9,999999999,100,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,0.0,82,97100,672,1370,299,127,1,126,14900,100,14800,5580,230,10.3,10,10,19.3,880,9,999999999,100,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,0.0,100,97200,441,1370,287,75,0,75,8700,0,8700,3080,240,10.3,10,10,3.2,270,9,999999999,100,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-1.1,85,97200,187,1370,290,29,0,29,3400,0,3400,1080,230,11.3,10,10,3.2,760,9,999999999,100,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-1.7,85,97300,7,331,287,2,0,2,0,0,0,0,230,12.4,10,10,9.7,700,9,999999999,100,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-2.2,85,97400,0,0,284,0,0,0,0,0,0,0,230,9.3,10,10,8.0,760,9,999999999,90,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-2.8,82,97400,0,0,284,0,0,0,0,0,0,0,260,10.3,10,10,9.7,700,9,999999999,90,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.1,-3.0,85,97600,0,0,283,0,0,0,0,0,0,0,260,9.3,10,10,9.7,700,9,999999999,90,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.4,-3.3,82,97600,0,0,282,0,0,0,0,0,0,0,260,8.2,10,10,12.9,1010,9,999999999,90,0.1030,0,88,999.000,999.0,99.0 +1985,3,31,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-3.6,75,97700,0,0,280,0,0,0,0,0,0,0,260,7.2,10,10,16.1,1010,9,999999999,80,0.1030,0,88,999.000,999.0,99.0 +2002,4,1,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-0.9,-4.0,66,99200,0,0,242,0,0,0,0,0,0,0,280,6.2,0,0,16.0,77777,9,999999999,50,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-1.1,-4.3,72,99200,0,0,241,0,0,0,0,0,0,0,280,5.2,0,0,16.0,77777,9,999999999,50,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-1.4,-4.6,72,99100,0,0,239,0,0,0,0,0,0,0,290,4.1,0,0,16.0,77777,9,999999999,50,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-1.7,-5.0,76,99200,0,0,238,0,0,0,0,0,0,0,290,3.1,0,0,16.0,77777,9,999999999,50,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-2.2,-5.6,75,99200,0,0,236,0,0,0,0,0,0,0,250,2.1,0,0,16.0,77777,9,999999999,60,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-2.8,-5.0,83,99300,19,536,234,0,0,0,0,0,0,0,250,1.5,0,0,16.0,77777,9,999999999,60,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-1.1,-4.4,76,99300,227,1369,241,124,236,85,12700,15800,10100,1740,270,2.6,0,0,16.0,77777,9,999999999,60,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.1,-5.0,61,99300,480,1369,248,298,488,127,31000,45200,15100,2450,0,0.0,0,0,16.0,77777,9,999999999,70,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,-5.6,53,99400,705,1369,262,485,602,174,51300,60600,20000,3730,300,1.5,3,3,16.0,77777,9,999999999,70,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,-5.0,50,99300,889,1369,284,554,395,297,59400,42200,32000,8000,330,2.6,8,8,16.0,7620,9,999999999,80,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,-5.6,47,99200,1016,1369,273,328,42,297,36200,4300,33000,11250,0,0.0,6,5,16.0,6096,9,999999999,90,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,-4.4,51,99200,1080,1369,282,267,12,257,31700,1000,30900,12100,260,3.6,8,7,16.0,6096,9,999999999,100,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,-5.6,46,99200,1075,1369,291,167,0,167,20500,0,20500,8490,190,2.1,9,9,16.0,4572,9,999999999,110,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,-1.1,75,99100,1002,1369,297,157,0,157,19200,0,19200,7880,190,2.6,10,10,4.0,671,9,999999999,120,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.6,0.0,96,99000,866,1369,289,131,0,131,15900,0,15900,6400,0,0.0,10,10,0.8,152,9,999999999,140,0.1400,0,88,0.160,1.0,1.0 +2002,4,1,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.6,0.6,100,98900,676,1369,290,82,0,82,10000,0,10000,3880,130,1.5,10,10,1.6,152,9,999999999,140,0.1400,0,88,0.160,1.0,1.0 +2002,4,1,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.6,0.0,96,99000,445,1369,289,75,0,75,8800,0,8800,3090,0,0.0,10,10,1.6,152,9,999999999,150,0.1400,0,88,0.160,1.0,1.0 +2002,4,1,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.6,0.0,96,98900,191,1369,289,38,0,38,4300,0,4300,1350,110,3.1,10,10,1.6,213,9,999999999,150,0.1400,0,88,0.160,1.0,1.0 +2002,4,1,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.6,0.0,96,98800,8,354,289,0,0,0,0,0,0,0,90,4.1,10,10,4.8,91,9,999999999,160,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.1,0.0,92,98800,0,0,291,0,0,0,0,0,0,0,80,5.2,10,10,4.8,91,9,999999999,160,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.1,0.6,96,98800,0,0,292,0,0,0,0,0,0,0,80,4.6,10,10,4.8,914,9,999999999,160,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.7,0.0,88,98700,0,0,294,0,0,0,0,0,0,0,100,5.2,10,10,8.0,152,9,999999999,170,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.7,0.0,88,98600,0,0,294,0,0,0,0,0,0,0,80,4.6,10,10,8.0,152,9,999999999,170,0.1400,0,88,0.160,0.0,1.0 +2002,4,1,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,0.0,85,98500,0,0,296,0,0,0,0,0,0,0,80,5.2,10,10,8.0,152,9,999999999,170,0.1400,0,88,0.160,0.0,1.0 +2002,4,2,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,0.0,85,98300,0,0,296,0,0,0,0,0,0,0,90,5.7,10,10,9.6,213,9,999999999,180,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,0.0,85,98300,0,0,296,0,0,0,0,0,0,0,90,4.6,10,10,9.6,213,9,999999999,180,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,1.3,94,98200,0,0,283,0,0,0,0,0,0,0,60,3.6,8,8,11.2,213,9,999999999,180,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,1.5,95,98200,0,0,298,0,0,0,0,0,0,0,40,4.6,10,10,9.6,213,9,999999999,190,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,2.2,96,98300,0,0,301,0,0,0,0,0,0,0,10,3.6,10,10,8.0,792,9,999999999,200,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,2.8,97,98200,22,581,304,0,0,0,0,0,0,0,30,4.1,10,10,8.0,640,9,999999999,209,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,2.8,97,98100,234,1368,304,51,0,51,5800,0,5800,1800,30,4.1,10,10,4.0,183,9,999999999,209,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,2.8,97,98100,486,1368,304,51,0,51,6200,0,6200,2290,40,5.2,10,10,4.0,183,9,999999999,209,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,3.3,93,98200,712,1368,309,338,166,252,36700,17100,27800,6370,70,2.1,10,10,4.0,183,9,999999999,209,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,3.9,89,98300,894,1368,315,274,18,262,31600,1600,30600,11210,320,3.1,10,10,4.8,244,9,999999999,200,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,3.9,86,98200,1022,1368,317,347,30,324,38200,3100,35900,12170,320,6.7,10,10,8.0,305,9,999999999,190,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,3.3,82,98300,1085,1368,317,188,6,183,22900,500,22600,9200,300,5.7,10,10,8.0,305,9,999999999,190,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,3.3,82,98400,1080,1368,317,339,24,320,39600,2200,37900,14210,310,7.2,10,10,14.4,427,9,999999999,170,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,2.8,76,98400,1006,1368,319,233,6,229,27700,500,27300,10770,320,8.8,10,10,16.0,427,9,999999999,160,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,2.2,76,98500,870,1368,316,170,0,170,20200,0,20200,7980,300,6.2,10,10,16.0,488,9,999999999,150,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,1.7,79,98600,680,1368,310,104,0,104,12400,0,12400,4780,300,6.7,10,10,12.8,488,9,999999999,140,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,1.1,82,98700,450,1368,305,60,0,60,7100,0,7100,2580,310,6.2,10,10,9.6,488,9,999999999,120,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,0.6,79,98800,196,1368,304,19,0,19,2300,0,2300,760,310,7.7,10,10,9.6,457,9,999999999,100,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,-0.6,78,98900,9,376,298,0,0,0,0,0,0,0,300,9.3,10,10,16.0,640,9,999999999,100,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,-1.1,72,99000,0,0,300,0,0,0,0,0,0,0,310,7.2,10,10,16.0,701,9,999999999,90,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,-1.1,75,99100,0,0,297,0,0,0,0,0,0,0,310,7.2,10,10,16.0,579,9,999999999,80,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,-1.1,78,99100,0,0,295,0,0,0,0,0,0,0,330,6.7,10,10,11.2,488,9,999999999,80,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,-1.7,74,99200,0,0,294,0,0,0,0,0,0,0,350,6.7,10,10,9.6,457,9,999999999,80,0.1410,0,88,0.160,0.0,1.0 +2002,4,2,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.1,-2.2,77,99300,0,0,289,0,0,0,0,0,0,0,360,4.1,10,10,12.8,9144,9,999999999,80,0.1410,0,88,0.160,0.0,1.0 +2002,4,3,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.0,-2.2,83,99400,0,0,257,0,0,0,0,0,0,0,340,4.6,8,3,16.0,77777,9,999999999,80,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.0,-2.8,79,99500,0,0,284,0,0,0,0,0,0,0,350,5.7,10,10,16.0,549,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-0.6,-3.3,80,99500,0,0,258,0,0,0,0,0,0,0,330,3.6,10,5,16.0,77777,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-0.6,-2.8,83,99600,0,0,252,0,0,0,0,0,0,0,310,3.6,7,2,16.0,77777,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-1.1,-2.2,91,99700,0,0,272,0,0,0,0,0,0,0,310,2.1,10,9,16.0,2286,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-0.6,-2.2,88,99800,25,627,264,0,0,0,0,0,0,0,310,3.1,10,7,16.0,1676,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.0,-1.1,91,99800,241,1367,286,119,87,104,13000,7000,11800,2200,310,3.6,10,10,12.8,1524,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.1,-0.6,88,99900,493,1367,283,101,0,101,11700,0,11700,4090,290,3.6,10,9,14.4,1524,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,-2.2,71,100000,718,1367,286,152,0,152,17800,0,17800,6680,310,4.1,10,9,16.0,1463,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,-1.7,74,100000,900,1367,294,197,0,197,23300,0,23300,9110,300,2.6,10,10,16.0,1372,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,-3.3,60,100000,1027,1367,297,229,6,225,27400,500,27000,10710,320,6.2,10,10,16.0,1463,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,-3.3,60,100000,1090,1367,297,267,6,262,31700,500,31300,12320,310,5.2,10,10,16.0,16764,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,-3.9,53,100100,1084,1367,301,232,12,222,27900,1000,27100,10800,270,5.2,10,10,16.0,1829,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,-1.7,69,100100,1011,1367,299,647,424,333,70000,45800,36100,10340,320,4.6,10,10,16.0,1829,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,-2.2,63,100200,874,1367,301,545,469,245,57400,48300,26500,6210,310,3.6,10,10,16.0,2134,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,-1.7,69,100200,684,1367,299,409,423,197,42600,42300,21300,4230,310,5.2,10,10,16.0,2134,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,0.0,85,100300,454,1367,296,247,360,127,25500,32800,14500,2450,0,0.0,10,10,6.4,914,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,-1.1,78,100300,200,1367,295,81,189,53,8500,11800,6800,990,310,5.7,10,10,16.0,1981,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.7,-2.2,74,100300,10,399,292,0,0,0,0,0,0,0,280,3.1,10,10,16.0,1433,9,999999999,70,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.1,-2.2,77,100400,0,0,289,0,0,0,0,0,0,0,300,3.1,10,10,16.0,1981,9,999999999,60,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.1,-1.7,80,100400,0,0,282,0,0,0,0,0,0,0,280,3.1,10,9,16.0,914,9,999999999,60,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.6,-1.7,83,100400,0,0,287,0,0,0,0,0,0,0,360,3.1,10,10,12.8,762,9,999999999,60,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.0,-3.3,76,100500,0,0,283,0,0,0,0,0,0,0,350,4.1,10,10,14.4,914,9,999999999,60,0.1420,0,88,0.160,0.0,1.0 +2002,4,3,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.0,-3.9,72,100400,0,0,283,0,0,0,0,0,0,0,340,4.1,10,10,9.6,10790,9,999999999,60,0.1420,0,88,0.160,0.0,1.0 +2002,4,4,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-0.6,-5.6,66,100400,0,0,271,0,0,0,0,0,0,0,360,2.1,9,9,16.0,1158,9,999999999,60,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-0.6,-5.0,69,100400,0,0,279,0,0,0,0,0,0,0,350,2.6,10,10,16.0,1341,9,999999999,70,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-0.6,-5.6,66,100400,0,0,278,0,0,0,0,0,0,0,350,3.6,10,10,16.0,1524,9,999999999,70,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-1.1,-5.6,68,100500,0,0,276,0,0,0,0,0,0,0,330,4.1,10,10,16.0,1524,9,999999999,70,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-1.1,-6.7,62,100500,0,0,275,0,0,0,0,0,0,0,330,4.1,10,10,16.0,1676,9,999999999,70,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-1.1,-6.1,66,100600,28,672,276,0,0,0,0,0,0,0,310,3.1,10,10,16.0,1524,9,999999999,60,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-0.6,-5.6,66,100600,248,1367,278,126,151,99,13400,11100,11400,2120,320,3.6,10,10,16.0,1524,9,999999999,70,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.0,-5.0,66,100600,500,1367,268,201,101,164,22000,9600,18500,4380,310,3.1,8,8,16.0,1524,9,999999999,70,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.6,-8.3,47,100600,724,1367,267,437,374,238,46500,39100,25700,5620,270,2.1,8,8,16.0,1463,9,999999999,70,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.1,-6.7,52,100600,906,1367,284,565,394,303,60700,42200,32600,8320,300,3.6,10,10,16.0,1372,9,999999999,70,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,-6.1,51,100600,1032,1367,276,241,12,232,28700,1000,28000,11000,310,2.6,8,8,16.0,1067,9,999999999,60,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,-3.9,62,100600,1095,1367,292,188,0,188,22900,0,22900,9430,320,4.1,10,10,16.0,9022,9,999999999,60,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.7,-3.3,67,100600,1089,1367,290,184,0,184,22500,0,22500,9250,320,4.6,10,10,16.0,884,9,999999999,60,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.7,-2.8,70,100500,1015,1367,291,175,0,175,21200,0,21200,8690,360,3.6,10,10,12.8,792,9,999999999,60,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.1,-2.2,77,100500,879,1367,289,131,0,131,15900,0,15900,6440,40,3.6,10,10,12.8,792,9,999999999,60,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.6,-2.2,80,100500,689,1367,287,98,0,98,11800,0,11800,4570,50,3.6,10,10,8.0,792,9,999999999,60,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.0,-1.7,87,100500,458,1367,285,86,0,86,10000,0,10000,3490,50,2.6,10,10,1.6,792,9,999999999,60,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.0,-1.1,91,100500,205,1367,286,39,0,39,4400,0,4400,1410,50,2.6,10,10,2.4,488,9,999999999,70,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.0,-1.7,87,100600,12,444,285,0,0,0,0,0,0,0,40,2.6,10,10,9.6,305,9,999999999,70,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-0.6,-1.1,96,100600,0,0,283,0,0,0,0,0,0,0,20,2.1,10,10,6.4,1676,9,999999999,60,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-0.6,-1.7,91,100600,0,0,282,0,0,0,0,0,0,0,0,0.0,10,10,12.8,1494,9,999999999,60,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-1.7,-1.7,100,100600,0,0,255,0,0,0,0,0,0,0,0,0.0,5,5,16.0,77777,9,999999999,60,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-1.1,-1.7,95,100500,0,0,257,0,0,0,0,0,0,0,0,0.0,5,5,12.8,77777,9,999999999,50,0.1430,0,88,0.160,0.0,1.0 +2002,4,4,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-3.9,-3.9,100,100500,0,0,245,0,0,0,0,0,0,0,0,0.0,5,5,11.2,77777,9,999999999,50,0.1430,0,88,0.160,0.0,1.0 +2002,4,5,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-3.3,-3.3,100,100500,0,0,246,0,0,0,0,0,0,0,0,0.0,4,4,4.8,77777,9,999999999,50,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-3.9,-3.9,100,100400,0,0,231,0,0,0,0,0,0,0,220,1.5,0,0,6.4,77777,9,999999999,50,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-3.3,-3.3,100,100400,0,0,234,0,0,0,0,0,0,0,300,2.1,0,0,8.0,77777,9,999999999,50,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-3.3,-3.9,95,100400,0,0,256,0,0,0,0,0,0,0,0,0.0,8,8,6.4,2438,9,999999999,50,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-3.9,-4.4,96,100500,0,0,254,0,0,0,0,0,0,0,260,1.5,8,8,9.6,2438,9,999999999,50,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-3.9,-4.4,96,100500,31,694,243,0,18,0,0,0,0,0,0,0.0,4,4,11.2,4572,9,999999999,50,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-2.2,-3.9,87,100500,255,1366,247,115,114,93,12200,8600,10600,1990,250,1.5,3,3,8.0,77777,9,999999999,60,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.0,-4.4,69,100600,506,1366,269,251,214,171,27100,20600,19400,3950,260,2.6,8,8,14.4,2591,9,999999999,60,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.7,-4.4,61,100500,731,1366,275,390,264,249,41500,27600,26700,5960,260,3.1,8,8,16.0,1676,9,999999999,70,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,-3.9,57,100500,912,1366,297,502,261,327,54600,27500,36200,9510,310,5.7,10,10,16.0,1524,9,999999999,70,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,-3.3,62,100500,1038,1366,281,365,36,337,40200,3700,37400,12800,280,5.7,8,8,16.0,2743,9,999999999,70,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,-3.9,57,100400,1100,1366,282,345,18,331,40400,1600,39100,14670,280,5.2,8,8,16.0,1676,9,999999999,70,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,-4.4,51,100400,1093,1366,301,381,30,357,42000,3100,39600,14310,320,5.7,10,10,16.0,2286,9,999999999,70,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,-4.4,48,100300,1019,1366,303,181,0,181,21900,0,21900,8950,310,6.2,10,10,16.0,1676,9,999999999,70,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,-5.0,48,100300,883,1366,300,119,0,119,14600,0,14600,5940,290,6.2,10,10,16.0,1524,9,999999999,70,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,-4.4,48,100300,693,1366,303,213,18,204,24200,1500,23500,8120,320,4.1,10,10,16.0,1494,9,999999999,70,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,-3.9,59,100300,463,1366,294,106,0,106,12100,0,12100,4120,70,4.6,10,10,16.0,1402,9,999999999,70,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,-3.9,62,100300,209,1366,273,90,160,66,9400,10200,7800,1290,40,2.1,7,7,16.0,1981,9,999999999,70,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,-3.9,62,100300,13,467,292,0,0,0,0,0,0,0,360,1.5,10,10,16.0,2286,9,999999999,60,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.6,-3.3,73,100300,0,0,272,0,0,0,0,0,0,0,60,5.2,8,8,16.0,2134,9,999999999,60,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.0,-3.9,72,100400,0,0,256,0,0,0,0,0,0,0,70,2.6,3,3,16.0,77777,9,999999999,60,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.0,-4.4,69,100400,0,0,274,0,0,0,0,0,0,0,70,2.1,9,9,16.0,1981,9,999999999,50,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-1.1,-4.4,76,100400,0,0,270,0,0,0,0,0,0,0,0,0.0,9,9,16.0,1981,9,999999999,50,0.1440,0,88,0.160,0.0,1.0 +2002,4,5,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-2.2,-4.4,83,100400,0,0,251,0,0,0,0,0,0,0,0,0.0,5,5,16.0,77777,9,999999999,50,0.1440,0,88,0.160,0.0,1.0 +2002,4,6,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-2.2,-4.4,83,100400,0,0,247,0,0,0,0,0,0,0,0,0.0,3,3,12.8,77777,9,999999999,50,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-2.8,-4.4,87,100400,0,0,245,0,0,0,0,0,0,0,0,0.0,3,3,11.2,77777,9,999999999,50,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-2.2,-4.4,83,100400,0,0,237,0,0,0,0,0,0,0,310,1.5,0,0,12.8,77777,9,999999999,40,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-2.8,-5.0,83,100400,0,0,234,0,0,0,0,0,0,0,0,0.0,0,0,12.8,77777,9,999999999,50,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-3.3,-5.0,87,100500,0,0,232,0,0,0,0,0,0,0,0,0.0,0,0,11.2,77777,9,999999999,50,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-2.8,-5.0,83,100600,35,739,234,1,54,1,400,3000,300,40,300,1.5,0,0,14.4,77777,9,999999999,50,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,-0.6,-5.0,69,100600,262,1365,242,150,297,93,15500,21700,11300,1890,330,1.5,0,0,11.2,77777,9,999999999,50,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.7,-6.1,53,100600,513,1365,249,329,523,132,34300,49400,15700,2570,10,2.1,0,0,16.0,77777,9,999999999,50,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,-6.1,51,100700,737,1365,264,489,570,180,51800,57700,20600,3950,0,0.0,4,4,16.0,77777,9,999999999,60,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,-7.2,44,100700,917,1365,265,660,704,186,69100,70800,21400,4840,50,2.1,4,4,16.0,77777,9,999999999,60,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,-6.1,42,100600,1043,1365,275,767,736,203,80900,74700,23700,6520,90,3.6,4,4,16.0,77777,9,999999999,70,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,-5.6,46,100600,1104,1365,285,782,631,270,81300,63300,30000,9630,80,3.6,8,8,16.0,1494,9,999999999,70,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-4.4,46,100500,1098,1365,279,815,749,211,86200,76200,24800,7620,130,4.6,4,4,16.0,77777,9,999999999,70,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,-5.0,43,100400,1023,1365,293,740,722,197,78000,73200,23000,6110,150,4.1,8,8,16.0,1524,9,999999999,80,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,-5.0,43,100300,887,1365,280,637,712,172,66600,71600,20000,4330,110,6.7,4,4,16.0,6096,9,999999999,80,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-5.0,44,100300,697,1365,276,454,547,174,47900,55000,19800,3710,120,5.2,3,3,16.0,7620,9,999999999,80,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-5.6,42,100200,467,1365,264,259,384,127,26800,35300,14700,2450,140,6.2,0,0,16.0,7620,9,999999999,80,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,-6.1,45,100100,214,1365,272,99,290,54,10300,19200,7300,980,130,6.2,8,5,16.0,77777,9,999999999,80,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.7,-5.0,58,100100,15,489,250,0,0,0,0,0,0,0,150,5.7,0,0,16.0,77777,9,999999999,90,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.6,-3.9,69,100000,0,0,258,0,0,0,0,0,0,0,150,5.2,3,3,16.0,7620,9,999999999,100,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.6,-3.9,69,99900,0,0,260,0,0,0,0,0,0,0,160,3.6,5,4,16.0,7620,9,999999999,120,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,-5.6,53,99800,0,0,282,0,0,0,0,0,0,0,160,5.2,10,9,16.0,7620,9,999999999,120,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,-5.6,49,99700,0,0,276,0,0,0,0,0,0,0,170,5.7,9,7,16.0,7620,9,999999999,120,0.1450,0,88,0.160,0.0,1.0 +2002,4,6,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,-6.1,49,99600,0,0,284,0,0,0,0,0,0,0,170,9.3,10,9,16.0,7620,9,999999999,120,0.1450,0,88,0.160,0.0,1.0 +2002,4,7,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,-6.1,49,99500,0,0,284,0,0,0,0,0,0,0,180,6.7,9,9,16.0,7620,9,999999999,130,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9*9?9?9?9*9*9?9*9*9,2.9,-6.3,48,99500,0,0,284,0,0,0,0,0,0,0,190,6.2,9,9,16.0,7620,9,999999999,130,0.1460,0,88,0.160,999.0,99.0 +2002,4,7,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,-6.7,46,99500,0,0,283,0,0,0,0,0,0,0,190,5.7,9,9,16.0,7620,9,999999999,140,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,-6.7,46,99400,0,0,283,0,0,0,0,0,0,0,190,6.7,10,9,16.0,7620,9,999999999,150,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,-5.6,51,99400,0,0,269,0,0,0,0,0,0,0,180,7.2,10,5,16.0,7620,9,999999999,160,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,-5.6,49,99400,39,784,287,1,0,1,100,0,100,40,190,6.7,10,9,16.0,2286,9,999999999,170,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,-3.9,59,99400,269,1364,294,46,0,46,5300,0,5300,1750,190,5.7,10,10,16.0,1981,9,999999999,190,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.7,-1.1,81,99500,519,1364,293,57,0,57,6900,0,6900,2580,190,4.1,10,10,8.0,1067,9,999999999,209,0.1460,0,88,0.160,1.0,1.0 +2002,4,7,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.7,0.0,88,99400,743,1364,294,92,0,92,11200,0,11200,4450,190,5.7,10,10,9.6,1372,9,999999999,220,0.1460,0,88,0.160,1.0,1.0 +2002,4,7,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,0.0,85,99400,923,1364,296,127,0,127,15600,0,15600,6390,180,6.2,10,10,8.0,1829,9,999999999,230,0.1460,0,88,0.160,1.0,1.0 +2002,4,7,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,1.1,89,99300,1048,1364,300,136,0,136,16900,0,16900,7050,180,4.6,10,10,9.6,1829,9,999999999,230,0.1460,0,88,0.160,1.0,1.0 +2002,4,7,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,2.8,93,99200,1109,1364,306,158,0,158,19600,0,19600,8150,180,5.7,10,10,6.4,762,9,999999999,240,0.1460,0,88,0.160,1.0,1.0 +2002,4,7,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,3.9,93,99200,1102,1364,293,155,0,155,19200,0,19200,8000,180,5.7,10,7,12.8,4572,9,999999999,240,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,5.0,96,99100,1028,1364,316,169,0,169,20600,0,20600,8470,180,5.2,10,10,12.8,1676,9,999999999,250,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,5.0,93,99100,891,1364,319,136,0,136,16500,0,16500,6690,180,4.6,10,10,9.6,1067,9,999999999,250,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,5.0,93,99000,701,1364,319,142,0,142,16600,0,16600,6260,180,3.1,10,10,11.2,1676,9,999999999,250,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,5.0,89,99000,471,1364,321,71,0,71,8400,0,8400,3020,180,2.6,10,10,12.8,1676,9,999999999,250,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.2,5.0,86,98900,218,1364,324,44,0,44,5000,0,5000,1580,180,2.1,10,10,16.0,1981,9,999999999,240,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,5.0,82,99000,16,512,326,0,0,0,0,0,0,0,210,3.1,10,10,12.8,1829,9,999999999,250,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,5.6,83,99000,0,0,329,0,0,0,0,0,0,0,220,3.6,10,10,12.8,1524,9,999999999,250,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,6.7,86,99000,0,0,334,0,0,0,0,0,0,0,210,5.7,10,10,12.8,1524,9,999999999,260,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,7.8,93,99000,0,0,335,0,0,0,0,0,0,0,210,6.2,10,10,11.2,1036,9,999999999,260,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.4,7.8,90,99000,0,0,337,0,0,0,0,0,0,0,210,6.7,10,10,12.8,1128,9,999999999,250,0.1460,0,88,0.160,0.0,1.0 +2002,4,7,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.4,7.8,90,98900,0,0,337,0,0,0,0,0,0,0,210,5.7,10,10,11.2,1067,9,999999999,250,0.1460,0,88,0.160,0.0,1.0 +2002,4,8,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,7.8,93,98900,0,0,335,0,0,0,0,0,0,0,200,3.6,10,10,8.0,975,9,999999999,260,0.1470,0,88,0.160,0.0,1.0 +2002,4,8,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,7.8,93,98800,0,0,335,0,0,0,0,0,0,0,220,3.1,10,10,11.2,853,9,999999999,260,0.1470,0,88,0.160,0.0,1.0 +2002,4,8,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,7.8,93,98800,0,0,335,0,0,0,0,0,0,0,200,1.5,10,10,11.2,792,9,999999999,270,0.1470,0,88,0.160,0.0,1.0 +2002,4,8,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,7.8,93,98800,0,0,335,0,0,0,0,0,0,0,210,2.1,10,10,11.2,701,9,999999999,270,0.1470,0,88,0.160,0.0,1.0 +2002,4,8,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,7.2,93,98800,0,0,331,0,0,0,0,0,0,0,0,0.0,10,10,8.0,640,9,999999999,270,0.1470,0,88,0.160,0.0,1.0 +2002,4,8,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,8.3,100,98800,42,807,332,1,0,1,100,0,100,40,140,2.1,10,10,1.2,305,9,999999999,280,0.1470,0,88,0.160,0.0,1.0 +2002,4,8,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,8.3,96,98800,276,1363,335,55,0,55,6300,0,6300,2030,150,3.1,10,10,1.6,152,9,999999999,280,0.1470,0,88,0.160,0.0,1.0 +2002,4,8,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.4,8.9,97,98800,526,1363,338,71,0,71,8500,0,8500,3140,0,0.0,10,10,1.6,152,9,999999999,290,0.1470,0,88,0.160,0.0,1.0 +2002,4,8,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.4,9.4,100,98700,748,1363,339,99,0,99,12000,0,12000,4760,150,3.6,10,10,2.8,213,9,999999999,300,0.1470,0,88,0.160,0.0,1.0 +2002,4,8,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,9.4,96,98700,928,1363,342,108,0,108,13400,0,13400,5540,150,4.6,10,10,2.0,152,9,999999999,300,0.1470,0,88,0.160,1.0,1.0 +2002,4,8,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.6,10.6,100,98600,1053,1363,346,130,0,130,16200,0,16200,6790,150,3.1,10,10,3.2,152,9,999999999,310,0.1470,0,88,0.160,1.0,1.0 +2002,4,8,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.6,10.6,100,98500,1113,1363,346,133,0,133,16700,0,16700,7000,140,3.1,10,10,3.2,2316,9,999999999,310,0.1470,0,88,0.160,2.0,1.0 +2002,4,8,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,10.6,97,98400,1106,1363,349,137,0,137,17100,0,17100,7180,110,2.6,10,10,3.2,213,9,999999999,320,0.1470,0,88,0.160,2.0,1.0 +2002,4,8,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,11.1,100,98300,1032,1363,349,140,0,140,17300,0,17300,7210,60,3.6,10,10,2.4,213,9,999999999,320,0.1470,0,88,0.160,1.0,1.0 +2002,4,8,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,11.1,100,98200,895,1363,349,114,0,114,14000,0,14000,5750,90,2.6,10,10,2.4,152,9,999999999,320,0.1470,0,88,0.160,0.0,1.0 +2002,4,8,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.6,10.6,100,98200,705,1363,346,110,0,110,13200,0,13200,5090,60,3.1,10,10,1.6,152,9,999999999,320,0.1470,0,88,0.160,0.0,1.0 +2002,4,8,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.6,10.6,100,98200,475,1363,346,61,0,61,7300,0,7300,2660,50,2.6,10,10,1.6,152,9,999999999,320,0.1470,0,88,0.160,1.0,1.0 +2002,4,8,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.6,10.6,100,98100,223,1363,346,28,0,28,3300,0,3300,1100,10,2.6,10,10,0.8,61,9,999999999,320,0.1470,0,88,0.160,0.0,1.0 +2002,4,8,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,8.9,100,98200,18,534,336,0,0,0,0,0,0,0,360,4.6,10,10,0.4,61,9,999999999,310,0.1470,0,88,0.160,0.0,1.0 +2002,4,8,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,7.2,96,98200,0,0,329,0,0,0,0,0,0,0,20,5.2,10,10,4.8,122,9,999999999,300,0.1470,0,88,0.160,0.0,1.0 +2002,4,8,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,8.3,100,98300,0,0,332,0,0,0,0,0,0,0,360,4.1,10,10,4.8,122,9,999999999,290,0.1470,0,88,0.160,2.0,1.0 +2002,4,8,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,8.3,100,98400,0,0,332,0,0,0,0,0,0,0,360,5.2,10,10,6.4,183,9,999999999,280,0.1470,0,88,0.160,1.0,1.0 +2002,4,8,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,7.8,97,98500,0,0,332,0,0,0,0,0,0,0,340,4.6,10,10,6.4,183,9,999999999,260,0.1470,0,88,0.160,0.0,1.0 +2002,4,8,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,7.2,96,98600,0,0,329,0,0,0,0,0,0,0,340,6.2,10,10,9.6,2621,9,999999999,250,0.1470,0,88,0.160,2.0,1.0 +2002,4,9,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,7.2,96,98700,0,0,329,0,0,0,0,0,0,0,350,4.6,10,10,11.2,305,9,999999999,230,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,7.2,96,98800,0,0,329,0,0,0,0,0,0,0,340,4.6,10,10,12.8,305,9,999999999,220,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.2,6.7,97,98900,0,0,326,0,0,0,0,0,0,0,340,5.2,10,10,16.0,244,9,999999999,200,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.2,6.7,97,99100,0,0,326,0,0,0,0,0,0,0,350,4.6,10,10,16.0,518,9,999999999,190,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,5.9,95,99200,0,0,322,0,0,0,0,0,0,0,340,4.6,10,10,12.8,274,9,999999999,180,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,5.0,89,99400,47,852,321,3,17,3,500,600,500,50,350,4.6,10,10,4.8,2926,9,999999999,160,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,5.0,93,99600,282,1362,319,126,69,111,13700,5800,12500,2500,10,5.7,10,10,11.2,335,9,999999999,140,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,5.0,93,99700,532,1362,319,99,0,99,11500,0,11500,4160,30,4.1,10,10,4.8,274,9,999999999,120,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,5.0,96,99800,754,1362,316,118,0,118,14200,0,14200,5550,50,3.1,10,10,8.0,518,9,999999999,100,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,5.0,96,99900,934,1362,316,114,0,114,14100,0,14100,5830,60,2.6,10,10,8.0,274,9,999999999,100,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,5.0,89,100000,1058,1362,321,130,0,130,16200,0,16200,6790,60,4.1,10,10,9.6,610,9,999999999,90,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,4.4,89,100000,1118,1362,318,157,0,157,19500,0,19500,8120,80,3.1,10,10,14.4,1006,9,999999999,90,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,4.4,79,100100,1110,1362,310,494,204,327,54200,22100,36100,11910,90,3.6,8,8,16.0,914,9,999999999,90,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,3.3,71,100200,1036,1362,311,770,651,274,82200,67800,30600,8860,50,2.6,8,8,16.0,914,9,999999999,100,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,2.8,66,100200,899,1362,298,654,736,167,68800,74300,19600,4310,0,0.0,3,3,16.0,77777,9,999999999,110,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,3.3,63,100200,709,1362,305,466,523,193,48800,52600,21400,4200,40,2.1,4,4,16.0,77777,9,999999999,100,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,1.7,63,100300,480,1362,294,250,287,149,26400,27300,16800,3110,70,3.1,3,3,16.0,77777,9,999999999,90,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,1.1,63,100300,227,1362,279,106,235,67,11100,15900,8500,1290,110,3.1,0,0,16.0,77777,9,999999999,80,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,1.1,70,100400,20,556,272,0,0,0,0,0,0,0,120,4.1,0,0,16.0,77777,9,999999999,80,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,0.6,82,100400,0,0,261,0,0,0,0,0,0,0,160,4.1,0,0,16.0,77777,9,999999999,80,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,0.6,85,100400,0,0,259,0,0,0,0,0,0,0,160,2.1,0,0,16.0,77777,9,999999999,80,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,0.6,85,100500,0,0,259,0,0,0,0,0,0,0,0,0.0,0,0,16.0,77777,9,999999999,80,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,0.6,85,100500,0,0,259,0,0,0,0,0,0,0,170,2.6,0,0,14.4,77777,9,999999999,90,0.1480,0,88,0.160,0.0,1.0 +2002,4,9,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,0.9,91,100500,0,0,257,0,0,0,0,0,0,0,170,2.6,0,0,14.4,77777,9,999999999,90,0.1480,0,88,0.160,0.0,1.0 +2002,4,10,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.7,0.4,91,100500,0,0,255,0,0,0,0,0,0,0,190,2.6,0,0,9.6,77777,9,999999999,90,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,-0.5,82,100500,0,0,256,0,0,0,0,0,0,0,180,2.6,0,0,11.2,77777,9,999999999,90,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.7,0.0,88,100600,0,0,255,0,0,0,0,0,0,0,180,2.1,0,0,8.0,77777,9,999999999,90,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.7,0.6,92,100600,0,0,255,0,0,0,0,0,0,0,180,2.1,0,0,6.4,77777,9,999999999,90,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.7,0.6,92,100600,0,0,255,0,0,0,0,0,0,0,180,2.1,0,0,6.4,77777,9,999999999,90,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,1.1,92,100600,51,896,257,5,90,3,900,5300,600,110,170,3.1,0,0,4.8,77777,9,999999999,90,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,2.8,86,100600,289,1362,270,169,338,97,17000,25800,11500,1850,170,4.6,0,0,6.4,77777,9,999999999,100,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,3.9,76,100700,538,1362,282,346,527,138,36300,50400,16300,2710,180,3.1,0,0,8.0,77777,9,999999999,110,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,3.9,66,100600,760,1362,291,526,643,166,54300,63400,18900,3600,150,6.2,0,0,9.6,77777,9,999999999,120,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,4.4,61,100600,939,1362,298,690,734,183,72500,74100,21300,4960,180,5.2,0,0,12.8,77777,9,999999999,120,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,13.3,4.4,55,100600,1062,1362,323,809,796,187,86100,81200,22600,6350,180,6.2,9,5,16.0,77777,9,999999999,130,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,14.4,3.9,49,100400,1122,1362,309,830,733,224,87700,74500,26100,8610,170,5.7,0,0,16.0,77777,9,999999999,140,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.1,2.8,41,100400,1115,1362,329,850,827,172,88500,82900,20500,5900,180,6.7,3,3,16.0,77777,9,999999999,140,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.7,1.1,35,100300,1040,1362,316,787,824,157,81900,82500,18800,4590,190,7.2,0,0,16.0,77777,9,999999999,150,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,17.2,0.6,33,100200,903,1362,318,660,742,167,69500,74900,19700,4330,200,6.7,0,0,16.0,77777,9,999999999,150,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,17.8,0.6,31,100100,713,1362,337,483,641,146,50000,63000,16900,3080,190,7.7,4,4,16.0,7620,9,999999999,140,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.7,0.6,34,100100,484,1362,329,291,506,111,30700,47100,13900,2110,180,6.7,3,3,16.0,7620,9,999999999,140,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.6,1.1,37,100000,231,1362,342,103,262,58,10600,18100,7500,1060,180,5.7,10,8,16.0,7620,9,999999999,130,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,13.3,1.7,45,100000,21,579,315,0,0,0,0,0,0,0,170,4.6,3,3,16.0,7620,9,999999999,130,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.8,2.2,48,100000,0,0,314,0,0,0,0,0,0,0,160,4.6,4,3,16.0,7620,9,999999999,120,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.2,3.3,54,100000,0,0,324,0,0,0,0,0,0,0,160,5.2,10,7,16.0,7620,9,999999999,110,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,3.3,56,100000,0,0,334,0,0,0,0,0,0,0,170,4.1,10,9,16.0,7620,9,999999999,110,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,3.8,61,100000,0,0,313,0,0,0,0,0,0,0,170,4.6,9,5,14.4,77777,9,999999999,110,0.1490,0,88,0.160,0.0,1.0 +2002,4,10,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,0.0,44,99900,0,0,311,0,0,0,0,0,0,0,170,5.7,9,5,16.0,77777,9,999999999,110,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,4.3,60,99900,0,0,319,0,0,0,0,0,0,0,180,5.7,9,6,16.0,77777,9,999999999,120,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,4.3,60,99800,0,0,319,0,0,0,0,0,0,0,180,3.1,9,6,16.0,77777,9,999999999,120,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.6,4.3,65,99800,0,0,314,0,0,0,0,0,0,0,200,2.1,8,6,16.0,6096,9,999999999,120,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,4.4,63,99800,0,0,316,0,0,0,0,0,0,0,190,5.2,8,6,16.0,6096,9,999999999,120,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,3.7,60,99800,0,0,319,0,0,0,0,0,0,0,190,3.1,8,7,16.0,6096,9,999999999,120,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,4.4,68,99700,55,919,320,7,89,4,1100,5000,800,110,180,4.1,10,8,16.0,6096,9,999999999,120,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.2,4.4,59,99800,296,1361,313,167,309,100,17300,24100,12100,2030,190,5.2,3,3,16.0,7620,9,999999999,120,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,14.4,5.0,53,99800,544,1361,332,338,476,147,35100,45600,16900,2910,220,7.2,7,6,16.0,7620,9,999999999,120,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.1,5.6,50,99800,766,1361,337,466,379,252,49700,39900,27200,6130,200,6.7,8,5,16.0,6096,9,999999999,120,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,18.9,5.6,42,99800,944,1361,342,683,673,216,71000,67400,24200,5760,200,7.7,2,2,16.0,6096,9,999999999,130,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,20.0,4.4,36,99700,1067,1361,346,797,760,199,84400,77400,23600,6790,200,6.7,2,2,16.0,7620,9,999999999,130,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,21.1,5.0,35,99500,1127,1361,352,818,661,269,85300,66500,30100,10280,200,8.2,2,2,16.0,7620,9,999999999,140,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,21.1,5.0,35,99500,1119,1361,355,755,545,306,80700,56900,33800,11940,180,6.7,4,3,16.0,7620,9,999999999,140,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,22.8,5.0,31,99400,1043,1361,372,700,555,273,74800,57800,30400,8980,200,7.2,7,6,16.0,7620,9,999999999,140,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,23.9,3.9,27,99400,906,1361,352,643,689,183,67300,69300,21000,4720,210,6.7,0,0,16.0,7620,9,999999999,140,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,23.3,4.4,29,99300,717,1361,357,483,630,151,50000,61900,17400,3180,200,7.7,1,1,16.0,7620,9,999999999,130,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,23.3,3.3,27,99200,488,1361,364,292,494,114,30700,46100,14100,2170,180,8.8,3,3,16.0,7620,9,999999999,120,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,22.2,2.2,27,99100,236,1361,370,112,305,59,11600,21300,7900,1070,190,6.7,7,7,16.0,7620,9,999999999,110,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,21.1,3.9,32,99200,23,601,381,0,0,0,0,0,0,0,190,6.7,9,9,16.0,7620,9,999999999,120,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,20.0,6.1,40,99200,0,0,378,0,0,0,0,0,0,0,190,4.1,9,9,16.0,7620,9,999999999,140,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,18.9,7.2,47,99200,0,0,373,0,0,0,0,0,0,0,180,4.6,9,9,16.0,7620,9,999999999,150,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,18.9,7.4,47,99200,0,0,374,0,0,0,0,0,0,0,190,4.6,9,9,16.0,7620,9,999999999,180,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,18.3,7.8,50,99200,0,0,371,0,0,0,0,0,0,0,190,5.2,9,9,16.0,6096,9,999999999,209,0.1490,0,88,0.160,0.0,1.0 +2002,4,11,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,18.3,11.1,63,99000,0,0,354,0,0,0,0,0,0,0,200,6.2,5,5,16.0,77777,9,999999999,240,0.1490,0,88,0.160,0.0,1.0 +2002,4,12,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,18.3,12.2,68,99100,0,0,377,0,0,0,0,0,0,0,200,6.2,9,9,16.0,6096,9,999999999,260,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,18.9,12.2,65,99000,0,0,380,0,0,0,0,0,0,0,210,7.7,9,9,16.0,3962,9,999999999,270,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,18.3,12.8,70,99000,0,0,388,0,0,0,0,0,0,0,230,6.2,10,10,16.0,3962,9,999999999,290,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,17.2,12.8,75,99100,0,0,382,0,0,0,0,0,0,0,230,6.2,10,10,16.0,4572,9,999999999,280,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.7,12.8,78,99100,0,0,380,0,0,0,0,0,0,0,210,4.1,10,10,14.4,3048,9,999999999,270,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.6,12.8,83,99100,60,963,356,8,59,6,1100,2900,900,120,220,3.6,8,8,11.2,2743,9,999999999,270,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.6,12.8,83,99300,302,1360,374,173,191,131,18300,15300,14900,2850,230,3.1,10,10,12.8,3048,9,999999999,260,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.1,13.3,83,99300,550,1360,367,91,0,91,10700,0,10700,3940,260,4.6,9,9,16.0,1981,9,999999999,250,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.7,13.3,80,99300,771,1360,370,197,6,193,22800,500,22500,8320,260,4.6,9,9,16.0,457,9,999999999,240,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.1,12.8,81,99400,949,1360,376,202,0,202,24000,0,24000,9540,270,4.6,10,10,16.0,518,9,999999999,240,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.1,12.8,81,99400,1072,1360,376,235,0,235,28100,0,28100,11280,300,4.6,10,10,16.0,610,9,999999999,230,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.6,12.8,83,99400,1131,1360,374,224,0,224,27100,0,27100,11000,310,3.6,10,10,16.0,427,9,999999999,230,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.8,11.1,89,99500,1123,1360,358,220,0,220,26700,0,26700,10820,60,5.2,10,10,16.0,427,9,999999999,220,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,10.6,93,99500,1047,1360,352,204,0,204,24600,0,24600,9990,60,5.2,10,10,12.8,427,9,999999999,209,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,10.0,93,99500,910,1360,348,176,0,176,21000,0,21000,8390,50,4.6,10,10,16.0,244,9,999999999,200,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.6,8.9,89,99500,721,1360,344,165,0,165,19200,0,19200,7140,80,4.1,10,10,16.0,244,9,999999999,200,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,8.9,93,99500,492,1360,341,67,0,67,8000,0,8000,2920,50,3.6,10,10,16.0,244,9,999999999,190,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.4,8.3,93,99500,240,1360,338,21,0,21,2500,0,2500,870,40,4.1,10,10,16.0,244,9,999999999,180,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,7.8,97,99600,25,623,332,0,0,0,0,0,0,0,60,2.6,10,10,12.8,213,9,999999999,180,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,7.8,97,99600,0,0,332,0,0,0,0,0,0,0,80,3.1,10,10,11.2,152,9,999999999,180,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,7.8,93,99700,0,0,335,0,0,0,0,0,0,0,70,2.1,10,10,11.2,213,9,999999999,180,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,7.2,93,99700,0,0,331,0,0,0,0,0,0,0,0,0.0,10,10,11.2,305,9,999999999,180,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,7.8,93,99700,0,0,335,0,0,0,0,0,0,0,0,0.0,10,10,11.2,305,9,999999999,180,0.1500,0,88,0.160,0.0,1.0 +2002,4,12,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,7.2,93,99600,0,0,315,0,0,0,0,0,0,0,0,0.0,8,8,11.2,366,9,999999999,170,0.1500,0,88,0.160,0.0,1.0 +2002,4,13,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,6.7,100,99700,0,0,299,0,0,0,0,0,0,0,0,0.0,6,6,8.0,77777,9,999999999,170,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,6.7,100,99700,0,0,297,0,0,0,0,0,0,0,0,0.0,5,5,8.0,77777,9,999999999,170,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,6.1,96,99600,0,0,294,0,0,0,0,0,0,0,0,0.0,4,4,6.4,77777,9,999999999,170,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,5.6,100,99600,0,0,289,0,0,0,0,0,0,0,320,1.5,4,4,8.0,77777,9,999999999,160,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,6.7,100,99700,0,0,295,0,0,0,0,0,0,0,330,1.5,4,4,8.0,77777,9,999999999,160,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.2,6.7,97,99700,64,985,297,10,115,6,1500,6600,1100,150,350,2.1,4,4,8.0,77777,9,999999999,150,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,6.7,90,99700,309,1359,299,180,346,101,18100,27300,11900,1930,20,3.6,3,3,9.6,77777,9,999999999,150,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,6.1,77,99800,556,1359,306,365,557,136,38300,53700,16300,2680,30,2.1,3,3,14.4,77777,9,999999999,150,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,7.2,74,99800,777,1359,314,524,599,181,56000,61100,21000,4090,30,2.6,3,3,16.0,77777,9,999999999,140,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,13.3,7.2,67,99800,954,1359,338,645,521,278,67900,53900,29900,7910,50,3.6,8,8,16.0,914,9,999999999,140,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,14.4,7.8,65,99700,1076,1359,313,506,163,377,55500,17300,41700,13320,90,3.1,0,0,16.0,77777,9,999999999,140,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.6,8.9,64,99600,1135,1359,336,878,703,289,91200,70400,32200,11250,80,3.1,4,4,16.0,77777,9,999999999,140,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.7,8.9,60,99700,1126,1359,339,874,863,157,92000,86900,19700,5740,60,4.1,3,3,16.0,77777,9,999999999,140,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.1,9.4,64,99600,1051,1359,337,793,752,210,83500,76200,24400,6890,70,3.1,3,3,16.0,7620,9,999999999,130,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.1,9.4,64,99500,914,1359,342,621,541,256,65500,55900,27800,6860,80,2.1,6,5,16.0,7620,9,999999999,130,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.1,9.4,64,99500,724,1359,362,396,277,248,42000,28900,26600,5920,50,4.1,9,9,16.0,7620,9,999999999,130,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.6,9.4,67,99500,496,1359,352,185,75,157,20200,7100,17600,4230,90,4.6,10,8,16.0,7620,9,999999999,130,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.8,8.3,74,99300,244,1359,354,59,5,58,6600,100,6600,2010,100,3.1,10,10,16.0,7620,9,999999999,130,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,7.8,80,99400,27,668,315,0,0,0,0,0,0,0,90,4.1,10,4,16.0,6096,9,999999999,140,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,6.7,80,99400,0,0,309,0,0,0,0,0,0,0,90,2.6,10,4,16.0,6096,9,999999999,150,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.4,6.7,83,99400,0,0,311,0,0,0,0,0,0,0,90,3.1,8,6,16.0,6096,9,999999999,160,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,6.7,86,99300,0,0,309,0,0,0,0,0,0,0,100,2.1,6,6,16.0,6096,9,999999999,170,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,6.7,90,99300,0,0,322,0,0,0,0,0,0,0,130,2.6,9,9,14.4,6096,9,999999999,170,0.1510,0,88,0.160,0.0,1.0 +2002,4,13,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,6.7,93,99200,0,0,285,0,0,0,0,0,0,0,150,2.1,0,0,12.8,6096,9,999999999,180,0.1510,0,88,0.160,0.0,1.0 +2002,4,14,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,6.7,100,99100,0,0,289,0,0,0,0,0,0,0,0,0.0,2,2,6.4,6096,9,999999999,180,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,6.1,100,99000,0,0,282,0,0,0,0,0,0,0,170,2.1,1,1,8.0,6096,9,999999999,180,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,6.1,96,99000,0,0,292,0,0,0,0,0,0,0,0,0.0,3,3,8.0,6096,9,999999999,180,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,7.2,96,98900,0,0,285,0,0,0,0,0,0,0,0,0.0,0,0,8.0,6096,9,999999999,180,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,7.2,96,98900,0,0,285,0,0,0,0,0,0,0,130,1.5,0,0,8.0,6096,9,999999999,170,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,6.7,100,98900,69,1030,280,0,0,0,0,0,0,0,150,2.6,0,0,4.8,77777,9,999999999,160,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,10.0,93,98900,315,1359,301,178,325,103,18600,26200,12500,2080,190,2.6,0,0,4.8,77777,9,999999999,160,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.0,11.7,81,98900,562,1359,320,350,481,150,36400,46400,17200,2990,220,2.6,0,0,9.6,77777,9,999999999,160,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,17.2,11.7,70,98800,782,1359,330,543,648,169,56200,64200,19200,3750,210,4.1,0,0,12.8,77777,9,999999999,160,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,18.9,11.1,61,98800,959,1359,352,701,745,174,74100,75600,20600,4920,190,5.2,3,3,14.4,77777,9,999999999,160,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,20.6,9.4,49,98700,1081,1359,358,808,784,183,86300,80200,22300,6520,220,5.7,3,3,16.0,77777,9,999999999,170,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,22.2,10.6,48,98500,1139,1359,352,884,823,192,91100,82100,22100,6890,210,7.7,0,0,16.0,77777,9,999999999,170,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,22.8,11.7,50,98400,1130,1359,372,826,677,262,86500,68200,29600,10190,190,6.2,3,3,16.0,77777,9,999999999,180,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,23.9,10.0,41,98400,1055,1359,375,805,800,182,85700,81700,22100,6120,190,9.3,3,3,16.0,77777,9,999999999,190,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,23.9,8.9,38,98300,917,1359,402,666,665,216,69000,66400,24000,5530,220,6.2,9,9,16.0,1829,9,999999999,200,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,23.9,9.4,40,98200,728,1359,384,423,359,230,45200,37600,25000,5410,200,7.2,6,6,16.0,7620,9,999999999,200,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,24.4,9.4,39,98200,500,1359,380,257,294,149,27300,28400,16800,3100,220,5.7,4,4,16.0,77777,9,999999999,209,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,23.3,9.4,41,98100,249,1359,377,85,80,70,9200,6000,8100,1500,210,6.7,5,5,16.0,77777,9,999999999,209,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,22.2,10.6,48,98200,29,691,367,0,0,0,0,0,0,0,200,5.2,3,3,16.0,77777,9,999999999,230,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,22.2,12.2,53,98200,0,0,389,0,0,0,0,0,0,0,200,4.6,8,8,16.0,2591,9,999999999,250,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,21.1,13.9,63,98200,0,0,379,0,0,0,0,0,0,0,200,6.2,7,7,16.0,7620,9,999999999,260,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,20.6,14.4,68,98200,0,0,383,0,0,0,0,0,0,0,210,6.7,8,8,16.0,77777,9,999999999,260,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,20.0,14.4,70,98200,0,0,388,0,0,0,0,0,0,0,210,6.7,9,9,16.0,7620,9,999999999,260,0.1520,0,88,0.160,0.0,1.0 +2002,4,14,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,20.0,14.4,70,98200,0,0,399,0,0,0,0,0,0,0,210,5.2,10,10,16.0,2438,9,999999999,260,0.1520,0,88,0.160,0.0,1.0 +2002,4,15,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,20.0,15.0,73,98200,0,0,381,0,0,0,0,0,0,0,230,5.2,9,8,16.0,7620,9,999999999,270,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,19.4,15.0,76,98200,0,0,372,0,0,0,0,0,0,0,230,3.6,10,7,16.0,7620,9,999999999,270,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,18.3,15.0,81,98300,0,0,372,0,0,0,0,0,0,0,220,3.1,10,8,16.0,7620,9,999999999,270,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,17.8,14.4,80,98300,0,0,363,0,0,0,0,0,0,0,220,2.1,10,7,16.0,7620,9,999999999,280,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.7,14.4,86,98300,0,0,345,0,0,0,0,0,0,0,210,3.1,3,3,16.0,7620,9,999999999,280,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,17.8,14.4,80,98400,74,1075,353,0,0,0,0,0,0,0,220,4.6,4,4,16.0,77777,9,999999999,290,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,20.0,14.4,70,98500,321,1358,364,185,263,123,19100,21300,14000,2590,240,5.2,4,4,16.0,77777,9,999999999,290,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,21.1,14.4,66,98600,568,1358,366,321,312,190,33800,31100,20800,4170,240,6.2,3,3,16.0,77777,9,999999999,290,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,23.3,15.6,62,98600,787,1358,375,530,556,206,55900,56700,22900,4760,260,6.7,2,2,16.0,77777,9,999999999,290,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,25.6,16.1,56,98600,964,1358,375,695,697,199,72800,70300,22800,5570,240,6.7,0,0,14.4,77777,9,999999999,280,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,27.2,16.7,53,98600,1085,1358,384,827,790,194,88000,80600,23400,6950,220,5.7,0,0,16.0,77777,9,999999999,270,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,28.3,16.7,49,98600,1143,1358,390,890,865,159,93600,87200,20100,6110,200,7.2,0,0,16.0,77777,9,999999999,260,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,30.0,15.6,42,98600,1134,1358,397,862,791,200,92000,80900,24300,8080,210,7.2,0,0,16.0,77777,9,999999999,260,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,30.6,13.3,35,98600,1058,1358,397,776,746,193,82300,76000,22900,6510,210,7.7,0,0,16.0,77777,9,999999999,260,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,31.1,12.8,33,98500,921,1358,417,661,707,180,69300,71300,20900,4770,220,9.3,3,3,16.0,77777,9,999999999,260,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,30.6,12.8,34,98600,732,1358,414,484,595,163,51900,60300,19300,3540,200,8.2,3,3,16.0,77777,9,999999999,260,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,30.0,12.8,35,98500,504,1358,411,299,473,123,31400,44500,14800,2370,210,7.2,3,3,16.0,77777,9,999999999,250,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,28.9,12.8,37,98400,253,1358,411,119,272,68,12200,19700,8500,1250,200,6.7,5,5,16.0,77777,9,999999999,250,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,27.2,14.4,45,98600,32,713,398,0,0,0,0,0,0,0,190,6.2,3,3,16.0,7620,9,999999999,250,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,26.1,15.6,52,98600,0,0,377,0,0,0,0,0,0,0,200,5.7,0,0,16.0,77777,9,999999999,250,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,25.6,16.1,56,98700,0,0,375,0,0,0,0,0,0,0,190,7.2,0,0,16.0,77777,9,999999999,250,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,24.4,16.7,62,98700,0,0,370,0,0,0,0,0,0,0,200,7.7,0,0,16.0,77777,9,999999999,240,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,23.9,16.7,64,98800,0,0,367,0,0,0,0,0,0,0,200,7.2,0,0,16.0,77777,9,999999999,240,0.1530,0,88,0.160,0.0,1.0 +2002,4,15,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,23.3,16.7,66,98700,0,0,364,0,0,0,0,0,0,0,210,7.7,0,0,16.0,77777,9,999999999,230,0.1530,0,88,0.160,0.0,1.0 +2002,4,16,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,22.8,16.7,68,98800,0,0,362,0,0,0,0,0,0,0,210,6.2,0,0,16.0,77777,9,999999999,240,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,21.7,16.7,73,98800,0,0,357,0,0,0,0,0,0,0,210,5.7,0,0,16.0,77777,9,999999999,240,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,21.1,16.7,76,98800,0,0,354,0,0,0,0,0,0,0,210,6.7,0,0,16.0,77777,9,999999999,250,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,21.1,16.7,76,98800,0,0,354,0,0,0,0,0,0,0,200,6.7,0,0,16.0,77777,9,999999999,250,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,20.6,16.7,78,98900,0,0,367,0,0,0,0,0,0,0,200,6.2,3,3,16.0,77777,9,999999999,260,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,20.0,16.7,81,98900,79,1097,349,0,0,0,0,0,0,0,190,5.7,0,0,14.4,77777,9,999999999,270,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,21.7,16.7,73,99000,327,1357,357,192,362,104,19400,29300,12300,1980,200,6.2,0,0,16.0,77777,9,999999999,270,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,23.3,17.2,69,99000,574,1357,365,376,555,141,39600,53900,16800,2800,200,6.7,0,0,16.0,77777,9,999999999,280,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,24.4,17.2,64,98900,793,1357,370,549,642,173,56800,63600,19600,3880,220,7.2,0,0,16.0,77777,9,999999999,280,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,25.6,17.8,62,98900,968,1357,394,720,751,182,75900,76100,21400,5210,190,9.8,3,3,16.0,77777,9,999999999,280,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,27.2,17.8,56,98900,1089,1357,405,826,784,196,87900,80000,23600,7090,190,9.3,4,4,16.0,77777,9,999999999,280,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,28.3,16.7,49,98700,1147,1357,407,829,643,284,86300,64500,31700,11530,200,8.8,3,3,16.0,77777,9,999999999,270,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,30.0,16.1,43,98800,1138,1357,415,886,827,191,91400,82500,22000,6860,190,10.8,3,3,16.0,77777,9,999999999,270,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,30.6,15.0,39,98700,1062,1357,417,811,800,183,86300,81700,22300,6260,200,10.8,3,3,16.0,77777,9,999999999,270,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,30.6,13.9,36,98700,924,1357,426,661,636,227,70800,65900,25800,6110,190,10.8,6,6,16.0,7620,9,999999999,270,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,30.0,13.3,36,98700,735,1357,421,380,218,261,41100,22500,28900,6710,200,8.2,10,6,16.0,7620,9,999999999,260,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,30.0,13.3,36,98700,508,1357,421,150,17,143,16800,1200,16400,5340,200,6.7,10,6,16.0,7620,9,999999999,260,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,28.9,12.8,37,98600,257,1357,448,68,11,66,7600,300,7500,2250,200,7.7,10,10,16.0,6096,9,999999999,260,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,27.8,13.3,41,98700,34,735,421,0,0,0,0,0,0,0,190,5.7,9,8,16.0,6096,9,999999999,270,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,26.1,15.0,50,98800,0,0,399,0,0,0,0,0,0,0,200,7.7,9,5,16.0,6096,9,999999999,280,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,25.0,16.1,58,98800,0,0,402,0,0,0,0,0,0,0,200,6.7,10,7,16.0,6096,9,999999999,290,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,24.4,16.7,62,98800,0,0,392,0,0,0,0,0,0,0,210,8.2,6,5,14.4,6096,9,999999999,320,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,23.9,16.7,64,98900,0,0,412,0,0,0,0,0,0,0,220,9.3,9,9,16.0,6096,9,999999999,340,0.1540,0,88,0.160,0.0,1.0 +2002,4,16,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,22.8,16.7,68,98800,0,0,369,0,0,0,0,0,0,0,210,8.2,1,1,16.0,6096,9,999999999,360,0.1540,0,88,0.160,0.0,1.0 +2002,4,17,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,22.2,16.7,71,98900,0,0,388,0,0,0,0,0,0,0,220,5.7,8,7,16.0,6096,9,999999999,360,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,22.2,16.7,71,98900,0,0,388,0,0,0,0,0,0,0,210,4.6,10,7,16.0,4572,9,999999999,360,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,22.2,16.7,71,98900,0,0,403,0,0,0,0,0,0,0,220,6.2,10,9,16.0,2591,9,999999999,360,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,18.9,17.8,93,99000,0,0,387,0,0,0,0,0,0,0,190,3.6,10,9,16.0,2896,9,999999999,350,0.1550,0,88,0.160,1.0,1.0 +2002,4,17,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,18.9,17.2,90,99000,0,0,386,0,0,0,0,0,0,0,190,4.6,10,9,16.0,1280,9,999999999,350,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,19.4,16.1,81,99000,84,1141,373,0,0,0,0,0,0,0,210,5.2,7,7,16.0,6096,9,999999999,350,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,20.6,16.1,75,99100,333,1356,385,198,294,126,20400,24300,14500,2650,220,5.2,8,8,16.0,1280,9,999999999,330,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,21.1,16.7,76,99200,579,1356,389,340,386,175,36200,38700,19600,3770,220,5.7,9,8,16.0,1097,9,999999999,320,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,22.8,17.8,73,99200,798,1356,408,470,336,272,50200,35600,29200,6830,240,6.2,9,9,16.0,1189,9,999999999,300,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,23.9,17.8,69,99300,973,1356,405,372,79,316,41100,8100,35300,11440,240,5.2,8,8,16.0,1463,9,999999999,280,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,25.0,17.2,62,99200,1093,1356,396,734,506,325,77700,52700,35100,12110,250,7.2,5,5,16.0,77777,9,999999999,260,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,26.7,16.7,54,99200,1151,1356,401,896,799,216,95200,81500,25900,9130,270,6.7,4,4,16.0,77777,9,999999999,240,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,27.2,15.6,49,99200,1141,1356,402,850,749,219,90300,76300,25900,8990,260,5.2,4,4,16.0,77777,9,999999999,230,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,28.3,16.1,48,99200,1065,1356,412,793,758,196,84100,77200,23300,6720,250,4.1,5,5,16.0,77777,9,999999999,230,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,28.9,13.9,40,99200,928,1356,406,655,671,195,68400,67500,22200,5170,230,4.1,3,3,16.0,77777,9,999999999,220,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,28.9,12.2,36,99200,739,1356,404,490,595,165,52500,60400,19500,3600,280,5.2,3,3,16.0,77777,9,999999999,220,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,28.3,11.1,34,99200,511,1356,399,300,456,127,31400,43100,15100,2460,270,3.6,3,3,16.0,77777,9,999999999,220,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,27.2,7.8,29,99100,261,1356,385,129,343,63,13400,25200,8600,1150,340,5.7,2,2,16.0,77777,9,999999999,220,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,25.6,6.7,30,99300,36,757,380,1,0,1,100,0,100,40,40,2.6,3,3,16.0,77777,9,999999999,230,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,23.3,11.1,46,99300,0,0,358,0,0,0,0,0,0,0,60,3.6,0,0,16.0,77777,9,999999999,240,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,22.8,10.0,44,99300,0,0,354,0,0,0,0,0,0,0,80,3.1,0,0,16.0,77777,9,999999999,240,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,21.1,11.1,53,99300,0,0,347,0,0,0,0,0,0,0,100,2.1,0,0,16.0,77777,9,999999999,260,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,20.6,13.3,63,99300,0,0,390,0,0,0,0,0,0,0,80,2.6,9,9,16.0,2134,9,999999999,270,0.1550,0,88,0.160,0.0,1.0 +2002,4,17,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,19.4,14.4,73,99200,0,0,371,0,0,0,0,0,0,0,100,1.5,10,7,16.0,77777,9,999999999,280,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,18.9,14.4,75,99300,0,0,364,0,0,0,0,0,0,0,170,2.1,10,6,14.4,77777,9,999999999,290,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,18.3,14.4,78,99200,0,0,355,0,0,0,0,0,0,0,190,2.6,5,4,16.0,77777,9,999999999,290,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,21.1,16.7,76,99200,0,0,354,0,0,0,0,0,0,0,210,3.6,0,0,16.0,77777,9,999999999,300,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,20.6,16.1,75,99100,0,0,351,0,0,0,0,0,0,0,200,4.1,0,0,16.0,77777,9,999999999,290,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,21.1,16.1,73,99100,0,0,353,0,0,0,0,0,0,0,210,5.7,0,0,12.8,77777,9,999999999,280,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,20.6,16.7,78,99100,89,1163,351,0,0,0,0,0,0,0,210,5.2,0,0,16.0,77777,9,999999999,270,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,22.2,17.2,73,99200,339,1355,367,156,133,122,16600,11300,13800,2680,210,5.7,1,1,16.0,77777,9,999999999,260,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,23.9,17.8,69,99100,585,1355,369,381,461,182,39200,44800,19800,3740,210,6.2,0,0,16.0,77777,9,999999999,250,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,25.0,18.3,66,99100,803,1355,391,457,293,283,48600,31000,30200,7190,220,6.2,4,3,16.0,7620,9,999999999,240,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,25.0,18.3,66,99000,978,1355,391,416,103,342,45900,10600,38200,12250,200,6.7,5,3,16.0,7620,9,999999999,240,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,27.2,18.3,58,98900,1098,1355,399,845,693,282,87600,69300,31300,10020,200,7.7,2,2,16.0,7620,9,999999999,230,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,27.8,17.8,55,98700,1155,1355,412,817,589,314,87500,61500,35000,13680,190,8.2,6,5,16.0,7620,9,999999999,230,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,30.6,17.2,45,98700,1145,1355,420,785,563,308,84100,58800,34400,13030,190,8.2,3,3,16.0,77777,9,999999999,240,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,31.1,16.1,40,98700,1068,1355,421,817,770,208,86300,78200,24500,7150,180,8.8,3,3,16.0,77777,9,999999999,250,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,30.6,15.6,40,98500,931,1355,424,667,600,254,70700,62100,27900,6980,210,8.2,6,5,16.0,77777,9,999999999,250,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,30.0,13.9,37,98500,743,1355,419,231,41,209,25500,4100,23200,6640,200,6.7,9,5,16.0,6096,9,999999999,270,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,30.6,12.8,34,98500,515,1355,424,103,0,103,11900,0,11900,4240,200,6.7,10,6,16.0,4500,9,999999999,290,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,29.4,13.9,39,98300,265,1355,431,134,236,88,13900,17400,10500,1760,200,8.2,8,8,16.0,4572,9,999999999,310,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,28.3,16.7,49,98400,39,779,437,1,0,1,100,0,100,40,200,7.2,9,9,16.0,4572,9,999999999,320,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,27.2,17.2,54,98400,0,0,408,0,0,0,0,0,0,0,200,7.7,5,5,16.0,77777,9,999999999,320,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,26.7,18.3,60,98400,0,0,430,0,0,0,0,0,0,0,210,8.8,9,9,16.0,7500,9,999999999,330,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,26.1,16.1,54,98500,0,0,424,0,0,0,0,0,0,0,230,6.7,9,9,16.0,7620,9,999999999,330,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,23.9,11.7,46,98700,0,0,417,0,0,0,0,0,0,0,310,8.2,10,10,12.8,1981,9,999999999,340,0.1550,0,88,0.160,0.0,1.0 +2002,4,18,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,19.4,14.4,73,98700,0,0,377,0,0,0,0,0,0,0,280,3.6,8,8,16.0,4572,9,999999999,350,0.1550,0,88,0.160,1.0,1.0 +2002,4,19,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,18.9,13.9,73,98600,0,0,382,0,0,0,0,0,0,0,200,5.2,10,9,16.0,4572,9,999999999,340,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,19.4,13.3,68,98700,0,0,353,0,0,0,0,0,0,0,270,4.1,4,2,16.0,77777,9,999999999,330,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,18.9,13.9,73,98700,0,0,355,0,0,0,0,0,0,0,270,2.6,3,3,16.0,4572,9,999999999,310,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,17.8,14.4,80,98800,0,0,369,0,0,0,0,0,0,0,240,1.5,10,8,16.0,6096,9,999999999,270,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,17.2,13.9,81,98900,0,0,352,0,0,0,0,0,0,0,220,1.5,6,5,16.0,6096,9,999999999,230,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,17.8,11.7,67,98900,94,1208,366,0,0,0,0,0,0,0,340,5.7,9,8,16.0,6096,9,999999999,180,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,17.2,11.1,67,99100,345,1355,336,155,133,121,16600,11400,13700,2660,340,6.2,2,1,16.0,6096,9,999999999,190,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,17.2,11.1,67,99200,590,1355,362,125,0,125,14500,0,14500,5250,350,5.7,9,8,16.0,6096,9,999999999,190,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,17.8,10.0,60,99300,808,1355,364,293,55,260,32200,5600,28900,8380,350,5.2,9,8,16.0,6096,9,999999999,190,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.6,10.0,69,99300,982,1355,332,668,491,312,69900,50800,33000,9400,50,8.8,2,2,16.0,7620,9,999999999,200,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.0,9.4,69,99400,1102,1355,344,826,729,231,86900,73800,26700,8510,50,6.2,8,7,16.0,7620,9,999999999,209,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.6,8.3,62,99400,1158,1355,351,823,619,292,85600,62100,32400,12300,50,7.2,8,8,16.0,701,9,999999999,230,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.8,6.7,66,99400,1148,1355,326,838,713,233,88700,72400,27100,9740,50,8.8,6,6,16.0,7620,9,999999999,230,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,13.9,6.7,62,99400,1072,1355,326,776,663,250,80900,66700,28000,8480,30,8.2,4,4,16.0,7620,9,999999999,240,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,13.3,5.6,60,99400,935,1355,337,559,345,320,60100,37100,34400,9170,20,8.2,8,8,16.0,7620,9,999999999,240,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.2,5.0,61,99400,746,1355,311,458,436,217,47700,44200,23400,4900,30,8.8,2,2,16.0,7620,9,999999999,250,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,4.4,63,99400,519,1355,296,233,167,169,25300,16200,19000,3930,40,7.7,0,0,16.0,7620,9,999999999,260,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,3.9,66,99300,270,1355,314,135,248,86,14100,18500,10400,1710,30,8.8,9,7,16.0,7620,9,999999999,270,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,3.3,68,99300,41,801,298,1,0,1,100,0,100,40,20,9.3,3,3,16.0,3658,9,999999999,260,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,3.3,71,99300,0,0,327,0,0,0,0,0,0,0,30,6.2,10,10,16.0,2743,9,999999999,260,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,4.4,79,99400,0,0,326,0,0,0,0,0,0,0,30,6.2,10,10,9.6,1981,9,999999999,260,0.1560,0,88,0.160,3.0,1.0 +2002,4,19,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,3.9,76,99500,0,0,325,0,0,0,0,0,0,0,30,2.6,10,10,14.4,2134,9,999999999,270,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.2,4.4,82,99400,0,0,323,0,0,0,0,0,0,0,50,5.7,10,10,11.2,1676,9,999999999,280,0.1560,0,88,0.160,0.0,1.0 +2002,4,19,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,3.3,79,99400,0,0,320,0,0,0,0,0,0,0,30,6.2,10,10,11.2,2134,9,999999999,290,0.1560,0,88,0.160,0.0,1.0 +2002,4,20,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,3.9,82,99400,0,0,320,0,0,0,0,0,0,0,20,6.2,10,10,11.2,1494,9,999999999,280,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,2.2,79,99400,0,0,313,0,0,0,0,0,0,0,30,7.7,10,10,11.2,1219,9,999999999,270,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,0.6,70,99400,0,0,312,0,0,0,0,0,0,0,30,7.2,10,10,11.2,1524,9,999999999,260,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-0.6,64,99500,0,0,310,0,0,0,0,0,0,0,40,6.2,10,10,16.0,1524,9,999999999,240,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,-0.6,67,99500,0,0,308,0,0,0,0,0,0,0,30,6.7,10,10,16.0,1676,9,999999999,230,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,-1.7,61,99600,100,1230,306,0,0,0,0,0,0,0,20,7.7,10,10,16.0,1829,9,999999999,209,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-1.7,58,99700,351,1354,294,121,26,114,13200,2300,12600,2830,40,8.2,8,8,16.0,2438,9,999999999,200,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,-0.6,59,99600,596,1354,273,221,62,194,24300,6100,21600,5500,40,8.8,0,0,16.0,77777,9,999999999,180,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.2,-0.6,57,99700,812,1354,275,567,531,247,59000,54200,26400,5950,30,8.8,0,0,16.0,77777,9,999999999,170,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,-1.1,53,99800,986,1354,291,719,678,223,74800,68100,25100,6430,40,8.2,4,4,16.0,77777,9,999999999,170,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,-1.1,51,99700,1105,1354,306,690,416,350,72700,43300,37300,13540,40,10.3,8,8,16.0,2438,9,999999999,170,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,-1.7,50,99600,1162,1354,304,883,679,299,91800,68000,33300,12730,40,9.3,8,8,16.0,3048,9,999999999,170,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,-1.7,50,99700,1151,1354,310,410,60,359,45300,6200,40100,15730,40,8.2,9,9,16.0,2743,9,999999999,170,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,-3.3,44,99700,1075,1354,317,286,12,276,33800,1000,33000,12800,30,7.2,10,10,16.0,2743,9,999999999,170,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.2,-2.2,50,99600,938,1354,316,268,18,256,31300,1600,30200,11390,40,8.2,10,10,16.0,2591,9,999999999,170,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.2,-2.2,50,99600,749,1354,307,381,236,250,41500,24500,27900,6490,30,6.7,10,9,16.0,2591,9,999999999,170,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,-4.4,45,99600,523,1354,308,99,0,99,11500,0,11500,4140,30,9.8,10,10,16.0,2438,9,999999999,170,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-3.9,49,99500,274,1354,307,57,0,57,6500,0,6500,2080,30,8.8,10,10,16.0,3048,9,999999999,170,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-3.3,51,99600,44,824,299,2,0,2,300,0,300,80,40,8.2,10,9,16.0,2134,9,999999999,180,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-2.8,53,99500,0,0,308,0,0,0,0,0,0,0,40,9.8,10,10,16.0,1981,9,999999999,190,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-3.3,51,99500,0,0,307,0,0,0,0,0,0,0,40,6.7,10,10,16.0,1981,9,999999999,190,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,-2.2,54,99500,0,0,311,0,0,0,0,0,0,0,40,6.7,10,10,16.0,1981,9,999999999,209,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,-1.7,56,99500,0,0,311,0,0,0,0,0,0,0,40,7.7,10,10,16.0,1829,9,999999999,220,0.1570,0,88,0.160,0.0,1.0 +2002,4,20,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,1.1,76,99300,0,0,309,0,0,0,0,0,0,0,50,6.7,10,10,16.0,2286,9,999999999,230,0.1570,0,88,0.160,0.0,1.0 +2002,4,21,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,1.7,79,99300,0,0,310,0,0,0,0,0,0,0,40,6.2,10,10,16.0,2743,9,999999999,240,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,1.7,79,99200,0,0,310,0,0,0,0,0,0,0,40,7.2,10,10,16.0,1829,9,999999999,240,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,2.8,93,99200,0,0,306,0,0,0,0,0,0,0,40,7.2,10,10,11.2,1829,9,999999999,250,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,2.8,93,99100,0,0,306,0,0,0,0,0,0,0,50,7.7,10,10,11.2,2286,9,999999999,250,0.1580,0,88,0.160,1.0,1.0 +2002,4,21,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,2.8,93,99200,0,0,306,0,0,0,0,0,0,0,40,7.2,10,10,9.6,427,9,999999999,250,0.1580,0,88,0.160,2.0,1.0 +2002,4,21,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,2.8,93,99200,105,1274,306,0,0,0,0,0,0,0,60,8.8,10,10,9.6,427,9,999999999,250,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,2.8,89,99200,357,1353,309,40,0,40,4800,0,4800,1690,60,8.8,10,10,16.0,488,9,999999999,250,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,3.3,93,99200,601,1353,309,83,0,83,10000,0,10000,3780,80,7.7,10,10,8.0,427,9,999999999,250,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,3.3,96,99000,817,1353,307,91,0,91,11300,0,11300,4570,90,7.7,10,10,14.4,305,9,999999999,250,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,3.3,89,98900,990,1353,312,170,0,170,20600,0,20600,8440,100,10.8,10,10,16.0,427,9,999999999,240,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,3.3,89,98900,1109,1353,312,172,0,172,21200,0,21200,8780,80,7.2,10,10,16.0,427,9,999999999,230,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,3.3,85,98700,1165,1353,315,181,0,181,22400,0,22400,9240,100,8.2,10,10,16.0,488,9,999999999,230,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,3.3,89,98700,1155,1353,312,161,0,161,20100,0,20100,8340,100,9.3,10,10,12.8,488,9,999999999,220,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,3.9,93,98600,1078,1353,312,128,0,128,16100,0,16100,6740,100,8.2,10,10,6.4,457,9,999999999,220,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,4.4,100,98400,941,1353,310,108,0,108,13500,0,13500,5580,100,7.2,10,10,3.2,274,9,999999999,209,0.1580,0,88,0.160,1.0,1.0 +2002,4,21,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,4.4,96,98600,753,1353,313,221,29,204,24200,2900,22600,6570,60,4.1,10,10,3.2,274,9,999999999,200,0.1580,0,88,0.160,1.0,1.0 +2002,4,21,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,4.4,100,98500,526,1353,310,62,0,62,7500,0,7500,2800,60,6.2,10,10,3.2,335,9,999999999,190,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,4.4,100,98600,278,1353,310,40,0,40,4700,0,4700,1580,60,5.2,10,10,4.0,335,9,999999999,170,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,3.9,100,98600,46,846,308,2,0,2,300,0,300,80,70,4.6,10,10,8.0,183,9,999999999,160,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,3.9,100,98700,0,0,308,0,0,0,0,0,0,0,60,3.6,10,10,4.8,183,9,999999999,140,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,3.9,100,98700,0,0,308,0,0,0,0,0,0,0,30,3.1,10,10,4.8,183,9,999999999,130,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,3.9,100,98700,0,0,308,0,0,0,0,0,0,0,20,2.1,10,10,8.0,274,9,999999999,130,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,3.9,100,98700,0,0,308,0,0,0,0,0,0,0,10,2.6,10,10,16.0,152,9,999999999,130,0.1580,0,88,0.160,0.0,1.0 +2002,4,21,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,3.9,100,98700,0,0,308,0,0,0,0,0,0,0,360,2.6,10,10,9.6,152,9,999999999,130,0.1580,0,88,0.160,0.0,1.0 +2002,4,22,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,3.3,96,98700,0,0,307,0,0,0,0,0,0,0,350,2.1,10,10,11.2,152,9,999999999,130,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,3.3,96,98700,0,0,307,0,0,0,0,0,0,0,350,4.1,10,10,11.2,152,9,999999999,120,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,3.3,100,98800,0,0,304,0,0,0,0,0,0,0,350,3.6,10,10,16.0,152,9,999999999,120,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,2.2,96,99000,0,0,301,0,0,0,0,0,0,0,340,5.2,10,10,16.0,152,9,999999999,110,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,1.7,96,99100,0,0,298,0,0,0,0,0,0,0,340,4.6,10,10,12.8,213,9,999999999,110,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,0.6,89,99100,111,1296,282,0,0,0,0,0,0,0,340,4.6,8,8,16.0,579,9,999999999,100,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,0.6,85,99200,362,1352,299,191,217,133,20500,18900,15400,2940,340,5.7,10,10,16.0,396,9,999999999,100,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,0.6,82,99300,606,1352,301,206,43,187,22600,4200,20700,5400,310,6.2,10,10,16.0,579,9,999999999,100,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,0.6,79,99400,822,1352,304,117,0,117,14200,0,14200,5720,320,4.1,10,10,16.0,640,9,999999999,100,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,0.0,76,99400,995,1352,303,126,0,126,15600,0,15600,6510,330,5.7,10,10,16.0,671,9,999999999,100,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,-0.6,70,99500,1113,1352,305,191,0,191,23400,0,23400,9610,350,5.2,10,10,16.0,762,9,999999999,100,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,0.6,76,99500,1169,1352,306,151,0,151,18900,0,18900,7890,310,5.7,10,10,16.0,1097,9,999999999,100,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,0.0,65,99600,1158,1352,313,208,18,193,23200,1800,21600,9130,330,3.6,10,10,16.0,1036,9,999999999,100,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-1.1,61,99600,1081,1352,310,829,639,317,87900,66500,34600,11550,320,3.1,10,10,16.0,975,9,999999999,100,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-0.6,64,99600,944,1352,310,708,802,146,73200,80000,17200,3650,300,2.6,10,10,16.0,975,9,999999999,90,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,0.6,73,99600,756,1352,309,547,755,124,57800,75600,15400,2820,50,3.6,10,10,16.0,1036,9,999999999,90,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,0.6,76,99700,530,1352,306,354,642,102,36600,60300,12900,1970,50,2.6,10,10,16.0,1036,9,999999999,90,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,0.0,76,99700,282,1352,303,155,434,65,15700,33200,8800,1120,60,3.1,10,10,16.0,1494,9,999999999,90,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,0.0,79,99700,49,868,301,7,51,6,1000,2400,900,120,60,3.6,10,10,16.0,1524,9,999999999,90,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,0.0,76,99800,0,0,303,0,0,0,0,0,0,0,110,2.1,10,10,16.0,945,9,999999999,90,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,0.6,82,99800,0,0,301,0,0,0,0,0,0,0,120,1.5,10,10,16.0,975,9,999999999,90,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,0.0,76,99800,0,0,303,0,0,0,0,0,0,0,100,2.6,10,10,16.0,1494,9,999999999,90,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,0.6,89,99800,0,0,297,0,0,0,0,0,0,0,150,1.5,10,10,16.0,1433,9,999999999,90,0.1590,0,88,0.160,0.0,1.0 +2002,4,22,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,1.1,85,99800,0,0,302,0,0,0,0,0,0,0,130,2.6,10,10,16.0,1372,9,999999999,100,0.1590,0,88,0.160,0.0,1.0 +2002,4,23,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,0.6,85,99800,0,0,285,0,0,0,0,0,0,0,0,0.0,8,8,14.4,1250,9,999999999,100,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.6,0.0,96,99800,0,0,263,0,0,0,0,0,0,0,0,0.0,4,4,11.2,77777,9,999999999,100,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.1,0.0,92,99800,0,0,270,0,0,0,0,0,0,0,140,1.5,6,6,12.8,77777,9,999999999,100,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.6,-0.6,91,99800,0,0,261,0,0,0,0,0,0,0,140,1.5,3,3,9.6,77777,9,999999999,100,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,0.6,0.0,96,99800,0,0,263,0,0,0,0,0,0,0,200,1.5,4,4,12.8,77777,9,999999999,100,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,1.7,0.6,92,99900,116,1340,266,0,0,0,0,0,0,0,190,2.1,3,3,11.2,77777,9,999999999,100,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,0.6,79,99900,368,1352,275,238,479,107,24300,40700,13200,2030,150,3.1,4,3,12.8,77777,9,999999999,100,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,0.6,68,99900,611,1352,284,433,677,126,44700,65100,15200,2500,150,4.6,3,3,16.0,77777,9,999999999,110,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,1.1,63,99900,826,1352,291,611,763,144,64500,76800,17400,3470,140,4.1,3,3,16.0,77777,9,999999999,110,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,0.0,56,99900,999,1352,323,762,817,157,78900,81600,18400,4260,190,4.6,10,10,16.0,1829,9,999999999,120,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.4,0.6,54,99800,1117,1352,313,862,844,164,90300,84800,20100,5870,180,2.6,8,8,16.0,1524,9,999999999,120,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,2.2,54,99700,1172,1352,339,907,847,171,95200,85200,21100,7200,170,5.2,10,10,16.0,1524,9,999999999,130,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.8,3.9,55,99800,1161,1352,318,898,845,170,94100,85000,20900,6910,170,3.6,4,4,16.0,77777,9,999999999,140,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,13.9,5.0,55,99700,1084,1352,322,823,818,165,85700,82000,19800,5390,140,4.6,3,3,16.0,77777,9,999999999,150,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,14.4,5.0,53,99600,947,1352,310,702,755,172,74200,76600,20400,4810,140,4.1,0,0,16.0,77777,9,999999999,160,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.6,5.6,51,99500,760,1352,330,508,601,170,52500,59300,19100,3690,150,5.2,3,3,16.0,77777,9,999999999,160,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,14.4,5.0,53,99500,534,1352,310,328,521,122,34700,49900,15000,2360,110,7.2,0,0,16.0,77777,9,999999999,160,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.8,4.4,57,99400,286,1352,303,147,364,70,15300,28000,9400,1280,110,5.7,0,0,16.0,77777,9,999999999,160,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,4.4,61,99500,52,912,298,8,53,6,1000,2500,900,120,140,6.7,0,0,16.0,77777,9,999999999,160,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.4,4.4,71,99500,0,0,289,0,0,0,0,0,0,0,150,4.6,0,0,16.0,77777,9,999999999,160,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,4.4,79,99400,0,0,282,0,0,0,0,0,0,0,150,4.1,0,0,16.0,77777,9,999999999,160,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,5.6,83,99400,0,0,286,0,0,0,0,0,0,0,150,4.1,0,0,14.4,77777,9,999999999,160,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,5.6,80,99300,0,0,288,0,0,0,0,0,0,0,150,3.6,0,0,14.4,77777,9,999999999,160,0.1600,0,88,0.160,0.0,1.0 +2002,4,23,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.4,5.0,74,99300,0,0,289,0,0,0,0,0,0,0,150,4.6,0,0,14.4,77777,9,999999999,160,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,5.0,77,99200,0,0,287,0,0,0,0,0,0,0,160,3.6,0,0,12.8,77777,9,999999999,160,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,4.4,79,99200,0,0,282,0,0,0,0,0,0,0,160,3.1,0,0,12.8,77777,9,999999999,170,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.4,5.6,77,99100,0,0,290,0,0,0,0,0,0,0,170,4.6,0,0,16.0,77777,9,999999999,170,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.4,5.6,77,99000,0,0,303,0,0,0,0,0,0,0,170,4.1,3,3,16.0,77777,9,999999999,170,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.4,6.1,80,99000,0,11,303,0,0,0,0,0,0,0,180,4.1,3,3,16.0,77777,9,999999999,170,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,6.1,71,99000,122,1351,298,0,0,0,0,0,0,0,180,5.2,0,0,16.0,77777,9,999999999,160,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,13.3,6.1,62,99000,373,1351,307,221,387,114,22500,33100,13400,2180,180,7.2,0,0,16.0,77777,9,999999999,170,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.6,6.1,53,99000,616,1351,317,405,558,150,42800,55000,17600,3040,180,5.7,0,0,16.0,77777,9,999999999,170,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,17.8,6.7,48,98900,831,1351,327,591,683,170,61600,68300,19500,4030,200,6.7,0,0,16.0,77777,9,999999999,170,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,19.4,7.2,45,98800,1003,1351,350,755,769,183,80000,78200,21800,5600,190,10.3,3,3,16.0,77777,9,999999999,180,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,21.7,8.9,44,98700,1120,1351,363,868,814,192,92900,83300,23600,7610,180,9.3,3,3,16.0,77777,9,999999999,190,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,22.8,10.0,44,98500,1175,1351,389,889,673,302,92500,67500,33700,13540,200,7.7,8,8,16.0,7620,9,999999999,200,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,21.7,10.6,49,98500,1164,1351,374,559,168,414,61400,17900,45900,17350,180,6.2,10,6,16.0,5486,9,999999999,230,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,21.1,11.1,53,98400,1087,1351,390,222,12,212,26800,900,26100,10440,190,6.7,10,9,16.0,1524,9,999999999,260,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,19.4,13.3,68,98400,950,1351,376,114,0,114,14200,0,14200,5880,210,6.7,10,8,14.4,1219,9,999999999,290,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.1,15.6,97,98200,763,1351,380,88,0,88,10800,0,10800,4330,180,10.3,10,10,4.0,914,9,999999999,280,0.1600,0,88,0.160,6.0,1.0 +2002,4,24,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.7,15.6,93,98200,537,1351,383,57,0,57,6900,0,6900,2610,200,7.2,10,10,9.6,2438,9,999999999,270,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,10.0,93,98400,290,1351,348,27,0,27,3300,0,3300,1130,310,12.9,10,10,16.0,427,9,999999999,250,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,7.2,83,98700,54,934,339,6,0,6,700,0,700,240,310,10.3,10,10,16.0,1524,9,999999999,200,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,6.1,77,98800,0,0,329,0,0,0,0,0,0,0,300,6.2,9,9,16.0,1981,9,999999999,150,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,1.7,61,99000,0,0,301,0,0,0,0,0,0,0,300,10.3,5,5,16.0,77777,9,999999999,110,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,0.0,58,99100,0,0,295,0,0,0,0,0,0,0,300,8.8,5,5,16.0,77777,9,999999999,90,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,-1.1,57,99200,0,0,289,0,0,0,0,0,0,0,300,9.3,5,5,16.0,77777,9,999999999,70,0.1600,0,88,0.160,0.0,1.0 +2002,4,24,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,-2.8,51,99400,0,0,280,0,0,0,0,0,0,0,300,7.7,3,3,16.0,77777,9,999999999,50,0.1600,0,88,0.160,0.0,1.0 +2002,4,25,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,-2.8,55,99400,0,0,276,0,0,0,0,0,0,0,300,7.2,4,3,16.0,77777,9,999999999,50,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,-2.2,61,99500,0,0,271,0,0,0,0,0,0,0,280,4.6,4,2,16.0,77777,9,999999999,50,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,-2.2,66,99500,0,0,270,0,0,0,0,0,0,0,270,4.1,3,3,16.0,77777,9,999999999,50,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.3,-2.8,63,99500,0,0,269,0,0,0,0,0,0,0,260,4.1,3,3,16.0,77777,9,999999999,50,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,-2.8,65,99500,0,56,267,0,0,0,0,0,0,0,250,3.6,4,3,16.0,77777,9,999999999,50,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,-2.2,63,99500,128,1350,261,0,0,0,0,0,0,0,240,4.6,0,0,16.0,77777,9,999999999,50,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-2.8,53,99500,379,1350,267,227,405,114,23300,34800,13500,2180,240,5.2,0,0,16.0,77777,9,999999999,50,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,-2.8,46,99500,621,1350,275,404,546,153,42700,53900,17800,3120,260,8.8,0,0,16.0,77777,9,999999999,60,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,-2.2,45,99400,835,1350,280,590,671,175,61500,67000,20000,4150,260,10.3,0,0,16.0,77777,9,999999999,60,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.4,-4.4,36,99500,1006,1350,292,755,763,185,79900,77600,22000,5710,270,12.4,3,3,16.0,77777,9,999999999,60,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.6,-4.4,33,99500,1123,1350,297,862,826,173,89800,82800,20700,6240,290,11.3,3,3,16.0,77777,9,999999999,70,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,-3.3,35,99500,1178,1350,300,925,835,195,95800,83500,22800,8160,270,12.4,3,3,16.0,77777,9,999999999,70,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,-3.3,34,99600,1167,1350,303,892,791,207,95300,80900,25200,9370,280,11.3,3,3,16.0,77777,9,999999999,70,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.2,-2.8,34,99600,1090,1350,306,841,812,183,86600,81000,21100,5890,280,11.3,3,3,16.0,77777,9,999999999,70,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.2,-3.3,33,99600,953,1350,305,702,743,176,74100,75400,20800,4970,280,9.8,3,3,16.0,77777,9,999999999,70,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.2,-3.9,31,99600,766,1350,304,520,625,164,53800,61900,18700,3610,290,8.2,3,3,16.0,77777,9,999999999,70,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,-4.4,31,99600,541,1350,302,345,573,114,35300,53800,13700,2170,290,9.3,3,3,16.0,77777,9,999999999,70,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.6,-5.0,31,99600,294,1350,293,153,382,70,16000,29800,9500,1280,280,8.8,4,2,16.0,77777,9,999999999,70,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,-4.4,34,99700,57,956,282,9,38,8,1200,1500,1100,130,280,6.2,0,0,16.0,77777,9,999999999,70,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,-3.9,40,99700,0,0,276,0,0,0,0,0,0,0,270,2.6,0,0,16.0,77777,9,999999999,70,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,-3.3,44,99800,0,0,275,0,0,0,0,0,0,0,270,2.1,0,0,16.0,77777,9,999999999,70,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,-1.7,56,99800,0,0,270,0,0,0,0,0,0,0,250,2.1,0,0,16.0,77777,9,999999999,70,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-2.2,56,99800,0,0,279,0,0,0,0,0,0,0,250,1.5,4,3,16.0,77777,9,999999999,70,0.1610,0,88,0.160,0.0,1.0 +2002,4,25,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-2.2,56,99800,0,0,267,0,0,0,0,0,0,0,290,3.6,0,0,16.0,77777,9,999999999,70,0.1610,0,88,0.160,0.0,1.0 +2002,4,26,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,-2.8,55,99900,0,0,264,0,0,0,0,0,0,0,280,3.6,0,0,16.0,77777,9,999999999,70,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,-3.3,53,99900,0,0,264,0,0,0,0,0,0,0,310,4.1,0,0,16.0,77777,9,999999999,70,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,-3.3,57,99900,0,0,260,0,0,0,0,0,0,0,310,3.6,0,0,16.0,77777,9,999999999,70,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,-3.9,59,100000,0,0,255,0,0,0,0,0,0,0,320,3.1,0,0,16.0,77777,9,999999999,70,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.2,-3.9,62,100000,0,79,253,0,0,0,0,0,0,0,350,2.6,0,0,16.0,77777,9,999999999,70,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,2.8,-3.9,59,100100,133,1349,255,0,0,0,0,0,0,0,350,3.6,0,0,16.0,77777,9,999999999,70,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,3.9,-5.0,50,100200,384,1349,258,234,424,113,23900,36600,13500,2150,350,4.1,0,0,16.0,77777,9,999999999,70,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-6.1,40,100200,625,1349,263,410,558,151,43400,55200,17700,3080,30,4.6,0,0,16.0,77777,9,999999999,70,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,-6.1,39,100200,839,1349,265,583,652,177,60700,65100,20100,4220,0,0.0,0,0,16.0,77777,9,999999999,70,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.2,-5.6,38,100300,1010,1349,270,723,666,224,75600,67100,25300,6800,360,1.5,0,0,16.0,77777,9,999999999,80,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,-6.7,32,100300,1127,1349,285,862,789,201,91900,80600,24400,8110,0,0.0,3,3,16.0,77777,9,999999999,80,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,-5.0,35,100200,1181,1349,277,925,865,166,97500,87200,21000,7320,0,0.0,0,0,16.0,77777,9,999999999,90,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,-4.4,34,100300,1170,1349,282,915,869,161,96800,87700,20600,6870,30,2.6,0,0,16.0,77777,9,999999999,90,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.6,-1.7,42,100200,1093,1349,288,841,806,186,89800,82500,22800,6920,50,3.1,0,0,16.0,77777,9,999999999,90,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,-0.6,47,100100,956,1349,286,697,725,181,73400,73500,21200,5120,80,4.1,0,0,16.0,77777,9,999999999,90,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,-1.1,45,100100,769,1349,286,526,637,162,54600,63100,18500,3590,100,4.6,0,0,16.0,77777,9,999999999,100,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,-0.6,51,100100,544,1349,282,335,516,126,35400,49600,15300,2460,100,5.7,0,0,16.0,77777,9,999999999,100,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,-2.2,48,100100,298,1349,288,153,366,73,16000,28700,9700,1340,90,4.6,3,3,16.0,77777,9,999999999,100,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,-2.8,49,100100,60,978,271,8,11,8,1000,500,1000,160,100,5.2,0,0,16.0,77777,9,999999999,100,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,-1.7,56,100100,0,0,270,0,0,0,0,0,0,0,100,3.6,0,0,16.0,77777,9,999999999,100,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,-2.2,54,100100,0,0,269,0,0,0,0,0,0,0,90,2.6,0,0,16.0,77777,9,999999999,100,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-3.3,51,100100,0,0,271,0,0,0,0,0,0,0,90,2.6,1,1,16.0,77777,9,999999999,110,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-4.4,46,100100,0,0,279,0,0,0,0,0,0,0,100,2.6,5,4,16.0,77777,9,999999999,110,0.1620,0,88,0.160,0.0,1.0 +2002,4,26,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-4.4,46,100100,0,0,277,0,0,0,0,0,0,0,90,2.6,3,3,16.0,6096,9,999999999,110,0.1620,0,88,0.160,0.0,1.0 +2002,4,27,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,-4.4,46,100000,0,0,279,0,0,0,0,0,0,0,90,3.1,4,4,16.0,6096,9,999999999,120,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,-4.4,45,100000,0,0,293,0,0,0,0,0,0,0,90,3.6,9,8,16.0,6096,9,999999999,120,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,-4.4,45,100000,0,0,308,0,0,0,0,0,0,0,100,4.1,10,10,16.0,3048,9,999999999,130,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,-5.6,39,99800,0,0,309,0,0,0,0,0,0,0,110,4.6,10,10,16.0,3048,9,999999999,130,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,-7.8,32,99800,1,124,307,0,0,0,0,0,0,0,90,3.6,10,10,16.0,2743,9,999999999,140,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,-5.0,43,99800,138,1349,308,32,0,32,3600,0,3600,1070,90,4.1,10,10,16.0,2743,9,999999999,140,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,-1.7,54,99800,389,1349,314,39,0,39,4700,0,4700,1700,90,4.6,10,10,16.0,2743,9,999999999,170,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,-1.7,54,99800,630,1349,314,82,0,82,9900,0,9900,3810,80,6.2,10,10,16.0,1829,9,999999999,190,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,-1.1,53,99700,843,1349,311,136,0,136,16400,0,16400,6580,100,6.7,10,9,16.0,2591,9,999999999,220,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,0.6,60,99600,1014,1349,313,157,0,157,19200,0,19200,7950,100,6.2,10,9,16.0,2591,9,999999999,230,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,1.7,65,99400,1130,1349,302,148,0,148,18500,0,18500,7720,100,6.2,9,7,16.0,4572,9,999999999,240,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,4.4,79,99200,1184,1349,317,151,0,151,19000,0,19000,7900,90,4.6,10,9,12.8,1463,9,999999999,250,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.2,6.1,93,99100,1173,1349,325,143,0,143,18000,0,18000,7520,100,6.7,10,10,6.4,610,9,999999999,270,0.1630,0,88,0.160,2.0,1.0 +2002,4,27,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.2,6.7,97,99000,1096,1349,326,134,0,134,16800,0,16800,7040,100,7.7,10,10,6.4,335,9,999999999,290,0.1630,0,88,0.160,2.0,1.0 +2002,4,27,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.2,7.2,100,98800,959,1349,326,120,0,120,14900,0,14900,6170,110,9.3,10,10,4.8,335,9,999999999,310,0.1630,0,88,0.160,2.0,1.0 +2002,4,27,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.2,7.2,100,98400,772,1349,326,89,0,89,11000,0,11000,4400,110,9.3,10,10,4.0,2438,9,999999999,300,0.1630,0,88,0.160,2.0,1.0 +2002,4,27,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.8,7.2,96,98300,548,1349,329,58,0,58,7100,0,7100,2670,120,10.3,10,10,8.0,244,9,999999999,300,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,7.2,93,98200,302,1349,331,27,0,27,3300,0,3300,1140,130,8.8,10,10,8.0,244,9,999999999,290,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,8.3,100,98100,63,1000,332,5,0,5,600,0,600,200,140,6.7,10,10,2.4,244,9,999999999,280,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,8.9,100,98000,0,0,336,0,0,0,0,0,0,0,150,6.7,10,10,2.4,244,9,999999999,260,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.9,8.9,100,97900,0,0,336,0,0,0,0,0,0,0,150,6.2,10,10,4.0,213,9,999999999,250,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.4,9.4,100,97700,0,0,339,0,0,0,0,0,0,0,150,6.2,10,10,4.0,152,9,999999999,250,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.6,10.6,100,97600,0,0,346,0,0,0,0,0,0,0,180,6.2,10,10,3.2,1158,9,999999999,250,0.1630,0,88,0.160,0.0,1.0 +2002,4,27,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,11.7,100,97300,0,0,353,0,0,0,0,0,0,0,170,5.2,10,10,8.0,152,9,999999999,250,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.2,11.7,97,97200,0,0,346,0,0,0,0,0,0,0,190,3.6,9,9,11.2,3048,9,999999999,250,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,13.9,12.8,93,97100,0,0,355,0,0,0,0,0,0,0,190,4.6,9,9,14.4,3048,9,999999999,240,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.0,12.2,83,97100,0,0,360,0,0,0,0,0,0,0,240,8.8,9,9,16.0,975,9,999999999,240,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.8,8.9,77,97200,0,0,355,0,0,0,0,0,0,0,240,9.3,10,10,16.0,1006,9,999999999,240,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,8.3,80,97100,1,146,349,0,0,0,0,0,0,0,250,7.2,10,10,16.0,914,9,999999999,240,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,9.4,96,97200,144,1348,342,46,0,46,5000,0,5000,1370,240,8.2,10,10,6.4,427,9,999999999,240,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,7.8,97,97300,394,1348,332,108,0,108,12100,0,12100,3870,260,11.3,10,10,4.8,305,9,999999999,230,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,8.3,100,97400,634,1348,332,82,0,82,9900,0,9900,3820,260,9.3,10,10,9.6,183,9,999999999,230,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,5.6,93,97700,847,1348,322,123,0,123,15000,0,15000,6050,280,9.3,10,10,16.0,244,9,999999999,230,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,4.4,85,97900,1017,1348,321,119,0,119,14900,0,14900,6230,310,9.8,10,10,16.0,366,9,999999999,220,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,3.9,86,98100,1133,1348,317,142,0,142,17800,0,17800,7450,320,9.8,10,10,16.0,427,9,999999999,209,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,3.3,85,98300,1187,1348,315,151,0,151,19000,0,19000,7910,310,7.7,10,10,16.0,427,9,999999999,200,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,2.8,82,98400,1175,1348,314,143,0,143,18000,0,18000,7520,320,8.8,10,10,16.0,427,9,999999999,190,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,2.8,82,98600,1099,1348,314,134,0,134,16800,0,16800,7050,310,8.8,10,10,16.0,488,9,999999999,180,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,2.8,82,98700,962,1348,314,137,0,137,16800,0,16800,6950,310,7.7,10,10,16.0,549,9,999999999,160,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,2.2,76,98800,776,1348,316,122,0,122,14700,0,14700,5800,320,7.7,10,10,16.0,640,9,999999999,160,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,2.2,76,98900,551,1348,316,89,0,89,10500,0,10500,3890,330,9.8,10,10,16.0,640,9,999999999,150,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,1.7,73,98900,305,1348,315,18,0,18,2300,0,2300,790,320,8.8,10,10,16.0,762,9,999999999,140,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,1.7,73,99000,66,1022,315,2,0,2,300,0,300,80,10,5.7,10,10,16.0,914,9,999999999,130,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,1.7,73,99100,0,0,315,0,0,0,0,0,0,0,340,3.1,10,10,16.0,975,9,999999999,130,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,2.2,76,99200,0,0,316,0,0,0,0,0,0,0,330,3.6,10,10,16.0,975,9,999999999,130,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,1.7,76,99100,0,0,313,0,0,0,0,0,0,0,360,3.1,10,10,16.0,1036,9,999999999,130,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,2.2,79,99200,0,0,313,0,0,0,0,0,0,0,0,0.0,10,10,16.0,823,9,999999999,130,0.1630,0,88,0.160,0.0,1.0 +2002,4,28,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,2.8,86,99200,0,0,311,0,0,0,0,0,0,0,90,1.5,10,10,16.0,1097,9,999999999,130,0.1630,0,88,0.160,0.0,1.0 +2002,4,29,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,4.4,3.3,93,99200,0,0,309,0,0,0,0,0,0,0,0,0.0,10,10,16.0,975,9,999999999,130,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.0,3.3,89,99200,0,0,312,0,0,0,0,0,0,0,0,0.0,10,10,16.0,1219,9,999999999,130,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,2.8,82,99200,0,0,314,0,0,0,0,0,0,0,240,2.1,10,10,16.0,1219,9,999999999,130,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,3.3,85,99100,0,0,315,0,0,0,0,0,0,0,200,1.5,10,10,16.0,1219,9,999999999,130,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,5.6,3.3,85,99100,2,168,315,0,0,0,0,0,0,0,230,2.1,10,10,14.4,1158,9,999999999,130,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.1,3.3,82,99100,149,1347,317,44,0,44,4800,0,4800,1360,260,3.1,10,10,16.0,1158,9,999999999,130,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,6.7,2.8,76,99200,399,1347,319,123,6,121,13700,400,13500,4190,290,5.2,10,10,16.0,1097,9,999999999,120,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,7.2,2.8,74,99200,639,1347,321,218,19,209,24500,1600,23800,7890,270,6.7,10,10,16.0,1097,9,999999999,120,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.3,2.8,68,99100,851,1347,326,246,12,238,28400,1000,27800,10280,280,3.6,10,10,16.0,1219,9,999999999,120,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.4,3.3,66,99100,1021,1347,316,528,212,367,57700,22500,40600,12150,270,5.7,8,8,16.0,1067,9,999999999,120,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,3.9,66,99100,1136,1347,319,492,102,406,54300,10500,45400,17200,240,7.2,8,8,16.0,1006,9,999999999,110,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.0,4.4,68,99000,1190,1347,336,653,276,408,71200,30000,44700,18990,250,5.7,10,10,16.0,945,9,999999999,110,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,5.6,69,99100,1178,1347,326,184,12,174,22900,900,22200,8950,260,6.2,8,8,16.0,1067,9,999999999,120,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,13.9,5.0,55,99000,1101,1347,339,788,538,348,83100,56000,37200,13490,260,6.7,8,8,16.0,1463,9,999999999,130,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.0,3.9,47,98900,965,1347,328,709,737,179,74800,74800,21100,5160,270,6.2,4,4,16.0,77777,9,999999999,130,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.6,3.9,46,98900,779,1347,328,532,631,166,55100,62600,18900,3710,280,5.2,3,3,16.0,77777,9,999999999,120,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,16.1,3.9,44,98800,555,1347,330,341,510,130,36000,49300,15700,2550,270,5.2,3,3,16.0,77777,9,999999999,120,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.6,1.7,39,98700,309,1347,322,165,324,90,16800,25700,10900,1690,260,6.2,4,2,16.0,77777,9,999999999,110,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,14.4,1.7,42,98800,69,1044,307,13,46,11,1600,1700,1500,180,240,3.1,0,0,16.0,77777,9,999999999,100,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,13.3,2.2,47,98800,0,0,303,0,0,0,0,0,0,0,220,3.6,0,0,16.0,77777,9,999999999,100,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.2,2.2,50,98800,0,0,298,0,0,0,0,0,0,0,220,2.6,0,0,16.0,77777,9,999999999,100,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,2.2,52,98800,0,0,296,0,0,0,0,0,0,0,230,4.1,0,0,16.0,77777,9,999999999,110,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,2.2,52,98700,0,0,296,0,0,0,0,0,0,0,230,4.1,0,0,16.0,77777,9,999999999,110,0.1640,0,88,0.160,0.0,1.0 +2002,4,29,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,2.2,52,98700,0,0,302,0,0,0,0,0,0,0,230,4.6,1,1,16.0,77777,9,999999999,120,0.1640,0,88,0.160,0.0,1.0 +2002,4,30,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,3.3,56,98600,0,0,326,0,0,0,0,0,0,0,260,4.6,8,8,16.0,3353,9,999999999,120,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,3.9,61,98700,0,0,324,0,0,0,0,0,0,0,280,4.1,9,8,16.0,77777,9,999999999,120,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,5.0,66,98800,0,0,342,0,0,0,0,0,0,0,310,3.6,10,10,16.0,3048,9,999999999,130,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,4.4,63,98800,0,0,332,0,0,0,0,0,0,0,300,3.1,9,9,16.0,3048,9,999999999,120,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,2.2,54,98800,3,213,339,0,0,0,0,0,0,0,340,3.6,10,10,16.0,2591,9,999999999,120,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.6,1.7,54,98800,154,1347,320,56,8,55,6000,100,6000,1560,330,5.2,8,8,16.0,77777,9,999999999,120,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,1.7,52,98900,404,1347,322,245,291,158,25300,26100,17500,3410,340,3.6,9,8,16.0,2134,9,999999999,120,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,0.0,44,99000,643,1347,323,211,31,196,23200,3100,21700,5810,320,3.1,9,8,16.0,77777,9,999999999,120,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.2,-0.6,41,99000,855,1347,331,336,73,290,37000,7400,32300,9580,310,5.2,10,9,16.0,4572,9,999999999,120,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.2,-3.3,33,99000,1024,1347,321,207,6,203,25000,500,24600,9900,260,3.6,9,8,16.0,4572,9,999999999,130,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.8,-4.4,29,99000,1139,1347,330,308,12,297,36500,1000,35600,13770,340,2.6,10,9,16.0,3048,9,999999999,130,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,13.3,-5.0,26,98900,1193,1347,331,266,6,261,32200,500,31800,12590,320,2.1,10,9,16.0,3048,9,999999999,140,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,13.3,-6.1,24,98900,1181,1347,330,422,36,390,46600,3700,43300,17860,0,0.0,10,9,16.0,3048,9,999999999,140,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,14.4,-4.4,26,98800,1104,1347,346,368,24,348,43000,2200,41100,15280,290,1.5,10,10,16.0,6096,9,999999999,140,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,14.4,-4.4,26,98800,968,1347,346,297,18,284,34500,1600,33400,12500,220,1.5,10,10,16.0,6096,9,999999999,150,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.0,-3.3,27,98700,782,1347,322,233,30,216,25700,3000,24000,7080,200,2.1,6,5,16.0,6096,9,999999999,150,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,15.0,-3.9,26,98700,558,1347,321,347,371,192,36400,36900,21100,4220,170,2.1,5,5,16.0,6096,9,999999999,140,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,12.8,2.2,48,98600,313,1347,347,115,105,90,12400,8700,10400,1960,140,4.6,10,10,16.0,6096,9,999999999,140,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.7,5.0,63,98700,73,1066,299,16,66,13,2000,2800,1800,220,140,4.1,0,0,16.0,4572,9,999999999,140,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,11.1,5.6,69,98800,0,0,310,0,0,0,0,0,0,0,210,2.1,3,3,16.0,6096,9,999999999,140,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,10.6,6.1,74,98800,0,0,332,0,0,0,0,0,0,0,0,0.0,9,9,16.0,3353,9,999999999,140,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.8,5.9,77,98700,0,0,307,0,0,0,0,0,0,0,190,0.4,4,4,16.0,77777,9,999999999,140,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,9.0,5.6,80,98700,0,0,333,0,0,0,0,0,0,0,170,0.7,10,10,16.0,3048,9,999999999,140,0.1650,0,88,0.160,0.0,1.0 +2002,4,30,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9?9?9?9,8.2,5.4,77,98600,0,0,329,0,0,0,0,0,0,0,170,1.1,10,10,16.0,2286,9,999999999,140,0.1650,0,88,0.160,0.0,1.0 +1980,5,1,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.4,5.1,96,99000,0,0,296,0,0,0,0,0,0,0,270,1.5,4,4,19.3,77777,9,999999999,150,0.1650,0,88,999.000,999.0,99.0 +1980,5,1,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.6,4.9,93,99000,0,0,297,0,0,0,0,0,0,0,240,1.9,6,6,14.5,1070,9,999999999,140,0.1650,0,88,999.000,999.0,99.0 +1980,5,1,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.8,4.6,96,99000,0,0,297,0,0,0,0,0,0,0,200,2.2,7,7,14.5,1160,9,999999999,130,0.1650,0,88,999.000,999.0,99.0 +1980,5,1,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,4.4,96,99000,0,0,304,0,0,0,0,0,0,0,190,2.6,9,9,19.3,1160,9,999999999,140,0.1650,0,88,999.000,999.0,99.0 +1980,5,1,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,5.6,93,99000,4,258,313,0,0,0,0,0,0,0,140,3.1,9,9,14.5,1160,9,999999999,150,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,6.7,93,99000,161,1345,304,23,1,23,2700,0,2700,860,30,2.1,8,6,14.5,1160,9,999999999,160,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,9.4,83,99100,410,1345,316,195,307,101,20300,27300,12000,1890,150,2.6,2,2,14.5,77777,9,999999999,190,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,8.9,75,99100,648,1345,340,270,113,215,29300,11500,23700,5290,140,2.6,8,8,12.9,2130,9,999999999,180,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,8.9,70,99200,859,1345,363,266,3,264,30600,300,30400,11110,240,2.1,10,10,11.3,2130,9,999999999,180,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,9.4,70,99200,1028,1345,367,302,25,282,33300,2500,31300,11100,300,1.5,10,10,9.7,1160,9,999999999,190,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,8.9,65,99200,1143,1345,369,354,5,350,41600,500,41200,15520,330,2.6,10,10,11.3,1010,9,999999999,180,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,9.4,65,99200,1196,1345,372,435,2,433,50600,200,50400,18110,30,2.1,10,10,11.3,1010,9,999999999,190,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,9.4,67,99200,1184,1345,370,427,6,421,49600,600,49100,17730,360,2.6,10,10,11.3,760,9,999999999,190,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,10.0,72,99200,1107,1345,367,332,1,331,38900,100,38900,14780,180,3.1,10,10,12.9,700,9,999999999,190,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,11.1,72,99200,971,1345,374,270,4,267,31600,300,31300,11990,220,3.6,10,10,12.9,880,9,999999999,209,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,10.0,67,99100,785,1345,373,227,3,225,26100,300,25900,9440,210,2.1,10,10,14.5,880,9,999999999,190,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,10.0,65,99100,562,1345,352,226,156,162,24900,15500,18400,3830,70,2.6,8,7,14.5,1830,9,999999999,190,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,10.0,67,99100,318,1345,350,96,67,81,10600,5600,9300,1760,160,2.1,7,7,12.9,1830,9,999999999,190,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,9.4,75,99100,77,1110,326,16,7,15,1700,400,1700,380,190,2.1,3,3,12.9,77777,9,999999999,190,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,8.3,77,99200,0,0,314,0,0,0,0,0,0,0,110,3.1,2,2,12.9,77777,9,999999999,170,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,8.3,83,99200,0,0,300,0,0,0,0,0,0,0,100,3.1,0,0,14.5,77777,9,999999999,180,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,7.8,86,99200,0,0,295,0,0,0,0,0,0,0,90,3.1,0,0,14.5,77777,9,999999999,170,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,7.8,96,99200,0,0,332,0,0,0,0,0,0,0,60,3.1,10,10,0.4,60,9,999999999,170,0.2790,0,88,999.000,999.0,99.0 +1980,5,1,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,7.8,100,99200,0,0,330,0,0,0,0,0,0,0,40,2.6,10,10,0.2,30,9,999999999,170,0.2790,0,88,999.000,999.0,99.0 +1980,5,2,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,7.2,96,99200,0,0,329,0,0,0,0,0,0,0,120,2.1,10,10,0.2,30,9,999999999,160,0.2790,0,88,999.000,999.0,99.0 +1980,5,2,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,6.7,96,99200,0,0,326,0,0,0,0,0,0,0,10,2.1,10,10,0.2,30,9,999999999,160,0.2790,0,88,999.000,999.0,99.0 +1980,5,2,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,6.1,96,99200,0,0,323,0,0,0,0,0,0,0,10,2.1,10,10,0.4,60,9,999999999,150,0.2790,0,88,999.000,999.0,99.0 +1980,5,2,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,6.1,93,99200,0,0,309,0,0,0,0,0,0,0,300,2.1,8,8,4.8,1520,9,999999999,150,0.2790,0,88,999.000,999.0,99.0 +1980,5,2,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,5.6,93,99300,5,280,307,0,0,0,0,0,0,0,170,1.5,8,8,2.4,1520,9,999999999,150,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,6.7,96,99300,166,1344,326,33,0,33,3700,0,3700,1160,320,1.5,10,10,0.4,30,9,999999999,160,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,8.3,100,99400,414,1344,323,108,26,100,11900,2400,11100,2750,230,2.1,9,9,1.6,1520,9,999999999,180,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,8.9,83,99300,652,1344,350,117,4,115,13800,300,13700,5150,320,1.5,10,10,3.2,2740,9,999999999,180,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,10.6,72,99300,863,1344,338,552,437,271,57500,44900,28600,6970,230,3.1,6,4,4.8,7620,9,999999999,200,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,10.0,57,99300,1031,1344,342,710,621,230,74000,62600,25800,7330,320,2.6,3,1,8.0,77777,9,999999999,200,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,7.8,44,99300,1146,1344,348,824,696,229,87200,70800,26800,9760,30,3.1,2,1,11.3,77777,9,999999999,170,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,7.8,40,99200,1198,1344,367,801,526,330,85900,55000,36800,17150,320,4.1,4,4,19.3,77777,9,999999999,170,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,8.3,40,99200,1186,1344,370,788,480,364,83700,50100,39400,18190,20,3.6,4,4,19.3,77777,9,999999999,180,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,7.2,34,99200,1109,1344,368,773,549,319,82300,57200,34900,12610,20,4.1,2,2,19.3,77777,9,999999999,160,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,10.0,43,99100,974,1344,368,652,596,221,68100,59900,24600,6310,30,7.2,2,2,24.1,77777,9,999999999,190,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,8.9,41,99100,788,1344,365,339,293,168,37600,31200,19300,3870,60,6.2,2,2,24.1,77777,9,999999999,180,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,7.2,41,99100,566,1344,343,321,462,128,34300,44900,15400,2510,70,5.2,0,0,24.1,77777,9,999999999,170,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,6.1,43,99100,322,1344,332,134,241,78,14500,19800,9800,1470,80,3.1,0,0,19.3,77777,9,999999999,150,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,5.6,48,99100,80,1132,321,26,15,24,2800,900,2700,580,70,4.1,0,0,19.3,77777,9,999999999,150,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,5.6,54,99200,0,0,314,0,0,0,0,0,0,0,10,3.1,2,0,19.3,77777,9,999999999,150,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,5.6,64,99200,0,0,302,0,0,0,0,0,0,0,140,2.1,0,0,19.3,77777,9,999999999,150,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,5.6,74,99200,0,0,292,0,0,0,0,0,0,0,340,2.1,0,0,19.3,77777,9,999999999,150,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,6.7,80,99200,0,0,306,0,0,0,0,0,0,0,320,1.5,3,3,19.3,77777,9,999999999,160,0.2700,0,88,999.000,999.0,99.0 +1980,5,2,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,7.2,89,99200,0,0,290,0,0,0,0,0,0,0,280,2.6,0,0,19.3,77777,9,999999999,160,0.2700,0,88,999.000,999.0,99.0 +1980,5,3,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,6.7,93,99200,0,0,285,0,0,0,0,0,0,0,190,2.1,0,0,19.3,77777,9,999999999,160,0.2700,0,88,999.000,999.0,99.0 +1980,5,3,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,7.2,89,99200,0,0,290,0,0,0,0,0,0,0,360,2.1,0,0,19.3,77777,9,999999999,160,0.2700,0,88,999.000,999.0,99.0 +1980,5,3,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,6.1,93,99200,0,0,282,0,0,0,0,0,0,0,320,3.1,0,0,19.3,77777,9,999999999,150,0.2700,0,88,999.000,999.0,99.0 +1980,5,3,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,6.1,89,99200,0,0,284,0,0,0,0,0,0,0,320,2.6,0,0,24.1,77777,9,999999999,150,0.2700,0,88,999.000,999.0,99.0 +1980,5,3,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,5.0,93,99300,6,302,276,3,10,2,0,0,0,0,310,2.1,0,0,19.3,77777,9,999999999,140,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,7.8,89,99300,171,1344,292,73,317,33,7500,19800,5000,590,230,1.5,0,0,19.3,77777,9,999999999,170,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,9.4,78,99400,419,1344,310,251,621,57,25900,55900,8400,1120,310,1.5,0,0,16.1,77777,9,999999999,190,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,6.1,48,99400,656,1344,324,456,767,79,47900,75200,11100,1720,290,2.6,0,0,16.1,77777,9,999999999,150,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,6.1,42,99400,866,1344,334,641,840,97,68400,84600,13700,2500,360,2.1,0,0,16.1,77777,9,999999999,150,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,7.2,41,99400,1034,1344,343,792,883,109,81700,88200,13600,2980,300,3.1,0,0,16.1,77777,9,999999999,170,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,7.8,36,99300,1148,1344,357,894,906,117,92000,90800,14300,4150,360,5.2,0,0,19.3,77777,9,999999999,170,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,8.3,36,99300,1201,1344,360,937,912,121,96500,91400,14600,5080,50,5.2,0,0,19.3,77777,9,999999999,180,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,7.2,34,99300,1188,1344,356,930,915,120,95900,91700,14600,4820,50,5.2,0,0,24.1,77777,9,999999999,160,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,7.2,33,99300,1112,1344,359,860,900,115,88800,90100,14100,3690,20,5.2,0,0,24.1,77777,9,999999999,160,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,6.7,32,99200,976,1344,358,735,868,105,76300,86600,13200,2620,360,5.2,0,0,24.1,77777,9,999999999,160,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,5.6,31,99200,791,1344,354,570,818,90,61000,81900,12700,2160,10,5.2,0,0,24.1,77777,9,999999999,150,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,5.0,32,99200,569,1344,348,373,720,70,39300,69100,10000,1470,10,4.6,0,0,24.1,77777,9,999999999,150,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,2.8,30,99200,325,1344,338,174,534,48,18600,44400,7800,910,20,3.1,0,0,24.1,77777,9,999999999,130,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,2.8,36,99200,83,1153,325,34,137,21,3400,6000,2900,370,10,3.1,0,0,19.3,77777,9,999999999,130,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,3.9,46,99200,0,0,314,0,0,0,0,0,0,0,0,0.0,0,0,19.3,77777,9,999999999,140,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,6.7,64,99200,0,0,307,0,0,0,0,0,0,0,280,2.6,0,0,24.1,77777,9,999999999,160,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,7.8,75,99200,0,0,304,0,0,0,0,0,0,0,270,2.1,0,0,24.1,77777,9,999999999,170,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,6.1,72,99200,0,0,298,0,0,0,0,0,0,0,250,2.6,0,0,24.1,77777,9,999999999,150,0.0920,0,88,999.000,999.0,99.0 +1980,5,3,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,6.7,77,99200,0,0,296,0,0,0,0,0,0,0,250,2.1,0,0,24.1,77777,9,999999999,160,0.0920,0,88,999.000,999.0,99.0 +1980,5,4,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,4.4,59,99200,0,0,300,0,0,0,0,0,0,0,270,2.6,0,0,24.1,77777,9,999999999,140,0.0920,0,88,999.000,999.0,99.0 +1980,5,4,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,3.9,55,99200,0,0,302,0,0,0,0,0,0,0,270,2.1,0,0,24.1,77777,9,999999999,140,0.0920,0,88,999.000,999.0,99.0 +1980,5,4,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,5.0,59,99200,0,0,304,0,0,0,0,0,0,0,270,1.5,0,0,24.1,77777,9,999999999,140,0.0920,0,88,999.000,999.0,99.0 +1980,5,4,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,3.3,64,99200,0,0,290,0,0,0,0,0,0,0,270,2.1,0,0,24.1,77777,9,999999999,130,0.0920,0,88,999.000,999.0,99.0 +1980,5,4,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,5.6,77,99200,7,347,290,3,1,3,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,150,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,7.2,80,99300,175,1343,297,63,142,44,6600,8200,5500,810,260,2.1,0,0,19.3,77777,9,999999999,160,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,7.2,54,99200,423,1343,323,227,436,88,24000,39200,11600,1630,280,2.6,0,0,19.3,77777,9,999999999,170,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,7.2,44,99300,660,1343,338,427,606,127,44300,59300,15100,2640,250,4.1,0,0,19.3,77777,9,999999999,170,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,7.8,35,99200,870,1343,359,615,702,158,64700,70900,18700,4010,280,5.2,0,0,19.3,77777,9,999999999,170,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,5.0,24,99200,1037,1343,370,773,765,180,82200,78100,21800,5990,310,6.2,0,0,24.1,77777,9,999999999,140,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,3.3,21,99100,1151,1343,370,880,800,192,90900,80000,22300,7480,300,5.2,0,0,24.1,77777,9,999999999,130,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,3.3,19,99100,1203,1343,376,929,814,198,96400,81500,23300,9340,300,5.2,0,0,24.1,77777,9,999999999,130,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,3.3,19,99000,1191,1343,378,915,808,197,94900,80800,23000,8830,330,4.1,0,0,24.1,77777,9,999999999,130,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,4.4,21,98900,1114,1343,393,794,667,241,83700,67500,27500,9370,240,3.1,3,3,24.1,77777,9,999999999,140,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,3.9,19,98900,979,1343,395,736,746,193,77700,75500,22500,5680,270,4.1,2,2,24.1,77777,9,999999999,130,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,3.3,18,98800,794,1343,394,505,585,160,52800,58300,18300,3680,310,2.6,2,2,24.1,77777,9,999999999,130,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,2.2,17,98800,572,1343,389,328,467,131,35100,45500,15700,2590,240,2.6,2,2,24.1,77777,9,999999999,120,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,5.0,25,98700,329,1343,379,144,270,79,15200,22100,9700,1450,280,3.1,2,2,24.1,77777,9,999999999,140,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,5.0,28,98700,87,1175,371,24,25,21,2600,1200,2500,430,270,2.6,2,2,19.3,77777,9,999999999,150,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,5.0,33,98700,0,0,346,0,0,0,0,0,0,0,230,3.6,0,0,19.3,77777,9,999999999,140,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,5.0,39,98700,0,0,333,0,0,0,0,0,0,0,240,4.1,0,0,19.3,77777,9,999999999,140,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,5.0,40,98700,0,0,330,0,0,0,0,0,0,0,260,3.6,0,0,24.1,77777,9,999999999,140,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,5.6,48,98700,0,0,321,0,0,0,0,0,0,0,230,4.6,0,0,24.1,77777,9,999999999,150,0.2070,0,88,999.000,999.0,99.0 +1980,5,4,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,4.4,50,98600,0,0,312,0,0,0,0,0,0,0,240,4.1,0,0,24.1,77777,9,999999999,140,0.2070,0,88,999.000,999.0,99.0 +1980,5,5,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,3.3,41,98600,0,0,319,0,0,0,0,0,0,0,230,4.1,0,0,24.1,77777,9,999999999,130,0.2070,0,88,999.000,999.0,99.0 +1980,5,5,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,3.3,43,98600,0,0,316,0,0,0,0,0,0,0,250,4.1,0,0,24.1,77777,9,999999999,130,0.2070,0,88,999.000,999.0,99.0 +1980,5,5,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,3.3,46,98500,0,0,311,0,0,0,0,0,0,0,250,3.6,0,0,24.1,77777,9,999999999,130,0.2070,0,88,999.000,999.0,99.0 +1980,5,5,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,4.4,55,98500,0,0,305,0,0,0,0,0,0,0,240,4.1,0,0,24.1,77777,9,999999999,140,0.2070,0,88,999.000,999.0,99.0 +1980,5,5,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,5.0,57,98500,8,369,312,3,7,2,0,0,0,0,240,4.1,1,1,24.1,77777,9,999999999,140,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,6.1,50,98500,180,1342,322,77,299,36,7700,19100,5200,640,240,5.2,0,0,24.1,77777,9,999999999,150,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,6.7,45,98400,427,1342,332,253,594,63,26500,53800,9400,1230,240,3.6,0,0,24.1,77777,9,999999999,160,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,7.2,41,98400,664,1342,343,449,729,87,46800,71300,11500,1840,250,6.2,0,0,24.1,77777,9,999999999,160,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,7.8,36,98300,873,1342,357,638,813,106,67400,81700,14200,2680,260,6.2,0,0,24.1,77777,9,999999999,170,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,8.3,35,98300,1040,1342,363,785,856,119,80800,85500,14400,3120,260,7.2,0,0,24.1,77777,9,999999999,180,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,8.3,29,98300,1153,1342,377,890,883,128,91300,88400,15200,4430,220,6.2,0,0,24.1,77777,9,999999999,170,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,8.3,28,98200,1206,1342,382,937,894,132,96200,89600,15500,5480,250,6.2,0,0,24.1,77777,9,999999999,180,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,7.2,23,98100,1193,1342,389,930,897,131,95500,89900,15500,5180,240,5.2,0,0,24.1,77777,9,999999999,160,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,4.4,19,98000,1116,1342,412,846,714,252,88800,72100,28700,9830,250,3.6,6,6,24.1,1520,9,999999999,140,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,3.3,21,98100,981,1342,400,597,494,236,64400,51400,26800,7040,280,7.7,7,7,19.3,1520,9,999999999,130,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,6.1,26,98000,797,1342,396,446,438,186,47800,44900,21100,4320,250,4.1,6,6,24.1,2130,9,999999999,150,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,6.1,26,97900,575,1342,407,224,164,155,24800,16400,17700,3690,230,5.2,8,8,24.1,2130,9,999999999,150,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,3.9,23,98000,333,1342,402,156,245,96,16500,20400,11500,1890,310,3.1,8,8,24.1,1830,9,999999999,130,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,2.2,41,98100,90,1197,343,25,14,23,2600,800,2600,560,20,9.8,8,8,24.1,2440,9,999999999,120,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,-1.7,37,98300,0,0,306,0,0,0,0,0,0,0,360,8.8,2,2,24.1,77777,9,999999999,100,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,-1.7,40,98300,0,0,292,0,0,0,0,0,0,0,20,6.7,0,0,24.1,77777,9,999999999,100,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,-0.6,40,98300,0,0,298,0,0,0,0,0,0,0,10,5.2,0,0,24.1,77777,9,999999999,100,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,-1.1,40,98300,0,0,304,0,0,0,0,0,0,0,30,6.2,2,2,24.1,77777,9,999999999,100,0.1070,0,88,999.000,999.0,99.0 +1980,5,5,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,-1.1,43,98400,0,0,300,0,0,0,0,0,0,0,20,3.6,2,2,24.1,77777,9,999999999,100,0.1070,0,88,999.000,999.0,99.0 +1980,5,6,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,-0.6,46,98300,0,0,298,0,0,0,0,0,0,0,360,2.6,2,2,24.1,77777,9,999999999,100,0.1070,0,88,999.000,999.0,99.0 +1980,5,6,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,0.6,54,98300,0,0,302,0,0,0,0,0,0,0,340,2.1,5,5,24.1,77777,9,999999999,110,0.1070,0,88,999.000,999.0,99.0 +1980,5,6,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,1.1,61,98300,0,0,309,0,0,0,0,0,0,0,300,2.6,8,8,24.1,3050,9,999999999,110,0.1070,0,88,999.000,999.0,99.0 +1980,5,6,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,2.2,66,98300,0,0,297,0,0,0,0,0,0,0,300,2.1,4,4,24.1,77777,9,999999999,120,0.1070,0,88,999.000,999.0,99.0 +1980,5,6,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,1.7,66,98300,9,391,292,2,4,2,0,0,0,0,270,3.1,3,3,24.1,77777,9,999999999,120,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,3.3,68,98400,184,1342,295,74,225,43,7700,13900,5800,770,290,3.1,2,2,24.1,77777,9,999999999,130,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,2.2,49,98400,431,1342,301,255,580,68,26600,52500,9700,1310,250,3.6,0,0,24.1,77777,9,999999999,120,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,1.7,38,98400,667,1342,314,459,730,93,47400,71300,11900,1920,250,4.1,0,0,24.1,77777,9,999999999,120,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,1.7,35,98300,876,1342,319,647,813,114,68000,81500,14700,2830,240,5.2,0,0,24.1,77777,9,999999999,120,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,1.1,31,98300,1043,1342,326,797,856,129,84700,86600,17300,4170,260,6.2,0,0,24.1,77777,9,999999999,110,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,-1.7,22,98200,1156,1342,330,911,894,138,93300,89400,16100,4630,250,6.2,0,0,24.1,77777,9,999999999,90,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,-1.7,20,98100,1208,1342,349,954,887,153,97400,88700,17300,6000,280,6.7,2,2,24.1,77777,9,999999999,90,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,-1.7,21,98100,1195,1342,355,764,556,268,80500,56300,30300,13440,280,7.2,5,5,24.1,77777,9,999999999,100,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,-1.1,20,98000,1119,1342,364,750,588,260,78600,59300,29100,10180,290,7.2,6,6,24.1,1830,9,999999999,100,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,-1.1,22,97900,984,1342,369,403,208,250,44500,22500,27900,7360,290,7.7,8,8,16.1,1830,9,999999999,100,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,-2.2,21,97900,799,1342,365,372,232,234,40300,24700,25600,5740,310,5.7,8,8,16.1,2440,9,999999999,90,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,-1.7,24,97900,578,1342,351,262,283,141,28500,28500,16200,2910,300,7.2,7,7,16.1,2440,9,999999999,100,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,-3.3,21,97900,336,1342,340,125,142,90,13700,12200,10700,1970,310,7.7,4,4,16.1,77777,9,999999999,90,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,-3.9,24,98000,94,1219,323,33,65,27,3400,2700,3200,480,310,5.2,6,2,19.3,77777,9,999999999,90,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,-6.1,22,98100,0,0,303,0,0,0,0,0,0,0,320,6.7,0,0,24.1,77777,9,999999999,70,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,-1.1,46,98300,0,0,286,0,0,0,0,0,0,0,360,6.2,0,0,24.1,77777,9,999999999,100,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,0.0,54,98400,0,0,282,0,0,0,0,0,0,0,20,5.7,0,0,24.1,77777,9,999999999,110,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,0.6,61,98500,0,0,279,0,0,0,0,0,0,0,360,3.6,0,0,24.1,77777,9,999999999,110,0.1210,0,88,999.000,999.0,99.0 +1980,5,6,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,0.6,73,98500,0,0,268,0,0,0,0,0,0,0,30,4.6,0,0,24.1,77777,9,999999999,110,0.1210,0,88,999.000,999.0,99.0 +1980,5,7,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,1.1,73,98500,0,0,270,0,0,0,0,0,0,0,10,2.6,0,0,24.1,77777,9,999999999,110,0.1210,0,88,999.000,999.0,99.0 +1980,5,7,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,-0.6,70,98500,0,0,264,0,0,0,0,0,0,0,320,4.1,0,0,24.1,77777,9,999999999,100,0.1210,0,88,999.000,999.0,99.0 +1980,5,7,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-0.6,76,98600,0,0,260,0,0,0,0,0,0,0,290,3.6,0,0,24.1,77777,9,999999999,100,0.1210,0,88,999.000,999.0,99.0 +1980,5,7,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-0.6,76,98600,0,0,260,0,0,0,0,0,0,0,320,3.6,0,0,24.1,77777,9,999999999,100,0.1210,0,88,999.000,999.0,99.0 +1980,5,7,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-0.6,76,98700,10,414,260,5,4,5,0,0,0,0,290,3.6,0,0,24.1,77777,9,999999999,100,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,0.0,70,98700,189,1341,267,76,232,43,7900,14500,5900,770,310,3.6,0,0,24.1,77777,9,999999999,110,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-0.6,58,98800,435,1341,275,252,534,78,26000,48200,10400,1470,300,4.6,0,0,24.1,77777,9,999999999,100,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,-1.1,50,98800,671,1341,281,453,680,111,47500,67200,13900,2380,300,6.2,1,0,24.1,77777,9,999999999,100,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,-1.7,44,98800,879,1341,297,571,568,197,61600,58800,23000,5020,310,5.2,3,3,24.1,77777,9,999999999,100,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,-3.9,36,98800,1045,1341,313,614,374,321,67000,40500,35300,10710,310,5.7,8,8,24.1,1400,9,999999999,80,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,-2.8,41,98900,1158,1341,328,263,11,253,31700,900,30900,12220,310,6.2,10,10,24.1,1400,9,999999999,90,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,-3.3,38,98900,1210,1341,330,364,31,335,40200,3200,37300,16650,300,5.7,10,10,24.1,1680,9,999999999,90,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,-2.2,37,98900,1197,1341,322,645,274,399,70500,29800,43900,19240,310,7.2,8,8,24.1,1680,9,999999999,90,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,-2.2,34,98900,1121,1341,327,643,372,332,70800,40400,36900,12830,310,7.2,8,8,24.1,1400,9,999999999,90,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,-2.8,35,98900,986,1341,322,358,127,265,39900,13600,29900,8450,310,5.2,8,8,24.1,2440,9,999999999,90,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,-3.9,34,98900,802,1341,313,353,248,206,38700,26400,22900,4950,310,6.2,7,7,24.1,1680,9,999999999,90,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,-3.9,35,98900,582,1341,311,275,222,179,29300,22400,19600,3870,310,7.2,7,7,24.1,1680,9,999999999,90,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,-4.4,36,98900,340,1341,305,106,83,85,11600,7200,9800,1860,320,7.7,7,7,19.3,3050,9,999999999,80,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,-4.4,41,98900,97,1241,292,28,33,25,3100,1700,2900,520,320,5.2,5,5,19.3,77777,9,999999999,80,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,-0.6,56,98900,0,0,294,0,0,0,0,0,0,0,340,4.6,5,5,16.1,77777,9,999999999,100,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,-2.8,48,98900,0,0,294,0,0,0,0,0,0,0,340,2.6,6,6,24.1,1830,9,999999999,90,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,-1.7,58,99000,0,0,296,0,0,0,0,0,0,0,320,1.5,8,8,24.1,1830,9,999999999,100,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,-1.1,60,99000,0,0,303,0,0,0,0,0,0,0,280,2.1,9,9,24.1,1830,9,999999999,100,0.1550,0,88,999.000,999.0,99.0 +1980,5,7,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,-1.1,58,99000,0,0,306,0,0,0,0,0,0,0,310,2.6,9,9,24.1,1830,9,999999999,100,0.1550,0,88,999.000,999.0,99.0 +1980,5,8,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,-2.2,53,99000,0,0,313,0,0,0,0,0,0,0,310,2.6,10,10,24.1,1830,9,999999999,90,0.1550,0,88,999.000,999.0,99.0 +1980,5,8,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,-2.2,53,99000,0,0,313,0,0,0,0,0,0,0,290,3.6,10,10,24.1,1830,9,999999999,90,0.1550,0,88,999.000,999.0,99.0 +1980,5,8,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,-2.8,51,99000,0,0,313,0,0,0,0,0,0,0,310,4.1,10,10,24.1,1830,9,999999999,90,0.1550,0,88,999.000,999.0,99.0 +1980,5,8,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,-2.8,51,99000,0,0,313,0,0,0,0,0,0,0,310,4.1,10,10,24.1,1830,9,999999999,90,0.1550,0,88,999.000,999.0,99.0 +1980,5,8,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,-2.2,56,99000,12,436,296,4,1,4,0,0,0,0,320,5.2,8,8,24.1,1830,9,999999999,90,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-1.1,63,99100,193,1341,295,51,56,42,5500,3800,5000,890,320,5.2,8,8,24.1,1830,9,999999999,100,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,-1.1,58,99100,439,1341,299,155,86,127,17000,8000,14400,3410,320,6.2,8,8,24.1,2440,9,999999999,100,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,0.0,54,99100,674,1341,310,256,215,148,28100,22400,16900,3160,350,3.1,8,8,24.1,2440,9,999999999,110,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,0.0,48,99100,882,1341,318,439,248,275,47400,26600,29900,7370,330,3.1,8,8,24.1,2440,9,999999999,110,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,0.0,50,99100,1048,1341,315,652,481,275,69900,50100,30600,9410,320,5.7,8,8,24.1,1010,9,999999999,110,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,-1.7,43,99100,1160,1341,332,284,6,279,34100,500,33600,13200,300,3.1,10,10,24.1,1160,9,999999999,100,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,-1.7,44,99100,1212,1341,329,329,7,323,39300,600,38800,14910,70,5.2,10,10,19.3,1160,9,999999999,100,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,-1.1,43,99100,1199,1341,335,378,11,368,44600,1000,43700,16320,70,4.1,10,10,19.3,1160,9,999999999,100,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,-1.7,43,99100,1123,1341,332,354,3,351,41400,300,41200,15480,10,2.1,10,10,19.3,1160,9,999999999,100,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,-2.2,37,99000,988,1341,322,498,291,284,54600,31500,31400,8570,30,3.6,8,8,24.1,1680,9,999999999,90,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,-2.8,37,99000,805,1341,319,363,202,242,39900,21200,27200,6540,280,4.1,8,8,24.1,1680,9,999999999,90,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,-2.8,37,99000,585,1341,326,225,105,180,24600,10500,20000,4300,320,5.7,9,9,24.1,1680,9,999999999,90,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,-2.8,38,99000,343,1341,324,122,55,109,13500,4800,12200,2720,310,3.1,9,9,24.1,1680,9,999999999,90,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,-3.3,38,99000,101,1262,321,21,9,20,2300,500,2200,500,30,2.6,9,9,24.1,1680,9,999999999,90,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,0.0,54,99000,0,0,310,0,0,0,0,0,0,0,140,3.1,8,8,24.1,1680,9,999999999,110,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,0.6,56,99000,0,0,327,0,0,0,0,0,0,0,140,2.6,10,10,24.1,1680,9,999999999,110,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,0.0,60,99000,0,0,303,0,0,0,0,0,0,0,150,1.5,8,8,24.1,1680,9,999999999,110,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,0.6,61,99000,0,0,321,0,0,0,0,0,0,0,300,1.5,10,10,24.1,1830,9,999999999,110,0.1260,0,88,999.000,999.0,99.0 +1980,5,8,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,0.0,63,99100,0,0,296,0,0,0,0,0,0,0,310,2.1,7,7,24.1,2440,9,999999999,110,0.1260,0,88,999.000,999.0,99.0 +1980,5,9,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,1.1,79,99000,0,0,275,0,0,0,0,0,0,0,300,1.0,2,2,24.1,77777,9,999999999,110,0.1260,0,88,999.000,999.0,99.0 +1980,5,9,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.6,89,99000,0,0,257,0,0,0,0,0,0,0,300,1.5,0,0,24.1,77777,9,999999999,110,0.1260,0,88,999.000,999.0,99.0 +1980,5,9,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-0.6,79,99100,0,0,258,0,0,0,0,0,0,0,360,2.6,0,0,24.1,77777,9,999999999,100,0.1260,0,88,999.000,999.0,99.0 +1980,5,9,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,0.0,82,99100,0,0,259,0,0,0,0,0,0,0,330,1.0,0,0,24.1,77777,9,999999999,110,0.1260,0,88,999.000,999.0,99.0 +1980,5,9,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-1.1,82,99100,13,480,254,10,31,6,0,0,0,0,280,1.0,0,0,24.1,77777,9,999999999,100,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,2.2,89,99200,197,1340,270,90,381,33,9200,25800,5400,600,0,0.0,1,1,19.3,77777,9,999999999,120,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,2.2,66,99200,443,1340,288,261,614,57,27000,56200,8400,1160,0,0.0,1,1,19.3,77777,9,999999999,120,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,0.6,50,99200,678,1340,290,480,803,71,50000,78300,10300,1560,250,2.6,0,0,19.3,77777,9,999999999,110,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,0.6,47,99200,885,1340,300,611,809,74,63700,80500,10400,1980,310,3.1,2,1,19.3,77777,9,999999999,110,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,0.6,42,99200,1050,1340,314,763,763,163,79300,76400,19200,5010,320,4.6,3,3,24.1,77777,9,999999999,110,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,0.0,37,99100,1163,1340,335,643,229,444,70400,24300,49200,18950,240,4.6,8,8,24.1,1400,9,999999999,110,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,-2.2,30,99000,1214,1340,338,410,133,289,46300,14300,33200,14120,260,5.2,8,8,24.1,1830,9,999999999,100,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,1.1,35,98900,1201,1340,342,740,466,321,79700,48700,35900,17100,300,3.1,7,7,24.1,1830,9,999999999,110,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,0.6,34,98800,1125,1340,334,677,489,266,73700,51200,30600,10960,240,2.6,5,5,24.1,77777,9,999999999,110,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,0.6,32,98800,991,1340,331,699,748,146,73100,75000,17500,4070,260,5.2,2,2,24.1,77777,9,999999999,110,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,-1.1,28,98700,807,1340,329,553,741,108,58200,73800,13600,2490,230,5.2,2,2,24.1,77777,9,999999999,100,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,-1.7,28,98600,588,1340,315,399,771,64,42800,74800,9900,1420,220,4.6,0,0,24.1,77777,9,999999999,100,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,-2.8,27,98500,347,1340,309,197,596,45,20600,51300,7300,910,200,4.1,1,0,24.1,77777,9,999999999,90,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,-2.8,30,98500,104,1284,302,42,221,21,4100,11600,3100,380,230,2.1,0,0,24.1,77777,9,999999999,90,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,-2.2,36,98500,0,0,302,0,0,0,0,0,0,0,0,0.0,2,1,24.1,77777,9,999999999,90,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,-1.1,43,98500,0,0,296,0,0,0,0,0,0,0,0,0.0,3,1,24.1,77777,9,999999999,100,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,0.0,54,98500,0,0,288,0,0,0,0,0,0,0,140,3.1,3,1,24.1,77777,9,999999999,110,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,0.6,54,98500,0,0,297,0,0,0,0,0,0,0,140,3.1,8,3,16.1,77777,9,999999999,110,0.0730,0,88,999.000,999.0,99.0 +1980,5,9,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,-0.6,54,98500,0,0,285,0,0,0,0,0,0,0,150,3.1,4,1,24.1,77777,9,999999999,100,0.0730,0,88,999.000,999.0,99.0 +1980,5,10,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,-0.6,52,98500,0,0,325,0,0,0,0,0,0,0,160,3.1,10,10,24.1,3660,9,999999999,100,0.0730,0,88,999.000,999.0,99.0 +1980,5,10,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,-0.6,52,98400,0,0,310,0,0,0,0,0,0,0,170,3.1,10,8,24.1,3660,9,999999999,100,0.0730,0,88,999.000,999.0,99.0 +1980,5,10,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,0.0,48,98400,0,0,325,0,0,0,0,0,0,0,190,3.1,10,9,24.1,2740,9,999999999,110,0.0730,0,88,999.000,999.0,99.0 +1980,5,10,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,0.0,48,98400,0,0,318,0,0,0,0,0,0,0,180,3.1,10,8,24.1,2740,9,999999999,110,0.0730,0,88,999.000,999.0,99.0 +1980,5,10,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,1.1,50,98400,14,502,337,3,0,3,0,0,0,0,170,3.6,10,10,24.1,2740,9,999999999,110,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,1.1,49,98400,201,1339,340,23,0,23,2700,0,2700,910,190,4.6,10,10,19.3,1680,9,999999999,110,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,3.3,57,98400,446,1339,343,95,9,92,10900,500,10800,3670,170,7.2,10,10,24.1,1680,9,999999999,130,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,4.4,55,98300,681,1339,352,198,10,193,22600,800,22200,7820,180,5.7,10,10,24.1,2740,9,999999999,140,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,5.6,55,98300,888,1339,359,280,8,275,32300,700,31800,11680,170,5.7,10,10,24.1,2740,9,999999999,150,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,5.6,52,98200,1053,1339,355,481,139,371,52700,14800,41000,12950,170,10.3,9,9,24.1,2740,9,999999999,150,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,3.9,37,98100,1165,1339,362,430,54,383,47500,5600,42700,17300,170,11.8,9,8,24.1,7620,9,999999999,130,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,5.0,36,97900,1216,1339,358,607,284,348,67300,30900,39100,17740,170,9.8,5,5,24.1,77777,9,999999999,140,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,4.4,31,97800,1203,1339,360,847,648,263,89300,65700,30200,13750,170,7.7,7,3,24.1,77777,9,999999999,140,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,4.4,34,97700,1127,1339,392,307,8,300,36400,700,35800,13850,160,9.8,10,10,24.1,2740,9,999999999,140,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,5.6,40,97600,993,1339,385,232,8,226,27600,700,27100,10690,160,8.2,10,10,24.1,1680,9,999999999,150,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,6.1,43,97600,810,1339,383,208,9,203,24300,700,23800,8940,160,6.2,10,10,24.1,1680,9,999999999,150,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,6.7,45,97600,591,1339,383,134,6,131,15500,400,15300,5470,170,10.3,10,10,19.3,1400,9,999999999,160,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,10.6,80,97700,350,1339,363,42,0,42,5000,0,5000,1760,190,5.2,10,10,8.0,580,9,999999999,200,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,10.6,83,97600,108,1306,359,12,1,12,1400,0,1400,460,180,3.1,10,10,8.0,760,9,999999999,200,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,11.1,83,97500,0,0,363,0,0,0,0,0,0,0,170,3.6,10,10,12.9,1160,9,999999999,200,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,10.0,83,97500,0,0,339,0,0,0,0,0,0,0,130,3.1,8,8,12.9,2440,9,999999999,190,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,10.6,86,97500,0,0,340,0,0,0,0,0,0,0,120,3.1,8,8,14.5,1160,9,999999999,200,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,8.9,86,97500,0,0,310,0,0,0,0,0,0,0,140,1.5,2,2,19.3,77777,9,999999999,180,0.1210,0,88,999.000,999.0,99.0 +1980,5,10,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,8.9,93,97400,0,0,306,0,0,0,0,0,0,0,140,2.1,2,2,19.3,77777,9,999999999,180,0.1210,0,88,999.000,999.0,99.0 +1980,5,11,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,8.3,96,97400,0,0,296,0,0,0,0,0,0,0,280,1.0,1,1,19.3,77777,9,999999999,170,0.1210,0,88,999.000,999.0,99.0 +1980,5,11,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,9.4,93,97500,0,0,299,0,0,0,0,0,0,0,230,2.6,0,0,24.1,77777,9,999999999,190,0.1210,0,88,999.000,999.0,99.0 +1980,5,11,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.0,86,97600,0,0,344,0,0,0,0,0,0,0,250,2.6,9,9,19.3,1070,9,999999999,190,0.1210,0,88,999.000,999.0,99.0 +1980,5,11,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.0,86,97800,0,0,353,0,0,0,0,0,0,0,330,6.2,10,10,24.1,520,9,999999999,190,0.1210,0,88,999.000,999.0,99.0 +1980,5,11,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,7.2,80,97900,16,524,302,6,7,5,0,0,0,0,350,6.7,1,1,24.1,77777,9,999999999,160,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,5.0,77,98200,205,1339,287,85,259,45,8900,17000,6300,800,340,6.2,0,0,24.1,77777,9,999999999,140,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,5.0,69,98300,450,1339,294,263,545,79,27200,49700,10500,1510,350,6.2,0,0,24.1,77777,9,999999999,140,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,5.6,66,98300,684,1339,300,464,693,109,49000,68800,13800,2370,360,5.2,0,0,24.1,77777,9,999999999,150,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,5.0,59,98400,890,1339,324,534,461,227,57000,47700,25200,5940,360,3.6,6,6,24.1,3660,9,999999999,140,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,4.4,53,98500,1055,1339,321,758,650,243,79000,65500,27300,8190,60,1.5,7,3,24.1,77777,9,999999999,140,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,5.0,53,98500,1167,1339,341,590,270,354,65000,29400,39300,15510,0,0.0,8,8,24.1,3050,9,999999999,140,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,3.9,46,98500,1218,1339,333,888,653,292,93100,65800,33100,16120,230,2.6,5,5,24.1,77777,9,999999999,130,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,3.9,41,98500,1205,1339,338,828,654,239,88100,66600,28000,12700,150,2.1,4,4,24.1,77777,9,999999999,130,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,5.0,42,98500,1129,1339,345,810,674,241,85500,68300,27700,9880,30,2.6,4,4,24.1,77777,9,999999999,140,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,5.6,48,98500,995,1339,353,558,298,337,60500,32200,36500,10560,100,5.2,8,8,24.1,2440,9,999999999,150,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,5.6,50,98500,813,1339,332,473,462,194,50800,47400,22000,4600,90,3.6,8,3,24.1,77777,9,999999999,150,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,5.0,50,98600,594,1339,332,348,498,129,37400,48900,15700,2560,90,4.1,5,4,24.1,77777,9,999999999,140,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,4.4,51,98600,354,1339,340,95,105,68,10700,9200,8200,1500,80,3.6,9,8,19.3,2440,9,999999999,140,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,3.9,55,98600,112,1327,349,15,1,15,1800,0,1800,570,70,3.1,10,10,19.3,2130,9,999999999,130,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,5.0,62,98600,0,0,347,0,0,0,0,0,0,0,50,2.6,10,10,19.3,1830,9,999999999,140,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,4.4,64,98700,0,0,341,0,0,0,0,0,0,0,0,0.0,10,10,19.3,1830,9,999999999,140,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,5.0,66,98700,0,0,342,0,0,0,0,0,0,0,120,1.5,10,10,19.3,1400,9,999999999,140,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,4.4,62,98700,0,0,344,0,0,0,0,0,0,0,110,2.1,10,10,24.1,2440,9,999999999,140,0.1520,0,88,999.000,999.0,99.0 +1980,5,11,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,3.9,61,98700,0,0,341,0,0,0,0,0,0,0,110,2.1,10,10,24.1,2440,9,999999999,130,0.1520,0,88,999.000,999.0,99.0 +1980,5,12,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,4.4,62,98700,0,0,344,0,0,0,0,0,0,0,120,1.0,10,10,24.1,2440,9,999999999,140,0.1520,0,88,999.000,999.0,99.0 +1980,5,12,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,5.6,69,98700,0,0,343,0,0,0,0,0,0,0,140,1.5,10,10,24.1,2440,9,999999999,150,0.1520,0,88,999.000,999.0,99.0 +1980,5,12,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,6.7,77,98700,0,0,342,0,0,0,0,0,0,0,180,1.0,10,10,24.1,2440,9,999999999,160,0.1520,0,88,999.000,999.0,99.0 +1980,5,12,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,7.8,83,98700,0,0,343,0,0,0,0,0,0,0,360,1.5,10,10,24.1,2440,9,999999999,170,0.1520,0,88,999.000,999.0,99.0 +1980,5,12,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,5.6,74,98700,17,546,308,7,1,7,0,0,0,0,30,1.5,10,4,24.1,77777,9,999999999,150,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,6.7,74,98800,209,1338,344,31,4,31,3700,0,3700,1180,360,1.5,10,10,24.1,2440,9,999999999,160,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,6.7,72,98800,453,1338,347,121,8,119,13800,500,13600,4470,40,1.5,10,10,19.3,2440,9,999999999,160,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,6.1,64,98800,687,1338,352,199,5,197,22800,400,22600,7980,30,2.6,10,10,19.3,2440,9,999999999,150,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,6.1,58,98700,893,1338,360,261,4,258,30200,400,30000,11220,30,4.1,10,10,19.3,2130,9,999999999,150,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,3.9,48,98800,1057,1338,360,383,6,379,44300,600,43800,15900,50,3.6,10,10,19.3,2440,9,999999999,140,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,3.9,46,98600,1169,1338,363,340,6,335,40300,500,39800,15170,50,5.2,10,10,19.3,2440,9,999999999,130,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,3.3,44,98600,1220,1338,345,839,571,317,90800,59800,36200,18310,60,3.6,8,8,19.3,2440,9,999999999,130,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,4.4,46,98700,1207,1338,328,885,756,201,95200,77700,25000,10910,50,4.1,2,2,24.1,77777,9,999999999,140,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,3.3,40,98500,1131,1338,335,783,612,265,82000,61700,29800,10840,60,6.2,6,3,24.1,77777,9,999999999,130,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,1.7,39,98500,998,1338,334,508,293,290,55700,31700,32000,8910,70,5.2,9,6,24.1,2440,9,999999999,120,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,1.1,38,98500,815,1338,342,305,163,206,34000,17200,23500,5610,80,5.7,9,8,24.1,1830,9,999999999,110,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,2.2,39,98400,597,1338,328,329,380,161,34600,37300,17900,3280,50,3.6,8,3,24.1,77777,9,999999999,120,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,2.8,46,98300,357,1338,356,66,3,65,7600,100,7600,2560,70,4.1,10,10,24.1,3660,9,999999999,130,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,3.3,49,98300,115,1338,354,21,1,21,2400,0,2400,740,60,4.1,10,10,24.1,1010,9,999999999,130,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,3.3,53,98200,0,11,348,0,0,0,0,0,0,0,70,5.2,10,10,24.1,760,9,999999999,130,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,5.6,69,98200,0,0,343,0,0,0,0,0,0,0,70,6.2,10,10,14.5,580,9,999999999,150,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,7.2,86,98100,0,0,336,0,0,0,0,0,0,0,50,3.6,10,10,14.5,460,9,999999999,160,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,7.2,93,98000,0,0,331,0,0,0,0,0,0,0,30,2.6,10,10,11.3,340,9,999999999,160,0.1680,0,88,999.000,999.0,99.0 +1980,5,12,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,7.2,96,98000,0,0,329,0,0,0,0,0,0,0,50,5.2,10,10,9.7,270,9,999999999,160,0.1680,0,88,999.000,999.0,99.0 +1980,5,13,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,7.2,96,97900,0,0,329,0,0,0,0,0,0,0,50,3.1,10,10,11.3,310,9,999999999,160,0.1680,0,88,999.000,999.0,99.0 +1980,5,13,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,7.8,100,97900,0,0,330,0,0,0,0,0,0,0,40,4.1,10,10,11.3,310,9,999999999,170,0.1680,0,88,999.000,999.0,99.0 +1980,5,13,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,7.8,96,98000,0,0,332,0,0,0,0,0,0,0,20,3.1,10,10,11.3,340,9,999999999,170,0.1680,0,88,999.000,999.0,99.0 +1980,5,13,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,7.8,96,98000,0,0,332,0,0,0,0,0,0,0,30,3.6,10,10,11.3,370,9,999999999,170,0.1680,0,88,999.000,999.0,99.0 +1980,5,13,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,7.2,96,98100,19,568,329,8,0,8,0,0,0,0,50,5.7,10,10,12.9,370,9,999999999,160,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,6.1,89,98200,213,1337,328,41,1,41,4700,0,4700,1490,40,5.2,10,10,24.1,520,9,999999999,150,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,6.1,83,98100,456,1337,333,135,1,135,15200,100,15100,4880,80,2.6,10,10,24.1,520,9,999999999,150,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,7.2,83,98100,689,1337,339,164,1,163,19000,100,18900,6980,120,2.1,10,10,24.1,460,9,999999999,160,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,7.8,77,98100,895,1337,348,246,1,246,28700,100,28700,10860,140,3.1,10,10,24.1,370,9,999999999,170,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,8.3,80,98100,1059,1337,349,314,2,313,36900,200,36700,14010,100,3.1,10,10,11.3,520,9,999999999,170,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,12.2,78,97900,1171,1337,358,488,132,372,54000,14100,41600,16250,130,6.2,8,8,9.7,460,9,999999999,220,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,13.9,81,97900,1222,1337,384,240,4,235,29200,300,28900,11630,300,6.2,10,10,8.0,700,9,999999999,240,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,10.0,53,97900,1209,1337,383,513,69,450,56600,7100,50100,21580,250,12.9,9,9,16.1,1160,9,999999999,190,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,10.6,65,98100,1133,1337,356,567,234,369,62100,25400,40500,14950,310,8.2,7,7,16.1,760,9,999999999,200,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,8.9,65,98200,1000,1337,359,378,64,330,41700,6600,36700,12350,320,8.2,9,9,16.1,580,9,999999999,180,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,7.2,77,98400,818,1337,345,302,44,275,33200,4500,30500,8920,340,9.3,10,10,16.1,520,9,999999999,160,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,6.1,77,98500,599,1337,338,198,6,195,22200,500,22000,7280,330,8.2,10,10,14.5,490,9,999999999,150,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,5.0,80,98700,360,1337,329,64,3,64,7500,100,7500,2540,340,6.7,10,10,14.5,460,9,999999999,140,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,5.0,80,98800,119,1337,329,23,0,23,2600,0,2600,800,340,5.2,10,10,12.9,430,9,999999999,140,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,5.6,89,98900,0,33,324,0,0,0,0,0,0,0,330,5.2,10,10,11.3,520,9,999999999,150,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,6.1,93,99000,0,0,325,0,0,0,0,0,0,0,320,4.1,10,10,11.3,430,9,999999999,150,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,4.4,83,99100,0,0,323,0,0,0,0,0,0,0,310,4.1,10,10,16.1,760,9,999999999,140,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,4.4,86,99100,0,0,321,0,0,0,0,0,0,0,330,3.1,10,10,19.3,760,9,999999999,140,0.3350,0,88,999.000,999.0,99.0 +1980,5,13,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,4.4,83,99100,0,0,314,0,0,0,0,0,0,0,330,2.6,9,9,24.1,1680,9,999999999,140,0.3350,0,88,999.000,999.0,99.0 +1980,5,14,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,4.4,80,99100,0,0,326,0,0,0,0,0,0,0,310,4.1,10,10,24.1,1680,9,999999999,140,0.3350,0,88,999.000,999.0,99.0 +1980,5,14,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,5.0,83,99200,0,0,326,0,0,0,0,0,0,0,300,3.1,10,10,24.1,1680,9,999999999,140,0.3350,0,88,999.000,999.0,99.0 +1980,5,14,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,4.4,83,99200,0,0,299,0,0,0,0,0,0,0,290,3.1,6,6,24.1,1680,9,999999999,140,0.3350,0,88,999.000,999.0,99.0 +1980,5,14,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,3.9,86,99200,0,0,284,0,0,0,0,0,0,0,270,2.6,2,2,24.1,77777,9,999999999,130,0.3350,0,88,999.000,999.0,99.0 +1980,5,14,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,3.9,89,99300,21,590,287,11,17,9,0,0,0,0,290,3.1,4,4,24.1,77777,9,999999999,130,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,5.0,86,99300,216,1337,293,101,324,48,10500,21900,7000,860,300,3.1,3,3,24.1,77777,9,999999999,140,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,5.6,80,99300,459,1337,288,291,686,54,30500,63500,8600,1140,320,3.6,0,0,24.1,77777,9,999999999,150,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,4.4,62,99400,692,1337,298,490,802,73,52300,79600,11100,1700,30,2.1,0,0,24.1,77777,9,999999999,140,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,3.9,55,99400,897,1337,312,652,727,162,68800,73600,19200,4290,360,2.1,2,2,24.1,77777,9,999999999,140,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,3.3,48,99400,1061,1337,322,707,620,213,74600,62900,24500,7420,360,3.1,3,3,24.1,77777,9,999999999,130,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,3.3,46,99400,1172,1337,333,812,634,254,85600,64300,29100,11960,10,3.1,6,6,24.1,1680,9,999999999,130,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,4.4,53,99400,1223,1337,355,471,187,300,52900,20400,34200,15650,40,3.6,10,10,24.1,1680,9,999999999,140,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,5.6,55,99400,1211,1337,349,514,155,373,57100,16600,42000,18180,100,3.6,9,9,24.1,1680,9,999999999,150,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,5.0,51,99400,1135,1337,332,859,741,229,91000,75300,26900,9640,90,3.1,5,5,24.1,77777,9,999999999,140,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,3.9,49,99300,1002,1337,328,692,680,183,73500,69200,21600,5710,70,4.1,5,5,24.1,77777,9,999999999,130,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,3.3,48,99300,820,1337,327,410,421,153,45200,43400,18500,3590,70,4.1,5,5,24.1,77777,9,999999999,130,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,2.2,46,99300,602,1337,323,346,403,166,36300,39600,18400,3400,100,5.2,5,5,24.1,77777,9,999999999,120,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,1.1,45,99300,364,1337,299,210,617,46,22200,53900,7600,940,90,5.2,0,0,24.1,77777,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,-0.6,45,99300,122,1337,291,48,260,23,4800,14000,3500,410,110,4.6,0,0,24.1,77777,9,999999999,100,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,1.1,59,99300,0,56,296,0,0,0,0,0,0,0,120,3.1,3,3,24.1,77777,9,999999999,120,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,0.6,56,99300,0,0,306,0,0,0,0,0,0,0,110,2.6,7,7,24.1,2740,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,0.6,56,99300,0,0,318,0,0,0,0,0,0,0,130,2.6,9,9,24.1,2130,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,0.6,52,99300,0,0,323,0,0,0,0,0,0,0,140,3.1,9,9,24.1,2130,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1980,5,14,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,1.1,52,99300,0,0,335,0,0,0,0,0,0,0,140,2.6,10,10,24.1,2130,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,1.1,54,99300,0,0,332,0,0,0,0,0,0,0,170,1.5,10,10,24.1,2130,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,1.7,57,99400,0,0,333,0,0,0,0,0,0,0,330,1.0,10,10,24.1,2130,9,999999999,120,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,5.0,80,99500,0,0,329,0,0,0,0,0,0,0,10,4.1,10,10,19.3,2130,9,999999999,140,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,6.7,89,99500,0,0,331,0,0,0,0,0,0,0,110,3.6,10,10,24.1,2130,9,999999999,160,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,7.2,96,99500,22,612,329,7,0,7,0,0,0,0,110,2.6,10,10,24.1,2130,9,999999999,160,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,7.2,93,99600,219,1336,322,34,9,32,3700,700,3600,860,60,2.6,9,9,16.1,2130,9,999999999,160,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,7.8,93,99700,462,1336,314,184,180,121,19600,17100,13700,2420,50,3.6,7,7,11.3,2130,9,999999999,170,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,7.2,77,99700,695,1336,323,335,241,209,35900,25100,22800,4780,40,2.6,7,7,11.3,1220,9,999999999,160,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,6.1,64,99700,900,1336,305,671,860,89,69600,85600,11900,2200,70,3.6,0,0,14.5,77777,9,999999999,150,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,6.1,60,99700,1063,1336,315,759,813,109,78200,81300,13400,3230,30,2.6,3,1,16.1,77777,9,999999999,160,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,7.2,58,99700,1174,1336,324,855,835,118,87900,83700,14200,4640,50,5.7,4,1,24.1,77777,9,999999999,170,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,6.7,54,99700,1225,1336,326,911,894,88,94500,89900,11900,4580,60,4.1,1,1,24.1,77777,9,999999999,160,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,6.1,52,99700,1212,1336,325,953,933,104,98500,93700,13300,4930,60,4.1,1,1,24.1,77777,9,999999999,160,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,6.1,54,99800,1137,1336,327,834,853,107,86200,85500,13300,3880,70,5.2,2,2,24.1,77777,9,999999999,160,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,5.6,52,99700,1004,1336,316,764,891,95,79500,89100,12400,2680,30,5.2,0,0,24.1,77777,9,999999999,150,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,4.4,50,99700,822,1336,312,597,838,83,62500,83000,11300,1940,50,5.2,0,0,24.1,77777,9,999999999,140,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,4.4,51,99800,605,1336,310,406,759,66,43600,74000,10100,1470,20,5.2,0,0,24.1,77777,9,999999999,140,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,3.9,55,99800,367,1336,302,209,603,46,22000,52800,7500,940,60,5.2,0,0,24.1,77777,9,999999999,140,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,2.8,57,99800,126,1336,294,48,259,23,4800,14200,3500,420,50,4.1,0,0,24.1,77777,9,999999999,130,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,2.8,63,99800,0,78,287,0,0,0,0,0,0,0,50,5.2,1,0,24.1,77777,9,999999999,130,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,3.9,74,99900,0,0,284,0,0,0,0,0,0,0,50,3.6,0,0,24.1,77777,9,999999999,140,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,3.9,77,99900,0,0,282,0,0,0,0,0,0,0,70,3.6,0,0,24.1,77777,9,999999999,140,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,3.9,83,99900,0,0,277,0,0,0,0,0,0,0,40,2.6,0,0,24.1,77777,9,999999999,140,0.0740,0,88,999.000,999.0,99.0 +1980,5,15,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,3.3,83,99900,0,0,284,0,0,0,0,0,0,0,40,2.6,2,2,24.1,77777,9,999999999,130,0.0740,0,88,999.000,999.0,99.0 +1980,5,16,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,3.3,83,99900,0,0,289,0,0,0,0,0,0,0,40,3.1,4,4,24.1,77777,9,999999999,130,0.0740,0,88,999.000,999.0,99.0 +1980,5,16,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,3.3,86,100000,0,0,289,0,0,0,0,0,0,0,30,2.6,5,5,24.1,77777,9,999999999,130,0.0740,0,88,999.000,999.0,99.0 +1980,5,16,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,3.3,83,99900,0,0,293,0,0,0,0,0,0,0,30,3.1,6,6,24.1,2440,9,999999999,130,0.0740,0,88,999.000,999.0,99.0 +1980,5,16,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,3.9,86,99900,0,0,297,0,0,0,0,0,0,0,40,2.1,7,7,24.1,1680,9,999999999,140,0.0740,0,88,999.000,999.0,99.0 +1980,5,16,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,3.9,83,99900,24,634,287,8,0,8,0,0,0,0,60,3.1,7,2,24.1,77777,9,999999999,140,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,6.1,83,100000,223,1336,288,87,107,70,9500,7700,8200,1490,70,3.1,6,0,16.1,77777,9,999999999,160,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,6.7,72,100000,465,1336,301,252,338,134,26800,32100,15600,2730,90,3.1,6,0,16.1,77777,9,999999999,160,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,6.7,62,100000,697,1336,310,452,496,192,47300,49900,21200,4170,90,4.1,6,0,19.3,77777,9,999999999,160,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,6.7,58,99900,902,1336,325,543,365,295,58500,39200,32000,8170,90,6.2,9,2,19.3,77777,9,999999999,160,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,6.7,56,100000,1065,1336,331,725,491,332,76400,51100,35600,12040,90,5.2,10,3,19.3,77777,9,999999999,160,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,6.7,52,99900,1176,1336,339,694,337,397,75900,36600,43600,18190,90,6.2,10,4,19.3,77777,9,999999999,160,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,5.6,50,99900,1226,1336,368,424,7,418,49800,700,49200,17920,70,7.7,10,10,19.3,4570,9,999999999,150,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,5.0,48,99900,1214,1336,367,436,1,434,50800,100,50700,18290,80,5.2,10,10,19.3,3660,9,999999999,150,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,4.4,48,99800,1139,1336,364,421,5,417,48800,500,48400,17410,90,7.2,10,10,19.3,3660,9,999999999,140,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,4.4,50,99700,1006,1336,360,270,4,267,31800,300,31500,12230,80,5.7,10,10,19.3,3660,9,999999999,140,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,4.4,50,99600,825,1336,360,239,4,237,27600,300,27400,10110,80,6.2,10,10,16.1,1680,9,999999999,140,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,6.1,60,99600,608,1336,357,102,2,101,12100,100,12000,4500,70,5.7,10,10,12.9,1680,9,999999999,160,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,7.8,72,99600,370,1336,354,50,1,49,5800,0,5800,2050,100,4.1,10,10,12.9,1680,9,999999999,170,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,10.0,93,99700,130,1336,348,20,0,20,2300,0,2300,730,240,2.1,10,10,11.3,1680,9,999999999,190,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,10.0,93,99700,1,100,348,0,0,0,0,0,0,0,100,3.6,10,10,6.4,1160,9,999999999,190,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,10.0,90,99600,0,0,351,0,0,0,0,0,0,0,100,4.1,10,10,9.7,1400,9,999999999,200,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,9.4,90,99600,0,0,347,0,0,0,0,0,0,0,90,5.7,10,10,8.0,1010,9,999999999,190,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,8.9,93,99600,0,0,341,0,0,0,0,0,0,0,80,6.2,10,10,9.7,1010,9,999999999,180,0.2900,0,88,999.000,999.0,99.0 +1980,5,16,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,8.3,86,99500,0,0,343,0,0,0,0,0,0,0,80,5.2,10,10,11.3,700,9,999999999,180,0.2900,0,88,999.000,999.0,99.0 +1980,5,17,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,8.3,89,99500,0,0,341,0,0,0,0,0,0,0,100,5.2,10,10,11.3,490,9,999999999,180,0.2900,0,88,999.000,999.0,99.0 +1980,5,17,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,8.3,93,99400,0,0,338,0,0,0,0,0,0,0,90,5.7,10,10,9.7,370,9,999999999,180,0.2900,0,88,999.000,999.0,99.0 +1980,5,17,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,8.3,93,99300,0,0,338,0,0,0,0,0,0,0,80,4.1,10,10,9.7,270,9,999999999,180,0.2900,0,88,999.000,999.0,99.0 +1980,5,17,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,8.3,93,99300,0,0,338,0,0,0,0,0,0,0,80,3.6,10,10,9.7,210,9,999999999,180,0.2900,0,88,999.000,999.0,99.0 +1980,5,17,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,8.9,90,99200,25,656,344,9,0,9,0,0,0,0,80,4.6,10,10,6.4,210,9,999999999,180,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,9.4,96,99200,226,1335,342,55,0,55,6200,0,6200,1890,70,4.6,10,10,6.4,180,9,999999999,190,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,9.4,93,99300,468,1335,345,131,1,131,14800,100,14800,4860,80,3.1,10,10,6.4,180,9,999999999,190,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,10.6,93,99100,699,1335,352,250,1,249,28000,100,28000,9390,80,5.7,10,10,4.8,150,9,999999999,200,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,11.1,93,99100,904,1335,355,338,1,338,38500,100,38400,13480,80,4.6,10,10,4.8,150,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,11.7,93,99100,1067,1335,358,355,0,355,41200,0,41200,15330,70,4.1,10,10,3.2,120,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,12.2,96,99000,1177,1335,359,405,0,404,47200,0,47200,17280,70,4.1,10,10,0.8,60,9,999999999,220,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,12.2,96,99000,1228,1335,359,434,0,434,50800,0,50800,18370,80,3.6,10,10,0.4,60,9,999999999,220,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,12.8,96,98900,1215,1335,362,436,1,435,50900,100,50800,18320,70,5.2,10,10,1.3,60,9,999999999,230,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,12.8,96,98800,1140,1335,362,432,1,431,49900,100,49800,17770,60,4.1,10,10,1.3,60,9,999999999,230,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,12.8,100,98700,1008,1335,360,205,2,204,24700,200,24600,9920,50,2.6,10,10,0.8,60,9,999999999,230,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,12.2,96,98700,827,1335,359,157,1,156,18700,100,18600,7350,20,3.1,10,10,2.4,90,9,999999999,220,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,11.7,96,98600,611,1335,355,109,1,109,12900,100,12900,4810,10,4.1,10,10,3.2,150,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,11.7,100,98400,373,1335,353,55,0,55,6500,0,6500,2270,60,3.1,10,10,3.2,60,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,11.1,96,98400,133,1335,352,17,0,17,2000,0,2000,640,20,3.1,10,10,3.2,60,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,11.1,96,98400,1,122,352,0,0,0,0,0,0,0,40,4.1,10,10,0.8,30,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,10.6,96,98500,0,0,349,0,0,0,0,0,0,0,10,2.6,10,10,0.6,60,9,999999999,200,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,10.6,100,98600,0,0,346,0,0,0,0,0,0,0,0,0.0,10,10,0.4,30,9,999999999,200,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,11.1,100,98500,0,0,349,0,0,0,0,0,0,0,340,3.1,10,10,0.4,90,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,17,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,11.1,100,98500,0,0,349,0,0,0,0,0,0,0,340,3.1,10,10,0.4,90,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,10.6,100,98500,0,0,346,0,0,0,0,0,0,0,300,2.1,10,10,1.6,90,9,999999999,200,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,11.7,100,98500,0,0,353,0,0,0,0,0,0,0,260,3.1,10,10,0.4,60,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,12.2,100,98500,0,0,356,0,0,0,0,0,0,0,310,4.1,10,10,0.4,90,9,999999999,220,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,12.2,100,98600,0,0,356,0,0,0,0,0,0,0,310,3.1,10,10,3.2,150,9,999999999,220,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,12.2,100,98600,27,678,356,10,0,10,1200,0,1200,360,350,2.6,10,10,3.2,210,9,999999999,220,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,11.7,96,98600,229,1335,355,38,0,38,4400,0,4400,1440,340,3.1,10,10,3.2,180,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,11.7,96,98700,471,1335,355,128,0,128,14500,0,14500,4800,270,2.6,10,10,8.0,210,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,11.7,90,98700,702,1335,361,217,1,216,24600,100,24600,8610,270,2.1,10,10,9.7,240,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,12.8,87,98800,906,1335,371,333,0,333,37900,0,37900,13390,230,2.1,10,10,14.5,310,9,999999999,230,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,11.7,87,98900,1068,1335,364,361,1,360,41900,100,41800,15480,240,3.1,10,10,16.1,520,9,999999999,220,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,12.8,84,98900,1179,1335,374,437,1,436,50700,100,50700,18140,210,3.1,10,10,16.1,880,9,999999999,230,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,11.7,75,98900,1229,1335,375,442,1,442,51800,100,51700,18590,250,3.1,10,10,16.1,580,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,12.2,78,98900,1217,1335,376,416,1,414,48600,100,48600,17770,270,3.1,10,10,16.1,640,9,999999999,220,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,12.2,78,98900,1142,1335,376,400,0,400,46500,0,46500,16990,280,2.1,10,10,14.5,580,9,999999999,220,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,12.8,84,98900,1010,1335,374,348,1,347,40100,100,40100,14700,360,3.1,10,10,14.5,580,9,999999999,230,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,12.8,84,99000,829,1335,374,284,1,284,32400,100,32300,11450,240,2.6,10,10,19.3,700,9,999999999,230,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,12.8,84,99000,613,1335,374,180,0,180,20400,0,20400,7030,280,1.5,10,10,12.9,1010,9,999999999,230,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,12.8,87,99000,376,1335,371,56,0,56,6600,0,6600,2310,90,3.1,10,10,8.0,760,9,999999999,230,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,12.2,93,99000,136,1335,361,29,0,29,3300,0,3300,1000,70,3.1,10,10,6.4,1680,9,999999999,220,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,12.2,96,99000,1,145,359,1,0,1,0,0,0,0,90,3.1,10,10,6.4,150,9,999999999,220,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,11.1,93,99100,0,0,355,0,0,0,0,0,0,0,50,2.6,10,10,4.8,120,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,11.1,93,99100,0,0,355,0,0,0,0,0,0,0,60,2.6,10,10,8.0,180,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,11.1,96,99100,0,0,352,0,0,0,0,0,0,0,60,2.1,10,10,2.4,120,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,18,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,11.1,100,99100,0,0,349,0,0,0,0,0,0,0,70,3.1,10,10,2.4,90,9,999999999,209,0.1590,0,88,999.000,999.0,99.0 +1980,5,19,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,9.4,100,99100,0,0,339,0,0,0,0,0,0,0,60,2.6,10,10,3.2,120,9,999999999,190,0.1590,0,88,999.000,999.0,99.0 +1980,5,19,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,8.9,96,99100,0,0,338,0,0,0,0,0,0,0,80,2.1,10,10,6.4,270,9,999999999,180,0.1590,0,88,999.000,999.0,99.0 +1980,5,19,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,8.9,96,99100,0,0,338,0,0,0,0,0,0,0,0,0.0,10,10,6.4,340,9,999999999,180,0.1590,0,88,999.000,999.0,99.0 +1980,5,19,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,10.6,100,99100,0,0,346,0,0,0,0,0,0,0,70,2.1,10,10,6.4,180,9,999999999,200,0.1590,0,88,999.000,999.0,99.0 +1980,5,19,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,11.1,100,99100,28,700,349,12,0,12,1400,0,1400,420,60,3.1,10,10,6.4,180,9,999999999,209,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,10.6,96,99200,232,1334,349,67,0,67,7400,0,7400,2180,50,3.6,10,10,6.4,90,9,999999999,200,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,10.6,96,99200,473,1334,349,149,0,149,16600,0,16600,5310,40,4.6,10,10,8.0,120,9,999999999,200,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,10.0,93,99200,704,1334,348,216,1,216,24600,100,24600,8630,50,3.1,10,10,11.3,150,9,999999999,190,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,11.7,93,99200,907,1334,358,294,1,294,33900,100,33800,12400,40,3.1,10,10,12.9,240,9,999999999,209,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,12.2,90,99200,1070,1334,364,387,1,386,44700,100,44600,16190,70,3.1,10,10,12.9,490,9,999999999,220,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,12.8,84,99200,1180,1334,350,601,263,367,66100,28600,40700,16960,50,4.1,7,7,16.1,1680,9,999999999,230,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,12.2,70,99300,1231,1334,353,643,255,407,70600,27700,45000,22640,50,4.1,5,5,19.3,77777,9,999999999,220,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,13.3,70,99200,1218,1334,357,759,442,354,81200,46200,38900,20720,40,5.2,4,4,24.1,77777,9,999999999,240,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,11.7,65,99200,1143,1334,350,835,644,282,87200,64800,31600,12030,40,5.2,3,3,24.1,77777,9,999999999,209,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,11.1,63,99200,1012,1334,334,720,654,224,75400,66000,25300,6980,70,5.2,0,0,24.1,77777,9,999999999,209,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,10.0,59,99100,832,1334,333,552,580,192,59600,59700,22300,4650,80,2.6,0,0,24.1,77777,9,999999999,200,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,10.6,63,99100,616,1334,332,357,457,147,38000,45200,17100,2990,50,4.6,0,0,24.1,77777,9,999999999,200,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,10.0,67,99100,379,1334,323,170,271,94,18300,24000,11500,1810,50,4.6,0,0,24.1,77777,9,999999999,190,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,9.4,70,99100,140,1334,318,38,32,35,4200,2100,4000,840,50,4.1,0,0,24.1,77777,9,999999999,190,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,8.9,75,99100,2,167,310,1,0,1,0,0,0,0,50,3.1,0,0,24.1,77777,9,999999999,180,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,8.9,80,99200,0,0,305,0,0,0,0,0,0,0,50,3.1,0,0,24.1,77777,9,999999999,180,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,8.3,83,99200,0,0,300,0,0,0,0,0,0,0,50,2.1,0,0,24.1,77777,9,999999999,180,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,8.3,89,99200,0,0,295,0,0,0,0,0,0,0,40,2.1,0,0,24.1,77777,9,999999999,170,0.3040,0,88,999.000,999.0,99.0 +1980,5,19,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,7.2,89,99200,0,0,290,0,0,0,0,0,0,0,10,1.5,0,0,19.3,77777,9,999999999,160,0.3040,0,88,999.000,999.0,99.0 +1980,5,20,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,6.7,93,99200,0,0,285,0,0,0,0,0,0,0,10,2.1,0,0,16.1,77777,9,999999999,160,0.3040,0,88,999.000,999.0,99.0 +1980,5,20,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,6.1,93,99100,0,0,282,0,0,0,0,0,0,0,0,0.0,0,0,19.3,77777,9,999999999,150,0.3040,0,88,999.000,999.0,99.0 +1980,5,20,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,5.6,93,99100,0,0,279,0,0,0,0,0,0,0,0,0.0,2,0,14.5,77777,9,999999999,150,0.3040,0,88,999.000,999.0,99.0 +1980,5,20,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,5.6,89,99100,0,0,281,0,0,0,0,0,0,0,0,0.0,1,0,12.9,77777,9,999999999,150,0.3040,0,88,999.000,999.0,99.0 +1980,5,20,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,6.7,93,99200,30,722,294,9,8,8,900,400,900,210,0,0.0,2,2,14.5,77777,9,999999999,160,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,9.4,90,99200,235,1334,311,87,189,53,9200,13200,6900,970,0,0.0,2,2,12.9,77777,9,999999999,190,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,8.3,72,99200,476,1334,315,263,464,97,28100,43300,12600,1820,30,3.1,1,1,16.1,77777,9,999999999,180,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,7.2,58,99200,706,1334,324,452,601,132,47100,59500,15600,2860,40,5.2,1,1,16.1,77777,9,999999999,170,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,8.3,54,99200,909,1334,340,628,680,162,66300,69000,19200,4380,50,4.1,2,2,19.3,77777,9,999999999,180,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,10.0,53,99200,1071,1334,352,718,631,209,75900,64200,24200,7530,40,3.1,2,2,24.1,77777,9,999999999,200,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,10.0,51,99200,1181,1334,355,800,614,254,84400,62300,29100,12490,60,2.6,2,2,24.1,77777,9,999999999,200,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,10.0,46,99200,1232,1334,363,858,634,271,90700,64300,31200,16380,20,3.1,2,2,24.1,77777,9,999999999,190,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,9.4,43,99100,1220,1334,365,888,724,224,95000,74100,27100,12950,70,4.1,2,2,24.1,77777,9,999999999,190,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,10.6,45,99100,1145,1334,373,826,648,270,86700,65300,30500,11640,30,3.6,4,3,24.1,77777,9,999999999,200,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,8.9,40,99100,1013,1334,367,711,662,208,74900,67000,23900,6580,40,5.7,2,2,24.1,77777,9,999999999,180,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,10.0,48,99100,834,1334,364,533,560,184,57800,57700,21600,4450,30,5.2,3,3,24.1,77777,9,999999999,200,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,9.4,47,99100,618,1334,360,355,465,141,38000,46000,16600,2860,30,5.2,3,3,24.1,77777,9,999999999,190,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,8.9,49,99100,382,1334,357,123,131,86,13700,11800,10300,1910,40,3.6,5,4,24.1,77777,9,999999999,180,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,8.9,58,99100,143,1334,338,37,55,32,4200,3200,3800,670,40,3.6,6,2,24.1,77777,9,999999999,180,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,9.4,70,99100,2,189,318,0,0,0,0,0,0,0,50,3.1,2,0,24.1,77777,9,999999999,190,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,8.9,75,99000,0,0,310,0,0,0,0,0,0,0,40,1.5,0,0,24.1,77777,9,999999999,180,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,8.9,93,99200,0,0,296,0,0,0,0,0,0,0,190,1.0,0,0,24.1,77777,9,999999999,180,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,8.3,96,99200,0,0,291,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,180,0.1920,0,88,999.000,999.0,99.0 +1980,5,20,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,7.2,93,99200,0,0,297,0,0,0,0,0,0,0,0,0.0,2,2,19.3,77777,9,999999999,160,0.1920,0,88,999.000,999.0,99.0 +1980,5,21,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,6.1,89,99200,0,0,293,0,0,0,0,0,0,0,0,0.0,2,2,16.1,77777,9,999999999,150,0.1920,0,88,999.000,999.0,99.0 +1980,5,21,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,5.6,89,99100,0,0,293,0,0,0,0,0,0,0,0,0.0,3,3,12.9,77777,9,999999999,150,0.1920,0,88,999.000,999.0,99.0 +1980,5,21,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,6.7,93,99200,0,0,297,0,0,0,0,0,0,0,210,2.1,3,3,14.5,77777,9,999999999,160,0.1920,0,88,999.000,999.0,99.0 +1980,5,21,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,7.2,89,99200,0,0,299,0,0,0,0,0,0,0,0,0.0,8,2,12.9,77777,9,999999999,160,0.1920,0,88,999.000,999.0,99.0 +1980,5,21,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,7.2,89,99300,31,722,302,15,10,14,1600,500,1600,340,330,1.5,9,3,14.5,77777,9,999999999,160,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,8.9,86,99300,237,1333,313,98,178,67,10400,12500,8200,1280,0,0.0,8,3,11.3,77777,9,999999999,180,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,10.0,75,99400,478,1333,326,227,244,139,24100,23400,15700,2850,0,0.0,6,2,8.0,77777,9,999999999,190,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,8.9,58,99400,708,1333,333,461,661,108,48800,66000,13600,2410,320,2.1,3,1,9.7,77777,9,999999999,180,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,8.3,47,99400,911,1333,339,669,788,128,69800,78900,15800,3250,250,2.1,2,0,12.9,77777,9,999999999,180,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,8.3,36,99400,1073,1333,360,814,839,136,86500,84900,18000,4730,0,0.0,1,0,19.3,77777,9,999999999,180,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,7.2,30,99300,1183,1333,367,920,875,140,94100,87600,16200,5320,50,3.1,0,0,24.1,77777,9,999999999,160,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,8.9,33,99300,1233,1333,372,959,878,144,98100,87900,16500,6830,90,2.6,0,0,24.1,77777,9,999999999,180,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,8.3,30,99300,1221,1333,374,952,880,143,97400,88100,16400,6390,80,5.2,0,0,24.1,77777,9,999999999,170,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,3.9,22,99300,1147,1333,368,886,869,138,91000,86900,16000,4600,50,3.6,0,0,24.1,77777,9,999999999,130,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,7.8,30,99300,1015,1333,378,673,680,155,72400,69800,19200,5070,60,4.1,4,1,24.1,77777,9,999999999,170,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,7.2,30,99200,836,1333,374,583,746,117,61200,74400,14400,2730,90,3.6,4,1,24.1,77777,9,999999999,160,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,7.2,31,99200,621,1333,371,389,581,121,40700,56400,14400,2450,90,4.6,4,1,24.1,77777,9,999999999,160,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,7.2,34,99200,385,1333,363,200,430,77,21500,37600,10600,1400,80,2.1,4,1,24.1,77777,9,999999999,160,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,6.1,39,99300,146,1333,339,51,180,32,5400,9800,4400,570,110,3.6,2,0,24.1,77777,9,999999999,150,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,7.2,50,99300,3,211,328,1,1,1,0,0,0,0,110,3.1,0,0,24.1,77777,9,999999999,160,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,6.7,48,99400,0,0,327,0,0,0,0,0,0,0,110,2.6,0,0,24.1,77777,9,999999999,160,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,7.2,64,99400,0,0,311,0,0,0,0,0,0,0,180,1.5,0,0,24.1,77777,9,999999999,160,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,6.1,69,99400,0,0,300,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,150,0.1220,0,88,999.000,999.0,99.0 +1980,5,21,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,7.2,80,99400,0,0,297,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,170,0.1220,0,88,999.000,999.0,99.0 +1980,5,22,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,7.2,80,99400,0,0,297,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,170,0.1220,0,88,999.000,999.0,99.0 +1980,5,22,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,6.1,80,99400,0,0,290,0,0,0,0,0,0,0,330,2.1,0,0,24.1,77777,9,999999999,150,0.1220,0,88,999.000,999.0,99.0 +1980,5,22,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,6.7,86,99400,0,0,289,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,160,0.1220,0,88,999.000,999.0,99.0 +1980,5,22,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,5.6,86,99400,0,0,283,0,0,0,0,0,0,0,0,0.0,0,0,12.9,77777,9,999999999,150,0.1220,0,88,999.000,999.0,99.0 +1980,5,22,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,5.6,77,99500,33,744,296,12,22,10,1300,800,1200,210,280,2.1,1,1,9.7,77777,9,999999999,150,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,10.0,80,99500,240,1332,311,106,320,48,11200,22900,7100,850,0,0.0,0,0,6.4,77777,9,999999999,190,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,11.7,65,99500,480,1332,335,289,581,78,30100,54100,10600,1530,0,0.0,0,0,4.0,77777,9,999999999,209,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,10.0,48,99500,710,1332,349,486,713,105,51600,71400,13500,2360,150,2.1,0,0,4.8,77777,9,999999999,200,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,8.9,39,99500,912,1332,358,667,785,126,69700,78700,15700,3230,130,2.6,0,0,9.7,77777,9,999999999,180,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,8.3,34,99500,1074,1332,366,819,836,141,86500,84500,18300,4880,140,3.1,0,0,11.3,77777,9,999999999,180,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,7.2,31,99500,1184,1332,364,916,859,150,97700,87100,20200,7200,170,2.6,0,0,11.3,77777,9,999999999,160,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,6.7,28,99400,1234,1332,369,964,871,155,98400,87200,17500,7200,80,4.1,0,0,12.9,77777,9,999999999,160,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,7.2,27,99300,1222,1332,375,951,867,153,97100,86800,17300,6700,90,5.2,0,0,12.9,77777,9,999999999,160,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,8.9,32,99300,1148,1332,382,849,816,146,90700,82700,19300,6210,80,5.2,3,1,12.9,77777,9,999999999,180,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,8.3,30,99200,1017,1332,381,717,762,135,75900,76800,17100,4130,100,4.6,2,1,12.9,77777,9,999999999,170,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,8.3,31,99200,838,1332,371,597,748,127,63900,76000,16000,3200,90,4.6,2,0,12.9,77777,9,999999999,170,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,8.9,34,99100,623,1332,369,398,639,101,42100,62600,12800,2110,70,5.7,2,0,19.3,77777,9,999999999,180,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,8.3,37,99100,388,1332,358,207,479,70,21700,41900,9500,1310,80,4.6,2,0,24.1,77777,9,999999999,180,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,7.8,40,99100,150,1332,349,52,158,35,5500,8700,4500,630,60,3.1,3,0,24.1,77777,9,999999999,170,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,6.7,41,99100,3,233,340,1,1,1,0,0,0,0,50,4.1,0,0,24.1,77777,9,999999999,160,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,6.7,45,99100,0,0,332,0,0,0,0,0,0,0,60,2.6,0,0,24.1,77777,9,999999999,160,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,6.7,50,99100,0,0,325,0,0,0,0,0,0,0,140,3.1,0,0,24.1,77777,9,999999999,160,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,5.0,48,99100,0,0,318,0,0,0,0,0,0,0,50,2.6,0,0,24.1,77777,9,999999999,140,0.1370,0,88,999.000,999.0,99.0 +1980,5,22,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,5.6,54,99100,0,0,314,0,0,0,0,0,0,0,50,1.5,0,0,24.1,77777,9,999999999,150,0.1370,0,88,999.000,999.0,99.0 +1980,5,23,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,6.1,62,99000,0,0,307,0,0,0,0,0,0,0,20,2.6,3,0,19.3,77777,9,999999999,150,0.1370,0,88,999.000,999.0,99.0 +1980,5,23,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,6.7,64,99000,0,0,307,0,0,0,0,0,0,0,20,2.1,3,0,19.3,77777,9,999999999,160,0.1370,0,88,999.000,999.0,99.0 +1980,5,23,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,6.1,62,98900,0,0,307,0,0,0,0,0,0,0,30,2.1,3,0,19.3,77777,9,999999999,150,0.1370,0,88,999.000,999.0,99.0 +1980,5,23,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,5.0,55,98900,0,0,324,0,0,0,0,0,0,0,70,2.1,7,4,19.3,7620,9,999999999,140,0.1370,0,88,999.000,999.0,99.0 +1980,5,23,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,5.6,62,98900,34,766,320,14,8,13,1500,400,1500,320,20,2.6,8,4,16.1,77777,9,999999999,150,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,7.8,67,98900,242,1332,337,81,99,63,8800,7400,7500,1350,30,1.5,9,7,14.5,3660,9,999999999,170,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,8.9,56,98900,482,1332,357,169,77,141,18500,7300,15900,3880,50,3.1,9,7,11.3,3660,9,999999999,180,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,9.4,51,98900,711,1332,374,319,164,231,34800,17000,25700,5900,70,3.1,10,8,14.5,3660,9,999999999,190,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,9.4,46,98900,914,1332,383,546,379,285,59100,40800,31100,7950,90,4.1,9,8,19.3,7620,9,999999999,190,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,10.0,42,98800,1075,1332,395,592,365,296,63200,38100,32400,10980,70,4.6,9,8,19.3,2740,9,999999999,200,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,10.0,46,98800,1185,1332,394,358,108,261,40500,11600,30100,11970,70,5.7,10,9,24.1,2740,9,999999999,190,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,10.0,53,98700,1236,1332,383,499,106,401,55400,11300,44800,21580,60,5.7,10,9,19.3,2440,9,999999999,190,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,10.0,55,98700,1223,1332,390,230,26,206,25600,2600,23200,11170,60,4.6,10,10,12.9,2440,9,999999999,190,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,11.1,59,98700,1150,1332,392,364,2,362,42700,200,42500,15960,50,3.6,10,10,11.3,2440,9,999999999,209,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,10.0,53,98600,1019,1332,394,300,8,294,35100,700,34600,13200,70,4.6,10,10,11.3,2440,9,999999999,190,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,12.2,59,98600,840,1332,400,254,7,250,29300,600,28900,10630,60,4.6,10,10,11.3,1400,9,999999999,220,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,14.4,62,98500,626,1332,411,154,3,153,17800,200,17700,6350,80,5.2,10,10,11.3,2440,9,999999999,250,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,12.2,63,98500,391,1332,393,86,0,86,9800,0,9800,3300,50,4.6,10,10,11.3,1160,9,999999999,220,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,12.2,73,98500,153,1332,381,30,0,30,3400,0,3400,1060,50,4.6,10,10,11.3,2440,9,999999999,220,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,11.1,75,98500,4,255,372,1,0,1,0,0,0,0,50,3.6,10,10,12.9,2440,9,999999999,209,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,11.1,75,98600,0,0,372,0,0,0,0,0,0,0,50,3.1,10,10,11.3,2440,9,999999999,209,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,11.1,81,98500,0,0,343,0,0,0,0,0,0,0,30,3.1,8,7,11.3,2440,9,999999999,209,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,11.1,81,98500,0,0,366,0,0,0,0,0,0,0,30,2.1,10,10,11.3,2440,9,999999999,209,0.1050,0,88,999.000,999.0,99.0 +1980,5,23,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,11.7,84,98500,0,0,349,0,0,0,0,0,0,0,30,2.6,10,8,9.7,3660,9,999999999,209,0.1050,0,88,999.000,999.0,99.0 +1980,5,24,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,11.1,81,98500,0,0,366,0,0,0,0,0,0,0,30,2.1,10,10,9.7,460,9,999999999,209,0.1050,0,88,999.000,999.0,99.0 +1980,5,24,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,11.7,84,98400,0,0,366,0,0,0,0,0,0,0,30,2.1,10,10,8.0,340,9,999999999,209,0.1050,0,88,999.000,999.0,99.0 +1980,5,24,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,11.7,87,98400,0,0,364,0,0,0,0,0,0,0,50,2.1,10,10,6.4,2440,9,999999999,209,0.1050,0,88,999.000,999.0,99.0 +1980,5,24,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,12.8,90,98500,0,0,368,0,0,0,0,0,0,0,30,3.6,10,10,4.8,120,9,999999999,230,0.1050,0,88,999.000,999.0,99.0 +1980,5,24,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,13.3,93,98500,36,788,368,14,0,14,1600,0,1600,480,50,2.6,10,10,0.8,60,9,999999999,230,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,13.3,93,98500,245,1331,368,65,0,65,7200,0,7200,2200,40,2.6,10,10,0.8,60,9,999999999,230,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,13.9,90,98600,484,1331,375,162,1,162,18000,100,18000,5670,30,3.1,10,10,0.8,60,9,999999999,240,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,14.4,87,98600,713,1331,382,264,1,264,29700,100,29600,9860,10,2.1,10,10,2.4,610,9,999999999,250,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,15.0,84,98600,915,1331,388,348,2,347,39600,200,39500,13830,20,1.5,10,10,3.2,1830,9,999999999,260,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,15.0,76,98600,1076,1331,397,381,0,381,44100,0,44100,16120,20,2.1,10,10,4.8,1830,9,999999999,260,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,15.6,68,98600,1186,1331,374,865,729,212,92400,74600,25700,10810,30,3.1,4,4,8.0,77777,9,999999999,270,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,16.1,62,98600,1237,1331,386,803,647,200,86700,66600,24700,12690,60,4.1,4,4,9.7,77777,9,999999999,280,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,16.1,58,98500,1225,1331,388,927,836,157,99100,84800,21000,8910,50,4.1,3,3,9.7,77777,9,999999999,280,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,16.1,60,98500,1151,1331,385,811,716,192,87300,73500,23600,8730,50,5.7,7,3,11.3,77777,9,999999999,280,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,16.1,62,98400,1020,1331,383,517,344,254,55800,35900,28300,8290,40,5.7,10,3,11.3,77777,9,999999999,280,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,16.1,68,98400,842,1331,374,492,457,204,52800,47100,23000,5030,50,4.6,10,3,11.3,77777,9,999999999,280,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,16.1,68,98400,628,1331,374,390,518,148,41700,51400,17400,3030,50,5.7,10,3,11.3,77777,9,999999999,280,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,16.1,81,98400,394,1331,369,152,153,108,16700,13900,12600,2410,40,4.1,10,6,4.8,7620,9,999999999,280,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,14.4,84,98500,156,1331,356,50,61,44,5500,3600,5100,920,30,3.1,10,6,4.8,7620,9,999999999,250,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,13.9,93,98500,4,277,354,2,0,2,0,0,0,0,10,1.5,10,8,1.3,150,9,999999999,240,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.3,90,98600,0,0,354,0,0,0,0,0,0,0,20,3.6,8,8,8.0,2440,9,999999999,240,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,12.8,87,98500,0,0,338,0,0,0,0,0,0,0,30,1.5,4,4,9.7,77777,9,999999999,230,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,12.2,87,98500,0,0,340,0,0,0,0,0,0,0,10,2.1,6,6,9.7,2440,9,999999999,220,0.0860,0,88,999.000,999.0,99.0 +1980,5,24,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,11.7,84,98500,0,0,328,0,0,0,0,0,0,0,30,2.1,2,2,9.7,77777,9,999999999,209,0.0860,0,88,999.000,999.0,99.0 +1980,5,25,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,11.1,83,98500,0,0,315,0,0,0,0,0,0,0,10,1.5,0,0,11.3,77777,9,999999999,209,0.0860,0,88,999.000,999.0,99.0 +1980,5,25,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,11.1,90,98500,0,0,310,0,0,0,0,0,0,0,320,1.5,0,0,8.0,77777,9,999999999,209,0.0860,0,88,999.000,999.0,99.0 +1980,5,25,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,11.1,90,98500,0,0,331,0,0,0,0,0,0,0,0,0.0,6,6,6.4,2440,9,999999999,209,0.0860,0,88,999.000,999.0,99.0 +1980,5,25,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,12.8,87,98500,0,0,347,0,0,0,0,0,0,0,10,2.6,7,7,6.4,2440,9,999999999,230,0.0860,0,88,999.000,999.0,99.0 +1980,5,25,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,12.2,87,98600,37,788,349,9,3,9,1000,200,1000,230,310,2.1,8,8,4.8,2440,9,999999999,220,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,13.3,87,98700,247,1331,364,37,18,34,4100,1400,3900,930,360,2.1,10,9,4.8,2440,9,999999999,240,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,13.3,73,98700,486,1331,354,250,363,116,26200,34000,13800,2220,30,3.1,4,4,4.8,77777,9,999999999,240,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,13.9,66,98700,715,1331,360,449,581,135,46800,57600,15800,2940,360,2.6,2,2,6.4,77777,9,999999999,250,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,14.4,58,98800,916,1331,377,628,654,175,66000,66200,20300,4750,30,3.1,3,3,6.4,77777,9,999999999,250,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,15.6,54,98800,1077,1331,387,769,737,170,82600,75700,21100,6360,30,3.1,2,2,8.0,77777,9,999999999,270,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,15.6,51,98800,1187,1331,380,882,817,151,94100,82800,20100,7360,30,4.6,0,0,11.3,77777,9,999999999,270,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,15.0,47,98800,1238,1331,382,954,856,155,97300,85700,17400,7390,40,3.6,0,0,11.3,77777,9,999999999,260,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,12.2,39,98800,1226,1331,379,950,862,154,97000,86300,17400,6900,40,6.2,0,0,14.5,77777,9,999999999,220,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,12.8,50,98800,1152,1331,375,799,674,215,85200,68800,25500,9750,50,6.7,6,2,14.5,77777,9,999999999,230,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,13.3,54,98800,1022,1331,372,683,584,235,71500,58800,26200,7480,40,6.7,10,2,14.5,77777,9,999999999,240,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,11.7,50,98800,844,1331,368,564,537,224,60000,55300,24800,5580,50,5.2,10,2,14.5,77777,9,999999999,220,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,10.0,49,98800,631,1331,358,376,498,141,40300,49500,16800,2870,40,7.7,10,2,11.3,77777,9,999999999,190,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,8.9,51,98900,396,1331,337,213,498,67,22400,44000,9300,1270,40,5.7,0,0,24.1,77777,9,999999999,180,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,7.8,58,99000,159,1331,321,56,189,34,5900,10800,4700,600,30,5.7,0,0,24.1,77777,9,999999999,170,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,6.1,60,99000,5,299,309,2,2,1,0,0,0,0,30,3.1,0,0,24.1,77777,9,999999999,150,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,5.6,64,99000,0,0,302,0,0,0,0,0,0,0,40,4.1,0,0,24.1,77777,9,999999999,150,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,5.6,64,99100,0,0,302,0,0,0,0,0,0,0,40,4.1,0,0,24.1,77777,9,999999999,150,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,5.0,64,99100,0,0,299,0,0,0,0,0,0,0,50,3.6,0,0,24.1,77777,9,999999999,140,0.1370,0,88,999.000,999.0,99.0 +1980,5,25,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,5.0,64,99100,0,0,299,0,0,0,0,0,0,0,50,3.1,0,0,24.1,77777,9,999999999,140,0.1370,0,88,999.000,999.0,99.0 +1980,5,26,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,4.4,66,99200,0,0,294,0,0,0,0,0,0,0,40,3.1,0,0,24.1,77777,9,999999999,140,0.1370,0,88,999.000,999.0,99.0 +1980,5,26,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,3.3,61,99200,0,0,293,0,0,0,0,0,0,0,50,3.1,0,0,24.1,77777,9,999999999,130,0.1370,0,88,999.000,999.0,99.0 +1980,5,26,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,1.1,49,99300,0,0,295,0,0,0,0,0,0,0,50,3.1,0,0,24.1,77777,9,999999999,120,0.1370,0,88,999.000,999.0,99.0 +1980,5,26,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,2.2,59,99300,0,0,289,0,0,0,0,0,0,0,40,3.1,0,0,24.1,77777,9,999999999,120,0.1370,0,88,999.000,999.0,99.0 +1980,5,26,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,3.3,68,99400,38,809,286,14,3,14,1600,0,1600,490,50,2.6,0,0,24.1,77777,9,999999999,130,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,4.4,62,99400,249,1331,298,96,162,65,10100,11700,7900,1220,70,3.1,0,0,24.1,77777,9,999999999,140,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,3.3,48,99500,488,1331,309,265,402,117,27900,37700,14000,2240,70,4.1,0,0,24.1,77777,9,999999999,130,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,1.7,37,99500,716,1331,317,462,551,164,49300,55800,19200,3560,70,5.2,0,0,24.1,77777,9,999999999,120,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,1.7,32,99600,917,1331,327,651,650,201,67800,65300,22700,5360,90,3.1,0,0,24.1,77777,9,999999999,120,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,1.1,29,99600,1078,1331,331,800,705,226,84200,71500,26100,8270,90,5.7,0,0,24.1,77777,9,999999999,120,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,2.2,31,99600,1188,1331,332,904,738,243,95800,75100,28600,12410,60,4.1,0,0,24.1,77777,9,999999999,120,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,2.2,29,99600,1239,1331,337,952,753,249,101300,76700,29700,15840,70,5.2,0,0,24.1,77777,9,999999999,120,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,1.7,27,99500,1227,1331,339,940,750,247,100000,76400,29400,14840,50,3.6,0,0,24.1,77777,9,999999999,120,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,1.7,25,99500,1154,1331,344,870,730,237,92200,74200,27800,10720,70,5.2,0,0,24.1,77777,9,999999999,120,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,0.0,23,99500,1024,1331,340,747,689,217,78600,69700,24900,7010,50,3.6,0,0,24.1,77777,9,999999999,110,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,1.7,28,99500,846,1331,337,578,616,187,60200,61500,21000,4530,50,5.2,0,0,24.1,77777,9,999999999,120,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,1.1,29,99400,633,1331,337,325,315,176,35100,32400,19700,3830,50,5.2,4,1,24.1,77777,9,999999999,120,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,0.0,29,99400,399,1331,322,201,270,121,21300,24300,14000,2440,60,4.1,8,0,24.1,77777,9,999999999,110,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,-0.6,34,99400,162,1331,315,51,22,48,5500,1500,5400,1120,50,4.1,8,1,24.1,77777,9,999999999,110,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,-2.2,33,99500,6,322,306,1,0,1,0,0,0,0,50,4.1,5,1,24.1,77777,9,999999999,90,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,-1.1,41,99600,0,0,293,0,0,0,0,0,0,0,50,2.6,3,0,24.1,77777,9,999999999,100,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,-0.6,43,99500,0,0,293,0,0,0,0,0,0,0,60,2.6,0,0,24.1,77777,9,999999999,100,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,0.6,52,99500,0,0,287,0,0,0,0,0,0,0,10,2.1,0,0,24.1,77777,9,999999999,110,0.2850,0,88,999.000,999.0,99.0 +1980,5,26,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,1.1,56,99500,0,0,286,0,0,0,0,0,0,0,30,2.1,0,0,24.1,77777,9,999999999,110,0.2850,0,88,999.000,999.0,99.0 +1980,5,27,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,1.1,56,99500,0,0,286,0,0,0,0,0,0,0,20,2.1,0,0,24.1,77777,9,999999999,110,0.2850,0,88,999.000,999.0,99.0 +1980,5,27,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,1.7,71,99400,0,0,275,0,0,0,0,0,0,0,20,2.1,0,0,24.1,77777,9,999999999,120,0.2850,0,88,999.000,999.0,99.0 +1980,5,27,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,2.2,71,99500,0,0,278,0,0,0,0,0,0,0,20,1.0,0,0,24.1,77777,9,999999999,120,0.2850,0,88,999.000,999.0,99.0 +1980,5,27,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,2.8,83,99500,0,0,277,0,0,0,0,0,0,0,0,0.0,5,1,24.1,77777,9,999999999,130,0.2850,0,88,999.000,999.0,99.0 +1980,5,27,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,2.8,79,99500,40,831,283,14,17,12,1500,700,1400,250,0,0.0,5,2,24.1,77777,9,999999999,130,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,6.7,77,99600,251,1330,302,109,292,54,11500,21300,7500,970,160,2.1,3,1,24.1,77777,9,999999999,160,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,7.8,56,99600,489,1330,338,244,292,136,26000,28200,15600,2770,170,2.1,8,3,19.3,77777,9,999999999,170,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,7.2,47,99600,717,1330,353,386,319,213,41500,33500,23400,4940,190,3.6,10,5,19.3,77777,9,999999999,170,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,7.2,42,99600,919,1330,364,515,383,249,54600,39700,27200,6870,170,4.6,10,6,24.1,7620,9,999999999,160,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,7.2,36,99600,1079,1330,369,737,572,271,79500,59700,30900,10130,190,4.6,9,3,24.1,77777,9,999999999,170,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,8.3,35,99500,1189,1330,375,878,719,233,93300,73300,27600,11990,190,4.1,6,2,24.1,77777,9,999999999,180,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,8.3,31,99500,1240,1330,378,915,797,169,97000,80600,21700,10280,180,4.6,3,1,24.1,77777,9,999999999,170,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,7.2,27,99400,1228,1330,382,891,787,163,94900,79700,21200,9400,170,3.1,3,1,24.1,77777,9,999999999,160,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,7.2,26,99300,1155,1330,385,824,730,189,88700,75000,23400,8740,200,4.1,7,1,24.1,77777,9,999999999,160,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,7.2,26,99300,1025,1330,393,698,585,247,75600,61000,28400,8140,170,4.6,8,2,24.1,77777,9,999999999,170,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,6.7,24,99200,848,1330,390,573,627,174,60000,62900,19900,4270,120,2.6,8,1,24.1,77777,9,999999999,160,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,7.2,26,99200,635,1330,388,405,617,112,42600,60400,13700,2330,140,3.1,4,1,24.1,77777,9,999999999,170,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,7.8,29,99200,402,1330,380,197,387,82,21200,34400,10800,1500,170,4.1,4,1,24.1,77777,9,999999999,170,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,6.1,32,99200,165,1330,362,52,136,36,5600,7600,4700,640,150,3.1,4,1,24.1,77777,9,999999999,150,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,6.7,39,99200,6,344,357,1,1,0,0,0,0,0,120,3.6,3,3,24.1,77777,9,999999999,160,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,6.1,43,99200,0,0,332,0,0,0,0,0,0,0,120,4.1,2,0,24.1,77777,9,999999999,150,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,7.2,49,99200,0,0,330,0,0,0,0,0,0,0,140,2.1,2,0,24.1,77777,9,999999999,170,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,7.8,60,99200,0,0,329,0,0,0,0,0,0,0,150,2.1,2,2,16.1,77777,9,999999999,170,0.1550,0,88,999.000,999.0,99.0 +1980,5,27,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,6.1,52,99200,0,0,325,0,0,0,0,0,0,0,150,3.6,1,1,24.1,77777,9,999999999,150,0.1550,0,88,999.000,999.0,99.0 +1980,5,28,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,5.0,48,99200,0,0,328,0,0,0,0,0,0,0,150,3.1,4,2,24.1,77777,9,999999999,140,0.1550,0,88,999.000,999.0,99.0 +1980,5,28,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,6.1,52,99200,0,0,333,0,0,0,0,0,0,0,170,2.1,7,3,19.3,77777,9,999999999,150,0.1550,0,88,999.000,999.0,99.0 +1980,5,28,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,7.2,56,99200,0,0,334,0,0,0,0,0,0,0,170,2.6,9,3,19.3,77777,9,999999999,170,0.1550,0,88,999.000,999.0,99.0 +1980,5,28,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,8.9,63,99300,0,0,336,0,0,0,0,0,0,0,150,2.6,9,3,19.3,77777,9,999999999,180,0.1550,0,88,999.000,999.0,99.0 +1980,5,28,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,10.0,67,99300,41,831,337,17,22,15,1800,900,1800,310,160,2.6,9,3,24.1,77777,9,999999999,190,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,11.7,63,99300,253,1330,352,117,267,66,12100,19500,8400,1210,180,3.6,8,3,24.1,77777,9,999999999,220,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,12.8,57,99300,491,1330,367,251,353,120,26300,33200,14100,2310,180,3.1,8,3,24.1,77777,9,999999999,230,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,12.8,53,99300,718,1330,369,461,630,119,48500,62900,14500,2650,180,5.2,6,2,24.1,77777,9,999999999,230,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,13.3,50,99300,919,1330,378,612,672,145,65200,68600,17700,4050,180,5.2,5,2,24.1,77777,9,999999999,240,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,15.0,47,99200,1080,1330,395,693,626,183,74100,64100,21900,6870,190,5.2,5,2,24.1,77777,9,999999999,260,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,15.0,44,99200,1190,1330,404,817,606,273,85900,61300,31000,13940,170,5.2,7,3,24.1,77777,9,999999999,260,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,15.6,43,99200,1240,1330,455,402,11,392,47600,1000,46600,17270,190,5.2,10,10,12.9,1400,9,999999999,270,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,18.3,79,99200,1229,1330,416,308,12,297,37100,1000,36200,14060,350,3.1,10,10,12.9,1370,9,999999999,320,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,17.2,58,99100,1156,1330,425,465,119,361,51500,12700,40400,15480,60,2.6,10,9,16.1,1830,9,999999999,300,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,15.6,54,99000,1027,1330,405,644,537,230,70300,56100,26900,7580,60,6.7,8,7,16.1,6100,9,999999999,270,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,17.2,90,99100,850,1330,397,157,2,156,18800,200,18700,7450,20,1.5,10,10,8.0,760,9,999999999,300,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,17.8,87,99200,637,1330,404,93,2,93,11300,100,11200,4280,90,4.1,10,10,9.7,760,9,999999999,310,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,17.8,87,99100,404,1330,404,58,5,56,6800,200,6800,2370,90,4.1,10,10,9.7,760,9,999999999,310,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,17.2,81,99000,167,1330,406,45,3,44,4900,0,4900,1440,110,5.2,10,10,8.0,1680,9,999999999,300,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,17.8,97,99100,7,366,394,2,0,2,0,0,0,0,260,2.1,10,10,4.8,460,9,999999999,310,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,18.3,97,99100,0,0,398,0,0,0,0,0,0,0,150,4.1,10,10,4.8,760,9,999999999,320,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,18.3,100,98900,0,0,395,0,0,0,0,0,0,0,160,5.2,10,10,4.8,610,9,999999999,320,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.2,93,99000,0,0,394,0,0,0,0,0,0,0,160,4.1,10,10,8.0,1830,9,999999999,300,0.0910,0,88,999.000,999.0,99.0 +1980,5,28,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,16.7,84,99000,0,0,363,0,0,0,0,0,0,0,160,4.1,9,4,9.7,77777,9,999999999,290,0.0910,0,88,999.000,999.0,99.0 +1980,5,29,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.1,87,98900,0,0,351,0,0,0,0,0,0,0,160,2.6,2,2,16.1,77777,9,999999999,280,0.0910,0,88,999.000,999.0,99.0 +1980,5,29,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,99000,0,0,375,0,0,0,0,0,0,0,320,4.6,9,9,12.9,1520,9,999999999,270,0.0910,0,88,999.000,999.0,99.0 +1980,5,29,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,98900,0,0,375,0,0,0,0,0,0,0,150,3.6,9,9,9.7,1520,9,999999999,270,0.0910,0,88,999.000,999.0,99.0 +1980,5,29,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,16.1,93,98900,0,0,386,0,0,0,0,0,0,0,280,1.5,10,10,8.0,1520,9,999999999,280,0.0910,0,88,999.000,999.0,99.0 +1980,5,29,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,16.1,90,98900,42,853,390,11,0,11,1300,0,1300,400,300,1.5,10,10,6.4,3660,9,999999999,280,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,16.7,93,98900,255,1329,390,58,1,58,6600,0,6600,2070,120,2.6,10,10,6.4,3050,9,999999999,290,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,17.2,87,98900,492,1329,400,84,0,84,9900,0,9900,3560,120,3.1,10,10,6.4,1520,9,999999999,300,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,17.8,87,98900,720,1329,404,256,0,255,28700,0,28700,9740,140,3.6,10,10,4.8,2130,9,999999999,310,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,16.7,71,98900,920,1329,414,309,0,308,35400,0,35400,12920,150,4.1,10,10,4.8,2130,9,999999999,290,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,18.3,71,98800,1081,1329,388,646,383,333,70700,41600,36800,12090,120,3.6,10,4,6.4,77777,9,999999999,320,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,18.3,64,98700,1190,1329,385,885,755,206,94900,77400,25400,10780,150,4.6,4,1,4.8,77777,9,999999999,320,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,19.4,65,98700,1241,1329,401,821,566,292,86500,57200,33000,18750,210,3.6,8,3,8.0,77777,9,999999999,340,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,19.4,63,98600,1230,1329,425,560,149,422,61900,15900,47100,22440,180,5.7,10,8,9.7,1070,9,999999999,340,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,16.7,81,98700,1157,1329,402,256,3,254,31000,200,30800,12280,320,9.8,10,10,1.3,760,9,999999999,290,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,16.7,84,98600,1028,1329,399,172,27,151,19100,2700,17000,6420,180,1.5,10,10,9.7,2130,9,999999999,290,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,16.7,79,98500,852,1329,386,461,269,289,49500,28700,31100,7680,160,9.3,9,8,16.1,2440,9,999999999,290,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,16.1,76,98400,640,1329,385,244,113,190,26800,11500,21200,4670,180,2.1,9,8,19.3,2440,9,999999999,280,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,16.7,73,98300,407,1329,372,197,302,106,21200,27500,12800,2080,30,2.6,8,3,19.3,77777,9,999999999,290,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,15.6,71,98400,170,1329,359,48,86,38,5200,4900,4600,680,310,1.5,3,1,24.1,77777,9,999999999,270,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,16.7,87,98400,8,366,355,1,1,1,0,0,0,0,120,3.1,2,2,24.1,77777,9,999999999,290,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,15.6,78,98600,0,0,356,0,0,0,0,0,0,0,130,3.1,2,2,24.1,77777,9,999999999,270,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,16.1,84,98600,0,0,354,0,0,0,0,0,0,0,120,2.1,2,2,24.1,77777,9,999999999,280,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,15.6,84,98500,0,0,339,0,0,0,0,0,0,0,160,3.1,2,0,19.3,77777,9,999999999,270,0.1960,0,88,999.000,999.0,99.0 +1980,5,29,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,16.1,78,98400,0,0,348,0,0,0,0,0,0,0,170,4.6,0,0,24.1,77777,9,999999999,280,0.1960,0,88,999.000,999.0,99.0 +1980,5,30,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,16.1,78,98400,0,0,348,0,0,0,0,0,0,0,160,4.6,0,0,24.1,77777,9,999999999,280,0.1960,0,88,999.000,999.0,99.0 +1980,5,30,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,16.1,81,98400,0,0,345,0,0,0,0,0,0,0,150,4.6,0,0,14.5,77777,9,999999999,280,0.1960,0,88,999.000,999.0,99.0 +1980,5,30,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,16.7,87,98300,0,0,343,0,0,0,0,0,0,0,160,5.2,0,0,8.0,77777,9,999999999,290,0.1960,0,88,999.000,999.0,99.0 +1980,5,30,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,16.7,87,98300,0,0,377,0,0,0,0,0,0,0,150,4.6,8,8,6.4,240,9,999999999,290,0.1960,0,88,999.000,999.0,99.0 +1980,5,30,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,17.8,90,98300,43,853,381,18,2,18,2000,0,2000,600,170,6.7,8,8,3.2,210,9,999999999,300,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,18.3,87,98300,256,1329,408,46,3,46,5400,100,5300,1740,170,5.2,10,10,6.4,310,9,999999999,320,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,18.9,87,98400,494,1329,411,88,12,83,10300,700,10000,3530,170,5.2,10,10,4.0,370,9,999999999,330,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,19.4,90,98300,721,1329,412,203,2,202,23300,200,23200,8380,150,5.2,10,10,6.4,1520,9,999999999,340,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,20.6,84,98300,921,1329,414,375,76,323,41400,7800,36000,11260,150,7.2,9,9,8.0,1520,9,999999999,360,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,20.6,87,98300,1082,1329,423,405,20,389,46900,1900,45300,16380,180,4.6,10,10,9.7,1520,9,999999999,360,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,17.8,79,98100,1191,1329,402,382,194,208,44000,21200,24900,9680,170,6.7,9,9,11.3,1520,9,999999999,310,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,16.7,69,98200,1242,1329,381,964,779,234,103100,79600,28500,15320,160,7.7,5,4,24.1,77777,9,999999999,290,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,19.4,69,98100,1231,1329,399,810,553,296,88400,58000,34600,18620,160,8.2,5,4,24.1,77777,9,999999999,340,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,18.3,56,98000,1158,1329,412,751,574,250,79300,58200,28500,11500,160,9.3,6,5,24.1,1520,9,999999999,310,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,18.3,56,97900,1030,1329,416,500,321,251,54000,33500,28000,8380,160,9.8,6,6,24.1,1520,9,999999999,310,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,18.9,53,97800,853,1329,437,353,142,262,38900,15000,29200,7390,170,10.8,8,8,16.1,1520,9,999999999,320,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,19.4,59,97700,642,1329,425,274,158,199,30100,16100,22300,4900,190,11.8,7,7,16.1,1520,9,999999999,340,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,16.1,52,97900,409,1329,400,202,378,87,21600,33800,11200,1610,240,8.8,4,4,24.1,77777,9,999999999,270,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,13.9,54,98100,173,1329,380,61,184,38,6500,11000,5100,680,240,10.3,3,3,24.1,77777,9,999999999,240,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,12.8,53,98100,8,388,364,2,3,1,0,0,0,0,240,9.3,1,1,24.1,77777,9,999999999,230,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,12.8,57,98300,0,0,352,0,0,0,0,0,0,0,260,6.2,0,0,24.1,77777,9,999999999,230,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,13.3,61,98300,0,0,350,0,0,0,0,0,0,0,230,8.2,0,0,24.1,77777,9,999999999,230,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,13.9,66,98300,0,0,348,0,0,0,0,0,0,0,220,5.7,0,0,24.1,77777,9,999999999,240,0.1340,0,88,999.000,999.0,99.0 +1980,5,30,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,13.9,68,98300,0,0,345,0,0,0,0,0,0,0,220,5.2,0,0,24.1,77777,9,999999999,240,0.1340,0,88,999.000,999.0,99.0 +1980,5,31,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,13.9,70,98400,0,0,360,0,0,0,0,0,0,0,210,4.6,4,4,24.1,77777,9,999999999,240,0.1340,0,88,999.000,999.0,99.0 +1980,5,31,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,14.4,76,98400,0,0,347,0,0,0,0,0,0,0,240,4.6,1,1,24.1,77777,9,999999999,250,0.1340,0,88,999.000,999.0,99.0 +1980,5,31,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,14.4,81,98500,0,0,369,0,0,0,0,0,0,0,280,4.6,8,8,24.1,2440,9,999999999,250,0.1340,0,88,999.000,999.0,99.0 +1980,5,31,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,13.3,75,98700,0,0,358,0,0,0,0,0,0,0,320,5.2,6,6,24.1,2440,9,999999999,240,0.1340,0,88,999.000,999.0,99.0 +1980,5,31,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,12.2,78,98800,44,874,336,13,5,13,1500,300,1400,330,290,3.1,2,2,24.1,77777,9,999999999,220,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,13.3,81,98900,258,1328,329,103,195,65,10900,14400,8100,1220,280,3.6,0,0,24.1,77777,9,999999999,240,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,13.9,73,99000,495,1328,340,271,425,112,28700,40100,13700,2140,300,5.2,0,0,24.1,77777,9,999999999,250,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,13.9,68,99000,721,1328,345,464,567,155,48000,55900,17600,3330,290,6.2,0,0,24.1,77777,9,999999999,240,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,13.3,61,99100,922,1328,350,645,656,188,67600,66200,21500,5120,280,6.2,0,0,24.1,77777,9,999999999,240,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,13.3,55,99100,1082,1328,358,797,715,211,84200,72800,24800,7880,310,4.1,0,0,24.1,77777,9,999999999,240,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,11.7,48,99100,1192,1328,359,901,749,226,95900,76500,27200,11850,290,5.7,0,0,24.1,77777,9,999999999,209,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,11.7,46,99100,1243,1328,362,942,756,233,100800,77300,28300,15340,350,5.7,0,0,24.1,77777,9,999999999,209,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,12.2,47,99100,1232,1328,365,930,746,236,99200,76200,28400,14690,320,3.6,1,0,24.1,77777,9,999999999,220,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,11.1,42,99100,1159,1328,382,817,623,272,85700,62900,30700,12480,260,5.2,3,3,24.1,77777,9,999999999,209,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,10.6,40,99100,1031,1328,381,702,592,242,73300,59600,27000,7860,320,3.6,3,3,24.1,77777,9,999999999,200,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,10.6,40,99100,855,1328,378,562,469,261,59000,48200,27900,6700,320,2.1,8,2,24.1,77777,9,999999999,200,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,11.1,43,99100,644,1328,379,372,365,196,39900,37600,21600,4370,310,2.6,10,3,24.1,77777,9,999999999,209,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,12.8,53,99100,412,1328,387,102,61,83,11400,5700,9600,1860,340,2.1,10,7,24.1,7620,9,999999999,230,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,10.0,49,99100,176,1328,380,45,5,44,5000,0,5000,1470,70,4.1,10,8,24.1,7620,9,999999999,190,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,8.9,49,99100,9,410,381,2,0,2,0,0,0,0,70,5.7,10,9,24.1,7620,9,999999999,180,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,10.0,61,99000,0,0,371,0,0,0,0,0,0,0,70,3.6,10,9,24.1,7620,9,999999999,200,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.9,10.7,70,99000,0,0,373,0,0,0,0,0,0,0,60,3.7,10,9,24.1,7620,9,999999999,200,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.9,11.4,72,99000,0,0,384,0,0,0,0,0,0,0,50,3.7,10,10,24.1,7620,9,999999999,200,0.2560,0,88,999.000,999.0,99.0 +1980,5,31,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.0,12.1,75,99000,0,0,375,0,0,0,0,0,0,0,60,3.8,10,9,24.1,7620,9,999999999,200,0.2560,0,88,999.000,999.0,99.0 +1979,6,1,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.1,12.9,84,99200,0,0,387,0,0,0,0,0,0,0,290,3.9,10,10,4.8,210,9,999999999,300,0.2560,0,88,999.000,999.0,99.0 +1979,6,1,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.2,13.6,87,99200,0,0,389,0,0,0,0,0,0,0,270,4.0,10,10,4.8,270,9,999999999,300,0.2560,0,88,999.000,999.0,99.0 +1979,6,1,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.2,14.3,84,99200,0,0,389,0,0,0,0,0,0,0,280,4.0,10,10,6.4,270,9,999999999,280,0.2560,0,88,999.000,999.0,99.0 +1979,6,1,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,15.0,81,99300,0,0,391,0,0,0,0,0,0,0,290,4.1,10,10,8.0,240,9,999999999,260,0.2560,0,88,999.000,999.0,99.0 +1979,6,1,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,14.4,81,99400,45,874,387,11,1,11,1300,0,1300,400,300,3.6,10,10,8.0,310,9,999999999,250,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,12.8,81,99400,258,1328,376,47,2,47,5400,0,5400,1770,330,6.7,10,10,12.9,310,9,999999999,230,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,11.7,78,99500,495,1328,373,103,1,103,12000,100,11900,4210,320,7.2,10,10,24.1,400,9,999999999,220,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,11.7,73,99600,722,1328,354,350,185,249,38000,19100,27600,6410,310,5.2,10,7,24.1,460,9,999999999,220,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,11.7,63,99600,922,1328,344,642,711,146,68400,72600,17900,4100,330,5.7,8,1,24.1,77777,9,999999999,220,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,15.6,76,99600,1083,1328,354,808,796,156,84700,80100,19200,5420,350,4.1,7,1,24.1,77777,9,999999999,270,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,9.4,47,99600,1192,1328,352,881,814,148,94300,82600,20000,7450,330,5.7,6,1,24.1,77777,9,999999999,190,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,8.3,41,99600,1243,1328,361,909,763,193,95200,76700,23300,11800,320,4.1,5,2,24.1,77777,9,999999999,180,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,8.3,38,99600,1232,1328,366,708,534,211,76100,54800,25200,13230,10,7.2,4,2,24.1,77777,9,999999999,170,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,8.9,40,99600,1160,1328,374,794,646,228,84300,65800,26700,10630,300,4.1,8,4,24.1,77777,9,999999999,180,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,8.3,37,99600,1031,1328,369,760,798,141,80300,80400,17800,4430,310,5.2,4,2,24.1,77777,9,999999999,180,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,7.8,33,99600,856,1328,369,589,732,119,61900,73100,14700,2850,320,3.1,3,1,24.1,77777,9,999999999,170,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,6.1,32,99600,644,1328,362,408,673,83,42900,65800,11000,1770,30,3.1,2,1,24.1,77777,9,999999999,150,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,7.8,38,99600,412,1328,352,239,598,57,25600,53900,8900,1120,0,0.0,0,0,24.1,77777,9,999999999,170,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,7.8,44,99600,176,1328,341,71,293,33,7300,18800,4900,590,110,3.1,1,0,24.1,77777,9,999999999,170,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,6.7,50,99600,9,410,339,5,5,4,0,0,0,0,100,3.6,3,3,24.1,77777,9,999999999,160,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,5.6,57,99600,0,0,322,0,0,0,0,0,0,0,140,3.1,3,3,19.3,77777,9,999999999,150,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,5.6,64,99600,0,0,302,0,0,0,0,0,0,0,150,2.6,1,0,19.3,77777,9,999999999,150,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,7.8,72,99600,0,0,337,0,0,0,0,0,0,0,180,1.5,8,8,19.3,3660,9,999999999,170,0.0950,0,88,999.000,999.0,99.0 +1979,6,1,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,7.8,69,99600,0,0,330,0,0,0,0,0,0,0,180,3.1,6,6,16.1,3660,9,999999999,170,0.0950,0,88,999.000,999.0,99.0 +1979,6,2,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,8.9,75,99600,0,0,335,0,0,0,0,0,0,0,210,2.1,7,7,16.1,3660,9,999999999,180,0.0950,0,88,999.000,999.0,99.0 +1979,6,2,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,8.9,75,99600,0,0,340,0,0,0,0,0,0,0,220,2.1,8,8,19.3,3050,9,999999999,180,0.0950,0,88,999.000,999.0,99.0 +1979,6,2,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,8.9,75,99600,0,0,340,0,0,0,0,0,0,0,210,3.1,8,8,19.3,3050,9,999999999,180,0.0950,0,88,999.000,999.0,99.0 +1979,6,2,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,8.9,77,99600,0,0,329,0,0,0,0,0,0,0,200,2.6,6,6,19.3,3050,9,999999999,180,0.0950,0,88,999.000,999.0,99.0 +1979,6,2,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,9.4,83,99600,46,874,327,18,26,16,1900,1100,1900,330,210,2.6,7,6,11.3,3050,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,11.1,83,99600,259,1328,336,107,153,77,11200,11300,9000,1490,230,1.5,7,6,19.3,3050,9,999999999,209,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,10.0,61,99600,496,1328,345,223,326,101,23900,30800,12400,1910,230,3.1,5,3,19.3,77777,9,999999999,200,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,10.6,55,99600,723,1328,353,463,609,130,48500,60600,15400,2880,290,3.1,7,2,19.3,77777,9,999999999,200,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,11.1,51,99600,923,1328,362,628,610,203,65500,61300,22800,5470,270,2.6,8,2,24.1,77777,9,999999999,209,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,10.6,46,99500,1083,1328,370,771,694,202,81800,70800,23900,7600,270,4.1,8,3,24.1,77777,9,999999999,200,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,10.0,40,99500,1192,1328,378,851,637,277,89400,64400,31500,14370,200,3.1,8,3,24.1,77777,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,8.9,37,99400,1244,1328,390,837,509,359,89800,53200,39900,24340,200,5.2,9,7,24.1,1520,9,999999999,180,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,10.6,40,99300,1233,1328,391,906,674,279,95600,68200,32100,17310,220,4.1,10,6,24.1,1520,9,999999999,200,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,11.7,43,99300,1161,1328,392,657,402,305,70900,42000,34100,14550,190,4.1,9,6,24.1,7620,9,999999999,209,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,11.1,42,99200,1033,1328,423,316,0,316,36900,0,36900,14000,180,5.2,10,10,24.1,7620,9,999999999,209,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,8.3,35,99200,857,1328,407,262,19,250,30300,1700,29300,10770,240,4.1,10,9,24.1,7620,9,999999999,180,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,10.0,40,99100,646,1328,406,169,1,168,19400,100,19300,6920,240,5.2,10,9,24.1,7620,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,10.0,42,99100,415,1328,389,150,167,99,16300,15300,11500,1910,240,5.2,8,7,24.1,7620,9,999999999,200,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,9.4,46,99100,179,1328,363,57,114,42,6100,6700,5200,760,240,3.1,8,3,24.1,77777,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,8.9,51,99100,10,432,348,5,7,4,0,0,0,0,220,3.1,7,2,24.1,77777,9,999999999,180,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,8.3,56,99200,0,0,333,0,0,0,0,0,0,0,220,3.1,4,1,24.1,77777,9,999999999,180,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,8.3,52,99200,0,0,331,0,0,0,0,0,0,0,230,3.6,1,0,24.1,77777,9,999999999,170,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,7.2,56,99200,0,0,320,0,0,0,0,0,0,0,210,3.6,0,0,24.1,77777,9,999999999,160,0.0870,0,88,999.000,999.0,99.0 +1979,6,2,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,8.9,60,99200,0,0,325,0,0,0,0,0,0,0,230,4.1,2,0,24.1,77777,9,999999999,180,0.0870,0,88,999.000,999.0,99.0 +1979,6,3,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,9.4,63,99200,0,0,325,0,0,0,0,0,0,0,230,5.2,1,0,24.1,77777,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,3,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,9.4,63,99100,0,0,325,0,0,0,0,0,0,0,220,4.1,0,0,24.1,77777,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,3,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,9.4,67,99100,0,0,320,0,0,0,0,0,0,0,240,4.1,0,0,24.1,77777,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,3,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,9.4,72,99200,0,0,315,0,0,0,0,0,0,0,240,4.6,0,0,24.1,77777,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,3,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,9.4,75,99200,47,896,313,22,85,14,2000,3100,1900,240,240,4.1,0,0,24.1,77777,9,999999999,190,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,9.4,67,99100,260,1328,320,132,457,42,13700,35000,6800,780,250,5.7,1,0,24.1,77777,9,999999999,190,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,11.1,65,99100,497,1328,338,287,574,71,30200,54200,9900,1420,260,5.7,3,1,24.1,77777,9,999999999,209,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,12.2,61,99100,723,1328,344,489,740,84,51800,73500,11700,1930,260,5.7,1,0,24.1,77777,9,999999999,220,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,12.2,53,99000,923,1328,354,671,822,97,69500,81900,12400,2370,260,4.1,0,0,24.1,77777,9,999999999,220,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,11.7,45,99000,1084,1328,364,832,884,108,85900,88500,13500,3440,260,4.1,0,0,24.1,77777,9,999999999,209,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,10.0,38,99000,1193,1328,368,930,905,115,95900,90800,14100,5040,240,3.6,0,0,24.1,77777,9,999999999,200,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,10.0,34,98900,1244,1328,388,880,772,155,94400,78400,20800,9900,270,5.2,2,2,24.1,77777,9,999999999,190,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,7.2,26,98800,1233,1328,397,822,646,220,88200,66200,26500,13920,250,7.2,3,3,24.1,77777,9,999999999,170,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,6.7,25,98800,1162,1328,400,844,736,199,90600,75500,24400,9460,290,5.2,5,5,24.1,77777,9,999999999,160,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,7.2,31,98800,1034,1328,386,476,264,271,52800,28700,30400,8830,70,6.7,5,5,24.1,77777,9,999999999,160,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,6.7,33,98700,859,1328,374,526,584,149,55800,59100,17500,3810,120,6.7,4,4,24.1,77777,9,999999999,160,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,7.2,36,98700,648,1328,369,429,663,107,45400,65300,13500,2270,120,5.2,3,3,19.3,77777,9,999999999,170,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,8.3,37,98600,417,1328,369,226,469,82,23600,41700,10500,1520,140,4.6,2,2,19.3,77777,9,999999999,170,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,7.8,42,98600,181,1328,355,74,255,40,7800,15700,5700,710,130,3.6,2,2,19.3,77777,9,999999999,170,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,7.8,47,98600,11,454,342,5,15,3,0,0,0,0,130,3.6,1,1,19.3,77777,9,999999999,170,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,7.2,50,98600,0,0,328,0,0,0,0,0,0,0,140,3.1,1,0,19.3,77777,9,999999999,160,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,7.8,50,98600,0,0,331,0,0,0,0,0,0,0,170,2.1,1,0,19.3,77777,9,999999999,170,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,8.3,58,98600,0,0,324,0,0,0,0,0,0,0,200,2.6,0,0,16.1,77777,9,999999999,180,0.0850,0,88,999.000,999.0,99.0 +1979,6,3,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,8.9,56,98600,0,0,330,0,0,0,0,0,0,0,230,3.6,0,0,19.3,77777,9,999999999,180,0.0850,0,88,999.000,999.0,99.0 +1979,6,4,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,8.9,58,98600,0,0,327,0,0,0,0,0,0,0,230,4.1,0,0,24.1,77777,9,999999999,180,0.0850,0,88,999.000,999.0,99.0 +1979,6,4,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,8.9,54,98500,0,0,332,0,0,0,0,0,0,0,240,5.2,0,0,24.1,77777,9,999999999,180,0.0850,0,88,999.000,999.0,99.0 +1979,6,4,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,8.9,51,98600,0,0,337,0,0,0,0,0,0,0,230,5.2,0,0,24.1,77777,9,999999999,180,0.0850,0,88,999.000,999.0,99.0 +1979,6,4,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,8.3,49,98600,0,0,347,0,0,0,0,0,0,0,220,5.2,2,2,24.1,77777,9,999999999,180,0.0850,0,88,999.000,999.0,99.0 +1979,6,4,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,8.9,52,98600,47,896,352,15,3,15,1700,0,1700,520,250,5.2,4,4,24.1,77777,9,999999999,180,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,9.4,54,98600,262,1327,346,102,194,64,10900,14400,8000,1190,230,5.2,2,2,24.1,77777,9,999999999,190,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,10.6,49,98600,498,1327,356,268,425,107,28400,40200,13300,2030,230,6.7,1,1,24.1,77777,9,999999999,200,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,11.1,46,98600,724,1327,358,471,586,150,48800,57900,17200,3250,240,5.7,0,0,24.1,77777,9,999999999,209,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,12.2,41,98500,924,1327,376,652,674,181,68500,68200,21000,4970,230,5.7,0,0,24.1,77777,9,999999999,220,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,11.1,33,98500,1084,1327,393,757,670,207,80200,68300,24300,7800,210,6.7,2,1,24.1,77777,9,999999999,200,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,9.4,28,98400,1193,1327,397,826,619,268,87000,62700,30600,14030,230,9.8,5,1,24.1,77777,9,999999999,190,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,8.9,26,98300,1245,1327,405,895,625,307,93800,63000,34700,20210,220,9.3,7,2,24.1,77777,9,999999999,180,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,8.3,28,98300,1234,1327,413,614,284,349,68300,31000,39400,19960,220,8.8,8,7,24.1,7620,9,999999999,180,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,8.3,26,98300,1163,1327,435,395,32,367,43700,3300,40800,16920,220,6.2,10,9,24.1,7620,9,999999999,180,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,8.9,28,98300,1035,1327,424,504,180,363,55200,19100,40300,12520,210,8.2,9,8,24.1,7620,9,999999999,180,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,7.8,26,98200,860,1327,431,415,194,290,45500,20400,32200,8240,220,7.2,10,9,24.1,7620,9,999999999,170,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,7.2,26,98100,650,1327,424,193,44,171,21200,4300,19100,5280,230,6.2,10,9,24.1,7620,9,999999999,160,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,7.2,29,98100,419,1327,406,135,86,108,14800,8000,12300,2430,240,4.1,9,8,24.1,3660,9,999999999,160,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,7.8,31,98200,184,1327,413,52,0,52,5700,0,5700,1670,230,4.1,9,9,24.1,3050,9,999999999,170,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,8.3,36,98200,12,453,404,2,0,2,0,0,0,0,250,2.6,9,9,24.1,3050,9,999999999,170,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,11.7,53,98300,0,0,405,0,0,0,0,0,0,0,10,6.7,10,10,24.1,1830,9,999999999,209,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,14.4,76,98400,0,0,393,0,0,0,0,0,0,0,360,2.6,10,10,16.1,1830,9,999999999,250,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,14.4,84,98300,0,0,374,0,0,0,0,0,0,0,130,3.1,10,9,24.1,3050,9,999999999,250,0.2420,0,88,999.000,999.0,99.0 +1979,6,4,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,13.9,81,98300,0,0,365,0,0,0,0,0,0,0,180,2.6,8,8,24.1,7620,9,999999999,240,0.2420,0,88,999.000,999.0,99.0 +1979,6,5,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,14.4,78,98200,0,0,390,0,0,0,0,0,0,0,200,2.6,10,10,24.1,7620,9,999999999,250,0.2420,0,88,999.000,999.0,99.0 +1979,6,5,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,14.4,81,98300,0,0,387,0,0,0,0,0,0,0,260,3.1,10,10,24.1,1830,9,999999999,250,0.2420,0,88,999.000,999.0,99.0 +1979,6,5,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,15.6,84,98300,0,0,392,0,0,0,0,0,0,0,0,0.0,10,10,24.1,3050,9,999999999,270,0.2420,0,88,999.000,999.0,99.0 +1979,6,5,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,15.6,84,98300,0,0,381,0,0,0,0,0,0,0,130,2.1,9,9,24.1,1830,9,999999999,270,0.2420,0,88,999.000,999.0,99.0 +1979,6,5,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,15.0,84,98300,48,918,364,17,22,15,1800,900,1800,310,50,3.6,8,7,14.5,3050,9,999999999,260,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,14.4,84,98400,263,1327,339,126,380,51,12900,28900,7200,920,80,2.6,2,1,11.3,77777,9,999999999,250,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,12.8,75,98400,498,1327,338,299,623,64,31100,58500,9100,1310,50,7.2,2,1,14.5,77777,9,999999999,230,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,12.8,78,98500,724,1327,349,385,417,156,41400,42400,18200,3390,20,6.2,7,5,12.9,7320,9,999999999,230,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,12.8,78,98500,924,1327,346,585,575,183,61400,58100,20900,5030,40,5.2,5,4,16.1,77777,9,999999999,230,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,12.8,75,98600,1084,1327,348,629,524,199,66900,53500,23000,7540,30,6.2,5,4,19.3,77777,9,999999999,230,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,13.3,68,98600,1194,1327,342,929,907,111,95900,91000,13800,4960,40,4.6,0,0,24.1,77777,9,999999999,240,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,13.9,64,98600,1245,1327,362,927,815,160,99100,82700,21400,10270,30,8.2,2,2,24.1,77777,9,999999999,250,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,13.9,68,98600,1235,1327,388,530,174,368,59100,18700,41700,20090,20,6.7,9,9,24.1,1830,9,999999999,240,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,13.3,63,98500,1164,1327,376,444,192,275,49800,20900,31400,12010,30,7.7,8,7,24.1,2440,9,999999999,240,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,13.3,63,98500,1036,1327,348,770,857,100,79900,85700,12800,2970,20,6.7,0,0,24.1,77777,9,999999999,230,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,11.1,53,98500,862,1327,347,619,820,88,64700,81400,11700,2090,10,8.2,0,0,24.1,77777,9,999999999,209,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,8.3,49,98500,652,1327,336,449,772,72,48100,76000,10700,1630,20,9.8,0,0,24.1,77777,9,999999999,180,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,5.6,45,98500,421,1327,326,252,639,52,26600,58100,8200,1080,30,6.2,0,0,24.1,77777,9,999999999,150,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,3.9,46,98500,186,1327,314,81,366,32,8600,24200,5200,580,30,5.7,0,0,24.1,77777,9,999999999,130,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,3.9,49,98500,13,475,309,7,22,5,0,0,0,0,20,4.6,1,0,24.1,77777,9,999999999,130,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,3.9,53,98500,0,0,305,0,0,0,0,0,0,0,20,3.6,0,0,24.1,77777,9,999999999,130,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,4.4,57,98500,0,0,303,0,0,0,0,0,0,0,30,3.1,0,0,24.1,77777,9,999999999,140,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,4.4,57,98500,0,0,303,0,0,0,0,0,0,0,10,3.6,0,0,24.1,77777,9,999999999,140,0.0800,0,88,999.000,999.0,99.0 +1979,6,5,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,4.4,57,98500,0,0,303,0,0,0,0,0,0,0,360,3.1,0,0,24.1,77777,9,999999999,140,0.0800,0,88,999.000,999.0,99.0 +1979,6,6,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,5.0,59,98400,0,0,304,0,0,0,0,0,0,0,360,2.1,0,0,24.1,77777,9,999999999,140,0.0800,0,88,999.000,999.0,99.0 +1979,6,6,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,5.6,64,98400,0,0,302,0,0,0,0,0,0,0,350,2.6,0,0,24.1,77777,9,999999999,150,0.0800,0,88,999.000,999.0,99.0 +1979,6,6,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,6.1,72,98400,0,0,298,0,0,0,0,0,0,0,10,2.6,0,0,24.1,77777,9,999999999,150,0.0800,0,88,999.000,999.0,99.0 +1979,6,6,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,6.1,72,98400,0,0,307,0,0,0,0,0,0,0,10,3.1,2,2,24.1,77777,9,999999999,150,0.0800,0,88,999.000,999.0,99.0 +1979,6,6,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,7.2,77,98500,49,917,304,21,80,14,2000,3000,1800,240,350,2.6,3,1,24.1,77777,9,999999999,160,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,8.3,75,98500,263,1326,307,128,450,38,13300,34800,6400,720,10,3.1,0,0,19.3,77777,9,999999999,180,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,10.6,72,98500,499,1326,322,320,684,61,33400,64400,9100,1280,10,2.1,0,0,11.3,77777,9,999999999,200,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,13.3,66,98500,725,1326,351,471,704,85,49900,69900,11600,1950,190,1.5,2,1,11.3,77777,9,999999999,240,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.0,60,98500,924,1326,378,633,693,148,67500,70700,18100,4170,100,1.5,4,3,8.0,77777,9,999999999,260,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,15.6,56,98500,1085,1326,384,785,768,154,82400,77400,19000,5420,180,2.1,3,2,8.0,77777,9,999999999,270,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,15.6,47,98400,1194,1326,393,863,837,107,89100,84000,13300,4850,150,2.1,2,1,8.0,77777,9,999999999,270,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,15.6,44,98400,1246,1326,408,881,667,253,93700,67900,29800,17010,170,3.6,7,3,8.0,77777,9,999999999,270,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,16.1,42,98300,1235,1326,414,856,699,204,92400,71900,25400,13150,180,5.2,8,2,12.9,77777,9,999999999,280,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,16.1,40,98300,1165,1326,417,766,648,196,82300,66500,23800,9450,220,5.2,7,2,12.9,77777,9,999999999,270,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,15.6,38,98200,1038,1326,420,721,748,136,76500,75500,17300,4400,180,6.7,4,2,12.9,77777,9,999999999,270,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.2,15.0,35,98200,863,1326,422,554,610,158,58600,61600,18400,4030,120,6.2,3,2,12.9,77777,9,999999999,260,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,15.6,42,98100,654,1326,414,422,645,106,44700,63700,13300,2270,120,5.7,4,3,11.3,77777,9,999999999,270,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,13.9,40,98100,423,1326,402,231,435,95,24700,39300,12200,1770,120,5.7,2,2,11.3,77777,9,999999999,240,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,13.9,45,98000,188,1326,391,74,266,38,8000,16800,5600,670,110,4.1,3,2,11.3,77777,9,999999999,240,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,13.9,49,98100,13,497,403,5,4,4,0,0,0,0,150,3.1,8,7,9.7,2440,9,999999999,250,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.7,16.7,54,98100,0,0,440,0,0,0,0,0,0,0,210,4.1,10,10,12.9,2440,9,999999999,290,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,27.2,15.6,49,98200,0,0,409,0,0,0,0,0,0,0,200,5.7,6,6,19.3,3050,9,999999999,270,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.7,15.6,51,98300,0,0,411,0,0,0,0,0,0,0,190,4.1,7,7,19.3,3050,9,999999999,270,0.0840,0,88,999.000,999.0,99.0 +1979,6,6,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,16.1,56,98300,0,0,395,0,0,0,0,0,0,0,180,4.1,4,4,19.3,77777,9,999999999,280,0.0840,0,88,999.000,999.0,99.0 +1979,6,7,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,16.1,62,98200,0,0,383,0,0,0,0,0,0,0,180,3.6,3,3,19.3,77777,9,999999999,280,0.0840,0,88,999.000,999.0,99.0 +1979,6,7,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,16.7,64,98200,0,0,380,0,0,0,0,0,0,0,190,4.6,2,2,19.3,77777,9,999999999,290,0.0840,0,88,999.000,999.0,99.0 +1979,6,7,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,16.7,62,98200,0,0,406,0,0,0,0,0,0,0,170,5.2,8,8,19.3,2440,9,999999999,290,0.0840,0,88,999.000,999.0,99.0 +1979,6,7,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,17.8,71,98200,0,0,410,0,0,0,0,0,0,0,170,4.1,9,9,19.3,2130,9,999999999,300,0.0840,0,88,999.000,999.0,99.0 +1979,6,7,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,18.3,76,98300,50,917,383,17,12,16,1800,600,1800,390,180,4.1,8,4,16.1,77777,9,999999999,320,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,18.9,76,98300,264,1326,386,99,104,78,10700,8100,9100,1680,180,5.2,9,4,19.3,77777,9,999999999,330,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,19.4,71,98300,500,1326,434,138,7,135,15600,500,15400,5160,180,6.2,10,10,11.3,670,9,999999999,340,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,20.0,71,98300,725,1326,438,156,21,145,17300,2100,16200,4860,170,4.1,10,10,11.3,580,9,999999999,350,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,20.0,76,98300,925,1326,431,177,10,170,21300,800,20800,8280,160,6.2,10,10,6.4,270,9,999999999,350,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,21.1,85,98300,1085,1326,430,344,3,341,40200,300,39900,15060,170,5.2,10,10,8.0,610,9,999999999,370,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,18.3,87,98300,1194,1326,408,213,8,206,26300,600,25800,10390,220,4.6,10,10,8.0,760,9,999999999,320,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,18.9,90,98300,1246,1326,408,213,2,212,26500,200,26400,10710,190,3.6,10,10,9.7,2440,9,999999999,330,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,20.0,84,98300,1236,1326,422,382,0,381,45100,0,45100,16930,210,3.1,10,10,12.9,2440,9,999999999,350,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,21.1,85,98300,1165,1326,430,224,2,222,27400,200,27200,11020,220,2.6,10,10,11.3,610,9,999999999,370,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,20.6,82,98300,1039,1326,417,285,93,212,32300,10000,24500,7350,190,3.6,9,9,11.3,2440,9,999999999,360,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,21.1,77,98200,865,1326,419,397,159,294,43500,16800,32600,8390,150,3.1,8,8,11.3,2440,9,999999999,370,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,20.6,74,98200,655,1326,418,349,265,219,37200,27400,23700,5010,160,2.6,8,8,12.9,2440,9,999999999,360,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,20.6,69,98300,425,1326,406,195,291,103,21100,26900,12500,2000,210,3.1,4,4,12.9,77777,9,999999999,360,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,20.0,74,98400,190,1326,396,59,83,47,6500,5600,5700,990,240,1.5,4,4,14.5,77777,9,999999999,350,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,20.0,79,98400,14,497,387,5,4,4,0,0,0,0,170,2.1,3,3,14.5,77777,9,999999999,350,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,20.6,84,98500,0,0,376,0,0,0,0,0,0,0,160,2.1,1,1,14.5,77777,9,999999999,360,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,20.6,84,98500,0,0,369,0,0,0,0,0,0,0,160,2.1,0,0,16.1,77777,9,999999999,360,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,20.0,82,98500,0,0,368,0,0,0,0,0,0,0,170,4.1,0,0,12.9,77777,9,999999999,350,0.1470,0,88,999.000,999.0,99.0 +1979,6,7,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,20.6,84,98500,0,0,376,0,0,0,0,0,0,0,170,3.6,1,1,11.3,77777,9,999999999,360,0.1470,0,88,999.000,999.0,99.0 +1979,6,8,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,20.0,87,98600,0,0,363,0,0,0,0,0,0,0,180,3.1,0,0,11.3,77777,9,999999999,350,0.1470,0,88,999.000,999.0,99.0 +1979,6,8,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,20.0,90,98600,0,0,376,0,0,0,0,0,0,0,160,2.6,3,3,9.7,77777,9,999999999,350,0.1470,0,88,999.000,999.0,99.0 +1979,6,8,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,20.0,87,98700,0,0,388,0,0,0,0,0,0,0,230,4.1,6,6,8.0,3050,9,999999999,350,0.1470,0,88,999.000,999.0,99.0 +1979,6,8,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,20.0,90,98800,0,0,385,0,0,0,0,0,0,0,240,3.1,6,6,8.0,3050,9,999999999,350,0.1470,0,88,999.000,999.0,99.0 +1979,6,8,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,19.4,90,98800,50,917,375,15,30,12,1500,1000,1500,200,210,1.5,4,4,6.4,77777,9,999999999,340,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,21.1,90,98900,265,1326,374,124,365,51,12700,27800,7100,920,210,2.6,3,1,6.4,77777,9,999999999,370,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,21.7,82,98900,500,1326,386,289,567,74,30400,53500,10200,1480,230,3.1,3,1,6.4,77777,9,999999999,390,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,22.2,72,99000,725,1326,407,473,632,126,49700,63000,15200,2810,210,2.6,2,2,6.4,77777,9,999999999,400,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,23.3,72,99000,925,1326,409,587,640,139,62900,65500,17100,3950,190,3.1,6,1,8.0,77777,9,999999999,430,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,23.3,70,99000,1085,1326,417,756,704,177,81000,72300,21700,6800,210,4.1,6,2,11.3,77777,9,999999999,430,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,23.3,65,99100,1195,1326,443,623,328,326,69300,35700,37000,15980,220,4.1,7,7,11.3,910,9,999999999,419,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,23.3,63,99000,1246,1326,441,811,460,378,86700,48100,41400,26340,190,3.1,7,6,11.3,910,9,999999999,419,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,33.3,23.3,56,99000,1237,1326,467,592,185,419,65500,19800,47000,23120,160,5.2,9,8,11.3,1070,9,999999999,430,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,20.0,57,99000,1166,1326,423,923,801,218,98600,81800,26400,10510,320,5.2,5,5,11.3,77777,9,999999999,350,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,21.1,82,99000,1040,1326,433,143,1,143,17800,100,17800,7410,170,4.6,10,10,8.0,760,9,999999999,370,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,21.1,87,99100,866,1326,426,118,5,115,14500,300,14300,5780,350,1.5,10,10,6.4,1370,9,999999999,370,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,21.1,82,99100,657,1326,433,204,4,201,23000,300,22900,7920,60,4.6,10,10,8.0,670,9,999999999,370,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,20.0,79,99100,427,1326,428,66,6,65,7900,300,7800,2740,60,3.1,10,10,6.4,1160,9,999999999,350,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,18.3,90,99200,192,1326,404,21,3,21,2600,0,2600,830,20,4.6,10,10,2.4,120,9,999999999,320,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,16.7,90,99200,15,519,393,3,0,3,0,0,0,0,20,5.2,10,10,3.2,90,9,999999999,290,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,16.1,90,99300,0,0,390,0,0,0,0,0,0,0,40,3.6,10,10,3.2,90,9,999999999,280,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,15.6,100,99300,0,0,377,0,0,0,0,0,0,0,40,4.1,10,10,1.3,30,9,999999999,270,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,15.6,100,99300,0,0,377,0,0,0,0,0,0,0,30,4.6,10,10,2.4,60,9,999999999,270,0.1000,0,88,999.000,999.0,99.0 +1979,6,8,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,15.6,97,99300,0,0,380,0,0,0,0,0,0,0,50,2.6,10,10,0.8,60,9,999999999,270,0.1000,0,88,999.000,999.0,99.0 +1979,6,9,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,15.6,93,99300,0,0,383,0,0,0,0,0,0,0,50,2.6,10,10,1.6,60,9,999999999,270,0.1000,0,88,999.000,999.0,99.0 +1979,6,9,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,16.1,97,99200,0,0,384,0,0,0,0,0,0,0,360,1.5,10,10,3.2,120,9,999999999,280,0.1000,0,88,999.000,999.0,99.0 +1979,6,9,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,16.1,93,99200,0,0,386,0,0,0,0,0,0,0,110,3.1,10,10,3.2,120,9,999999999,280,0.1000,0,88,999.000,999.0,99.0 +1979,6,9,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,16.1,93,99200,0,0,386,0,0,0,0,0,0,0,180,1.5,10,10,3.2,180,9,999999999,280,0.1000,0,88,999.000,999.0,99.0 +1979,6,9,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,16.7,90,99200,51,939,393,15,0,15,1700,0,1700,530,220,1.5,10,10,3.2,120,9,999999999,290,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,17.2,90,99200,265,1325,397,59,2,59,6700,100,6700,2130,80,1.5,10,10,3.2,120,9,999999999,300,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,17.8,90,99200,500,1325,400,139,1,139,15800,100,15700,5270,150,2.6,10,10,2.4,180,9,999999999,310,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,18.3,87,99300,725,1325,408,263,0,263,29600,0,29600,10000,20,2.6,10,10,2.4,120,9,999999999,320,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,18.3,87,99300,925,1325,408,335,0,335,38300,0,38300,13690,10,2.6,10,10,2.4,180,9,999999999,320,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,18.9,79,99200,1085,1325,409,374,67,319,41300,6900,35700,13410,130,2.1,9,9,2.4,210,9,999999999,330,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,21.1,74,99200,1195,1325,443,321,2,320,38400,200,38300,14790,150,2.1,10,10,3.2,240,9,999999999,370,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,21.1,72,99200,1247,1325,446,409,2,407,48300,200,48100,17760,140,1.5,10,10,3.2,490,9,999999999,380,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,19.4,69,99100,1237,1325,437,377,7,371,44800,600,44200,16620,50,3.1,10,10,4.8,490,9,999999999,340,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,18.3,67,99100,1167,1325,433,341,2,339,40300,200,40200,15330,50,4.1,10,10,6.4,490,9,999999999,320,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,18.3,69,99000,1041,1325,397,589,361,305,64700,39200,33900,10230,70,3.6,9,6,6.4,7620,9,999999999,320,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,18.3,69,98900,867,1325,391,508,451,214,54600,46600,24000,5480,100,4.1,9,4,6.4,77777,9,999999999,320,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,17.8,71,98800,659,1325,391,298,216,191,32100,22400,20900,4250,70,4.1,9,6,4.8,7620,9,999999999,310,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,16.7,76,98800,429,1325,383,162,128,121,17700,11900,13900,2730,60,4.1,9,7,4.8,7620,9,999999999,290,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,17.8,84,98800,194,1325,407,25,1,25,3000,0,3000,970,20,4.1,10,10,4.8,1400,9,999999999,310,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,18.3,90,98800,16,541,404,1,0,1,0,0,0,0,50,3.1,10,10,4.8,1160,9,999999999,320,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,18.9,90,98800,0,0,408,0,0,0,0,0,0,0,130,3.1,10,10,4.8,1400,9,999999999,330,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,18.9,93,98700,0,0,366,0,0,0,0,0,0,0,150,2.1,3,3,2.4,77777,9,999999999,330,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,19.4,97,98700,0,0,363,0,0,0,0,0,0,0,150,2.6,2,2,2.4,77777,9,999999999,340,0.1380,0,88,999.000,999.0,99.0 +1979,6,9,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,18.9,90,98600,0,0,354,0,0,0,0,0,0,0,190,4.6,0,0,2.4,77777,9,999999999,330,0.1380,0,88,999.000,999.0,99.0 +1979,6,10,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,20.0,93,98500,0,0,369,0,0,0,0,0,0,0,180,3.6,2,2,2.4,77777,9,999999999,350,0.1380,0,88,999.000,999.0,99.0 +1979,6,10,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,20.0,93,98500,0,0,373,0,0,0,0,0,0,0,180,2.6,3,3,6.4,77777,9,999999999,350,0.1380,0,88,999.000,999.0,99.0 +1979,6,10,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,21.1,90,98400,0,0,424,0,0,0,0,0,0,0,240,3.1,10,10,8.0,1830,9,999999999,370,0.1380,0,88,999.000,999.0,99.0 +1979,6,10,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,20.6,90,98400,0,0,408,0,0,0,0,0,0,0,210,4.1,9,9,16.1,2440,9,999999999,360,0.1380,0,88,999.000,999.0,99.0 +1979,6,10,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,20.6,90,98300,51,939,408,10,5,10,1100,300,1100,260,180,3.6,10,9,19.3,2440,9,999999999,360,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,21.1,93,98200,266,1325,420,69,22,64,7500,1800,7100,1640,170,4.6,10,10,12.9,2740,9,999999999,370,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,21.7,90,98100,500,1325,427,101,9,97,11700,600,11500,4040,200,7.2,10,10,11.3,460,9,999999999,380,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,17.2,84,98300,726,1325,403,186,8,182,21600,600,21300,7820,260,6.7,10,10,24.1,850,9,999999999,300,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,15.0,81,98300,925,1325,391,264,12,256,30900,1000,30100,11430,250,7.7,10,10,24.1,370,9,999999999,260,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,12.2,81,98500,1085,1325,373,317,6,312,37300,500,36900,14150,270,8.2,10,10,24.1,490,9,999999999,220,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,11.1,72,98500,1195,1325,374,360,7,354,42700,600,42100,15920,260,7.2,10,10,24.1,520,9,999999999,209,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,11.1,72,98500,1247,1325,374,383,3,380,45400,300,45200,16950,250,9.3,10,10,24.1,520,9,999999999,209,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,11.1,72,98600,1238,1325,374,409,3,406,48200,300,47900,17690,260,8.8,10,10,24.1,610,9,999999999,209,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,11.1,75,98700,1168,1325,372,379,3,376,44500,300,44200,16480,290,10.3,10,10,24.1,490,9,999999999,209,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,10.6,70,98800,1042,1325,374,402,0,402,46100,0,46100,16420,290,10.3,10,10,24.1,670,9,999999999,200,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,10.0,67,98900,869,1325,373,175,1,174,20800,100,20800,8230,290,10.3,10,10,24.1,760,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,9.4,65,99000,660,1325,372,234,0,234,26300,0,26300,8730,280,8.2,10,10,24.1,760,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,9.4,65,99100,430,1325,372,145,1,144,16000,100,16000,4920,300,8.2,10,10,24.1,760,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,8.3,60,99200,196,1325,371,46,0,46,5200,0,5200,1580,330,9.3,10,10,24.1,760,9,999999999,180,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,10.0,67,99300,16,541,363,7,1,7,0,0,0,0,300,3.6,9,9,24.1,760,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,9.4,75,99400,0,0,313,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,7.8,77,99400,0,0,302,0,0,0,0,0,0,0,240,3.1,0,0,24.1,77777,9,999999999,170,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,8.3,77,99400,0,0,304,0,0,0,0,0,0,0,240,3.6,0,0,24.1,77777,9,999999999,180,0.0870,0,88,999.000,999.0,99.0 +1979,6,10,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,10.0,80,99400,0,0,311,0,0,0,0,0,0,0,250,5.2,0,0,24.1,77777,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,11,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,10.0,80,99400,0,0,311,0,0,0,0,0,0,0,240,4.6,0,0,24.1,77777,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,11,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,10.0,80,99400,0,0,311,0,0,0,0,0,0,0,250,3.6,0,0,24.1,77777,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,11,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,10.0,80,99400,0,0,311,0,0,0,0,0,0,0,260,3.6,0,0,24.1,77777,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,11,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,10.0,80,99400,0,0,311,0,0,0,0,0,0,0,260,4.1,0,0,24.1,77777,9,999999999,190,0.0870,0,88,999.000,999.0,99.0 +1979,6,11,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,9.4,80,99400,51,938,308,17,2,17,1900,0,1900,580,270,3.1,0,0,24.1,77777,9,999999999,190,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,11.1,75,99500,266,1325,322,100,137,72,10500,10300,8500,1370,290,3.6,0,0,24.1,77777,9,999999999,209,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,11.1,65,99500,501,1325,332,264,351,130,27500,33200,14900,2530,310,5.2,0,0,24.1,77777,9,999999999,209,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,11.7,61,99500,725,1325,340,455,494,183,48200,50100,20700,4050,300,4.6,0,0,24.1,77777,9,999999999,220,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,12.8,59,99500,925,1325,349,634,584,224,68000,60600,25600,6210,270,4.6,0,0,24.1,77777,9,999999999,230,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,12.2,51,99500,1085,1325,357,787,649,253,82200,65400,28500,9400,290,7.2,0,0,24.1,77777,9,999999999,220,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,12.2,50,99500,1195,1325,359,889,681,272,93500,68900,31200,14430,300,6.2,0,0,24.1,77777,9,999999999,220,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,11.1,43,99500,1247,1325,363,939,698,280,99200,70700,32500,19020,300,6.7,0,0,24.1,77777,9,999999999,209,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,9.4,37,99400,1238,1325,371,896,654,284,94500,66200,32600,18340,290,5.2,1,1,24.1,77777,9,999999999,190,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,12.2,44,99400,1168,1325,401,611,214,422,67200,22800,47000,18840,290,7.2,7,7,24.1,1520,9,999999999,230,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,11.7,42,99400,1043,1325,400,595,247,400,64900,26200,44200,13980,300,6.2,7,7,24.1,1220,9,999999999,220,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,10.6,39,99300,870,1325,394,403,164,296,44200,17300,32800,8490,320,9.3,6,6,24.1,1220,9,999999999,200,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,10.6,40,99300,662,1325,387,328,252,203,35200,26100,22200,4580,320,6.7,5,5,24.1,77777,9,999999999,200,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,11.1,43,99300,432,1325,382,169,110,133,18300,10300,15000,3010,300,5.2,4,4,24.1,77777,9,999999999,209,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,10.6,45,99300,198,1325,373,54,46,48,6000,3100,5600,1020,40,5.2,3,3,24.1,77777,9,999999999,200,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,6.1,41,99400,17,563,351,3,0,3,0,0,0,0,110,4.1,3,3,24.1,77777,9,999999999,160,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,8.3,60,99400,0,0,348,0,0,0,0,0,0,0,140,2.1,7,7,24.1,2440,9,999999999,180,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,8.3,62,99400,0,0,336,0,0,0,0,0,0,0,0,0.0,4,4,24.1,77777,9,999999999,180,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,8.3,67,99400,0,0,328,0,0,0,0,0,0,0,160,2.1,3,3,24.1,77777,9,999999999,180,0.3390,0,88,999.000,999.0,99.0 +1979,6,11,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,8.9,70,99400,0,0,331,0,0,0,0,0,0,0,200,2.1,4,4,24.1,77777,9,999999999,180,0.3390,0,88,999.000,999.0,99.0 +1979,6,12,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,8.9,67,99400,0,0,334,0,0,0,0,0,0,0,0,0.0,4,4,24.1,77777,9,999999999,180,0.3390,0,88,999.000,999.0,99.0 +1979,6,12,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,8.9,75,99400,0,0,310,0,0,0,0,0,0,0,230,2.6,0,0,24.1,77777,9,999999999,180,0.3390,0,88,999.000,999.0,99.0 +1979,6,12,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,8.3,67,99400,0,0,314,0,0,0,0,0,0,0,100,2.1,0,0,24.1,77777,9,999999999,180,0.3390,0,88,999.000,999.0,99.0 +1979,6,12,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,8.9,77,99400,0,0,308,0,0,0,0,0,0,0,20,3.1,0,0,24.1,77777,9,999999999,180,0.3390,0,88,999.000,999.0,99.0 +1979,6,12,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,8.9,77,99500,51,938,308,21,49,16,2000,1600,2000,270,30,3.1,0,0,24.1,77777,9,999999999,180,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,9.4,75,99500,266,1325,313,127,380,50,13000,29100,7100,910,40,3.1,0,0,24.1,77777,9,999999999,190,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,10.0,65,99600,501,1325,326,305,598,78,32000,56400,10600,1550,90,3.1,0,0,19.3,77777,9,999999999,200,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,10.0,57,99600,725,1325,336,502,724,104,53500,72800,13500,2380,60,4.1,0,0,19.3,77777,9,999999999,200,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,10.0,53,99600,925,1325,348,636,701,145,67900,71600,17800,4110,60,3.1,1,1,24.1,77777,9,999999999,200,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,11.1,51,99600,1085,1325,374,628,488,227,69000,51100,27100,8610,70,3.6,6,6,24.1,2440,9,999999999,209,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,9.4,51,99600,1195,1325,374,722,397,362,76800,41500,39400,19930,70,4.6,8,8,24.1,2440,9,999999999,190,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,7.8,49,99700,1247,1325,374,475,148,335,53300,15900,38300,19390,70,5.2,9,9,24.1,2440,9,999999999,170,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,7.8,49,99700,1238,1325,366,780,443,366,83600,46300,40300,24570,100,3.1,9,8,24.1,2440,9,999999999,170,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,9.4,44,99600,1169,1325,379,770,470,355,82000,49100,38600,17720,90,5.7,8,7,24.1,7620,9,999999999,190,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,8.9,43,99500,1044,1325,365,693,535,271,74500,55800,30500,9430,70,6.2,8,3,24.1,77777,9,999999999,180,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,6.7,37,99600,871,1325,365,590,550,229,62900,56800,25500,5920,80,5.2,9,4,24.1,77777,9,999999999,160,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,5.0,36,99600,663,1325,366,293,219,184,31700,22700,20300,4070,70,6.2,9,7,24.1,3050,9,999999999,140,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,3.9,36,99500,434,1325,364,147,54,130,16200,5000,14500,3470,60,5.2,9,8,24.1,7620,9,999999999,140,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,3.9,39,99500,200,1325,341,67,66,57,7300,4500,6600,1210,60,5.2,7,3,24.1,77777,9,999999999,140,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,3.3,40,99600,18,563,360,3,0,3,0,0,0,0,60,4.6,10,9,24.1,7620,9,999999999,130,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,3.9,44,99600,0,0,365,0,0,0,0,0,0,0,60,5.2,10,10,24.1,7620,9,999999999,130,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,4.4,48,99600,0,0,364,0,0,0,0,0,0,0,50,4.1,10,10,24.1,3050,9,999999999,140,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,4.4,50,99600,0,0,360,0,0,0,0,0,0,0,90,4.1,10,10,24.1,3050,9,999999999,140,0.1300,0,88,999.000,999.0,99.0 +1979,6,12,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,6.1,56,99600,0,0,363,0,0,0,0,0,0,0,70,4.1,10,10,24.1,1400,9,999999999,160,0.1300,0,88,999.000,999.0,99.0 +1979,6,13,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,9.4,78,99600,0,0,358,0,0,0,0,0,0,0,10,4.1,10,10,11.3,1400,9,999999999,190,0.1300,0,88,999.000,999.0,99.0 +1979,6,13,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,11.1,87,99600,0,0,360,0,0,0,0,0,0,0,40,4.1,10,10,19.3,1400,9,999999999,209,0.1300,0,88,999.000,999.0,99.0 +1979,6,13,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,11.7,81,99600,0,0,369,0,0,0,0,0,0,0,90,4.6,10,10,24.1,1400,9,999999999,220,0.1300,0,88,999.000,999.0,99.0 +1979,6,13,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,10.6,72,99600,0,0,361,0,0,0,0,0,0,0,90,5.2,10,9,24.1,1400,9,999999999,200,0.1300,0,88,999.000,999.0,99.0 +1979,6,13,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,10.6,70,99600,52,938,356,10,0,10,1200,0,1200,370,60,4.1,8,8,24.1,1400,9,999999999,200,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,11.7,75,99600,266,1324,351,90,123,65,9600,9200,7700,1210,100,6.2,8,7,19.3,1370,9,999999999,220,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,12.8,75,99700,500,1324,358,212,139,159,23000,13500,17900,3680,110,5.2,8,7,19.3,2440,9,999999999,230,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,14.4,73,99700,725,1324,361,450,567,138,46900,56300,16100,3040,140,4.6,4,4,11.3,77777,9,999999999,250,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,15.6,71,99700,924,1324,371,631,565,235,67500,58600,26500,6540,160,5.7,4,4,11.3,77777,9,999999999,270,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,15.6,66,99700,1085,1324,393,392,97,312,43600,10400,35000,11680,130,3.6,8,8,12.9,910,9,999999999,270,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,15.6,66,99700,1195,1324,393,527,208,339,58500,22700,38000,16760,170,3.1,8,8,12.9,850,9,999999999,270,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,15.6,64,99600,1247,1324,396,499,147,360,55700,15800,40900,20880,130,3.1,8,8,14.5,850,9,999999999,270,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,16.7,71,99600,1239,1324,414,365,4,362,43500,400,43200,16350,150,3.6,10,10,14.5,670,9,999999999,290,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,16.1,78,99700,1169,1324,401,301,6,296,36100,500,35600,13880,150,3.1,10,10,12.9,760,9,999999999,280,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,16.1,68,99600,1044,1324,394,523,287,297,57600,31100,33000,10000,160,4.1,9,8,11.3,850,9,999999999,280,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,16.1,66,99700,872,1324,405,385,151,285,42200,15900,31700,8190,160,3.1,9,9,11.3,850,9,999999999,280,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,16.1,66,99600,664,1324,397,345,242,224,37600,24800,25100,5590,160,5.2,8,8,12.9,850,9,999999999,280,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,16.1,68,99600,435,1324,377,222,381,98,23600,34700,12200,1830,150,4.1,4,4,12.9,77777,9,999999999,280,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,15.0,66,99600,201,1324,362,79,274,39,8600,17900,5900,690,110,4.6,3,1,11.3,77777,9,999999999,260,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,15.0,71,99600,19,585,356,8,20,6,0,0,0,0,120,4.1,3,1,11.3,77777,9,999999999,270,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,15.0,73,99600,0,0,347,0,0,0,0,0,0,0,120,4.1,2,0,9.7,77777,9,999999999,260,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,15.0,78,99700,0,0,341,0,0,0,0,0,0,0,120,3.1,0,0,8.0,77777,9,999999999,260,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,15.6,84,99600,0,0,357,0,0,0,0,0,0,0,140,4.6,4,4,9.7,77777,9,999999999,270,0.0950,0,88,999.000,999.0,99.0 +1979,6,13,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,15.0,81,99600,0,0,345,0,0,0,0,0,0,0,150,3.6,3,1,8.0,77777,9,999999999,260,0.0950,0,88,999.000,999.0,99.0 +1979,6,14,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,15.0,84,99500,0,0,336,0,0,0,0,0,0,0,150,3.6,0,0,8.0,77777,9,999999999,260,0.0950,0,88,999.000,999.0,99.0 +1979,6,14,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,15.0,84,99500,0,0,336,0,0,0,0,0,0,0,180,4.1,0,0,8.0,77777,9,999999999,260,0.0950,0,88,999.000,999.0,99.0 +1979,6,14,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,15.6,87,99500,0,0,370,0,0,0,0,0,0,0,160,3.1,8,8,8.0,1400,9,999999999,270,0.0950,0,88,999.000,999.0,99.0 +1979,6,14,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.0,87,99500,0,0,351,0,0,0,0,0,0,0,160,4.1,4,4,8.0,77777,9,999999999,260,0.0950,0,88,999.000,999.0,99.0 +1979,6,14,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,15.6,87,99500,52,938,348,17,2,16,1800,0,1800,550,170,4.6,7,2,4.8,77777,9,999999999,270,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,15.6,84,99600,266,1324,363,93,15,90,10200,700,10000,2800,160,4.1,10,6,6.4,7620,9,999999999,270,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,16.1,76,99600,500,1324,375,209,155,150,22700,15100,17000,3470,170,5.7,10,6,6.4,7620,9,999999999,280,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,16.7,71,99600,725,1324,388,378,268,230,40400,28200,25000,5440,200,4.1,10,7,6.4,7620,9,999999999,290,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,17.8,69,99500,924,1324,399,554,311,336,59400,33400,36000,9810,190,6.2,10,7,6.4,7620,9,999999999,310,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,18.3,64,99500,1084,1324,436,445,136,333,49300,14500,37300,12460,190,5.7,10,10,8.0,7620,9,999999999,320,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,18.3,60,99500,1195,1324,430,401,59,347,44300,6000,38800,17170,210,5.2,10,9,8.0,7620,9,999999999,320,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,18.3,58,99500,1247,1324,417,715,325,408,78800,35400,45400,25460,190,6.2,10,7,8.0,7620,9,999999999,320,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,18.9,57,99400,1239,1324,424,477,129,356,53300,13800,40300,19960,210,6.2,10,7,9.7,7620,9,999999999,330,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,18.3,50,99400,1170,1324,418,833,527,367,88400,55000,39800,18460,190,7.7,10,3,11.3,77777,9,999999999,320,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,17.2,46,99300,1045,1324,416,719,534,298,76700,55600,32700,10480,210,7.7,8,3,12.9,77777,9,999999999,300,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,16.7,46,99300,873,1324,413,568,431,284,61300,46200,30800,7670,180,8.8,10,3,16.1,77777,9,999999999,290,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,16.1,43,99200,666,1324,411,390,396,192,42100,41100,21400,4290,210,6.2,8,2,16.1,77777,9,999999999,280,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,15.6,43,99200,437,1324,407,204,223,131,21700,20800,14800,2670,200,9.3,5,2,16.1,77777,9,999999999,270,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,14.4,41,99200,203,1324,403,58,66,48,6400,4600,5700,1020,190,5.7,4,2,16.1,77777,9,999999999,250,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,14.4,47,99200,19,585,391,5,0,5,0,0,0,0,180,4.1,4,2,16.1,77777,9,999999999,250,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,14.4,50,99300,0,0,373,0,0,0,0,0,0,0,170,5.2,0,0,19.3,77777,9,999999999,250,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.1,15.0,50,99300,0,0,376,0,0,0,0,0,0,0,180,7.2,0,0,19.3,77777,9,999999999,260,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.1,15.0,50,99300,0,0,376,0,0,0,0,0,0,0,190,7.2,0,0,19.3,77777,9,999999999,260,0.2800,0,88,999.000,999.0,99.0 +1979,6,14,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,15.0,54,99300,0,0,371,0,0,0,0,0,0,0,190,7.7,0,0,24.1,77777,9,999999999,260,0.2800,0,88,999.000,999.0,99.0 +1979,6,15,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,14.4,52,99300,0,0,370,0,0,0,0,0,0,0,190,7.7,0,0,24.1,77777,9,999999999,250,0.2800,0,88,999.000,999.0,99.0 +1979,6,15,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,14.4,56,99200,0,0,365,0,0,0,0,0,0,0,200,8.2,0,0,24.1,77777,9,999999999,260,0.2800,0,88,999.000,999.0,99.0 +1979,6,15,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,14.4,58,99200,0,0,362,0,0,0,0,0,0,0,190,6.2,0,0,24.1,77777,9,999999999,250,0.2800,0,88,999.000,999.0,99.0 +1979,6,15,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,14.4,59,99300,0,0,359,0,0,0,0,0,0,0,200,4.6,0,0,24.1,77777,9,999999999,250,0.2800,0,88,999.000,999.0,99.0 +1979,6,15,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,15.0,64,99300,52,938,357,18,13,17,1900,700,1900,410,200,5.2,0,0,14.5,77777,9,999999999,260,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,15.6,64,99300,266,1324,361,113,246,63,11700,18500,8000,1140,200,7.7,0,0,12.9,77777,9,999999999,270,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,16.1,60,99300,500,1324,369,284,474,104,30300,44900,13300,1970,190,8.2,0,0,12.9,77777,9,999999999,280,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,17.2,60,99400,725,1324,377,476,607,141,49500,60200,16400,3100,220,8.2,0,0,11.3,77777,9,999999999,300,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,17.2,56,99400,924,1324,382,655,690,170,69000,70000,20000,4730,210,7.2,0,0,11.3,77777,9,999999999,300,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,17.8,53,99300,1084,1324,391,799,740,191,85200,75700,23100,7300,220,8.8,0,0,12.9,77777,9,999999999,310,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,17.2,48,99300,1194,1324,396,900,770,203,96700,79100,25200,11010,200,9.3,0,0,12.9,77777,9,999999999,300,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,17.2,46,99300,1247,1324,407,856,681,212,92200,70000,26100,14730,210,9.8,1,1,12.9,77777,9,999999999,300,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,17.8,45,99200,1239,1324,414,888,719,213,95600,73800,26300,14150,190,9.3,3,1,12.9,77777,9,999999999,310,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,16.7,41,99200,1170,1324,408,875,762,201,94100,78200,24800,9960,200,6.2,0,0,12.9,77777,9,999999999,290,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,16.7,41,99100,1046,1324,408,763,731,185,81400,74700,22300,6460,210,5.7,0,0,12.9,77777,9,999999999,290,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,16.1,39,99100,874,1324,407,602,667,163,63700,67400,19100,4220,200,7.2,0,0,14.5,77777,9,999999999,280,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,15.0,38,99000,667,1324,415,398,498,149,42900,50000,17600,3110,200,9.3,2,2,14.5,77777,9,999999999,260,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,14.4,37,99100,438,1324,406,213,377,90,23000,34500,11500,1670,200,6.2,2,1,16.1,77777,9,999999999,250,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,13.3,37,99100,204,1324,404,61,63,52,6700,4400,6100,1100,190,5.2,7,2,16.1,77777,9,999999999,230,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,13.3,40,99100,20,585,393,5,2,5,0,0,0,0,200,5.7,2,1,16.1,77777,9,999999999,240,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,27.2,12.8,41,99200,0,0,379,0,0,0,0,0,0,0,210,5.7,0,0,19.3,77777,9,999999999,230,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.1,13.3,45,99200,0,0,374,0,0,0,0,0,0,0,210,7.2,0,0,19.3,77777,9,999999999,240,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,13.3,47,99200,0,0,372,0,0,0,0,0,0,0,210,6.2,0,0,19.3,77777,9,999999999,240,0.2190,0,88,999.000,999.0,99.0 +1979,6,15,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,13.3,48,99200,0,0,369,0,0,0,0,0,0,0,220,6.2,0,0,24.1,77777,9,999999999,240,0.2190,0,88,999.000,999.0,99.0 +1979,6,16,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,13.3,52,99200,0,0,363,0,0,0,0,0,0,0,200,5.7,0,0,24.1,77777,9,999999999,240,0.2190,0,88,999.000,999.0,99.0 +1979,6,16,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,12.8,52,99200,0,0,360,0,0,0,0,0,0,0,200,5.2,0,0,24.1,77777,9,999999999,230,0.2190,0,88,999.000,999.0,99.0 +1979,6,16,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,12.8,55,99200,0,0,355,0,0,0,0,0,0,0,200,4.6,0,0,24.1,77777,9,999999999,230,0.2190,0,88,999.000,999.0,99.0 +1979,6,16,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,12.8,57,99200,0,0,352,0,0,0,0,0,0,0,190,4.6,0,0,24.1,77777,9,999999999,230,0.2190,0,88,999.000,999.0,99.0 +1979,6,16,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,12.8,61,99200,52,937,347,19,5,18,2100,0,2100,610,180,4.1,2,0,24.1,77777,9,999999999,230,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,13.9,61,99200,266,1324,353,105,181,68,11100,13600,8300,1280,180,4.1,0,0,14.5,77777,9,999999999,240,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,15.0,58,99200,500,1324,365,273,407,118,28700,38500,14200,2270,180,4.1,0,0,16.1,77777,9,999999999,260,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,15.6,56,99200,724,1324,372,466,536,171,49600,54400,19800,3750,200,5.7,2,0,16.1,77777,9,999999999,270,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,16.7,54,99100,923,1324,394,600,463,275,63100,47900,29600,7750,190,5.7,7,2,16.1,77777,9,999999999,290,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,17.2,53,99100,1084,1324,395,767,593,280,82600,61900,31800,10740,190,8.2,7,1,16.1,77777,9,999999999,300,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,17.8,51,99100,1194,1324,402,856,642,274,90000,64900,31300,14560,190,7.2,7,1,16.1,77777,9,999999999,310,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,17.2,46,99000,1247,1324,412,872,592,312,91400,59600,35100,21240,180,6.7,6,2,16.1,77777,9,999999999,300,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,17.2,45,98900,1239,1324,416,900,634,305,94500,63900,34500,19890,180,7.2,7,2,16.1,77777,9,999999999,300,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,17.2,43,98800,1171,1324,418,852,648,278,89400,65400,31500,13470,180,9.3,5,2,16.1,77777,9,999999999,290,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,16.1,40,98700,1047,1324,417,712,547,280,76500,57000,31300,9840,190,7.7,5,2,16.1,77777,9,999999999,280,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,15.6,39,98700,875,1324,416,508,389,252,55500,41800,27800,6680,180,7.2,7,2,16.1,77777,9,999999999,270,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,15.6,40,98600,668,1324,414,389,400,188,40800,40000,20600,4030,190,7.2,8,2,16.1,77777,9,999999999,270,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,14.4,39,98600,439,1324,416,173,146,125,18900,13700,14400,2830,180,7.2,8,4,16.1,77777,9,999999999,250,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,14.4,40,98500,206,1324,413,52,26,48,5700,1900,5400,1200,170,7.7,9,4,16.1,77777,9,999999999,250,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,13.9,41,98500,20,607,403,6,0,6,0,0,0,0,190,6.2,8,3,16.1,77777,9,999999999,240,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,27.8,13.9,43,98500,0,0,400,0,0,0,0,0,0,0,200,7.2,5,3,19.3,77777,9,999999999,250,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,27.8,13.9,43,98500,0,0,400,0,0,0,0,0,0,0,200,9.3,3,3,19.3,77777,9,999999999,250,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.7,13.9,45,98500,0,0,385,0,0,0,0,0,0,0,210,7.2,1,1,19.3,77777,9,999999999,240,0.2780,0,88,999.000,999.0,99.0 +1979,6,16,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,14.4,50,98500,0,0,373,0,0,0,0,0,0,0,200,6.2,0,0,19.3,77777,9,999999999,250,0.2780,0,88,999.000,999.0,99.0 +1979,6,17,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,15.0,54,98400,0,0,371,0,0,0,0,0,0,0,210,6.2,0,0,24.1,77777,9,999999999,260,0.2780,0,88,999.000,999.0,99.0 +1979,6,17,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,15.6,58,98400,0,0,369,0,0,0,0,0,0,0,220,5.7,0,0,24.1,77777,9,999999999,270,0.2780,0,88,999.000,999.0,99.0 +1979,6,17,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,16.1,62,98400,0,0,367,0,0,0,0,0,0,0,200,5.7,0,0,24.1,77777,9,999999999,280,0.2780,0,88,999.000,999.0,99.0 +1979,6,17,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,16.7,66,98400,0,0,364,0,0,0,0,0,0,0,210,6.2,0,0,19.3,77777,9,999999999,290,0.2780,0,88,999.000,999.0,99.0 +1979,6,17,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,17.8,71,98500,51,937,366,21,54,16,2100,1700,2000,270,220,4.1,0,0,11.3,77777,9,999999999,310,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,18.3,74,98600,265,1323,411,58,34,51,6400,2700,5800,1360,270,4.6,9,9,12.9,670,9,999999999,320,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,16.7,71,98700,499,1323,394,153,61,129,16700,5800,14500,3680,290,4.6,9,8,19.3,760,9,999999999,290,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,17.2,69,98800,724,1323,377,442,550,140,46100,54600,16200,3070,300,5.2,6,2,24.1,77777,9,999999999,300,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,17.2,69,98800,923,1323,395,500,363,245,53100,37600,26900,6830,10,6.2,8,7,19.3,610,9,999999999,300,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,14.4,71,98900,1083,1323,388,512,108,423,56400,11200,47200,16950,40,6.7,9,9,19.3,490,9,999999999,250,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,15.6,71,99000,1194,1323,387,597,236,383,65600,25700,42400,19160,10,5.2,9,8,19.3,3050,9,999999999,270,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,15.0,68,99000,1247,1323,395,391,132,266,44500,14200,31000,15490,30,6.2,9,9,19.3,520,9,999999999,260,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,14.4,66,99000,1240,1323,369,828,604,260,87800,61400,30100,17160,20,6.7,9,4,24.1,77777,9,999999999,250,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,14.4,62,99100,1171,1323,378,750,452,349,80000,47200,38100,17630,30,5.2,9,5,24.1,7620,9,999999999,250,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,13.3,59,99100,1047,1323,368,700,560,256,75700,58500,29400,8960,20,6.2,7,3,24.1,77777,9,999999999,240,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,12.8,61,99100,876,1323,375,447,240,289,48300,25700,31200,7850,30,6.2,8,7,24.1,3050,9,999999999,230,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,12.2,65,99200,669,1323,390,89,4,87,10800,300,10700,4120,40,7.7,10,10,24.1,1680,9,999999999,220,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,12.8,70,99200,441,1323,354,229,385,102,24300,35200,12600,1920,30,6.2,4,4,24.1,77777,9,999999999,230,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,11.1,70,99200,207,1323,350,66,112,49,7100,7300,5900,900,20,6.2,6,6,24.1,3050,9,999999999,209,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,10.6,72,99200,21,607,371,4,0,4,0,0,0,0,10,6.2,10,10,24.1,1680,9,999999999,200,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,10.0,70,99300,0,0,347,0,0,0,0,0,0,0,20,4.1,7,7,24.1,2440,9,999999999,200,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,10.0,70,99400,0,0,353,0,0,0,0,0,0,0,20,4.6,8,8,24.1,2440,9,999999999,200,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,10.0,70,99300,0,0,360,0,0,0,0,0,0,0,40,6.2,9,9,24.1,1680,9,999999999,200,0.1220,0,88,999.000,999.0,99.0 +1979,6,17,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,10.6,75,99200,0,0,368,0,0,0,0,0,0,0,40,5.7,10,10,24.1,1680,9,999999999,200,0.1220,0,88,999.000,999.0,99.0 +1979,6,18,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,11.1,78,99200,0,0,369,0,0,0,0,0,0,0,50,5.7,10,10,11.3,1680,9,999999999,209,0.1220,0,88,999.000,999.0,99.0 +1979,6,18,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,11.1,83,99200,0,0,363,0,0,0,0,0,0,0,50,3.6,10,10,24.1,2130,9,999999999,209,0.1220,0,88,999.000,999.0,99.0 +1979,6,18,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,11.1,87,99400,0,0,360,0,0,0,0,0,0,0,60,4.6,10,10,19.3,2130,9,999999999,209,0.1220,0,88,999.000,999.0,99.0 +1979,6,18,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,11.1,87,99200,0,0,360,0,0,0,0,0,0,0,110,5.7,10,10,24.1,3050,9,999999999,209,0.1220,0,88,999.000,999.0,99.0 +1979,6,18,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,11.7,90,99400,51,937,343,15,0,15,1700,0,1700,530,30,5.2,9,8,24.1,2740,9,999999999,220,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,11.1,87,99500,265,1323,350,59,12,57,6700,400,6700,2080,40,6.2,10,9,24.1,2740,9,999999999,209,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,12.2,87,99500,499,1323,349,205,77,176,22500,7400,19700,4680,70,6.2,10,8,24.1,7620,9,999999999,220,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,12.2,78,99600,723,1323,365,213,48,187,23500,4800,20900,6050,60,7.7,10,9,24.1,910,9,999999999,220,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,12.2,75,99600,922,1323,379,182,1,181,21800,100,21700,8720,60,5.7,10,10,24.1,7620,9,999999999,220,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,11.7,70,99600,1083,1323,381,315,3,312,37000,300,36800,14150,60,5.2,10,10,24.1,2740,9,999999999,220,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,11.1,72,99600,1194,1323,374,212,7,206,26200,500,25700,10390,40,5.2,10,10,19.3,1160,9,999999999,209,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,11.7,81,99700,1247,1323,369,259,4,255,31700,300,31400,12510,50,4.1,10,10,9.7,1370,9,999999999,220,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,13.3,87,99600,1240,1323,374,365,1,365,43500,100,43400,16450,50,6.7,10,10,11.3,1370,9,999999999,240,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,12.8,75,99500,1172,1323,372,407,6,401,47500,600,47000,17230,30,6.7,10,9,11.3,1370,9,999999999,230,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,12.8,70,99600,1048,1323,359,569,266,359,61900,28800,39000,12510,50,6.2,10,6,19.3,7620,9,999999999,230,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,12.2,65,99600,877,1323,353,564,421,285,60900,45100,30900,7730,20,5.2,10,3,24.1,77777,9,999999999,220,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,10.6,61,99600,670,1323,357,337,213,230,36700,21800,25700,5750,40,6.2,8,6,24.1,2740,9,999999999,200,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,10.0,63,99600,442,1323,379,102,2,101,11600,100,11600,3940,40,5.7,10,10,24.1,760,9,999999999,200,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,8.9,65,99600,208,1323,330,60,48,53,6600,3600,6100,1310,30,5.7,5,2,24.1,77777,9,999999999,180,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,8.3,69,99600,21,628,325,7,0,7,0,0,0,0,30,3.6,8,3,24.1,77777,9,999999999,180,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,7.8,69,99600,0,0,319,0,0,0,0,0,0,0,30,5.2,7,2,24.1,77777,9,999999999,170,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,8.3,72,99600,0,0,323,0,0,0,0,0,0,0,50,3.1,5,3,24.1,77777,9,999999999,180,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,8.9,72,99600,0,0,328,0,0,0,0,0,0,0,40,3.1,4,4,24.1,77777,9,999999999,180,0.3190,0,88,999.000,999.0,99.0 +1979,6,18,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,10.0,78,99600,0,0,352,0,0,0,0,0,0,0,30,3.6,9,9,24.1,3050,9,999999999,200,0.3190,0,88,999.000,999.0,99.0 +1979,6,19,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,10.6,78,99600,0,0,365,0,0,0,0,0,0,0,40,2.6,10,10,24.1,3050,9,999999999,200,0.3190,0,88,999.000,999.0,99.0 +1979,6,19,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,11.1,70,99600,0,0,367,0,0,0,0,0,0,0,70,3.6,9,9,24.1,3660,9,999999999,209,0.3190,0,88,999.000,999.0,99.0 +1979,6,19,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,11.7,73,99600,0,0,368,0,0,0,0,0,0,0,50,5.2,9,9,24.1,3050,9,999999999,220,0.3190,0,88,999.000,999.0,99.0 +1979,6,19,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,11.7,73,99600,0,0,378,0,0,0,0,0,0,0,100,5.2,10,10,24.1,980,9,999999999,220,0.3190,0,88,999.000,999.0,99.0 +1979,6,19,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,12.2,72,99600,51,937,348,16,1,16,1800,0,1800,550,120,4.6,5,4,12.9,77777,9,999999999,220,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,11.7,68,99600,264,1323,360,61,18,57,6700,1500,6400,1490,110,6.2,8,7,12.9,3660,9,999999999,220,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,12.2,68,99600,498,1323,356,188,118,144,20600,11500,16300,3330,120,6.2,5,5,11.3,77777,9,999999999,220,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,13.9,66,99600,722,1323,377,259,80,214,28400,8000,24000,6750,120,5.2,8,7,9.7,1370,9,999999999,250,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,15.6,66,99600,922,1323,373,609,543,229,65300,56300,25900,6350,110,6.2,3,3,6.4,77777,9,999999999,270,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,16.7,64,99500,1082,1323,386,647,354,356,70500,38400,39000,13210,100,6.7,4,4,6.4,77777,9,999999999,290,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,15.6,64,99500,1193,1323,390,788,450,381,83500,46900,41100,21040,120,7.2,7,7,6.4,1830,9,999999999,270,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,17.8,66,99500,1247,1323,408,515,67,452,56900,6900,50400,24640,100,6.2,8,8,6.4,1520,9,999999999,310,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,20.0,65,99400,1240,1323,426,799,362,459,87200,39300,50300,28050,140,7.7,8,8,6.4,1520,9,999999999,350,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,20.6,65,99400,1172,1323,415,799,474,378,84500,49400,40600,19250,150,7.2,5,5,6.4,77777,9,999999999,360,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,21.1,65,99300,1048,1323,434,584,306,342,63700,33200,37400,11850,130,6.2,8,8,6.4,1220,9,999999999,370,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,21.1,63,99300,877,1323,419,541,360,302,58100,38600,32500,8280,130,7.2,4,4,6.4,77777,9,999999999,380,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,21.1,63,99200,671,1323,437,199,10,194,22700,800,22300,7840,130,6.2,8,8,6.4,1220,9,999999999,380,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,20.6,65,99200,443,1323,419,175,148,126,19200,14000,14500,2860,120,5.7,8,6,6.4,2740,9,999999999,360,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,20.0,67,99200,209,1323,398,58,55,50,6400,3900,5800,1060,110,6.2,2,2,6.4,77777,9,999999999,350,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,20.0,69,99100,22,628,399,6,0,6,0,0,0,0,140,8.8,3,3,6.4,77777,9,999999999,350,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,20.0,71,99200,0,0,392,0,0,0,0,0,0,0,150,7.7,2,2,6.4,77777,9,999999999,350,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,20.0,71,99100,0,0,392,0,0,0,0,0,0,0,140,8.8,2,2,8.0,77777,9,999999999,350,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,20.0,74,99100,0,0,384,0,0,0,0,0,0,0,140,7.2,1,1,8.0,77777,9,999999999,350,0.3440,0,88,999.000,999.0,99.0 +1979,6,19,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,20.0,76,99100,0,0,381,0,0,0,0,0,0,0,140,5.7,1,1,8.0,77777,9,999999999,350,0.3440,0,88,999.000,999.0,99.0 +1979,6,20,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,20.0,74,99000,0,0,393,0,0,0,0,0,0,0,150,7.2,4,3,8.0,77777,9,999999999,350,0.3440,0,88,999.000,999.0,99.0 +1979,6,20,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,20.0,76,99000,0,0,386,0,0,0,0,0,0,0,160,8.8,2,2,8.0,77777,9,999999999,350,0.3440,0,88,999.000,999.0,99.0 +1979,6,20,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,20.6,79,99000,0,0,391,0,0,0,0,0,0,0,170,5.7,3,3,8.0,77777,9,999999999,360,0.3440,0,88,999.000,999.0,99.0 +1979,6,20,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,20.0,76,98900,0,0,390,0,0,0,0,0,0,0,150,7.2,3,3,8.0,77777,9,999999999,350,0.3440,0,88,999.000,999.0,99.0 +1979,6,20,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,20.0,76,98900,50,937,404,13,0,13,1500,0,1500,470,170,7.2,9,7,8.0,1220,9,999999999,350,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,20.6,76,99000,263,1323,424,74,5,73,8200,200,8200,2460,200,2.6,10,9,12.9,1220,9,999999999,360,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,20.6,76,98900,497,1323,415,193,44,177,21200,4200,19600,4700,170,5.7,10,8,14.5,2740,9,999999999,360,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,20.6,74,98800,722,1323,427,294,99,240,32300,10000,26900,7390,170,7.2,10,9,14.5,2740,9,999999999,360,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,21.1,69,98800,921,1323,413,572,385,303,61800,41400,32900,8670,170,7.7,9,5,19.3,7620,9,999999999,370,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,20.6,63,98800,1082,1323,415,580,280,350,63300,30400,38400,12950,180,10.3,9,4,24.1,77777,9,999999999,360,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,21.1,61,98700,1193,1323,418,728,335,425,79400,36400,46500,21460,180,9.3,7,3,24.1,77777,9,999999999,370,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,21.1,59,98700,1247,1323,425,858,520,367,92000,54400,40700,26060,170,10.8,8,4,24.1,77777,9,999999999,370,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,21.7,57,98500,1240,1323,428,853,551,335,92200,57700,38000,22800,170,9.8,4,3,24.1,77777,9,999999999,380,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.2,21.7,54,98400,1172,1323,438,800,518,341,85700,54100,37600,17300,190,9.8,4,4,24.1,77777,9,999999999,390,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.2,21.7,54,98300,1049,1323,438,714,566,265,77100,59100,30100,9340,210,8.8,4,4,19.3,77777,9,999999999,380,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,18.3,45,98200,878,1323,460,333,68,288,36700,6900,32100,9880,210,7.2,9,9,24.1,1370,9,999999999,320,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,16.7,41,98300,672,1323,448,257,73,220,28200,7300,24500,6590,220,11.3,8,8,24.1,1370,9,999999999,290,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,16.1,43,98600,444,1323,425,157,71,133,17200,6600,15000,3570,260,8.2,7,6,24.1,7620,9,999999999,280,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,15.6,46,98700,210,1323,415,48,6,47,5400,100,5400,1650,250,4.1,8,6,24.1,7620,9,999999999,270,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,14.4,50,98700,22,628,392,7,0,7,0,0,0,0,230,3.6,4,4,24.1,77777,9,999999999,250,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,15.0,64,98800,0,0,357,0,0,0,0,0,0,0,210,3.1,0,0,24.1,77777,9,999999999,260,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,15.0,66,98800,0,0,355,0,0,0,0,0,0,0,230,4.1,0,0,24.1,77777,9,999999999,260,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,16.1,76,98800,0,0,351,0,0,0,0,0,0,0,220,4.1,0,0,24.1,77777,9,999999999,280,0.3670,0,88,999.000,999.0,99.0 +1979,6,20,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,15.0,66,98800,0,0,355,0,0,0,0,0,0,0,190,3.1,0,0,24.1,77777,9,999999999,260,0.3670,0,88,999.000,999.0,99.0 +1979,6,21,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,14.4,71,98800,0,0,346,0,0,0,0,0,0,0,200,3.1,0,0,24.1,77777,9,999999999,250,0.3670,0,88,999.000,999.0,99.0 +1979,6,21,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,15.0,73,98800,0,0,347,0,0,0,0,0,0,0,210,3.6,0,0,24.1,77777,9,999999999,260,0.3670,0,88,999.000,999.0,99.0 +1979,6,21,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,15.0,68,98800,0,0,352,0,0,0,0,0,0,0,220,4.1,0,0,24.1,77777,9,999999999,260,0.3670,0,88,999.000,999.0,99.0 +1979,6,21,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,14.4,68,98900,0,0,349,0,0,0,0,0,0,0,230,3.6,0,0,24.1,77777,9,999999999,250,0.3670,0,88,999.000,999.0,99.0 +1979,6,21,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,15.0,73,98900,50,937,347,17,12,16,1800,600,1800,390,230,4.1,0,0,24.1,77777,9,999999999,260,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,16.1,71,98900,263,1322,356,110,238,63,11500,17800,8000,1140,250,5.2,0,0,24.1,77777,9,999999999,280,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,16.7,64,98900,496,1322,367,281,465,105,29900,44000,13300,1990,250,6.7,0,0,24.1,77777,9,999999999,290,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,16.1,56,99000,721,1322,375,473,603,142,49100,59800,16500,3100,250,6.2,0,0,24.1,77777,9,999999999,280,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,16.7,51,99000,920,1322,387,649,682,172,68400,69100,20200,4760,230,6.2,0,0,24.1,77777,9,999999999,290,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,15.6,44,98900,1081,1322,391,801,740,193,85300,75700,23300,7340,250,9.3,0,0,24.1,77777,9,999999999,270,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,15.6,42,99000,1193,1322,405,855,727,196,92000,74700,24400,10620,250,10.3,1,1,24.1,77777,9,999999999,270,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,13.3,35,99000,1247,1322,405,876,703,211,94400,72200,26100,14700,270,10.3,1,1,24.1,77777,9,999999999,240,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,13.3,35,99000,1240,1322,405,895,734,205,96600,75500,25700,13770,290,8.8,1,1,24.1,77777,9,999999999,240,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,14.4,37,98900,1173,1322,412,864,720,224,92100,73500,26700,11140,270,8.2,2,2,24.1,77777,9,999999999,250,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,13.3,35,98900,1049,1322,410,678,563,231,71200,56900,26000,7970,280,9.3,2,2,24.1,77777,9,999999999,240,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,12.8,35,98900,879,1322,401,580,584,193,60600,58600,21600,4910,280,10.3,1,1,24.1,77777,9,999999999,230,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,12.2,35,98900,672,1322,397,407,541,133,42500,53100,15400,2800,270,10.3,1,1,24.1,77777,9,999999999,220,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,12.8,37,98900,444,1322,388,211,353,94,22700,32400,11800,1750,270,8.8,0,0,24.1,77777,9,999999999,230,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,12.8,40,98900,211,1322,382,76,157,52,8200,10300,6500,960,270,7.2,1,0,24.1,77777,9,999999999,230,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,13.3,45,98900,23,628,374,8,2,8,0,0,0,0,260,4.1,0,0,24.1,77777,9,999999999,230,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,13.3,50,98900,0,0,366,0,0,0,0,0,0,0,250,4.1,0,0,24.1,77777,9,999999999,240,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,13.3,55,98900,0,0,358,0,0,0,0,0,0,0,250,4.1,0,0,24.1,77777,9,999999999,240,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,13.9,64,99000,0,0,351,0,0,0,0,0,0,0,260,3.1,0,0,24.1,77777,9,999999999,250,0.2220,0,88,999.000,999.0,99.0 +1979,6,21,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,13.3,68,98900,0,0,342,0,0,0,0,0,0,0,260,2.6,0,0,24.1,77777,9,999999999,240,0.2220,0,88,999.000,999.0,99.0 +1979,6,22,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,13.3,75,99000,0,0,335,0,0,0,0,0,0,0,250,3.6,0,0,24.1,77777,9,999999999,240,0.2220,0,88,999.000,999.0,99.0 +1979,6,22,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,13.3,75,99000,0,0,335,0,0,0,0,0,0,0,280,3.1,0,0,24.1,77777,9,999999999,240,0.2220,0,88,999.000,999.0,99.0 +1979,6,22,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,13.3,78,99100,0,0,332,0,0,0,0,0,0,0,320,3.6,0,0,24.1,77777,9,999999999,240,0.2220,0,88,999.000,999.0,99.0 +1979,6,22,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,12.8,81,99000,0,0,332,0,0,0,0,0,0,0,310,2.6,3,1,19.3,77777,9,999999999,230,0.2220,0,88,999.000,999.0,99.0 +1979,6,22,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,13.3,87,99200,49,937,331,19,53,15,2000,1700,1900,250,270,3.1,5,1,19.3,77777,9,999999999,240,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,15.0,81,99200,262,1322,350,121,303,60,12600,22600,8100,1080,310,3.1,7,2,24.1,77777,9,999999999,260,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,15.0,71,99200,495,1322,365,276,435,112,29200,41100,13800,2140,360,5.2,8,3,24.1,77777,9,999999999,260,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,15.6,66,99300,720,1322,376,481,545,183,50900,55200,20800,4030,360,3.1,9,4,24.1,77777,9,999999999,270,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,15.6,64,99300,920,1322,386,453,281,256,49500,30300,28300,7110,260,3.1,9,6,24.1,2740,9,999999999,270,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.6,62,99200,1081,1322,379,682,529,248,74300,55300,29000,9400,260,3.1,9,3,24.1,77777,9,999999999,270,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,15.6,58,99200,1192,1322,381,849,752,168,89600,75900,21000,8460,20,5.7,3,2,24.1,77777,9,999999999,270,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,15.6,60,99200,1246,1322,373,904,821,127,92700,82400,14900,7140,10,5.2,3,1,24.1,77777,9,999999999,270,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.6,62,99300,1240,1322,375,866,726,183,91200,73200,22400,11450,80,4.1,5,2,24.1,77777,9,999999999,270,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.0,60,99300,1173,1322,363,872,838,127,89600,84000,15000,5040,100,5.2,1,0,24.1,77777,9,999999999,260,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.0,60,99200,1050,1322,378,728,650,212,77000,66000,24500,7390,70,4.1,7,3,24.1,77777,9,999999999,260,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,14.4,59,99200,879,1322,375,619,670,174,65100,67600,20100,4500,80,4.6,7,3,24.1,77777,9,999999999,250,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,12.8,59,99200,673,1322,364,280,249,154,30800,26000,17500,3320,40,3.6,7,3,24.1,77777,9,999999999,230,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,12.8,61,99200,445,1322,358,245,476,86,25400,43200,10900,1620,40,4.6,4,2,24.1,77777,9,999999999,230,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,11.1,63,99200,212,1322,341,87,279,44,9400,18800,6400,780,50,6.2,3,1,24.1,77777,9,999999999,209,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,10.6,72,99300,23,650,328,9,24,7,0,0,0,0,30,4.6,2,1,24.1,77777,9,999999999,200,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,10.6,78,99400,0,0,327,0,0,0,0,0,0,0,40,6.2,2,2,24.1,77777,9,999999999,200,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,9.4,75,99400,0,0,329,0,0,0,0,0,0,0,30,6.7,4,4,24.1,77777,9,999999999,190,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,8.9,77,99500,0,0,338,0,0,0,0,0,0,0,20,7.2,8,8,24.1,580,9,999999999,180,0.0980,0,88,999.000,999.0,99.0 +1979,6,22,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,8.3,75,99600,0,0,354,0,0,0,0,0,0,0,30,7.7,10,10,24.1,520,9,999999999,180,0.0980,0,88,999.000,999.0,99.0 +1979,6,23,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,6.1,67,99600,0,0,349,0,0,0,0,0,0,0,20,9.8,10,10,24.1,580,9,999999999,160,0.0980,0,88,999.000,999.0,99.0 +1979,6,23,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,5.6,66,99600,0,0,346,0,0,0,0,0,0,0,20,8.8,10,10,24.1,580,9,999999999,150,0.0980,0,88,999.000,999.0,99.0 +1979,6,23,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,4.4,64,99600,0,0,341,0,0,0,0,0,0,0,20,8.8,10,10,24.1,610,9,999999999,140,0.0980,0,88,999.000,999.0,99.0 +1979,6,23,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,4.4,69,99700,0,0,336,0,0,0,0,0,0,0,40,6.7,10,10,24.1,610,9,999999999,140,0.0980,0,88,999.000,999.0,99.0 +1979,6,23,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,4.4,69,99700,49,915,327,14,4,13,1500,200,1400,330,40,6.7,9,9,24.1,670,9,999999999,140,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,5.0,71,99800,261,1322,337,46,8,44,5300,200,5200,1690,30,7.7,10,10,24.1,580,9,999999999,140,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,5.6,71,99800,494,1322,340,122,3,121,13900,200,13900,4760,40,7.7,10,10,24.1,580,9,999999999,150,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,6.1,69,99800,719,1322,346,154,1,153,18000,100,18000,6820,20,6.2,10,10,24.1,580,9,999999999,160,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,7.2,69,99800,919,1322,353,234,9,228,27600,700,27100,10460,30,7.2,10,10,24.1,580,9,999999999,170,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,7.2,64,99900,1080,1322,341,511,205,343,56500,21900,38600,12770,20,6.2,8,8,24.1,610,9,999999999,160,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,7.8,65,99800,1192,1322,327,796,567,282,83400,57200,31700,14870,40,6.2,9,3,24.1,77777,9,999999999,170,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,7.8,65,99800,1246,1322,324,904,694,247,96200,70800,29400,17050,30,5.2,9,2,24.1,77777,9,999999999,170,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,8.3,65,99800,1240,1322,327,909,665,283,95800,67300,32600,18710,40,7.2,10,2,24.1,77777,9,999999999,180,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,7.2,60,99800,1173,1322,337,609,281,359,67100,30600,40000,16710,30,8.2,10,6,24.1,7620,9,999999999,170,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,7.2,60,99800,1050,1322,346,437,182,293,48800,19500,33300,10380,30,7.7,10,8,24.1,7620,9,999999999,170,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,5.6,55,99700,880,1322,342,442,167,331,48100,17600,36400,9590,30,7.2,10,8,24.1,7620,9,999999999,150,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,5.6,55,99700,674,1322,336,287,180,195,31500,18500,22000,4890,20,8.8,9,7,24.1,7620,9,999999999,150,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,7.2,62,99700,446,1322,344,124,13,120,14000,800,13800,4480,20,7.2,9,8,24.1,7620,9,999999999,160,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,6.1,58,99700,213,1322,342,54,2,53,6000,0,6000,1800,20,6.2,9,8,24.1,7620,9,999999999,160,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,4.4,55,99800,23,650,335,5,0,5,0,0,0,0,20,5.2,8,8,24.1,3050,9,999999999,140,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,3.9,55,99800,0,0,339,0,0,0,0,0,0,0,360,5.2,9,9,24.1,2740,9,999999999,140,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,3.3,53,100000,0,0,339,0,0,0,0,0,0,0,20,4.1,9,9,24.1,2740,9,999999999,130,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,3.9,55,100000,0,0,339,0,0,0,0,0,0,0,350,4.1,9,9,24.1,2740,9,999999999,140,0.1490,0,88,999.000,999.0,99.0 +1979,6,23,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,3.3,55,99900,0,0,345,0,0,0,0,0,0,0,10,3.6,10,10,24.1,2440,9,999999999,130,0.1490,0,88,999.000,999.0,99.0 +1979,6,24,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,3.3,55,99900,0,0,345,0,0,0,0,0,0,0,10,4.1,10,10,24.1,2440,9,999999999,130,0.1490,0,88,999.000,999.0,99.0 +1979,6,24,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,3.3,57,99900,0,0,321,0,0,0,0,0,0,0,20,4.6,7,7,24.1,2440,9,999999999,130,0.1490,0,88,999.000,999.0,99.0 +1979,6,24,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,3.9,61,99900,0,0,313,0,0,0,0,0,0,0,20,4.1,5,5,24.1,77777,9,999999999,140,0.1490,0,88,999.000,999.0,99.0 +1979,6,24,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,3.3,64,99900,0,0,300,0,0,0,0,0,0,0,10,3.6,2,2,24.1,77777,9,999999999,130,0.1490,0,88,999.000,999.0,99.0 +1979,6,24,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,3.9,69,100000,48,914,294,19,61,13,1800,2300,1700,220,20,3.6,1,1,24.1,77777,9,999999999,140,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,7.2,74,100000,260,1322,307,121,377,46,12400,28700,6700,840,20,3.6,1,1,24.1,77777,9,999999999,170,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,10.0,75,100000,493,1322,316,307,634,69,32400,59900,10000,1390,10,5.2,0,0,24.1,77777,9,999999999,200,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,10.6,70,100100,718,1322,324,502,752,91,52600,74400,12100,2030,10,5.2,0,0,24.1,77777,9,999999999,200,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,12.2,70,100200,918,1322,333,675,811,109,71800,81900,14900,2990,30,5.2,0,0,24.1,77777,9,999999999,220,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,12.2,65,100200,1079,1322,338,821,852,121,84200,85200,14500,3620,20,5.2,0,0,24.1,77777,9,999999999,220,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,12.2,63,100200,1191,1322,347,724,660,127,78700,67400,17900,6670,40,4.6,1,1,24.1,77777,9,999999999,220,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,11.7,57,100200,1246,1322,366,726,478,274,80100,50200,32700,19220,60,5.2,7,5,24.1,3050,9,999999999,220,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,11.1,55,100200,1240,1322,352,950,892,112,98000,89600,13800,6280,30,6.2,1,1,24.1,77777,9,999999999,209,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,10.0,51,100200,1173,1322,344,850,813,127,87400,81500,14900,5050,70,4.6,0,0,24.1,77777,9,999999999,200,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,10.0,51,99900,1050,1322,344,792,847,119,81800,84700,14400,3330,50,3.6,0,0,24.1,77777,9,999999999,200,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,8.3,46,100100,880,1322,342,645,812,105,68900,81800,14300,2740,30,6.2,0,0,24.1,77777,9,999999999,180,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,7.8,44,100100,674,1322,341,461,738,86,48600,72600,11500,1870,10,5.2,0,0,24.1,77777,9,999999999,170,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,6.7,42,100100,446,1322,337,265,603,63,28200,55600,9400,1240,30,5.2,0,0,24.1,77777,9,999999999,160,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,4.4,40,100100,213,1322,327,94,350,39,9800,24500,5800,710,20,4.6,0,0,24.1,77777,9,999999999,140,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,2.8,44,100100,24,650,311,11,26,9,0,0,0,0,20,4.1,0,0,24.1,77777,9,999999999,130,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,1.1,45,100200,0,0,299,0,0,0,0,0,0,0,20,3.6,0,0,24.1,77777,9,999999999,120,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,0.6,49,100200,0,0,292,0,0,0,0,0,0,0,30,2.6,0,0,24.1,77777,9,999999999,110,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,0.6,52,100200,0,0,287,0,0,0,0,0,0,0,20,2.6,0,0,24.1,77777,9,999999999,110,0.1050,0,88,999.000,999.0,99.0 +1979,6,24,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,0.6,54,100200,0,0,285,0,0,0,0,0,0,0,350,2.1,0,0,24.1,77777,9,999999999,110,0.1050,0,88,999.000,999.0,99.0 +1979,6,25,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,-0.6,56,100200,0,0,277,0,0,0,0,0,0,0,10,2.1,0,0,24.1,77777,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1979,6,25,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,-0.6,58,100200,0,0,275,0,0,0,0,0,0,0,320,1.5,0,0,24.1,77777,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1979,6,25,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,-1.1,56,100200,0,0,275,0,0,0,0,0,0,0,360,2.1,0,0,24.1,77777,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1979,6,25,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,-0.6,60,100300,0,0,273,0,0,0,0,0,0,0,310,3.1,0,0,24.1,77777,9,999999999,100,0.1050,0,88,999.000,999.0,99.0 +1979,6,25,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,0.6,63,100300,47,914,276,21,61,16,2100,1900,2000,270,30,2.6,0,0,24.1,77777,9,999999999,110,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,6.7,72,100300,259,1322,301,127,412,46,13000,31300,6900,840,10,2.1,0,0,24.1,77777,9,999999999,160,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,11.1,72,100400,492,1322,324,307,628,72,32300,59200,10200,1440,10,2.1,0,0,24.1,77777,9,999999999,209,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,13.3,63,100400,717,1322,348,497,724,102,52900,72700,13400,2330,120,2.1,2,0,24.1,77777,9,999999999,240,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,13.3,55,100400,917,1322,365,649,769,114,68800,77500,15000,3080,130,3.1,2,1,16.1,77777,9,999999999,240,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,12.8,48,100400,1078,1322,365,815,835,130,87100,84700,17800,4740,230,2.1,1,0,16.1,77777,9,999999999,230,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,12.2,44,100400,1191,1322,371,923,838,165,97600,84700,21200,8290,190,3.1,4,0,16.1,77777,9,999999999,230,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,11.7,39,100300,1245,1322,383,895,741,194,93700,74500,23400,12450,160,3.1,7,1,16.1,77777,9,999999999,220,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,10.0,36,100200,1239,1322,377,898,753,190,94200,75800,23100,11820,80,7.2,8,1,16.1,77777,9,999999999,190,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,10.0,38,100200,1173,1322,375,810,737,156,86300,74600,20000,7380,70,4.1,3,1,16.1,77777,9,999999999,200,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,9.4,35,100200,1051,1322,377,745,769,134,79400,77800,17400,4520,120,5.2,3,1,19.3,77777,9,999999999,190,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,8.3,34,100100,881,1322,373,607,753,106,64700,75800,14100,2760,120,5.2,2,1,19.3,77777,9,999999999,180,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,7.2,32,100100,675,1322,361,460,729,90,48300,71500,11800,1920,120,5.2,0,0,19.3,77777,9,999999999,160,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,5.6,31,100100,447,1322,354,266,598,66,28200,55000,9600,1300,120,4.6,0,0,19.3,77777,9,999999999,150,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,4.4,31,100100,213,1322,345,93,333,40,9600,23300,5900,720,100,5.2,0,0,19.3,77777,9,999999999,140,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,2.8,33,100100,24,650,330,11,23,9,0,0,0,0,90,4.1,0,0,19.3,77777,9,999999999,130,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,2.8,37,100100,0,0,323,0,0,0,0,0,0,0,110,3.6,0,0,24.1,77777,9,999999999,130,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,2.8,40,100100,0,0,318,0,0,0,0,0,0,0,140,3.1,0,0,24.1,77777,9,999999999,130,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,2.8,44,100100,0,0,311,0,0,0,0,0,0,0,140,3.6,0,0,24.1,77777,9,999999999,130,0.1130,0,88,999.000,999.0,99.0 +1979,6,25,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,2.8,47,100100,0,0,306,0,0,0,0,0,0,0,170,1.5,0,0,19.3,77777,9,999999999,130,0.1130,0,88,999.000,999.0,99.0 +1979,6,26,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,2.2,47,100100,0,0,303,0,0,0,0,0,0,0,180,2.6,0,0,11.3,77777,9,999999999,120,0.1130,0,88,999.000,999.0,99.0 +1979,6,26,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,2.8,51,100100,0,0,301,0,0,0,0,0,0,0,170,2.6,0,0,12.9,77777,9,999999999,130,0.1130,0,88,999.000,999.0,99.0 +1979,6,26,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,3.3,55,100200,0,0,299,0,0,0,0,0,0,0,200,2.6,0,0,19.3,77777,9,999999999,130,0.1130,0,88,999.000,999.0,99.0 +1979,6,26,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,2.8,55,100200,0,0,297,0,0,0,0,0,0,0,160,2.1,1,0,19.3,77777,9,999999999,130,0.1130,0,88,999.000,999.0,99.0 +1979,6,26,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,3.3,57,100200,47,892,303,21,79,14,2000,2900,1800,240,160,2.1,2,1,14.5,77777,9,999999999,130,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,8.3,67,100200,257,1322,320,125,405,46,12900,30700,6900,840,150,3.1,4,1,19.3,77777,9,999999999,180,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,12.2,63,100200,491,1322,352,283,514,90,29200,47900,11400,1740,190,4.1,5,2,19.3,77777,9,999999999,220,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,12.2,53,100200,716,1322,366,446,529,158,47800,53700,18700,3430,210,6.2,8,2,19.3,77777,9,999999999,220,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,11.7,46,100200,916,1322,368,631,783,86,65500,78100,11400,2250,200,6.2,3,1,19.3,77777,9,999999999,220,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,12.8,44,100100,1078,1322,381,764,796,112,78700,79700,13600,3490,190,6.2,3,1,24.1,77777,9,999999999,230,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,12.8,41,100100,1190,1322,387,889,866,106,91700,86900,13300,4810,200,5.2,1,1,24.1,77777,9,999999999,230,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,12.8,38,100000,1245,1322,398,866,722,183,91200,72800,22500,11830,220,4.1,3,2,24.1,77777,9,999999999,230,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,13.3,38,99900,1239,1322,405,754,592,197,81600,61000,24300,13270,240,5.7,3,3,24.1,77777,9,999999999,240,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,13.3,37,99800,1173,1322,404,866,793,161,91800,80100,20500,7580,250,5.2,2,2,24.1,77777,9,999999999,240,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,12.2,32,99700,1051,1322,409,747,836,82,78000,83800,11200,2750,180,4.6,2,2,24.1,77777,9,999999999,220,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,12.2,32,99700,881,1322,409,612,727,128,64000,72600,15500,3130,210,5.2,2,2,24.1,77777,9,999999999,220,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,12.2,32,99700,675,1322,409,378,484,132,41200,48800,16300,2740,240,6.2,7,2,24.1,77777,9,999999999,220,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,10.6,31,99700,447,1322,404,225,409,88,24300,37600,11600,1630,260,6.2,7,3,24.1,77777,9,999999999,200,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,7.8,30,99700,214,1322,387,68,130,47,7300,8600,5900,850,230,4.1,8,3,24.1,77777,9,999999999,170,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,6.1,31,99800,24,650,401,8,5,7,0,0,0,0,230,3.1,10,9,24.1,7620,9,999999999,150,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,5.0,33,99800,0,0,399,0,0,0,0,0,0,0,210,3.1,10,10,24.1,7620,9,999999999,150,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,5.6,36,99700,0,0,369,0,0,0,0,0,0,0,210,3.6,9,7,24.1,7620,9,999999999,150,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,7.8,41,99600,0,0,375,0,0,0,0,0,0,0,200,3.6,8,7,24.1,7620,9,999999999,170,0.0790,0,88,999.000,999.0,99.0 +1979,6,26,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,8.3,44,99600,0,0,378,0,0,0,0,0,0,0,210,4.1,9,8,24.1,7620,9,999999999,180,0.0790,0,88,999.000,999.0,99.0 +1979,6,27,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,8.3,44,99600,0,0,378,0,0,0,0,0,0,0,200,3.6,9,8,24.1,7620,9,999999999,180,0.0790,0,88,999.000,999.0,99.0 +1979,6,27,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,8.3,46,99600,0,0,395,0,0,0,0,0,0,0,190,4.1,10,10,24.1,7620,9,999999999,180,0.0790,0,88,999.000,999.0,99.0 +1979,6,27,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,9.4,49,99500,0,0,396,0,0,0,0,0,0,0,210,4.1,10,10,24.1,7620,9,999999999,190,0.0790,0,88,999.000,999.0,99.0 +1979,6,27,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,8.9,49,99500,0,0,367,0,0,0,0,0,0,0,200,4.1,9,7,24.1,7620,9,999999999,180,0.0790,0,88,999.000,999.0,99.0 +1979,6,27,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,8.9,51,99500,46,892,364,12,2,12,1400,0,1400,430,200,4.1,10,7,24.1,7620,9,999999999,180,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,10.0,55,99600,256,1322,372,72,32,66,7900,2600,7400,1660,200,3.1,10,8,24.1,7620,9,999999999,200,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,11.7,55,99700,490,1322,376,261,264,163,27500,25500,18000,3460,240,5.2,10,7,19.3,7620,9,999999999,220,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,13.3,54,99700,715,1322,396,218,30,202,24000,3000,22400,6400,220,4.6,10,8,16.1,3660,9,999999999,240,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,14.4,52,99700,915,1322,415,357,75,305,39300,7700,34000,10740,220,4.1,10,9,16.1,3660,9,999999999,250,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,16.7,51,99600,1077,1322,447,315,3,312,37000,300,36800,14130,220,3.6,10,10,16.1,3660,9,999999999,290,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,16.7,49,99600,1189,1322,437,546,128,431,60100,13600,47800,20530,210,4.6,10,9,16.1,7620,9,999999999,290,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,17.2,48,99500,1245,1322,435,421,37,386,46600,3800,43000,21370,230,5.7,9,8,16.1,7620,9,999999999,300,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,18.3,48,99500,1239,1322,444,659,355,326,71500,37200,36600,22180,250,4.1,9,8,16.1,7620,9,999999999,320,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,17.8,46,99500,1173,1322,443,627,273,384,68800,29700,42400,18030,230,5.2,10,8,16.1,7620,9,999999999,310,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,17.8,46,99500,1051,1322,443,534,242,342,58300,26200,37400,11920,210,3.6,10,8,19.3,7620,9,999999999,310,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,16.7,45,99400,881,1322,431,488,289,296,52700,31000,32000,8120,260,5.2,10,7,24.1,7620,9,999999999,290,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,16.1,45,99400,675,1322,422,293,118,234,32000,12100,25800,5870,280,4.6,9,6,24.1,3050,9,999999999,280,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,16.7,46,99400,447,1322,413,203,259,116,21800,24400,13600,2300,260,4.6,5,3,24.1,77777,9,999999999,290,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,16.1,48,99400,214,1322,409,67,77,55,7400,5500,6500,1170,250,4.1,5,4,24.1,77777,9,999999999,280,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,15.6,54,99400,24,650,391,7,2,7,0,0,0,0,230,5.2,4,3,24.1,77777,9,999999999,270,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,14.4,56,99600,0,0,401,0,0,0,0,0,0,0,340,4.6,8,8,24.1,1520,9,999999999,260,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,13.3,57,99600,0,0,399,0,0,0,0,0,0,0,120,2.6,9,9,24.1,1830,9,999999999,240,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,12.8,61,99600,0,0,381,0,0,0,0,0,0,0,160,2.1,8,8,16.1,1520,9,999999999,230,0.1950,0,88,999.000,999.0,99.0 +1979,6,27,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,12.8,63,99600,0,0,386,0,0,0,0,0,0,0,230,1.5,9,9,12.9,1370,9,999999999,230,0.1950,0,88,999.000,999.0,99.0 +1979,6,28,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,12.8,63,99600,0,0,362,0,0,0,0,0,0,0,0,0.0,4,4,11.3,77777,9,999999999,230,0.1950,0,88,999.000,999.0,99.0 +1979,6,28,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,13.3,68,99500,0,0,384,0,0,0,0,0,0,0,210,2.1,9,9,9.7,1370,9,999999999,240,0.1950,0,88,999.000,999.0,99.0 +1979,6,28,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,13.9,70,99500,0,0,384,0,0,0,0,0,0,0,0,0.0,9,9,9.7,980,9,999999999,240,0.1950,0,88,999.000,999.0,99.0 +1979,6,28,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,14.4,73,99500,0,0,396,0,0,0,0,0,0,0,130,2.6,10,10,8.0,370,9,999999999,250,0.1950,0,88,999.000,999.0,99.0 +1979,6,28,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,15.0,76,99500,45,892,397,14,0,14,1600,0,1600,490,40,3.1,10,10,3.2,400,9,999999999,260,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,15.6,76,99600,255,1322,347,127,441,41,13100,33500,6600,760,60,2.6,0,0,6.4,77777,9,999999999,270,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,18.3,76,99600,488,1322,364,304,649,63,31600,60800,9100,1290,80,2.1,0,0,6.4,77777,9,999999999,320,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,20.0,71,99600,713,1322,387,469,681,99,49900,68400,13000,2260,100,3.6,1,1,6.4,77777,9,999999999,350,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,20.0,65,99600,914,1322,388,665,814,99,68700,81000,12600,2360,110,3.1,0,0,8.0,77777,9,999999999,350,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,20.0,61,99500,1076,1322,414,704,628,190,75000,64200,22600,7150,110,3.1,5,4,8.0,77777,9,999999999,350,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,18.9,57,99400,1189,1322,409,850,675,240,90100,68700,28200,12670,80,4.6,10,3,6.4,77777,9,999999999,330,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,18.3,55,99400,1244,1322,412,874,555,349,94000,58100,39200,24480,110,4.6,10,4,6.4,77777,9,999999999,320,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,20.0,57,99300,1239,1322,417,828,576,288,87400,58200,32700,18970,70,4.1,10,3,4.8,77777,9,999999999,350,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,19.4,53,99200,1173,1322,423,755,541,274,82600,56700,32100,13830,140,3.1,10,4,4.8,77777,9,999999999,340,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,17.8,53,99200,1051,1322,418,580,318,327,63500,34500,36000,11330,90,5.2,10,6,6.4,7620,9,999999999,310,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,18.9,57,99100,881,1322,405,582,616,172,61300,62200,19800,4480,90,5.2,7,2,6.4,77777,9,999999999,330,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,18.3,53,99000,675,1322,415,360,390,162,38500,39200,18400,3430,110,5.2,5,4,6.4,77777,9,999999999,320,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,17.2,54,99000,448,1322,401,243,383,114,25500,35100,13600,2170,100,5.2,7,3,6.4,77777,9,999999999,300,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,16.1,60,98900,214,1322,406,67,102,50,7100,6800,6000,910,90,4.1,9,8,8.0,3660,9,999999999,280,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,15.6,60,98900,24,650,423,2,0,1,0,0,0,0,70,3.6,10,10,8.0,1370,9,999999999,270,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,15.0,66,98900,0,0,409,0,0,0,0,0,0,0,110,4.6,10,10,19.3,7620,9,999999999,260,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,16.1,68,98900,0,0,414,0,0,0,0,0,0,0,200,1.5,10,10,8.0,3660,9,999999999,280,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,14.4,73,98900,0,0,396,0,0,0,0,0,0,0,40,10.3,10,10,4.8,610,9,999999999,250,0.0900,0,88,999.000,999.0,99.0 +1979,6,28,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,15.6,81,98800,0,0,395,0,0,0,0,0,0,0,60,6.2,10,10,4.8,3660,9,999999999,270,0.0900,0,88,999.000,999.0,99.0 +1979,6,29,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.1,87,98700,0,0,381,0,0,0,0,0,0,0,120,3.6,9,9,16.1,3660,9,999999999,280,0.0900,0,88,999.000,999.0,99.0 +1979,6,29,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,14.4,90,98700,0,0,345,0,0,0,0,0,0,0,160,4.1,4,4,14.5,77777,9,999999999,250,0.0900,0,88,999.000,999.0,99.0 +1979,6,29,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,13.9,90,98600,0,0,357,0,0,0,0,0,0,0,160,4.1,8,8,6.4,3050,9,999999999,240,0.0900,0,88,999.000,999.0,99.0 +1979,6,29,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.2,93,98600,0,0,394,0,0,0,0,0,0,0,170,3.1,10,10,6.4,610,9,999999999,300,0.0900,0,88,999.000,999.0,99.0 +1979,6,29,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,19.4,93,98500,44,870,409,9,0,9,1100,0,1100,340,210,3.6,10,10,2.4,270,9,999999999,340,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,17.2,93,98500,253,1322,394,23,1,23,2800,0,2800,960,130,5.2,10,10,11.3,610,9,999999999,300,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,18.9,93,98500,487,1322,405,117,2,117,13500,100,13400,4610,150,5.2,10,10,11.3,370,9,999999999,330,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,21.1,100,98400,712,1322,414,212,1,212,24300,100,24200,8640,190,6.2,10,10,6.4,340,9,999999999,370,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,22.8,97,98400,913,1322,429,281,3,279,32500,300,32400,12080,210,6.7,10,10,6.4,340,9,999999999,410,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,22.2,87,98300,1075,1322,422,368,89,295,41000,9500,33200,10900,210,6.2,9,9,9.7,2440,9,999999999,390,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,23.3,82,98200,1188,1322,428,600,180,438,65900,19200,48700,20790,230,4.6,8,8,9.7,580,9,999999999,419,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,18.9,74,98200,1244,1322,427,232,6,226,28600,500,28200,11310,230,6.7,10,10,9.7,520,9,999999999,330,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,16.1,78,98300,1238,1322,401,173,1,172,21800,100,21700,8930,270,5.2,10,10,11.3,610,9,999999999,280,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,16.7,81,98300,1173,1322,402,225,10,216,27600,800,26900,10790,340,1.5,10,10,9.7,610,9,999999999,290,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,17.8,81,98300,1051,1322,410,205,7,199,24800,500,24400,9880,360,4.1,10,10,8.0,1220,9,999999999,300,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,18.3,81,98300,881,1322,414,261,7,256,30200,600,29800,11150,10,5.7,10,10,16.1,610,9,999999999,320,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,17.8,79,98300,675,1322,413,199,1,198,22700,100,22600,7990,10,6.2,10,10,19.3,370,9,999999999,310,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,15.0,76,98400,448,1322,397,106,2,105,12100,100,12000,4090,10,6.7,10,10,14.5,240,9,999999999,260,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,14.4,81,98400,214,1322,387,43,2,43,4900,0,4900,1560,10,6.2,10,10,14.5,270,9,999999999,250,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,15.0,84,98500,24,650,388,9,0,9,0,0,0,0,350,7.2,10,10,14.5,310,9,999999999,260,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,15.6,84,98500,0,0,392,0,0,0,0,0,0,0,350,6.7,10,10,14.5,340,9,999999999,270,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,15.6,84,98500,0,0,392,0,0,0,0,0,0,0,350,6.7,10,10,19.3,460,9,999999999,270,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,15.6,84,98500,0,0,392,0,0,0,0,0,0,0,340,5.7,10,10,19.3,2440,9,999999999,270,0.1400,0,88,999.000,999.0,99.0 +1979,6,29,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,15.0,81,98500,0,0,356,0,0,0,0,0,0,0,340,5.2,5,4,19.3,77777,9,999999999,260,0.1400,0,88,999.000,999.0,99.0 +1979,6,30,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,13.9,81,98500,0,0,343,0,0,0,0,0,0,0,350,6.7,2,2,19.3,77777,9,999999999,240,0.1400,0,88,999.000,999.0,99.0 +1979,6,30,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,13.3,84,98500,0,0,327,0,0,0,0,0,0,0,360,6.2,0,0,19.3,77777,9,999999999,240,0.1400,0,88,999.000,999.0,99.0 +1979,6,30,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,11.7,87,98600,0,0,315,0,0,0,0,0,0,0,310,4.1,0,0,16.1,77777,9,999999999,209,0.1400,0,88,999.000,999.0,99.0 +1979,6,30,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,11.7,90,98600,0,0,326,0,0,0,0,0,0,0,310,2.6,3,3,12.9,77777,9,999999999,209,0.1400,0,88,999.000,999.0,99.0 +1979,6,30,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,11.1,96,98700,43,870,315,14,25,12,1500,1000,1500,250,280,3.1,2,2,9.7,77777,9,999999999,209,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,12.2,96,98700,252,1321,321,108,266,57,11300,19500,7600,1030,310,2.1,2,2,9.7,77777,9,999999999,220,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,17.8,90,98700,485,1321,354,274,512,84,28400,47700,10800,1630,340,4.1,2,1,12.9,77777,9,999999999,310,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,20.0,82,98700,711,1321,375,440,592,119,46200,59000,14400,2650,330,4.1,3,1,14.5,77777,9,999999999,350,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,17.2,79,98700,911,1321,366,655,728,150,69600,74200,18300,4160,330,4.1,2,2,19.3,77777,9,999999999,300,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,13.3,52,98700,1074,1321,375,739,715,154,77400,72000,18800,5320,340,4.1,3,2,19.3,77777,9,999999999,240,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,11.1,40,98600,1187,1321,385,824,571,309,89100,59800,35300,16560,320,4.1,3,3,24.1,77777,9,999999999,200,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,11.7,41,98600,1243,1321,392,857,671,222,91800,68800,27000,15200,310,5.2,4,4,24.1,77777,9,999999999,220,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,10.6,36,98600,1238,1321,400,671,386,308,73100,40500,35100,20830,340,4.1,6,6,24.1,1370,9,999999999,200,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,12.2,41,98500,1172,1321,413,584,289,328,65000,31500,37000,15150,310,5.2,8,8,24.1,1370,9,999999999,220,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,12.2,39,98500,1051,1321,416,622,366,331,68000,39700,36400,11480,20,6.2,8,8,24.1,1370,9,999999999,220,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,16.1,73,98500,881,1321,388,316,267,138,35500,27800,16900,3500,50,5.2,8,8,24.1,1370,9,999999999,280,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,15.6,56,98500,676,1321,391,292,182,199,32100,18800,22500,4990,310,2.6,5,4,24.1,77777,9,999999999,270,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,16.1,60,98500,448,1321,406,88,47,72,9700,4300,8200,2140,310,2.1,8,8,24.1,1370,9,999999999,280,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,15.6,76,98600,214,1321,390,40,0,40,4600,0,4600,1470,360,7.7,9,9,24.1,1370,9,999999999,270,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,13.9,75,98600,24,650,352,7,4,7,0,0,0,0,330,2.6,5,3,24.1,77777,9,999999999,240,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,10.6,61,98600,0,0,348,0,0,0,0,0,0,0,350,3.1,3,3,24.1,77777,9,999999999,200,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.0,11.1,68,98600,0,0,333,0,0,0,0,0,0,0,340,3.2,0,0,24.1,77777,9,999999999,209,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.7,11.7,70,98600,0,0,332,0,0,0,0,0,0,0,360,3.4,0,0,24.1,77777,9,999999999,209,0.1390,0,88,999.000,999.0,99.0 +1979,6,30,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.4,12.2,78,98600,0,0,331,0,0,0,0,0,0,0,340,3.5,0,0,24.1,77777,9,999999999,209,0.1390,0,88,999.000,999.0,99.0 +1986,7,1,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.0,12.8,87,99100,0,0,381,0,0,0,0,0,0,0,70,3.7,10,10,11.3,370,9,999999999,250,0.1390,0,88,999.000,999.0,99.0 +1986,7,1,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,13.3,87,99000,0,0,380,0,0,0,0,0,0,0,90,3.8,10,10,11.3,370,9,999999999,240,0.1390,0,88,999.000,999.0,99.0 +1986,7,1,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.4,13.9,87,98900,0,0,379,0,0,0,0,0,0,0,90,4.0,10,10,11.3,340,9,999999999,240,0.1390,0,88,999.000,999.0,99.0 +1986,7,1,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,14.4,90,98900,0,0,378,0,0,0,0,0,0,0,110,4.1,10,10,11.3,310,9,999999999,250,0.1390,0,88,999.000,999.0,99.0 +1986,7,1,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,14.4,90,99000,42,848,378,11,0,11,1300,0,1300,400,100,2.6,10,10,6.4,310,9,999999999,250,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,15.0,93,98900,249,1321,379,46,0,46,5300,0,5300,1720,80,3.6,10,10,4.8,310,9,999999999,260,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,15.0,93,99000,483,1321,379,156,0,156,17400,0,17400,5570,50,4.6,10,10,4.8,240,9,999999999,260,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,15.6,93,99000,709,1321,383,223,1,222,25300,100,25300,8880,60,4.1,10,10,4.8,180,9,999999999,270,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,15.6,90,99000,910,1321,386,301,1,301,34700,100,34600,12680,90,2.6,10,10,4.8,180,9,999999999,270,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,15.6,87,98900,1072,1321,389,360,1,360,42000,100,41900,15570,80,1.5,10,10,4.8,310,9,999999999,270,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,16.1,87,98900,1186,1321,392,434,1,433,50600,100,50500,18170,20,3.1,10,10,4.8,370,9,999999999,280,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,16.1,87,98900,1242,1321,392,436,1,434,51100,100,51000,18520,10,3.1,10,10,4.8,310,9,999999999,280,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,16.1,84,98800,1237,1321,395,465,0,465,54300,0,54300,19300,70,2.6,10,10,4.8,400,9,999999999,280,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,16.1,90,98700,1172,1321,390,416,0,416,48500,0,48500,17650,50,3.1,10,10,4.8,490,9,999999999,280,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,16.1,90,98700,1051,1321,390,394,1,393,45300,100,45300,16300,10,3.1,10,10,4.8,370,9,999999999,280,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,15.6,97,98700,881,1321,380,171,1,171,20500,100,20500,8180,10,4.1,10,10,1.6,210,9,999999999,270,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,15.6,100,98700,675,1321,377,139,0,139,16300,0,16300,6140,10,4.1,10,10,2.8,210,9,999999999,270,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,16.1,100,98700,448,1321,380,121,1,121,13700,100,13700,4520,10,3.1,10,10,4.8,210,9,999999999,280,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,16.1,100,98700,214,1321,380,58,0,58,6400,0,6400,1920,10,3.1,10,10,4.8,210,9,999999999,280,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,16.1,100,98700,24,650,380,10,0,10,0,0,0,0,10,4.1,10,10,4.8,210,9,999999999,280,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,16.1,100,98800,0,0,380,0,0,0,0,0,0,0,320,3.1,10,10,6.4,520,9,999999999,280,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,98800,0,0,386,0,0,0,0,0,0,0,320,3.6,10,10,6.4,520,9,999999999,270,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,98800,0,0,386,0,0,0,0,0,0,0,320,3.6,10,10,6.4,580,9,999999999,270,0.3450,0,88,999.000,999.0,99.0 +1986,7,1,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,98700,0,0,386,0,0,0,0,0,0,0,320,3.1,10,10,6.4,580,9,999999999,270,0.3450,0,88,999.000,999.0,99.0 +1986,7,2,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,98800,0,0,386,0,0,0,0,0,0,0,320,2.6,10,10,6.4,580,9,999999999,270,0.3450,0,88,999.000,999.0,99.0 +1986,7,2,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,16.1,93,98800,0,0,386,0,0,0,0,0,0,0,330,2.6,10,10,6.4,460,9,999999999,280,0.3450,0,88,999.000,999.0,99.0 +1986,7,2,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,98800,0,0,386,0,0,0,0,0,0,0,310,2.6,10,10,6.4,880,9,999999999,270,0.3450,0,88,999.000,999.0,99.0 +1986,7,2,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,98800,0,0,386,0,0,0,0,0,0,0,320,4.1,10,10,6.4,880,9,999999999,270,0.3450,0,88,999.000,999.0,99.0 +1986,7,2,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,15.6,90,98900,40,848,386,14,0,14,1600,0,1600,490,320,3.6,10,10,8.0,760,9,999999999,270,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,15.6,87,98900,247,1321,389,74,0,74,8200,0,8200,2410,310,3.6,10,10,8.0,880,9,999999999,270,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,15.6,87,99000,482,1321,389,154,1,154,17200,100,17200,5510,290,4.1,10,10,8.0,880,9,999999999,270,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,15.0,81,99000,707,1321,391,241,1,241,27300,100,27200,9340,350,4.1,10,10,11.3,1370,9,999999999,260,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,15.0,76,99100,908,1321,397,327,1,326,37300,100,37300,13330,330,4.1,10,10,11.3,910,9,999999999,260,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,14.4,71,99100,1071,1321,399,375,1,374,43500,100,43400,15950,320,2.6,10,10,11.3,1070,9,999999999,250,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,15.0,68,99100,1185,1321,395,406,62,351,45000,6300,39300,17100,350,3.1,9,9,14.5,1070,9,999999999,260,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,15.0,62,99100,1242,1321,396,639,330,327,69100,34600,36600,22590,330,3.1,8,8,16.1,1070,9,999999999,260,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,15.0,58,99100,1237,1321,395,686,362,346,73900,37900,38300,23380,310,3.1,7,7,19.3,1070,9,999999999,260,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,15.6,60,99100,1172,1321,396,702,499,258,77200,52300,30600,12960,300,3.6,7,7,19.3,1070,9,999999999,270,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,15.0,58,99100,1050,1321,401,499,229,317,54800,24800,35000,10930,320,3.6,8,8,24.1,1070,9,999999999,260,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,15.6,64,99100,881,1321,390,450,338,225,49600,36400,25300,5900,50,5.2,7,7,24.1,1070,9,999999999,270,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,15.6,64,99100,675,1321,390,397,420,183,41800,42200,20200,3930,50,4.6,8,7,24.1,7620,9,999999999,270,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,16.1,71,99100,447,1321,374,198,252,114,21400,23700,13300,2250,40,3.1,4,4,24.1,77777,9,999999999,280,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,13.9,66,99200,213,1321,363,94,252,54,9800,16900,7100,980,40,3.6,3,3,24.1,77777,9,999999999,250,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,11.7,65,99200,23,650,346,9,26,7,0,0,0,0,40,6.7,2,2,24.1,77777,9,999999999,209,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,12.2,75,99300,0,0,328,0,0,0,0,0,0,0,40,3.1,0,0,24.1,77777,9,999999999,220,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,12.8,81,99400,0,0,326,0,0,0,0,0,0,0,40,2.6,0,0,24.1,77777,9,999999999,230,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,12.2,84,99400,0,0,321,0,0,0,0,0,0,0,30,3.1,0,0,16.1,77777,9,999999999,220,0.1040,0,88,999.000,999.0,99.0 +1986,7,2,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,12.2,87,99500,0,0,318,0,0,0,0,0,0,0,20,2.1,0,0,16.1,77777,9,999999999,220,0.1040,0,88,999.000,999.0,99.0 +1986,7,3,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,11.7,93,99500,0,0,310,0,0,0,0,0,0,0,10,2.1,0,0,16.1,77777,9,999999999,220,0.1040,0,88,999.000,999.0,99.0 +1986,7,3,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,11.7,93,99500,0,0,310,0,0,0,0,0,0,0,320,2.1,0,0,16.1,77777,9,999999999,220,0.1040,0,88,999.000,999.0,99.0 +1986,7,3,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,11.1,93,99500,0,0,307,0,0,0,0,0,0,0,330,2.1,0,0,16.1,77777,9,999999999,209,0.1040,0,88,999.000,999.0,99.0 +1986,7,3,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,10.0,90,99600,0,0,304,0,0,0,0,0,0,0,340,1.5,0,0,16.1,77777,9,999999999,200,0.1040,0,88,999.000,999.0,99.0 +1986,7,3,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,10.0,86,99600,39,826,306,15,6,15,1700,300,1700,370,10,2.1,0,0,16.1,77777,9,999999999,190,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,10.6,81,99600,246,1321,314,99,196,62,10400,14100,7800,1160,30,2.6,0,0,24.1,77777,9,999999999,200,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,11.1,72,99700,480,1321,324,265,424,110,28000,39700,13500,2090,40,3.6,1,0,24.1,77777,9,999999999,209,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,10.6,65,99700,706,1321,329,456,566,152,47100,55700,17300,3230,30,3.1,1,0,24.1,77777,9,999999999,200,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,10.6,61,99700,907,1321,334,639,656,185,66700,66200,21200,4960,120,2.6,1,0,24.1,77777,9,999999999,200,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,10.6,55,99700,1070,1321,342,789,718,204,83500,73200,24100,7520,150,3.1,0,0,24.1,77777,9,999999999,200,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,7.8,38,99700,1184,1321,352,900,756,219,96000,77300,26500,11450,170,3.1,0,0,24.1,77777,9,999999999,170,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,9.4,41,99600,1241,1321,356,953,771,226,102100,79000,27800,15290,110,2.1,0,0,24.1,77777,9,999999999,190,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,11.1,43,99500,1237,1321,370,895,702,236,95600,71700,28300,15560,170,3.1,1,1,24.1,77777,9,999999999,209,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,10.6,45,99500,1171,1321,373,802,552,312,86600,57700,35300,15780,100,5.2,3,3,24.1,77777,9,999999999,200,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,11.7,46,99400,1050,1321,377,729,656,207,77200,66700,24000,7260,110,6.2,3,3,24.1,77777,9,999999999,209,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,11.7,46,99300,881,1321,377,577,545,214,62000,56400,24400,5590,110,7.7,3,3,24.1,77777,9,999999999,209,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,12.2,48,99300,675,1321,374,421,522,156,45200,52500,18300,3290,130,4.6,2,2,24.1,77777,9,999999999,220,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,12.8,48,99300,447,1321,372,220,367,97,23500,33700,12100,1810,180,5.2,1,1,24.1,77777,9,999999999,230,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,12.8,52,99200,213,1321,360,76,145,53,8100,9600,6600,980,190,6.2,0,0,24.1,77777,9,999999999,230,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,13.3,57,99200,23,628,355,9,2,9,0,0,0,0,180,4.1,0,0,24.1,77777,9,999999999,240,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,13.3,61,99200,0,0,350,0,0,0,0,0,0,0,180,6.2,0,0,24.1,77777,9,999999999,240,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,13.3,63,99200,0,0,348,0,0,0,0,0,0,0,190,6.7,0,0,24.1,77777,9,999999999,240,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,13.3,66,99200,0,0,345,0,0,0,0,0,0,0,180,6.2,0,0,24.1,77777,9,999999999,240,0.2450,0,88,999.000,999.0,99.0 +1986,7,3,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,12.2,63,99200,0,0,355,0,0,0,0,0,0,0,180,5.7,3,3,24.1,77777,9,999999999,220,0.2450,0,88,999.000,999.0,99.0 +1986,7,4,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,11.1,65,99200,0,0,373,0,0,0,0,0,0,0,180,5.2,9,9,24.1,2440,9,999999999,209,0.2450,0,88,999.000,999.0,99.0 +1986,7,4,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,11.7,70,99200,0,0,363,0,0,0,0,0,0,0,180,6.7,8,8,24.1,1520,9,999999999,209,0.2450,0,88,999.000,999.0,99.0 +1986,7,4,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,12.8,78,99000,0,0,346,0,0,0,0,0,0,0,190,7.7,4,4,24.1,77777,9,999999999,230,0.2450,0,88,999.000,999.0,99.0 +1986,7,4,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,13.9,81,99000,0,0,373,0,0,0,0,0,0,0,180,8.8,9,9,24.1,1160,9,999999999,240,0.2450,0,88,999.000,999.0,99.0 +1986,7,4,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,15.0,84,99000,38,804,347,16,19,14,1700,700,1600,290,180,7.7,8,2,24.1,77777,9,999999999,260,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,15.6,81,98900,244,1321,357,107,243,62,11100,17500,7800,1130,190,7.7,9,3,24.1,77777,9,999999999,270,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,16.1,69,99000,478,1321,377,254,402,108,26900,37600,13300,2050,190,8.2,9,4,24.1,77777,9,999999999,280,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,16.7,66,99000,704,1321,386,350,216,234,38100,22300,26200,5970,210,9.8,9,5,24.1,7620,9,999999999,290,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,18.3,67,98900,906,1321,397,518,365,266,56300,39300,29300,7330,210,10.8,9,5,24.1,7620,9,999999999,320,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,18.9,63,98900,1069,1321,411,750,566,290,80200,59100,32400,10800,210,10.8,9,6,24.1,7620,9,999999999,330,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,19.4,65,98900,1183,1321,423,468,104,375,51900,11100,42000,17570,200,8.2,10,8,24.1,7010,9,999999999,340,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,20.0,65,98900,1240,1321,415,969,764,249,103100,77900,29800,16690,220,8.8,6,6,24.1,7010,9,999999999,350,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,20.6,59,98800,1236,1321,413,905,746,204,97600,76700,25600,13510,220,11.8,6,2,24.1,77777,9,999999999,360,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,21.1,61,98800,1171,1321,422,825,627,268,86800,63400,30500,13130,190,10.3,9,4,24.1,77777,9,999999999,370,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,20.6,55,98800,1050,1321,424,736,635,230,77200,64200,26100,7960,220,8.2,9,3,24.1,77777,9,999999999,360,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,20.6,55,98700,880,1321,420,569,582,181,59600,58600,20500,4670,210,10.3,8,2,24.1,77777,9,999999999,360,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,20.6,57,98700,675,1321,417,416,529,147,44900,53300,17600,3080,200,10.3,8,2,24.1,77777,9,999999999,360,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,21.1,63,98700,446,1321,426,213,297,114,23000,28000,13500,2250,200,8.8,8,6,24.1,7620,9,999999999,370,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,21.1,65,98700,212,1321,415,67,77,55,7400,5400,6500,1170,200,10.3,7,4,24.1,7620,9,999999999,370,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,21.7,69,98800,23,628,410,7,7,6,0,0,0,0,190,9.3,7,3,24.1,77777,9,999999999,380,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.7,21.7,74,98800,0,0,400,0,0,0,0,0,0,0,220,7.2,6,2,24.1,77777,9,999999999,390,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.7,21.7,74,98900,0,0,404,0,0,0,0,0,0,0,190,8.8,3,3,24.1,77777,9,999999999,390,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.7,21.1,72,98900,0,0,403,0,0,0,0,0,0,0,190,8.2,3,3,24.1,77777,9,999999999,380,0.1260,0,88,999.000,999.0,99.0 +1986,7,4,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,21.7,79,99000,0,0,382,0,0,0,0,0,0,0,180,8.2,0,0,24.1,77777,9,999999999,390,0.1260,0,88,999.000,999.0,99.0 +1986,7,5,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,20.6,74,98900,0,0,381,0,0,0,0,0,0,0,190,8.8,0,0,24.1,77777,9,999999999,360,0.1260,0,88,999.000,999.0,99.0 +1986,7,5,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,20.0,72,98900,0,0,380,0,0,0,0,0,0,0,180,7.7,0,0,24.1,77777,9,999999999,350,0.1260,0,88,999.000,999.0,99.0 +1986,7,5,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,18.3,67,99000,0,0,382,0,0,0,0,0,0,0,180,9.8,3,1,16.1,77777,9,999999999,320,0.1260,0,88,999.000,999.0,99.0 +1986,7,5,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,18.9,69,99000,0,0,383,0,0,0,0,0,0,0,180,7.7,4,1,16.1,77777,9,999999999,330,0.1260,0,88,999.000,999.0,99.0 +1986,7,5,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,20.0,74,99000,37,804,384,13,21,12,1500,800,1400,250,190,8.2,4,1,19.3,77777,9,999999999,350,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,20.0,79,99100,242,1321,378,101,235,58,10500,16900,7400,1050,210,6.2,4,1,16.1,77777,9,999999999,350,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,20.6,74,99100,476,1321,381,285,574,76,29700,53500,10400,1490,220,7.7,0,0,12.9,77777,9,999999999,360,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,21.1,72,99100,702,1321,387,474,695,102,50300,69600,13200,2290,210,7.7,0,0,12.9,77777,9,999999999,380,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,21.1,65,99200,904,1321,395,650,761,126,67900,76300,15600,3220,190,7.2,1,0,12.9,77777,9,999999999,370,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,21.1,61,99200,1068,1321,401,795,803,142,84000,81100,18300,4940,190,7.7,1,0,12.9,77777,9,999999999,370,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,21.7,57,99200,1182,1321,411,896,819,159,94900,82900,20600,7790,200,5.7,2,0,12.9,77777,9,999999999,390,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,21.1,55,99200,1239,1321,418,866,748,160,92300,75900,21000,10230,200,7.7,2,1,11.3,77777,9,999999999,370,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.2,21.1,52,99200,1235,1321,424,905,808,147,92500,80900,16600,7430,200,7.7,1,1,11.3,77777,9,999999999,370,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.8,21.1,50,99100,1171,1321,433,836,750,170,88100,75600,20900,7850,190,8.8,2,2,16.1,77777,9,999999999,370,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.8,20.6,49,99100,1049,1321,437,731,652,212,77200,66200,24500,7400,190,8.8,3,3,24.1,77777,9,999999999,370,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,21.1,54,99100,880,1321,431,581,589,188,60700,59200,21200,4820,190,8.2,3,3,24.1,77777,9,999999999,380,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,21.1,54,99100,674,1321,427,408,514,147,44000,51700,17600,3080,190,9.3,2,2,24.1,77777,9,999999999,380,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,20.6,55,99100,446,1321,407,255,546,72,26800,50000,9900,1400,180,7.7,0,0,24.1,77777,9,999999999,360,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,21.1,61,99100,211,1321,401,88,285,43,9400,19200,6300,760,190,9.3,0,0,24.1,77777,9,999999999,370,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,21.1,65,99100,22,628,395,10,14,9,0,0,0,0,190,8.8,0,0,24.1,77777,9,999999999,370,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,27.2,21.1,69,99200,0,0,389,0,0,0,0,0,0,0,180,9.3,0,0,24.1,77777,9,999999999,370,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,27.2,20.6,67,99200,0,0,389,0,0,0,0,0,0,0,180,7.7,0,0,24.1,77777,9,999999999,360,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,27.2,20.0,65,99300,0,0,388,0,0,0,0,0,0,0,180,7.2,0,0,24.1,77777,9,999999999,350,0.1320,0,88,999.000,999.0,99.0 +1986,7,5,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.1,18.3,62,99300,0,0,380,0,0,0,0,0,0,0,190,8.2,0,0,24.1,77777,9,999999999,320,0.1320,0,88,999.000,999.0,99.0 +1986,7,6,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.1,18.3,62,99300,0,0,380,0,0,0,0,0,0,0,190,7.2,0,0,24.1,77777,9,999999999,320,0.1320,0,88,999.000,999.0,99.0 +1986,7,6,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.1,18.3,62,99300,0,0,380,0,0,0,0,0,0,0,190,8.2,0,0,24.1,77777,9,999999999,320,0.1320,0,88,999.000,999.0,99.0 +1986,7,6,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,17.8,71,99300,0,0,366,0,0,0,0,0,0,0,220,6.7,0,0,24.1,77777,9,999999999,310,0.1320,0,88,999.000,999.0,99.0 +1986,7,6,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,18.9,82,99300,0,0,362,0,0,0,0,0,0,0,190,5.2,0,0,24.1,77777,9,999999999,330,0.1320,0,88,999.000,999.0,99.0 +1986,7,6,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,18.9,84,99300,36,782,359,16,36,13,1600,1000,1600,220,190,5.2,0,0,24.1,77777,9,999999999,330,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,19.4,79,99400,240,1321,368,111,356,46,11300,26100,6600,830,190,7.2,0,0,24.1,77777,9,999999999,340,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,20.6,74,99400,474,1321,381,282,576,74,29500,53700,10200,1460,210,6.2,1,0,16.1,77777,9,999999999,370,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,21.1,72,99400,700,1321,387,474,706,97,49100,69500,12300,2070,210,5.7,0,0,12.9,77777,9,999999999,380,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,22.2,70,99400,903,1321,396,653,780,116,68700,78500,15000,3050,210,7.7,0,0,11.3,77777,9,999999999,400,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,22.8,67,99500,1067,1321,403,797,821,130,84900,83300,17600,4600,210,4.6,0,0,11.3,77777,9,999999999,410,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,22.8,61,99500,1181,1321,412,897,844,139,91700,84500,16000,5500,200,5.7,0,0,11.3,77777,9,999999999,410,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,22.8,59,99500,1238,1321,423,884,785,144,90200,78700,16300,7460,210,7.2,1,1,11.3,77777,9,999999999,410,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.2,22.8,58,99500,1235,1321,436,867,692,218,93100,71000,26600,14300,210,7.2,3,3,11.3,77777,9,999999999,419,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.8,22.2,54,99500,1170,1321,442,845,663,257,89200,67200,29600,12580,230,7.7,4,4,11.3,77777,9,999999999,400,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.2,22.8,58,99500,1049,1321,440,705,567,254,76300,59200,29200,8950,220,7.2,4,4,11.3,77777,9,999999999,419,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.2,22.2,56,99400,880,1321,442,491,397,226,52400,41000,25000,5920,210,7.2,5,5,11.3,77777,9,999999999,400,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,22.2,59,99400,674,1321,429,432,609,122,45300,60100,14600,2610,180,5.7,3,3,11.3,77777,9,999999999,400,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,22.8,63,99500,445,1321,423,237,466,81,24700,42400,10400,1540,220,6.7,2,2,11.3,77777,9,999999999,410,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,20.6,87,99800,211,1321,423,25,4,24,2900,0,2900,960,290,6.2,10,10,11.3,880,9,999999999,360,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,20.0,97,99800,22,628,410,4,0,4,0,0,0,0,310,2.6,10,10,14.5,1160,9,999999999,360,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,20.0,97,99600,0,0,370,0,0,0,0,0,0,0,270,2.1,3,3,19.3,77777,9,999999999,350,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.8,97,99700,0,0,353,0,0,0,0,0,0,0,190,3.6,2,2,24.1,77777,9,999999999,310,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,18.9,90,99800,0,0,354,0,0,0,0,0,0,0,190,3.1,0,0,19.3,77777,9,999999999,330,0.1210,0,88,999.000,999.0,99.0 +1986,7,6,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,20.6,97,99800,0,0,365,0,0,0,0,0,0,0,230,2.6,1,1,16.1,77777,9,999999999,370,0.1210,0,88,999.000,999.0,99.0 +1986,7,7,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,20.0,93,99800,0,0,357,0,0,0,0,0,0,0,240,2.6,0,0,16.1,77777,9,999999999,350,0.1210,0,88,999.000,999.0,99.0 +1986,7,7,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,20.6,100,99800,0,0,391,0,0,0,0,0,0,0,280,2.6,8,8,12.9,180,9,999999999,370,0.1210,0,88,999.000,999.0,99.0 +1986,7,7,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,21.1,100,99800,0,0,414,0,0,0,0,0,0,0,280,2.6,10,10,12.9,180,9,999999999,380,0.1210,0,88,999.000,999.0,99.0 +1986,7,7,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,21.1,100,99900,0,0,414,0,0,0,0,0,0,0,0,0.0,10,10,11.3,180,9,999999999,380,0.1210,0,88,999.000,999.0,99.0 +1986,7,7,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,19.4,93,100000,34,782,409,4,0,4,500,0,500,160,290,2.6,10,10,16.1,1160,9,999999999,340,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,18.9,90,100000,237,1321,397,72,10,70,7900,300,7900,2280,10,3.6,9,9,19.3,1400,9,999999999,330,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,18.3,84,100100,472,1321,410,130,3,129,14700,200,14600,4860,360,2.6,10,10,24.1,2440,9,999999999,320,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,17.8,79,100100,699,1321,413,197,8,193,22700,700,22300,8000,40,3.1,10,10,24.1,2740,9,999999999,310,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,16.1,64,100100,901,1321,408,514,295,312,55200,31700,33600,8800,20,2.6,10,9,24.1,2440,9,999999999,280,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,16.1,64,100000,1065,1321,400,535,237,343,58400,25700,37600,12280,80,3.6,10,8,24.1,2440,9,999999999,280,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,13.9,44,100000,1180,1321,400,771,507,316,83000,53000,35600,16510,130,2.6,7,4,24.1,7620,9,999999999,250,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,12.2,36,100000,1238,1321,419,792,453,366,84800,47300,40300,24860,80,3.6,7,7,19.3,2440,9,999999999,220,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,14.4,46,100000,1234,1321,419,745,390,379,79400,40700,41300,25300,80,4.1,10,8,19.3,2440,9,999999999,260,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,13.9,45,100000,1169,1321,436,350,10,341,41400,900,40600,15420,50,4.1,10,10,19.3,2440,9,999999999,250,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,13.3,44,100000,1048,1321,435,242,1,241,28900,100,28800,11530,50,3.1,10,10,24.1,3050,9,999999999,240,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,15.0,52,99900,879,1321,431,208,17,197,24700,1400,23700,9150,40,3.6,10,10,24.1,3050,9,999999999,260,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,17.2,66,99800,673,1321,425,105,8,101,12600,500,12400,4710,40,4.1,10,10,24.1,3660,9,999999999,300,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,17.8,71,99800,444,1321,422,96,5,94,11000,300,10900,3750,70,3.6,10,10,24.1,3660,9,999999999,310,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.6,62,99800,210,1321,419,47,1,47,5300,0,5300,1650,50,3.1,10,10,24.1,3660,9,999999999,270,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,15.0,62,99700,21,606,416,9,0,9,0,0,0,0,80,2.6,10,10,24.1,3660,9,999999999,270,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,14.4,60,99700,0,0,415,0,0,0,0,0,0,0,120,3.1,10,10,24.1,3660,9,999999999,260,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,15.6,68,99700,0,0,410,0,0,0,0,0,0,0,80,3.6,10,10,24.1,880,9,999999999,270,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,16.1,73,99700,0,0,396,0,0,0,0,0,0,0,50,3.1,9,9,24.1,880,9,999999999,280,0.1980,0,88,999.000,999.0,99.0 +1986,7,7,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,17.8,81,99700,0,0,410,0,0,0,0,0,0,0,280,3.1,10,10,19.3,880,9,999999999,310,0.1980,0,88,999.000,999.0,99.0 +1986,7,8,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,18.9,90,99600,0,0,408,0,0,0,0,0,0,0,150,2.1,10,10,24.1,880,9,999999999,330,0.1980,0,88,999.000,999.0,99.0 +1986,7,8,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,19.4,100,99500,0,0,402,0,0,0,0,0,0,0,190,2.6,10,10,19.3,880,9,999999999,340,0.1980,0,88,999.000,999.0,99.0 +1986,7,8,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,18.3,100,99500,0,0,395,0,0,0,0,0,0,0,240,2.1,10,10,24.1,1520,9,999999999,320,0.1980,0,88,999.000,999.0,99.0 +1986,7,8,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,18.3,100,99500,0,0,395,0,0,0,0,0,0,0,0,0.0,10,10,16.1,760,9,999999999,320,0.1980,0,88,999.000,999.0,99.0 +1986,7,8,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,17.2,100,99500,33,760,388,8,0,8,1000,0,1000,300,170,2.1,10,10,14.5,1220,9,999999999,300,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,20.0,100,99500,235,1321,406,37,1,37,4300,0,4300,1420,190,2.1,10,10,8.0,1010,9,999999999,350,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,20.6,100,99500,470,1321,410,90,0,90,10500,0,10500,3710,150,2.1,10,10,3.2,460,9,999999999,360,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,21.1,97,99400,697,1321,406,231,100,178,25600,10400,20100,4520,170,3.1,10,9,6.4,1070,9,999999999,380,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,22.8,85,99400,899,1321,421,377,181,252,41600,19200,28500,7440,210,5.7,10,8,11.3,2740,9,999999999,419,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,22.8,85,99400,1064,1321,409,608,423,265,65500,44200,29900,9690,170,4.1,9,6,11.3,7620,9,999999999,419,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,22.8,77,99300,1179,1321,430,625,334,326,69400,36400,36900,15370,240,4.6,10,8,11.3,610,9,999999999,410,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,22.8,74,99200,1237,1321,433,635,238,411,69800,25900,45500,24680,230,5.2,10,8,11.3,760,9,999999999,410,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,22.8,74,99200,1233,1321,455,204,34,172,22700,3400,19500,9850,250,4.1,10,10,11.3,760,9,999999999,410,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,23.3,79,99100,1169,1321,452,170,6,165,21300,400,20900,8550,220,5.2,10,10,11.3,2440,9,999999999,419,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,23.9,79,99100,1048,1321,428,402,64,350,44200,6600,39000,13890,210,5.7,9,7,11.3,2440,9,999999999,440,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,23.3,74,99100,878,1321,437,307,169,195,34200,18200,22000,5000,230,5.2,9,8,11.3,2440,9,999999999,419,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,23.3,77,99000,672,1321,422,373,388,175,39300,38900,19500,3730,230,5.7,9,6,11.3,2440,9,999999999,430,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,23.3,79,99000,443,1321,452,142,28,133,15600,2600,14700,3580,230,3.1,10,10,11.3,1010,9,999999999,419,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,20.6,74,98900,208,1321,439,40,4,40,4600,0,4600,1460,240,3.6,10,10,11.3,2440,9,999999999,360,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,22.2,82,99000,21,606,441,3,0,3,0,0,0,0,310,2.1,10,10,9.7,760,9,999999999,400,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,23.3,100,99000,0,0,429,0,0,0,0,0,0,0,340,3.1,10,10,8.0,760,9,999999999,419,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,23.3,100,99000,0,0,429,0,0,0,0,0,0,0,280,10.8,10,10,8.0,210,9,999999999,419,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,23.3,100,99000,0,0,429,0,0,0,0,0,0,0,260,7.7,10,10,8.0,610,9,999999999,419,0.1110,0,88,999.000,999.0,99.0 +1986,7,8,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,22.2,100,98600,0,0,422,0,0,0,0,0,0,0,170,7.7,10,10,8.0,610,9,999999999,400,0.1110,0,88,999.000,999.0,99.0 +1986,7,9,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,21.1,100,98800,0,0,414,0,0,0,0,0,0,0,230,3.1,10,10,16.1,1010,9,999999999,370,0.1110,0,88,999.000,999.0,99.0 +1986,7,9,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,21.1,100,98900,0,0,414,0,0,0,0,0,0,0,320,3.1,10,10,19.3,1010,9,999999999,370,0.1110,0,88,999.000,999.0,99.0 +1986,7,9,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,20.0,90,98900,0,0,416,0,0,0,0,0,0,0,280,2.6,10,10,24.1,700,9,999999999,350,0.1110,0,88,999.000,999.0,99.0 +1986,7,9,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,20.0,93,99000,0,0,412,0,0,0,0,0,0,0,270,1.5,10,10,24.1,610,9,999999999,350,0.1110,0,88,999.000,999.0,99.0 +1986,7,9,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,20.6,97,99000,32,738,413,12,0,12,1400,0,1400,420,320,2.1,10,10,24.1,640,9,999999999,360,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.6,93,99000,233,1321,417,52,0,52,5900,0,5900,1850,330,4.1,10,10,24.1,460,9,999999999,360,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.0,90,99100,468,1321,416,99,3,98,11400,200,11400,3960,340,5.2,10,10,24.1,460,9,999999999,350,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.0,90,99100,695,1321,416,180,2,179,20800,200,20700,7560,20,3.6,10,10,11.3,310,9,999999999,350,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,17.2,87,99100,898,1321,400,267,2,265,30900,200,30800,11550,50,5.2,10,10,16.1,310,9,999999999,300,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,16.7,79,99200,1063,1321,405,409,2,408,47100,200,46900,16760,40,5.7,10,10,24.1,580,9,999999999,290,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,16.7,73,99200,1178,1321,412,428,0,428,49900,0,49900,18000,60,5.7,10,10,24.1,610,9,999999999,290,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,16.7,73,99200,1236,1321,400,528,128,409,58600,13700,45800,22860,40,4.6,9,9,24.1,610,9,999999999,290,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,16.1,66,99200,1232,1321,373,929,648,322,96900,65000,36100,20360,360,5.2,10,2,24.1,77777,9,999999999,280,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,16.1,64,99200,1168,1321,376,799,544,316,85900,56900,35600,15790,10,5.2,8,2,24.1,77777,9,999999999,280,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.0,60,99200,1047,1321,374,729,581,268,78500,60600,30400,9440,20,5.7,6,2,24.1,77777,9,999999999,260,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,14.4,60,99200,878,1321,371,506,318,295,54500,34100,31900,8060,30,6.2,5,2,24.1,77777,9,999999999,260,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,13.3,55,99200,671,1321,365,384,446,157,40900,44800,18100,3310,30,5.2,3,1,24.1,77777,9,999999999,240,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,10.6,49,99200,442,1321,356,214,338,101,22700,31000,12300,1900,40,6.2,2,1,24.1,77777,9,999999999,200,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,10.0,53,99200,207,1321,348,66,95,52,7300,6600,6300,1100,30,5.2,1,1,24.1,77777,9,999999999,200,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,9.4,55,99200,20,606,346,5,1,5,0,0,0,0,40,4.6,3,2,24.1,77777,9,999999999,190,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,11.1,68,99300,0,0,336,0,0,0,0,0,0,0,30,3.1,2,1,24.1,77777,9,999999999,209,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,12.2,81,99300,0,0,330,0,0,0,0,0,0,0,30,2.6,2,1,24.1,77777,9,999999999,220,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,11.7,81,99200,0,0,320,0,0,0,0,0,0,0,10,2.1,0,0,24.1,77777,9,999999999,220,0.2750,0,88,999.000,999.0,99.0 +1986,7,9,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,11.7,87,99200,0,0,315,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,220,0.2750,0,88,999.000,999.0,99.0 +1986,7,10,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,12.2,87,99200,0,0,318,0,0,0,0,0,0,0,30,2.6,0,0,24.1,77777,9,999999999,220,0.2750,0,88,999.000,999.0,99.0 +1986,7,10,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,12.8,87,99200,0,0,321,0,0,0,0,0,0,0,10,2.1,0,0,24.1,77777,9,999999999,230,0.2750,0,88,999.000,999.0,99.0 +1986,7,10,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,12.2,87,99200,0,0,324,0,0,0,0,0,0,0,10,2.6,4,1,24.1,77777,9,999999999,220,0.2750,0,88,999.000,999.0,99.0 +1986,7,10,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,12.8,87,99200,0,0,327,0,0,0,0,0,0,0,360,1.5,4,1,24.1,77777,9,999999999,230,0.2750,0,88,999.000,999.0,99.0 +1986,7,10,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,13.3,87,99200,31,716,356,9,1,9,1100,0,1100,330,10,3.1,10,8,24.1,3050,9,999999999,240,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,15.0,87,99200,230,1322,385,48,4,47,5400,100,5400,1710,10,2.1,10,10,24.1,1070,9,999999999,260,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,16.7,84,99200,466,1322,399,106,22,98,11600,2000,10900,2850,70,3.1,10,10,24.1,2440,9,999999999,290,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,17.8,84,99200,693,1322,407,254,15,246,28600,1400,27800,9320,130,3.6,10,10,24.1,1070,9,999999999,310,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,18.9,82,99200,896,1322,417,278,8,273,32200,700,31700,11770,120,5.7,10,10,24.1,1220,9,999999999,330,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,19.4,79,99000,1061,1322,424,372,2,370,43100,200,42900,15780,120,7.7,10,10,8.0,910,9,999999999,340,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,18.9,79,99000,1177,1322,421,361,2,359,42600,200,42400,16020,100,5.7,10,10,6.4,910,9,999999999,330,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,20.0,87,99000,1235,1322,419,278,2,276,33700,200,33600,13310,130,5.2,10,10,6.4,910,9,999999999,350,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,20.6,79,98900,1232,1322,432,394,2,392,46500,200,46400,17260,140,5.2,10,10,6.4,910,9,999999999,360,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,20.0,76,98900,1167,1322,431,421,0,421,49000,0,49000,17750,140,4.1,10,10,8.0,910,9,999999999,350,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,21.1,85,98900,1046,1322,430,238,1,238,28600,100,28500,11410,120,4.6,10,10,8.0,580,9,999999999,380,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.0,90,98800,877,1322,416,194,1,193,22900,100,22900,9000,100,6.7,10,10,3.2,580,9,999999999,350,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,18.9,87,98800,670,1322,411,222,1,221,25000,100,25000,8540,70,5.2,10,10,8.0,910,9,999999999,330,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,18.3,84,98700,441,1322,410,134,0,134,15000,0,15000,4790,100,6.7,10,10,8.0,640,9,999999999,320,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,18.3,81,98600,206,1322,414,53,0,53,5900,0,5900,1780,110,6.2,10,10,9.7,580,9,999999999,320,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,19.4,90,98600,20,584,412,8,0,8,0,0,0,0,130,6.2,10,10,9.7,460,9,999999999,340,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,19.4,90,98600,0,0,412,0,0,0,0,0,0,0,140,4.1,10,10,8.0,240,9,999999999,340,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,20.0,90,98600,0,0,416,0,0,0,0,0,0,0,110,3.1,10,10,6.4,240,9,999999999,350,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,19.4,90,98500,0,0,412,0,0,0,0,0,0,0,140,2.6,10,10,8.0,370,9,999999999,340,0.1530,0,88,999.000,999.0,99.0 +1986,7,10,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,18.9,90,98500,0,0,408,0,0,0,0,0,0,0,150,4.1,10,10,11.3,400,9,999999999,330,0.1530,0,88,999.000,999.0,99.0 +1986,7,11,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,19.4,93,98500,0,0,409,0,0,0,0,0,0,0,160,4.1,10,10,8.0,210,9,999999999,340,0.1530,0,88,999.000,999.0,99.0 +1986,7,11,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,20.0,97,98500,0,0,410,0,0,0,0,0,0,0,170,4.1,10,10,6.4,210,9,999999999,350,0.1530,0,88,999.000,999.0,99.0 +1986,7,11,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,20.0,97,98500,0,0,410,0,0,0,0,0,0,0,200,4.1,10,10,6.4,580,9,999999999,350,0.1530,0,88,999.000,999.0,99.0 +1986,7,11,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,20.0,97,98500,0,0,410,0,0,0,0,0,0,0,180,3.1,10,10,8.0,700,9,999999999,350,0.1530,0,88,999.000,999.0,99.0 +1986,7,11,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,20.0,97,98400,29,716,410,13,0,13,1500,0,1500,450,190,3.1,10,10,6.4,210,9,999999999,350,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,20.0,97,98400,228,1322,410,61,0,61,6800,0,6800,2050,220,3.6,10,10,8.0,340,9,999999999,350,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,20.0,93,98500,464,1322,412,130,1,129,14600,100,14600,4810,200,4.1,10,10,6.4,180,9,999999999,350,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.6,93,98500,691,1322,417,217,1,216,24600,100,24600,8580,180,4.6,10,10,4.8,180,9,999999999,360,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.6,93,98500,894,1322,417,176,1,175,21000,100,21000,8380,220,5.7,10,10,8.0,240,9,999999999,360,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,20.6,90,98500,1060,1322,419,214,0,214,25900,0,25900,10510,220,5.2,10,10,6.4,310,9,999999999,360,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,21.1,94,98500,1175,1322,420,271,1,270,32700,100,32600,12940,190,4.1,10,10,8.0,340,9,999999999,370,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,21.1,90,98400,1234,1322,424,451,1,450,52700,100,52600,18890,200,5.7,10,10,16.1,760,9,999999999,370,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,21.7,90,98300,1231,1322,427,422,1,421,49600,100,49500,18100,240,3.1,10,10,24.1,1680,9,999999999,380,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,21.7,87,98400,1167,1322,431,402,0,401,46900,0,46900,17210,230,5.2,10,10,24.1,490,9,999999999,380,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,21.7,85,98300,1045,1322,422,410,82,345,45200,8400,38600,13690,180,5.7,10,9,24.1,490,9,999999999,380,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,21.7,79,98300,876,1322,413,509,382,256,55400,41000,28200,6820,180,5.7,8,7,24.1,3660,9,999999999,380,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,21.1,77,98200,669,1322,404,384,374,195,41400,38900,21700,4380,200,5.2,5,5,24.1,77777,9,999999999,370,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,21.1,77,98200,440,1322,401,203,200,137,22100,18800,15900,3110,190,4.1,8,4,24.1,77777,9,999999999,370,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,21.1,79,98300,204,1322,436,52,8,51,5800,100,5800,1730,200,4.1,10,10,24.1,1010,9,999999999,370,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,20.6,79,98300,19,584,405,7,0,7,0,0,0,0,190,4.1,9,7,24.1,1010,9,999999999,360,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,21.1,85,98300,0,0,430,0,0,0,0,0,0,0,180,3.6,10,10,16.1,700,9,999999999,370,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,21.1,87,98300,0,0,426,0,0,0,0,0,0,0,220,3.1,10,10,11.3,580,9,999999999,370,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,19.4,90,98300,0,0,412,0,0,0,0,0,0,0,230,5.7,10,10,6.4,760,9,999999999,340,0.2260,0,88,999.000,999.0,99.0 +1986,7,11,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,21.1,94,98300,0,0,420,0,0,0,0,0,0,0,200,3.6,10,10,8.0,760,9,999999999,370,0.2260,0,88,999.000,999.0,99.0 +1986,7,12,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,20.6,93,98300,0,0,377,0,0,0,0,0,0,0,220,3.1,3,3,11.3,77777,9,999999999,360,0.2260,0,88,999.000,999.0,99.0 +1986,7,12,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,18.9,93,98200,0,0,358,0,0,0,0,0,0,0,230,2.6,1,1,11.3,77777,9,999999999,320,0.2260,0,88,999.000,999.0,99.0 +1986,7,12,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.3,93,98200,0,0,347,0,0,0,0,0,0,0,250,3.1,0,0,11.3,77777,9,999999999,310,0.2260,0,88,999.000,999.0,99.0 +1986,7,12,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,18.3,97,98300,0,0,345,0,0,0,0,0,0,0,220,3.6,0,0,14.5,77777,9,999999999,320,0.2260,0,88,999.000,999.0,99.0 +1986,7,12,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,18.9,97,98300,28,694,360,10,0,10,1200,0,1200,360,200,3.1,7,2,16.1,77777,9,999999999,330,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,19.4,93,98300,225,1322,370,76,43,69,8300,3300,7800,1650,220,2.6,8,3,19.3,77777,9,999999999,340,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,20.6,97,98300,461,1322,413,76,39,63,8500,3600,7200,1920,210,4.1,10,10,4.8,90,9,999999999,360,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,21.7,97,98300,689,1322,421,232,4,230,26200,400,26000,8920,190,3.1,10,10,3.2,120,9,999999999,380,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,21.1,97,98400,893,1322,417,151,6,147,18300,400,18000,7240,270,6.7,10,10,0.0,0,9,999999999,370,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,22.2,90,98300,1058,1322,431,412,8,406,47400,800,46800,16680,0,0.0,10,10,11.3,340,9,999999999,390,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,20.0,74,98300,1174,1322,423,370,49,326,40900,5000,36500,15700,200,3.1,10,9,14.5,880,9,999999999,350,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,20.6,79,98300,1233,1322,432,357,14,344,42600,1200,41500,15740,210,3.6,10,10,14.5,640,9,999999999,360,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,20.0,72,98200,1230,1322,406,784,375,433,85700,40800,47700,25300,240,5.7,10,6,16.1,7620,9,999999999,350,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,20.6,69,98200,1166,1322,418,652,298,388,71400,32400,42700,17840,240,5.7,8,7,24.1,7620,9,999999999,360,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,20.6,65,98200,1045,1322,409,681,411,355,73900,44500,38700,12300,240,4.6,8,3,24.1,77777,9,999999999,360,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,20.6,69,98200,875,1322,446,160,21,146,17700,2100,16300,5480,240,6.2,10,10,24.1,910,9,999999999,360,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,20.0,67,98200,668,1322,412,337,246,213,36000,25500,23100,4870,230,6.2,8,6,24.1,2440,9,999999999,350,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,20.0,69,98200,439,1322,409,171,124,130,18600,11700,14800,2950,230,6.7,8,6,24.1,2130,9,999999999,350,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,20.6,76,98200,203,1322,397,74,6,73,8000,200,8000,2130,230,5.2,8,4,24.1,77777,9,999999999,360,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,21.1,82,98200,18,562,401,3,0,3,0,0,0,0,230,5.7,6,6,24.1,2130,9,999999999,370,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,21.1,85,98300,0,0,389,0,0,0,0,0,0,0,230,4.6,3,3,24.1,77777,9,999999999,370,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,21.7,90,98400,0,0,400,0,0,0,0,0,0,0,240,5.2,7,7,16.1,910,9,999999999,380,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,21.1,87,98400,0,0,377,0,0,0,0,0,0,0,260,5.7,1,1,16.1,77777,9,999999999,370,0.3160,0,88,999.000,999.0,99.0 +1986,7,12,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,20.6,90,98400,0,0,370,0,0,0,0,0,0,0,280,4.6,1,1,14.5,77777,9,999999999,360,0.3160,0,88,999.000,999.0,99.0 +1986,7,13,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,18.3,84,98500,0,0,356,0,0,0,0,0,0,0,290,4.1,0,0,24.1,77777,9,999999999,320,0.3160,0,88,999.000,999.0,99.0 +1986,7,13,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,17.8,87,98500,0,0,356,0,0,0,0,0,0,0,280,2.6,1,1,24.1,77777,9,999999999,310,0.3160,0,88,999.000,999.0,99.0 +1986,7,13,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,17.8,93,98600,0,0,351,0,0,0,0,0,0,0,260,3.1,1,1,24.1,77777,9,999999999,310,0.3160,0,88,999.000,999.0,99.0 +1986,7,13,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.8,97,98600,0,0,348,0,0,0,0,0,0,0,240,2.6,3,1,24.1,77777,9,999999999,310,0.3160,0,88,999.000,999.0,99.0 +1986,7,13,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,17.2,97,98700,27,672,353,9,2,9,1100,0,1100,330,240,1.5,6,3,24.1,77777,9,999999999,300,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,17.8,90,98800,223,1322,362,70,82,56,7600,5900,6600,1190,230,3.6,7,3,24.1,77777,9,999999999,310,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,17.8,81,98800,459,1322,355,253,453,94,26900,42000,12300,1750,250,4.1,0,0,24.1,77777,9,999999999,310,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,17.8,71,98800,687,1322,366,446,602,131,46400,59400,15500,2800,240,4.6,0,0,24.1,77777,9,999999999,310,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,17.8,64,98800,891,1322,374,627,683,163,65900,69200,19200,4340,230,6.7,1,0,24.1,77777,9,999999999,310,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,18.3,62,98800,1057,1322,388,733,667,197,77700,68000,23200,7040,240,7.7,5,1,24.1,77777,9,999999999,320,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,18.3,58,98800,1173,1322,393,819,682,210,87400,69800,25300,10530,250,8.8,3,1,24.1,77777,9,999999999,320,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,17.2,49,98800,1232,1322,401,881,729,199,95100,75000,25100,12880,270,9.3,3,1,24.1,77777,9,999999999,300,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,15.6,44,98900,1229,1322,408,854,647,250,90700,65900,29300,15760,270,10.3,3,3,24.1,77777,9,999999999,270,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,13.9,40,98900,1165,1322,406,822,653,245,86900,66300,28400,11800,290,10.8,3,3,24.1,77777,9,999999999,250,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,14.4,41,99000,1044,1322,403,763,707,204,80800,71900,23900,7050,270,9.8,2,2,24.1,77777,9,999999999,250,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,14.4,43,99000,874,1322,394,589,634,169,61900,64000,19500,4360,280,7.7,1,1,24.1,77777,9,999999999,250,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,13.9,41,99000,667,1322,394,393,525,129,41100,51600,15000,2710,290,7.7,1,1,24.1,77777,9,999999999,240,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,14.4,46,99000,437,1322,381,234,438,90,25100,40000,11900,1670,280,6.7,0,0,24.1,77777,9,999999999,250,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,13.9,49,99100,201,1322,373,75,172,49,8000,11000,6300,900,310,3.6,0,0,24.1,77777,9,999999999,250,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,16.1,64,99200,17,562,364,8,3,8,0,0,0,0,290,2.6,0,0,24.1,77777,9,999999999,280,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,16.7,73,99200,0,0,357,0,0,0,0,0,0,0,270,2.6,0,0,24.1,77777,9,999999999,290,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,16.7,79,99300,0,0,351,0,0,0,0,0,0,0,280,2.6,0,0,24.1,77777,9,999999999,290,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,16.1,84,99300,0,0,343,0,0,0,0,0,0,0,240,3.1,0,0,24.1,77777,9,999999999,280,0.2060,0,88,999.000,999.0,99.0 +1986,7,13,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.1,87,99400,0,0,340,0,0,0,0,0,0,0,250,3.1,0,0,24.1,77777,9,999999999,280,0.2060,0,88,999.000,999.0,99.0 +1986,7,14,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.7,90,99400,0,0,340,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,290,0.2060,0,88,999.000,999.0,99.0 +1986,7,14,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,16.1,90,99400,0,0,338,0,0,0,0,0,0,0,290,2.6,0,0,24.1,77777,9,999999999,280,0.2060,0,88,999.000,999.0,99.0 +1986,7,14,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,16.1,93,99400,0,0,335,0,0,0,0,0,0,0,330,2.6,0,0,24.1,77777,9,999999999,280,0.2060,0,88,999.000,999.0,99.0 +1986,7,14,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,99500,0,0,349,0,0,0,0,0,0,0,320,2.1,7,3,24.1,77777,9,999999999,270,0.2060,0,88,999.000,999.0,99.0 +1986,7,14,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,16.1,87,99500,25,650,367,7,2,7,0,0,0,0,230,1.5,8,7,24.1,2440,9,999999999,280,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,16.1,81,99600,220,1322,373,72,111,53,7600,7500,6400,970,10,1.5,8,7,24.1,2440,9,999999999,280,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,16.7,79,99700,456,1322,376,173,99,138,18700,9400,15500,3150,80,2.6,10,6,24.1,7620,9,999999999,290,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,16.7,73,99600,685,1322,386,334,259,199,35900,27000,21900,4510,70,3.1,10,7,24.1,7620,9,999999999,290,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,16.7,69,99600,889,1322,391,440,196,307,48000,20700,34100,8970,60,3.6,10,7,24.1,7620,9,999999999,290,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,17.2,69,99600,1055,1322,390,615,406,289,65600,42300,31800,10410,70,4.1,10,6,24.1,7620,9,999999999,300,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,16.1,62,99600,1172,1322,389,750,445,353,79700,46500,38500,17940,110,2.6,10,5,24.1,77777,9,999999999,280,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,16.7,62,99600,1230,1322,392,663,395,294,72500,41400,33800,19050,60,5.2,10,5,24.1,77777,9,999999999,290,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,16.7,60,99600,1228,1322,392,658,394,291,72000,41300,33600,18600,60,5.2,10,4,24.1,77777,9,999999999,290,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,16.7,62,99600,1164,1322,377,832,780,143,89100,79200,19200,6640,60,5.2,3,1,24.1,77777,9,999999999,290,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,16.7,64,99500,1043,1322,380,734,660,212,77400,67000,24500,7270,60,5.7,7,2,24.1,77777,9,999999999,290,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,16.1,64,99500,873,1322,380,579,601,182,60600,60400,20600,4640,80,5.2,8,3,24.1,77777,9,999999999,280,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,15.6,66,99500,666,1322,373,320,270,183,34500,28100,20300,4050,80,5.7,7,3,24.1,77777,9,999999999,270,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,15.0,68,99500,436,1322,367,228,384,102,24100,35000,12600,1920,90,4.6,5,3,24.1,77777,9,999999999,260,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,13.9,66,99500,199,1322,363,77,213,45,8100,13800,6000,800,50,4.6,4,3,24.1,77777,9,999999999,250,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,13.3,63,99500,17,540,376,4,1,4,0,0,0,0,90,4.1,8,7,24.1,2130,9,999999999,240,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,14.4,73,99500,0,0,367,0,0,0,0,0,0,0,70,3.6,6,6,24.1,2130,9,999999999,250,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,15.0,73,99500,0,0,381,0,0,0,0,0,0,0,80,4.1,8,8,24.1,1680,9,999999999,260,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,15.6,76,99500,0,0,390,0,0,0,0,0,0,0,110,2.6,9,9,24.1,1680,9,999999999,270,0.1200,0,88,999.000,999.0,99.0 +1986,7,14,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,15.6,73,99500,0,0,404,0,0,0,0,0,0,0,40,2.6,10,10,24.1,880,9,999999999,270,0.1200,0,88,999.000,999.0,99.0 +1986,7,15,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,16.1,78,99500,0,0,390,0,0,0,0,0,0,0,100,2.1,9,9,24.1,880,9,999999999,280,0.1200,0,88,999.000,999.0,99.0 +1986,7,15,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,16.1,78,99500,0,0,390,0,0,0,0,0,0,0,60,4.1,9,9,24.1,1010,9,999999999,280,0.1200,0,88,999.000,999.0,99.0 +1986,7,15,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,17.2,87,99500,0,0,367,0,0,0,0,0,0,0,90,3.1,5,5,24.1,77777,9,999999999,300,0.1200,0,88,999.000,999.0,99.0 +1986,7,15,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,17.8,93,99500,0,0,356,0,0,0,0,0,0,0,110,3.1,2,2,24.1,77777,9,999999999,310,0.1200,0,88,999.000,999.0,99.0 +1986,7,15,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,17.2,90,99500,24,650,359,10,2,10,0,0,0,0,130,1.5,3,3,24.1,77777,9,999999999,300,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,17.8,84,99500,218,1322,353,85,186,54,9000,12500,6900,1000,120,2.6,0,0,24.1,77777,9,999999999,310,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,18.3,79,99500,454,1322,361,246,427,98,26000,39400,12500,1840,140,3.6,1,0,11.3,77777,9,999999999,320,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,20.0,76,99500,683,1322,400,269,200,165,29300,20900,18500,3610,180,3.6,8,6,11.3,310,9,999999999,350,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,21.7,79,99400,887,1322,413,427,187,301,46700,19700,33400,8780,170,4.1,8,7,11.3,340,9,999999999,390,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,22.8,74,99400,1053,1322,418,641,397,322,67600,41300,34600,11640,220,4.6,10,5,11.3,77777,9,999999999,410,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,21.7,65,99400,1170,1322,420,755,451,354,80300,47100,38500,17890,180,1.5,10,4,11.3,77777,9,999999999,390,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,22.2,61,99300,1229,1322,426,891,611,320,92900,61300,35800,19860,200,4.6,10,3,11.3,77777,9,999999999,400,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,22.8,59,99200,1227,1322,437,800,497,337,86200,52000,37800,21520,190,4.1,8,4,11.3,77777,9,999999999,410,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,23.3,61,99200,1163,1322,450,709,415,343,75600,43300,37500,16860,190,6.7,8,7,11.3,1070,9,999999999,419,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,23.3,61,99200,1041,1322,434,646,422,312,68300,43900,33700,10960,180,7.2,8,3,14.5,77777,9,999999999,419,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.2,23.9,61,99200,871,1322,438,540,481,222,57600,49700,24800,5740,180,7.2,8,3,19.3,77777,9,999999999,440,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.2,23.3,59,99100,664,1322,460,226,101,175,24900,10400,19700,4360,180,8.8,10,8,24.1,7620,9,999999999,419,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,22.8,67,99100,434,1322,465,74,5,72,8600,300,8500,3000,190,7.2,10,10,19.3,1130,9,999999999,410,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,23.3,72,99100,197,1322,463,37,2,37,4300,0,4300,1350,210,6.7,10,10,19.3,1220,9,999999999,430,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,20.0,87,99200,16,518,419,1,0,1,0,0,0,0,130,4.1,10,10,16.1,760,9,999999999,350,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,21.7,94,99100,0,0,424,0,0,0,0,0,0,0,130,3.1,10,10,19.3,2440,9,999999999,390,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,22.2,90,99100,0,0,396,0,0,0,0,0,0,0,180,2.6,5,5,16.1,77777,9,999999999,400,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,23.9,91,99100,0,0,392,0,0,0,0,0,0,0,260,4.1,1,1,12.9,77777,9,999999999,440,0.2170,0,88,999.000,999.0,99.0 +1986,7,15,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,23.9,91,99100,0,0,416,0,0,0,0,0,0,0,10,2.6,7,7,12.9,2130,9,999999999,440,0.2170,0,88,999.000,999.0,99.0 +1986,7,16,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,22.2,97,99200,0,0,380,0,0,0,0,0,0,0,230,1.5,2,2,12.9,77777,9,999999999,400,0.2170,0,88,999.000,999.0,99.0 +1986,7,16,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,21.7,97,99200,0,0,365,0,0,0,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,390,0.2170,0,88,999.000,999.0,99.0 +1986,7,16,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,22.8,94,99200,0,0,374,0,0,0,0,0,0,0,270,2.6,0,0,11.3,77777,9,999999999,410,0.2170,0,88,999.000,999.0,99.0 +1986,7,16,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,22.2,90,99200,0,0,374,0,0,0,0,0,0,0,230,3.1,0,0,11.3,77777,9,999999999,400,0.2170,0,88,999.000,999.0,99.0 +1986,7,16,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,22.8,94,99200,23,628,374,11,12,10,0,0,0,0,240,3.1,0,0,14.5,77777,9,999999999,419,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,22.8,85,99200,215,1322,383,91,263,47,9400,17800,6500,840,250,4.6,0,0,14.5,77777,9,999999999,419,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,22.8,79,99300,452,1322,389,255,511,79,26400,46800,10400,1510,260,4.1,0,0,16.1,77777,9,999999999,410,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,22.8,72,99300,680,1322,397,448,655,109,47200,65100,13700,2380,260,6.2,0,0,16.1,77777,9,999999999,410,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,22.8,65,99200,885,1322,406,629,738,132,67200,75400,16600,3570,240,8.2,0,0,24.1,77777,9,999999999,410,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,22.8,61,99200,1052,1322,412,777,770,160,80800,77300,19200,5150,260,6.7,2,0,24.1,77777,9,999999999,410,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,23.3,61,99200,1169,1322,416,879,810,159,93000,81900,20400,7370,250,4.6,0,0,24.1,77777,9,999999999,419,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.2,22.8,58,99200,1228,1322,418,931,816,169,98600,82500,21800,10060,270,6.2,1,0,24.1,77777,9,999999999,419,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.8,23.3,58,99200,1226,1322,430,885,693,240,94200,70700,28600,14900,270,6.2,8,1,24.1,77777,9,999999999,430,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,33.3,23.3,56,99200,1161,1322,439,826,627,272,86500,63300,30800,12810,270,5.7,10,2,24.1,77777,9,999999999,430,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,33.3,22.8,54,99200,1040,1322,443,719,589,255,77800,61500,29300,8810,250,5.7,8,3,24.1,77777,9,999999999,410,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.8,22.8,56,99200,870,1322,429,576,649,148,61100,65900,17700,3860,260,6.7,4,1,24.1,77777,9,999999999,419,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.8,23.3,58,99200,663,1322,430,413,602,111,43500,59500,13600,2380,250,4.6,3,1,24.1,77777,9,999999999,430,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,22.8,59,99200,432,1322,423,225,444,80,23300,40100,10200,1510,260,5.2,2,1,24.1,77777,9,999999999,410,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,23.3,65,99200,195,1322,418,71,190,43,7500,12200,5700,770,230,4.1,3,1,24.1,77777,9,999999999,419,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,23.9,70,99200,15,518,415,8,6,8,0,0,0,0,210,3.1,3,1,24.1,77777,9,999999999,440,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,28.9,23.3,72,99300,0,0,401,0,0,0,0,0,0,0,200,4.1,2,0,24.1,77777,9,999999999,430,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,27.8,23.9,79,99300,0,0,403,0,0,0,0,0,0,0,240,4.6,3,1,24.1,77777,9,999999999,440,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,27.2,23.3,79,99300,0,0,399,0,0,0,0,0,0,0,250,4.1,3,1,16.1,77777,9,999999999,419,0.1530,0,88,999.000,999.0,99.0 +1986,7,16,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.1,23.3,85,99300,0,0,394,0,0,0,0,0,0,0,250,3.1,3,1,16.1,77777,9,999999999,430,0.1530,0,88,999.000,999.0,99.0 +1986,7,17,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,23.3,88,99300,0,0,384,0,0,0,0,0,0,0,220,4.1,0,0,11.3,77777,9,999999999,430,0.1530,0,88,999.000,999.0,99.0 +1986,7,17,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,23.3,91,99300,0,0,381,0,0,0,0,0,0,0,220,3.6,0,0,11.3,77777,9,999999999,430,0.1530,0,88,999.000,999.0,99.0 +1986,7,17,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,22.8,91,99300,0,0,377,0,0,0,0,0,0,0,220,2.6,0,0,11.3,77777,9,999999999,410,0.1530,0,88,999.000,999.0,99.0 +1986,7,17,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,22.2,90,99300,0,0,374,0,0,0,0,0,0,0,240,3.1,0,0,11.3,77777,9,999999999,400,0.1530,0,88,999.000,999.0,99.0 +1986,7,17,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,22.2,94,99400,21,606,371,9,0,9,0,0,0,0,230,2.1,0,0,19.3,77777,9,999999999,400,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,22.8,88,99400,212,1322,380,71,60,61,7700,4200,7000,1300,220,3.1,0,0,24.1,77777,9,999999999,419,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,23.3,79,99400,449,1322,392,214,256,126,22700,24100,14500,2540,220,4.1,0,0,24.1,77777,9,999999999,419,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,23.9,72,99500,678,1322,404,399,408,187,41600,41000,20600,4030,220,4.6,0,0,12.9,77777,9,999999999,440,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,22.8,61,99400,883,1322,412,583,514,237,61700,53100,26200,6260,270,6.7,0,0,16.1,77777,9,999999999,410,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,22.8,59,99400,1050,1322,415,733,576,272,78600,60100,30700,9640,220,5.7,0,0,16.1,77777,9,999999999,410,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.2,22.8,58,99400,1167,1322,426,808,577,296,87400,60400,34000,14670,240,5.2,1,1,16.1,77777,9,999999999,419,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,33.3,22.8,54,99400,1227,1322,443,804,440,394,85200,45900,42600,25290,220,6.7,3,3,16.1,77777,9,999999999,410,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,33.3,22.2,52,99300,1224,1322,442,921,618,346,98900,64600,38900,21840,240,5.7,3,3,16.1,77777,9,999999999,400,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,33.3,21.7,50,99300,1160,1322,445,761,465,351,80900,48500,38200,17120,240,5.7,4,4,16.1,77777,9,999999999,380,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,33.9,22.8,52,99300,1039,1322,446,707,480,329,74400,49900,35100,11540,260,7.7,3,3,16.1,77777,9,999999999,410,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,33.3,21.7,50,99300,869,1322,441,540,434,254,56800,44700,27400,6630,260,8.8,3,3,19.3,77777,9,999999999,380,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.8,21.7,52,99300,661,1322,438,354,300,204,37900,31100,22300,4610,230,7.7,3,3,24.1,77777,9,999999999,390,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,21.7,57,99300,430,1322,419,180,218,109,19300,20300,12700,2140,260,7.2,1,1,24.1,77777,9,999999999,390,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,21.7,57,99300,193,1322,419,49,36,44,5400,2600,5000,1100,260,5.2,1,1,24.1,77777,9,999999999,390,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,21.7,63,99300,14,496,402,6,0,6,0,0,0,0,230,3.1,0,0,24.1,77777,9,999999999,390,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,29.4,21.1,61,99300,0,0,401,0,0,0,0,0,0,0,230,3.6,0,0,24.1,77777,9,999999999,370,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.7,22.2,77,99300,0,0,388,0,0,0,0,0,0,0,230,3.1,0,0,19.3,77777,9,999999999,400,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.1,22.8,82,99400,0,0,386,0,0,0,0,0,0,0,230,3.1,0,0,11.3,77777,9,999999999,410,0.3940,0,88,999.000,999.0,99.0 +1986,7,17,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.1,22.8,82,99400,0,0,386,0,0,0,0,0,0,0,240,3.6,0,0,11.3,77777,9,999999999,410,0.3940,0,88,999.000,999.0,99.0 +1986,7,18,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,22.8,85,99300,0,0,383,0,0,0,0,0,0,0,230,4.6,0,0,11.3,77777,9,999999999,419,0.3940,0,88,999.000,999.0,99.0 +1986,7,18,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,22.8,88,99300,0,0,380,0,0,0,0,0,0,0,230,3.6,0,0,11.3,77777,9,999999999,419,0.3940,0,88,999.000,999.0,99.0 +1986,7,18,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,22.8,88,99300,0,0,380,0,0,0,0,0,0,0,250,3.6,0,0,24.1,77777,9,999999999,419,0.3940,0,88,999.000,999.0,99.0 +1986,7,18,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,22.2,88,99300,0,0,376,0,0,0,0,0,0,0,260,3.6,0,0,24.1,77777,9,999999999,400,0.3940,0,88,999.000,999.0,99.0 +1986,7,18,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,21.7,87,99300,20,584,373,9,0,9,0,0,0,0,240,3.1,0,0,24.1,77777,9,999999999,390,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,22.2,82,99400,209,1322,390,66,89,51,7100,6300,6100,1080,270,3.1,1,1,24.1,77777,9,999999999,400,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,22.2,74,99400,446,1322,398,207,303,104,21800,27800,12400,1960,260,4.6,1,1,24.1,77777,9,999999999,400,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,22.2,67,99400,676,1322,407,412,489,161,43800,49200,18600,3410,250,4.6,1,1,24.1,77777,9,999999999,400,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,22.2,63,99400,881,1322,405,597,586,203,64100,60700,23600,5280,280,5.7,0,0,19.3,77777,9,999999999,400,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,22.2,57,99400,1048,1322,415,747,645,232,78100,65200,26300,7980,300,5.7,0,0,24.1,77777,9,999999999,400,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.2,22.8,58,99400,1166,1322,418,845,671,250,89100,68100,28900,12040,240,6.2,0,0,24.1,77777,9,999999999,419,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,33.3,22.8,54,99300,1225,1322,424,907,696,258,95900,70800,30200,15910,240,6.2,0,0,24.1,77777,9,999999999,410,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,33.3,22.8,54,99300,1223,1322,424,899,690,258,95200,70100,30200,15730,240,6.2,0,0,24.1,77777,9,999999999,410,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,33.3,23.3,56,99200,1159,1322,425,846,679,249,89300,68900,28800,11710,240,6.7,0,0,24.1,77777,9,999999999,430,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,33.3,21.7,50,99200,1038,1322,423,735,641,229,76900,64800,26000,7690,240,7.2,0,0,24.1,77777,9,999999999,380,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,33.9,22.2,51,99200,867,1322,427,580,578,200,62500,59800,23200,5100,230,7.2,0,0,24.1,77777,9,999999999,400,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.2,22.8,58,99200,659,1322,418,396,476,158,42100,47700,18300,3310,230,8.8,0,0,24.1,77777,9,999999999,419,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,22.8,59,99200,428,1322,415,208,313,107,21800,28300,12600,2020,230,7.7,0,0,24.1,77777,9,999999999,410,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,22.8,63,99200,191,1322,409,63,79,51,6800,5300,6000,1080,230,5.2,0,0,24.1,77777,9,999999999,410,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,22.8,67,99200,13,474,411,4,0,4,0,0,0,0,230,3.1,2,1,24.1,77777,9,999999999,410,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,28.9,22.8,70,99200,0,0,418,0,0,0,0,0,0,0,240,4.6,8,3,24.1,77777,9,999999999,419,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,27.2,22.2,74,99200,0,0,398,0,0,0,0,0,0,0,260,2.1,4,1,24.1,77777,9,999999999,400,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.7,22.2,77,99300,0,0,408,0,0,0,0,0,0,0,260,3.6,6,4,24.1,7620,9,999999999,400,0.3050,0,88,999.000,999.0,99.0 +1986,7,18,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.1,22.8,82,99200,0,0,406,0,0,0,0,0,0,0,240,4.1,6,4,24.1,7620,9,999999999,410,0.3050,0,88,999.000,999.0,99.0 +1986,7,19,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,22.2,82,99200,0,0,402,0,0,0,0,0,0,0,250,3.1,7,4,24.1,7620,9,999999999,400,0.3050,0,88,999.000,999.0,99.0 +1986,7,19,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,22.2,88,99100,0,0,393,0,0,0,0,0,0,0,230,2.6,6,3,24.1,77777,9,999999999,400,0.3050,0,88,999.000,999.0,99.0 +1986,7,19,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,22.2,88,99100,0,0,393,0,0,0,0,0,0,0,260,3.1,6,3,24.1,77777,9,999999999,400,0.3050,0,88,999.000,999.0,99.0 +1986,7,19,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,21.7,87,99100,0,0,389,0,0,0,0,0,0,0,230,2.6,7,3,24.1,77777,9,999999999,390,0.3050,0,88,999.000,999.0,99.0 +1986,7,19,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,21.7,90,99100,19,562,392,6,1,6,0,0,0,0,260,3.1,10,5,24.1,77777,9,999999999,380,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,22.2,88,99100,206,1323,396,82,81,69,8800,5600,7900,1460,240,3.6,10,4,24.1,77777,9,999999999,400,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,22.2,74,99100,444,1323,408,246,360,124,25300,32900,14300,2380,230,4.1,9,3,24.1,77777,9,999999999,400,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,22.8,72,99100,674,1323,414,356,360,171,37500,36200,19100,3640,240,3.6,8,3,24.1,77777,9,999999999,410,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,22.8,63,99100,879,1323,427,425,274,241,46300,29400,26700,6370,190,4.6,8,3,24.1,77777,9,999999999,410,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,22.2,57,99100,1047,1323,439,533,198,375,58300,21000,41600,13220,260,3.1,8,5,24.1,7620,9,999999999,400,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.8,23.3,58,99000,1164,1323,464,631,223,434,69200,23700,48300,19280,230,2.6,10,8,24.1,6710,9,999999999,430,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.8,23.9,60,99000,1224,1323,464,544,149,406,60300,15900,45500,21610,190,4.6,10,8,16.1,6710,9,999999999,440,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,33.3,22.2,52,98800,1222,1323,458,791,417,404,83600,43500,43300,25320,180,6.2,9,7,16.1,6710,9,999999999,400,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,34.4,21.7,47,98800,1158,1323,464,634,354,323,68000,37000,35500,15530,200,6.7,9,7,16.1,6710,9,999999999,380,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,35.0,21.7,46,98700,1036,1323,467,674,507,276,72200,52900,30700,9490,220,10.3,9,7,16.1,6710,9,999999999,390,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,33.9,23.9,56,98700,866,1323,451,462,382,212,49600,39500,23700,5420,240,8.2,8,4,16.1,77777,9,999999999,440,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.8,25.0,64,98600,657,1323,443,375,366,193,40300,37900,21400,4310,240,6.2,7,3,16.1,77777,9,999999999,469,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,24.4,66,98700,426,1323,459,144,34,133,15800,3200,14800,3510,250,6.2,9,8,16.1,1010,9,999999999,460,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,25.0,72,98800,188,1323,476,12,9,10,1300,600,1200,280,270,4.1,10,10,16.1,760,9,999999999,469,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,21.1,77,98900,12,474,440,4,0,4,0,0,0,0,10,5.2,10,10,16.1,1070,9,999999999,380,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,22.2,85,98900,0,0,426,0,0,0,0,0,0,0,280,2.1,10,9,19.3,2740,9,999999999,400,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,22.2,88,98900,0,0,413,0,0,0,0,0,0,0,270,2.1,10,8,16.1,7620,9,999999999,400,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,22.2,88,98900,0,0,413,0,0,0,0,0,0,0,310,4.1,10,8,16.1,7620,9,999999999,400,0.1580,0,88,999.000,999.0,99.0 +1986,7,19,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,22.2,85,98900,0,0,396,0,0,0,0,0,0,0,310,4.1,7,3,16.1,77777,9,999999999,400,0.1580,0,88,999.000,999.0,99.0 +1986,7,20,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,21.7,85,98900,0,0,392,0,0,0,0,0,0,0,340,6.2,7,3,16.1,77777,9,999999999,390,0.1580,0,88,999.000,999.0,99.0 +1986,7,20,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,20.6,82,98900,0,0,388,0,0,0,0,0,0,0,330,5.2,7,3,16.1,77777,9,999999999,360,0.1580,0,88,999.000,999.0,99.0 +1986,7,20,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,20.6,85,98900,0,0,385,0,0,0,0,0,0,0,330,3.6,6,3,16.1,77777,9,999999999,360,0.1580,0,88,999.000,999.0,99.0 +1986,7,20,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,20.6,87,99000,0,0,379,0,0,0,0,0,0,0,320,4.6,6,2,16.1,77777,9,999999999,360,0.1580,0,88,999.000,999.0,99.0 +1986,7,20,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,20.6,90,99000,17,540,363,9,1,9,0,0,0,0,330,3.6,2,0,16.1,77777,9,999999999,360,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,20.0,84,99000,203,1323,373,68,105,51,7100,6800,6100,940,330,4.1,5,1,16.1,77777,9,999999999,350,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,20.0,79,99100,441,1323,378,218,298,118,23200,27900,13900,2350,360,4.6,4,1,24.1,77777,9,999999999,350,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,20.6,74,99100,671,1323,388,413,410,203,44100,42600,22500,4600,320,4.6,7,1,24.1,77777,9,999999999,360,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,20.6,69,99100,877,1323,394,585,537,226,62200,55500,25300,5890,330,4.6,8,1,24.1,77777,9,999999999,360,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,19.4,61,99200,1045,1323,407,700,533,276,74900,55600,30900,9670,330,3.6,9,3,24.1,77777,9,999999999,340,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,17.8,51,99200,1163,1323,414,777,543,298,84000,56800,34000,14510,310,3.6,4,4,24.1,77777,9,999999999,310,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,16.7,48,99100,1223,1323,413,797,511,322,86100,53500,36600,20050,320,5.2,4,4,24.1,77777,9,999999999,290,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,15.0,43,99200,1220,1323,408,897,660,285,94200,66700,32600,17020,320,5.2,3,3,24.1,77777,9,999999999,260,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,13.9,39,99200,1156,1323,405,768,555,281,83500,58100,32600,13350,320,5.7,2,2,24.1,77777,9,999999999,250,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,13.9,39,99200,1035,1323,405,684,554,249,74000,57800,28600,8480,10,6.7,3,2,24.1,77777,9,999999999,250,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,15.0,43,99200,864,1323,408,548,484,231,58200,49900,25500,5940,320,4.6,4,3,24.1,77777,9,999999999,260,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,16.1,51,99200,655,1323,400,367,374,181,39500,38700,20300,3990,30,7.2,7,3,24.1,77777,9,999999999,280,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,15.0,49,99200,424,1323,396,187,215,118,19900,19900,13500,2350,30,4.6,7,3,24.1,77777,9,999999999,260,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,15.0,54,99200,186,1323,387,59,54,51,6400,3600,5900,1080,30,4.6,8,3,24.1,77777,9,999999999,260,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,15.6,60,99200,12,452,378,5,0,5,0,0,0,0,40,4.1,7,2,24.1,77777,9,999999999,270,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,17.2,73,99300,0,0,372,0,0,0,0,0,0,0,30,3.6,6,2,24.1,77777,9,999999999,300,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,17.2,81,99300,0,0,359,0,0,0,0,0,0,0,30,2.6,4,1,24.1,77777,9,999999999,300,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,17.2,84,99300,0,0,356,0,0,0,0,0,0,0,360,1.5,4,1,24.1,77777,9,999999999,300,0.2520,0,88,999.000,999.0,99.0 +1986,7,20,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,17.2,84,99400,0,0,349,0,0,0,0,0,0,0,360,3.1,4,0,24.1,77777,9,999999999,300,0.2520,0,88,999.000,999.0,99.0 +1986,7,21,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,17.8,90,99400,0,0,347,0,0,0,0,0,0,0,360,3.1,4,0,24.1,77777,9,999999999,310,0.2520,0,88,999.000,999.0,99.0 +1986,7,21,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,17.8,93,99400,0,0,359,0,0,0,0,0,0,0,20,2.6,6,3,24.1,77777,9,999999999,310,0.2520,0,88,999.000,999.0,99.0 +1986,7,21,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.8,97,99400,0,0,362,0,0,0,0,0,0,0,350,2.1,7,5,24.1,3660,9,999999999,310,0.2520,0,88,999.000,999.0,99.0 +1986,7,21,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,17.2,97,99400,0,0,350,0,0,0,0,0,0,0,330,2.6,4,2,24.1,77777,9,999999999,300,0.2520,0,88,999.000,999.0,99.0 +1986,7,21,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,17.2,93,99400,16,540,352,10,15,8,0,0,0,0,310,2.1,6,2,24.1,77777,9,999999999,300,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,17.8,90,99500,200,1323,354,90,341,37,9100,23200,5600,670,360,2.6,1,1,24.1,77777,9,999999999,310,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,18.3,81,99500,438,1323,358,266,630,56,27600,57700,8400,1140,50,4.1,0,0,24.1,77777,9,999999999,320,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,18.9,76,99500,669,1323,374,430,684,82,45200,67300,11100,1800,30,2.6,1,1,24.1,77777,9,999999999,330,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,18.9,71,99500,875,1323,380,618,803,84,64200,79900,11300,2100,10,2.6,1,1,24.1,77777,9,999999999,330,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,18.3,62,99600,1043,1323,397,701,675,165,75000,69300,20300,5800,10,2.6,3,3,16.1,77777,9,999999999,320,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,18.3,62,99500,1161,1323,388,833,811,117,85600,81300,14100,4590,10,2.6,1,1,16.1,77777,9,999999999,320,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,18.3,57,99500,1221,1323,406,789,638,197,85100,65700,24300,12050,40,2.6,3,3,16.1,77777,9,999999999,320,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,18.3,57,99500,1219,1323,409,861,728,187,90100,73200,22500,10410,10,5.2,4,4,19.3,77777,9,999999999,320,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,17.8,55,99500,1155,1323,405,813,781,128,83400,78200,15000,4720,60,6.7,3,3,19.3,77777,9,999999999,310,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,15.6,54,99500,1033,1323,405,430,198,275,47500,21500,30700,9020,50,5.7,7,7,19.3,2440,9,999999999,270,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,15.6,56,99500,862,1323,429,300,29,281,34400,2600,32700,11720,60,4.1,10,10,19.3,2130,9,999999999,270,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,19.4,84,99500,653,1323,418,109,9,105,13100,600,12800,4810,340,4.6,10,10,11.3,1220,9,999999999,340,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,18.9,84,99400,421,1323,403,87,48,72,9600,4400,8200,2100,40,3.6,9,9,16.1,1220,9,999999999,330,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,17.8,74,99400,183,1323,382,61,162,39,6500,10100,5100,690,70,4.1,4,4,24.1,77777,9,999999999,310,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,17.2,73,99400,11,430,372,6,15,4,0,0,0,0,50,4.1,2,2,24.1,77777,9,999999999,300,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,17.8,79,99500,0,0,373,0,0,0,0,0,0,0,70,3.6,3,3,16.1,77777,9,999999999,310,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,18.3,81,99500,0,0,370,0,0,0,0,0,0,0,120,2.6,2,2,16.1,77777,9,999999999,320,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,18.9,84,99600,0,0,378,0,0,0,0,0,0,0,110,3.1,6,4,16.1,3050,9,999999999,330,0.0820,0,88,999.000,999.0,99.0 +1986,7,21,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,18.9,93,99600,0,0,369,0,0,0,0,0,0,0,0,0.0,6,4,11.3,3050,9,999999999,330,0.0820,0,88,999.000,999.0,99.0 +1986,7,22,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.9,97,99600,0,0,355,0,0,0,0,0,0,0,0,0.0,1,1,11.3,77777,9,999999999,330,0.0820,0,88,999.000,999.0,99.0 +1986,7,22,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,18.3,97,99600,0,0,345,0,0,0,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,320,0.0820,0,88,999.000,999.0,99.0 +1986,7,22,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,18.3,97,99600,0,0,345,0,0,0,0,0,0,0,330,2.1,0,0,11.3,77777,9,999999999,320,0.0820,0,88,999.000,999.0,99.0 +1986,7,22,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,18.3,97,99600,0,0,345,0,0,0,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,320,0.0820,0,88,999.000,999.0,99.0 +1986,7,22,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,17.8,97,99600,15,518,342,8,2,7,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,310,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,19.4,97,99700,197,1323,351,74,157,50,7800,9900,6300,920,0,0.0,0,0,11.3,77777,9,999999999,340,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,20.0,82,99800,436,1323,368,233,421,93,24700,38400,12000,1730,0,0.0,0,0,11.3,77777,9,999999999,350,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,20.0,74,99800,666,1323,377,425,577,132,44000,56600,15400,2760,270,1.5,0,0,11.3,77777,9,999999999,350,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,19.4,65,99800,873,1323,385,608,656,172,63600,66100,19900,4420,10,1.5,2,0,8.0,77777,9,999999999,340,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,18.9,59,99900,1041,1323,413,752,646,240,78400,65100,27000,8070,300,2.1,5,5,11.3,77777,9,999999999,330,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,17.2,53,99900,1159,1323,419,423,119,318,47200,12800,36000,13930,270,2.6,7,7,16.1,1070,9,999999999,300,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,17.8,53,99800,1220,1323,418,661,385,305,71900,40300,34600,18660,310,2.6,6,6,16.1,1220,9,999999999,310,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,15.0,43,99800,1217,1323,418,641,312,352,71000,34000,39700,19080,0,0.0,6,6,12.9,1220,9,999999999,260,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,19.4,59,99800,1153,1323,432,543,227,344,59800,24700,38300,15020,40,3.6,8,8,12.9,1220,9,999999999,340,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,18.9,53,99800,1031,1323,426,662,485,283,70700,50500,31200,9640,30,1.5,6,6,12.9,1220,9,999999999,330,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,18.9,60,99800,860,1323,413,498,385,247,54200,41300,27300,6440,40,4.1,6,6,16.1,1220,9,999999999,330,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,17.8,56,99800,651,1323,412,332,264,202,35500,27300,22100,4540,50,2.6,6,6,16.1,1220,9,999999999,310,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,17.8,58,99800,419,1323,399,162,149,115,17700,13800,13400,2590,80,3.1,3,3,16.1,77777,9,999999999,310,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,17.8,60,99800,180,1323,392,52,95,39,5600,5700,4800,700,50,3.6,2,2,24.1,77777,9,999999999,310,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,16.7,58,99800,10,408,376,5,1,5,0,0,0,0,60,3.6,0,0,24.1,77777,9,999999999,290,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,17.2,64,99900,0,0,370,0,0,0,0,0,0,0,60,2.6,0,0,16.1,77777,9,999999999,300,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,17.8,74,99900,0,0,363,0,0,0,0,0,0,0,130,1.5,0,0,16.1,77777,9,999999999,310,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,18.3,81,99900,0,0,358,0,0,0,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,320,0.2170,0,88,999.000,999.0,99.0 +1986,7,22,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,18.3,90,99900,0,0,350,0,0,0,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,320,0.2170,0,88,999.000,999.0,99.0 +1986,7,23,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.3,93,99900,0,0,347,0,0,0,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,320,0.2170,0,88,999.000,999.0,99.0 +1986,7,23,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.8,97,99900,0,0,342,0,0,0,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,310,0.2170,0,88,999.000,999.0,99.0 +1986,7,23,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.8,97,99900,0,0,342,0,0,0,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,310,0.2170,0,88,999.000,999.0,99.0 +1986,7,23,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,17.2,97,99900,0,0,339,0,0,0,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,300,0.2170,0,88,999.000,999.0,99.0 +1986,7,23,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,17.2,97,100000,14,496,339,7,1,7,0,0,0,0,0,0.0,2,0,9.7,77777,9,999999999,300,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,18.3,93,100000,194,1323,354,65,96,51,7100,6500,6200,1080,0,0.0,5,1,4.8,77777,9,999999999,320,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,20.0,76,100000,433,1323,381,201,283,107,21400,26400,12800,2090,130,2.6,4,1,4.8,77777,9,999999999,350,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,20.0,67,100000,664,1323,385,407,494,157,43100,49600,18200,3290,170,3.1,3,0,4.8,77777,9,999999999,360,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,18.3,55,100000,871,1323,399,571,585,183,59400,58800,20700,4640,90,2.6,1,1,4.8,77777,9,999999999,320,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,17.2,48,100000,1039,1323,416,676,476,300,71700,49600,32700,10440,160,4.1,4,4,4.8,77777,9,999999999,300,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,17.8,50,100000,1158,1323,420,725,462,318,77700,48300,35400,15250,200,5.2,5,5,9.7,77777,9,999999999,310,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,16.7,43,99900,1218,1323,419,879,624,302,92000,62800,34000,17700,180,3.6,3,3,12.9,77777,9,999999999,290,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,17.8,46,99800,1216,1323,424,884,661,273,93100,67000,31400,15970,190,4.1,4,4,11.3,77777,9,999999999,310,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,18.3,47,99800,1152,1323,434,691,423,321,74000,44200,35500,15090,210,5.2,6,6,11.3,1370,9,999999999,320,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,18.3,50,99700,1030,1323,428,549,330,291,60300,35800,32400,9550,190,5.2,6,6,11.3,1370,9,999999999,320,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,18.3,48,99600,858,1323,421,471,375,227,50000,38700,24900,5790,200,4.6,3,3,11.3,77777,9,999999999,320,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,18.3,50,99600,649,1323,418,372,408,172,39200,40700,19200,3610,200,3.6,3,3,11.3,77777,9,999999999,320,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,18.3,53,99600,416,1323,408,172,156,123,18700,14400,14200,2770,220,3.6,2,2,19.3,77777,9,999999999,320,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,18.9,60,99500,177,1323,394,52,79,42,5800,5100,5100,880,210,3.1,3,1,19.3,77777,9,999999999,330,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,18.9,65,99500,9,386,394,2,0,2,0,0,0,0,210,2.6,5,2,14.5,77777,9,999999999,330,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,19.4,71,99600,0,0,383,0,0,0,0,0,0,0,200,2.6,3,1,14.5,77777,9,999999999,340,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,19.4,71,99600,0,0,376,0,0,0,0,0,0,0,190,2.1,0,0,12.9,77777,9,999999999,340,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,19.4,74,99600,0,0,373,0,0,0,0,0,0,0,190,3.1,0,0,11.3,77777,9,999999999,340,0.2560,0,88,999.000,999.0,99.0 +1986,7,23,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,20.0,82,99500,0,0,368,0,0,0,0,0,0,0,180,3.6,0,0,11.3,77777,9,999999999,350,0.2560,0,88,999.000,999.0,99.0 +1986,7,24,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,19.4,82,99500,0,0,365,0,0,0,0,0,0,0,190,3.1,0,0,11.3,77777,9,999999999,340,0.2560,0,88,999.000,999.0,99.0 +1986,7,24,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,19.4,82,99500,0,0,365,0,0,0,0,0,0,0,190,3.1,0,0,11.3,77777,9,999999999,340,0.2560,0,88,999.000,999.0,99.0 +1986,7,24,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,19.4,84,99500,0,0,362,0,0,0,0,0,0,0,200,3.1,2,0,8.0,77777,9,999999999,340,0.2560,0,88,999.000,999.0,99.0 +1986,7,24,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,19.4,82,99500,0,0,365,0,0,0,0,0,0,0,210,4.1,3,0,8.0,77777,9,999999999,340,0.2560,0,88,999.000,999.0,99.0 +1986,7,24,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,19.4,82,99500,13,474,372,4,1,4,0,0,0,0,200,4.1,6,1,6.4,77777,9,999999999,340,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,19.4,79,99400,191,1324,383,54,30,50,5900,2200,5600,1220,210,4.6,4,3,4.8,77777,9,999999999,340,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,20.0,74,99400,430,1324,389,209,326,102,21900,29600,12300,1920,200,5.2,3,2,4.8,77777,9,999999999,350,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,20.6,69,99400,661,1324,394,402,472,164,42400,47300,18700,3450,200,5.7,8,1,4.8,77777,9,999999999,360,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,20.6,67,99300,869,1324,412,534,423,255,56100,43600,27400,6650,220,7.2,8,5,4.8,3660,9,999999999,360,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,21.1,65,99300,1037,1324,419,505,194,352,55500,20600,39200,12230,210,6.7,8,5,4.8,8230,9,999999999,370,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,21.7,67,99300,1156,1324,435,596,252,374,65200,27400,41300,16590,210,6.2,10,8,6.4,3660,9,999999999,390,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,22.2,63,99300,1216,1324,423,806,531,316,87300,55600,36100,19040,200,5.2,3,3,6.4,77777,9,999999999,400,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,21.7,59,99200,1214,1324,441,660,307,377,72800,33400,42100,20270,210,6.7,8,7,6.4,3660,9,999999999,390,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,22.8,59,99200,1150,1324,444,701,373,375,76700,40500,41400,16360,190,7.7,8,6,6.4,3660,9,999999999,410,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,32.2,22.2,56,99100,1028,1324,435,706,579,254,76000,60400,29000,8520,230,6.7,3,3,6.4,77777,9,999999999,400,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,21.7,57,99000,856,1324,432,540,523,201,58100,54000,23100,5060,200,6.7,4,4,6.4,77777,9,999999999,380,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,22.2,59,98900,647,1324,429,381,440,166,40200,43900,18700,3470,200,6.7,3,3,9.7,77777,9,999999999,400,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,22.2,61,99000,414,1324,416,197,322,96,20700,28900,11700,1790,210,9.8,1,1,9.7,77777,9,999999999,400,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,22.8,67,98900,174,1324,411,56,98,43,5900,5700,5200,790,220,6.7,4,1,11.3,77777,9,999999999,410,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,23.3,74,98900,8,364,405,2,0,2,0,0,0,0,190,6.2,3,1,8.0,77777,9,999999999,419,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,27.8,22.8,74,99000,0,0,415,0,0,0,0,0,0,0,200,5.7,4,4,8.0,77777,9,999999999,410,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,27.8,22.8,74,99000,0,0,433,0,0,0,0,0,0,0,190,5.7,8,8,8.0,2130,9,999999999,410,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.7,23.3,82,99000,0,0,428,0,0,0,0,0,0,0,190,5.7,8,8,8.0,1830,9,999999999,430,0.2180,0,88,999.000,999.0,99.0 +1986,7,24,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.7,22.8,79,99000,0,0,449,0,0,0,0,0,0,0,180,4.6,10,10,8.0,2440,9,999999999,410,0.2180,0,88,999.000,999.0,99.0 +1986,7,25,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,21.7,79,98900,0,0,382,0,0,0,0,0,0,0,190,6.7,0,0,6.4,77777,9,999999999,390,0.2180,0,88,999.000,999.0,99.0 +1986,7,25,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,22.2,82,98800,0,0,441,0,0,0,0,0,0,0,190,7.2,10,10,6.4,1830,9,999999999,400,0.2180,0,88,999.000,999.0,99.0 +1986,7,25,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,21.7,90,98800,0,0,427,0,0,0,0,0,0,0,230,5.2,10,10,6.4,520,9,999999999,380,0.2180,0,88,999.000,999.0,99.0 +1986,7,25,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,22.2,94,98900,0,0,428,0,0,0,0,0,0,0,250,3.6,10,10,6.4,1520,9,999999999,400,0.2180,0,88,999.000,999.0,99.0 +1986,7,25,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,20.6,90,99000,12,452,419,1,0,1,0,0,0,0,250,4.1,10,10,16.1,1400,9,999999999,360,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.6,93,98900,188,1324,417,26,3,25,3000,0,3000,960,220,3.6,10,10,16.1,1400,9,999999999,360,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.6,93,98800,427,1324,417,63,6,61,7500,300,7400,2590,180,4.6,10,10,19.3,1370,9,999999999,360,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,21.1,90,98800,659,1324,412,179,34,162,19700,3400,18000,5090,210,3.1,9,9,19.3,1370,9,999999999,370,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,21.7,82,98900,867,1324,416,395,234,241,43000,25100,26600,6290,180,4.1,8,8,19.3,1370,9,999999999,390,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,21.7,87,98900,1036,1324,431,337,12,327,39200,1100,38300,14370,210,5.7,10,10,19.3,1370,9,999999999,380,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,21.7,82,98900,1154,1324,437,366,40,332,40600,4100,37000,15370,240,4.1,10,10,19.3,1370,9,999999999,390,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,22.2,77,98900,1215,1324,448,375,7,368,44400,600,43800,16450,280,3.1,10,10,24.1,1370,9,999999999,400,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,22.8,72,98900,1213,1324,436,596,293,326,66400,31900,37100,17190,260,4.6,8,8,24.1,1370,9,999999999,410,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,21.7,61,98900,1148,1324,433,785,653,216,83500,66700,25500,9860,320,4.6,6,6,24.1,1070,9,999999999,390,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,20.6,61,99000,1026,1324,425,512,221,340,56300,23500,38000,11610,330,4.1,7,6,24.1,1010,9,999999999,360,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,20.0,59,98900,854,1324,397,594,721,128,63500,73400,16100,3320,20,5.7,0,0,24.1,77777,9,999999999,350,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,20.6,67,99000,644,1324,389,407,622,103,42800,61300,13000,2190,30,6.2,0,0,24.1,77777,9,999999999,360,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,20.0,74,99000,411,1324,377,224,485,73,23200,43200,9800,1380,40,6.2,0,0,24.1,77777,9,999999999,350,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,19.4,79,99000,171,1324,380,64,119,48,6700,6800,5800,900,30,5.7,3,2,24.1,77777,9,999999999,340,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,19.4,82,99100,7,364,377,2,3,2,0,0,0,0,50,4.6,2,2,24.1,77777,9,999999999,340,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,18.3,79,99200,0,0,361,0,0,0,0,0,0,0,50,3.6,0,0,24.1,77777,9,999999999,320,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,18.3,81,99200,0,0,358,0,0,0,0,0,0,0,20,3.1,0,0,24.1,77777,9,999999999,320,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,17.8,84,99200,0,0,353,0,0,0,0,0,0,0,20,3.1,0,0,24.1,77777,9,999999999,310,0.1510,0,88,999.000,999.0,99.0 +1986,7,25,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,18.3,90,99200,0,0,350,0,0,0,0,0,0,0,10,2.6,0,0,24.1,77777,9,999999999,320,0.1510,0,88,999.000,999.0,99.0 +1986,7,26,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,18.3,90,99200,0,0,350,0,0,0,0,0,0,0,10,2.6,0,0,24.1,77777,9,999999999,320,0.1510,0,88,999.000,999.0,99.0 +1986,7,26,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.9,97,99200,0,0,348,0,0,0,0,0,0,0,10,1.5,0,0,24.1,77777,9,999999999,330,0.1510,0,88,999.000,999.0,99.0 +1986,7,26,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.8,97,99200,0,0,342,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,310,0.1510,0,88,999.000,999.0,99.0 +1986,7,26,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,18.3,97,99200,0,0,345,0,0,0,0,0,0,0,20,2.1,0,0,24.1,77777,9,999999999,320,0.1510,0,88,999.000,999.0,99.0 +1986,7,26,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,18.3,97,99300,11,430,356,6,16,5,0,0,0,0,30,2.6,2,2,24.1,77777,9,999999999,320,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,18.9,90,99300,184,1324,361,75,273,37,7600,17800,5200,660,50,3.1,1,1,24.1,77777,9,999999999,330,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,19.4,84,99300,424,1324,384,216,388,91,22900,35100,11600,1690,50,2.6,5,5,24.1,77777,9,999999999,340,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,18.9,79,99300,656,1324,390,255,86,212,28000,8600,23700,6310,60,4.1,6,6,24.1,520,9,999999999,330,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,18.9,74,99400,864,1324,395,485,422,208,51900,43600,23400,5300,50,3.6,6,6,24.1,580,9,999999999,330,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,18.9,67,99400,1034,1324,398,760,757,165,81200,77700,20500,5660,120,3.6,4,4,24.1,77777,9,999999999,330,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,19.4,67,99400,1152,1324,404,764,583,254,80400,59100,28900,11600,40,3.6,5,5,16.1,77777,9,999999999,340,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,19.4,65,99400,1213,1324,408,684,474,247,75700,49800,30000,14500,140,3.1,5,5,16.1,77777,9,999999999,340,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,17.8,55,99300,1211,1324,401,883,769,176,92900,77500,21800,9490,60,3.6,3,2,16.1,77777,9,999999999,310,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,16.7,51,99300,1146,1324,404,765,571,268,80100,57600,30100,11930,70,4.6,8,3,16.1,77777,9,999999999,290,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,15.0,49,99200,1024,1324,406,700,583,247,75600,60800,28400,8200,80,4.6,10,6,16.1,6100,9,999999999,260,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,16.7,54,99200,852,1324,419,467,248,307,50800,26100,34000,8670,120,3.1,10,8,16.1,6100,9,999999999,290,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,17.2,58,99200,641,1324,410,259,163,179,28400,16700,20300,4410,120,2.6,9,7,16.1,6100,9,999999999,300,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,16.7,58,99200,408,1324,395,214,388,95,22600,34600,11900,1770,80,2.6,8,4,24.1,77777,9,999999999,290,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,16.1,60,99200,168,1324,388,64,139,46,6700,7900,5700,860,120,3.6,6,4,24.1,7620,9,999999999,280,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,18.9,79,99100,6,342,377,4,10,3,0,0,0,0,70,4.1,5,2,24.1,77777,9,999999999,330,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,19.4,84,99200,0,0,381,0,0,0,0,0,0,0,60,4.1,4,4,19.3,77777,9,999999999,340,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,19.4,87,99200,0,0,367,0,0,0,0,0,0,0,120,3.1,2,1,12.9,77777,9,999999999,340,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,18.9,93,99200,0,0,351,0,0,0,0,0,0,0,0,0.0,0,0,12.9,77777,9,999999999,330,0.0820,0,88,999.000,999.0,99.0 +1986,7,26,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,18.9,93,99200,0,0,351,0,0,0,0,0,0,0,0,0.0,0,0,12.9,77777,9,999999999,330,0.0820,0,88,999.000,999.0,99.0 +1986,7,27,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,18.9,93,99200,0,0,351,0,0,0,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,330,0.0820,0,88,999.000,999.0,99.0 +1986,7,27,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,18.3,100,99200,0,0,342,0,0,0,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,320,0.0820,0,88,999.000,999.0,99.0 +1986,7,27,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,18.3,100,99100,0,0,342,0,0,0,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,320,0.0820,0,88,999.000,999.0,99.0 +1986,7,27,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,18.3,97,99100,0,0,345,0,0,0,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,320,0.0820,0,88,999.000,999.0,99.0 +1986,7,27,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,17.2,100,99200,10,408,336,6,2,5,0,0,0,0,0,0.0,2,0,8.0,77777,9,999999999,300,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,19.4,93,99100,181,1324,354,70,195,43,7300,12000,5600,770,130,2.6,0,0,11.3,77777,9,999999999,340,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,20.0,82,99100,421,1324,368,230,471,79,23600,42200,10200,1480,130,3.6,0,0,11.3,77777,9,999999999,350,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,18.9,67,99100,654,1324,379,424,627,111,44200,61800,13700,2360,130,4.1,0,0,16.1,77777,9,999999999,330,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,17.8,58,99100,862,1324,383,610,706,147,64400,71600,17700,3790,170,4.1,2,0,24.1,77777,9,999999999,310,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,17.2,51,99100,1031,1324,390,760,771,156,79100,77300,18700,4790,170,5.2,0,0,24.1,77777,9,999999999,300,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,16.1,46,99100,1151,1324,392,874,808,168,91700,81400,20800,7160,190,4.1,0,0,24.1,77777,9,999999999,280,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,16.7,45,99100,1211,1324,399,925,816,174,97400,82300,21900,9400,150,4.6,0,0,16.1,77777,9,999999999,290,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,15.6,40,99000,1209,1324,400,926,820,173,97500,82700,21800,9270,140,5.2,0,0,16.1,77777,9,999999999,270,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,15.6,39,98900,1145,1324,416,803,658,232,85000,66900,27000,10390,180,7.2,8,2,12.9,77777,9,999999999,270,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,16.1,39,99000,1022,1324,420,686,644,186,72700,65700,21900,6150,180,5.7,5,2,19.3,77777,9,999999999,280,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,16.7,41,98900,849,1324,425,503,443,218,53600,45700,24200,5480,190,6.2,7,3,24.1,77777,9,999999999,290,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,17.2,45,98900,639,1324,423,355,337,192,38000,34700,21200,4260,210,4.6,7,4,24.1,7620,9,999999999,300,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,18.3,51,98800,405,1324,415,208,372,94,21900,33100,11800,1750,180,6.2,4,3,24.1,77777,9,999999999,320,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,18.9,55,98800,164,1324,413,46,58,39,5100,3600,4600,820,170,5.2,7,3,24.1,77777,9,999999999,330,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,19.4,63,98700,6,320,400,2,1,2,0,0,0,0,190,4.6,3,2,24.1,77777,9,999999999,340,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.7,20.0,67,98800,0,0,423,0,0,0,0,0,0,0,180,4.1,8,8,16.1,2440,9,999999999,350,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.1,20.0,69,98800,0,0,409,0,0,0,0,0,0,0,190,4.1,6,6,12.9,2440,9,999999999,350,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,20.0,72,98800,0,0,417,0,0,0,0,0,0,0,190,5.2,8,8,12.9,2440,9,999999999,350,0.1680,0,88,999.000,999.0,99.0 +1986,7,27,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,20.6,76,98800,0,0,415,0,0,0,0,0,0,0,250,2.6,8,8,12.9,2440,9,999999999,360,0.1680,0,88,999.000,999.0,99.0 +1986,7,28,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,17.8,93,98900,0,0,398,0,0,0,0,0,0,0,320,5.2,10,10,6.4,910,9,999999999,310,0.1680,0,88,999.000,999.0,99.0 +1986,7,28,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,18.3,97,98600,0,0,356,0,0,0,0,0,0,0,180,3.6,2,2,16.1,77777,9,999999999,320,0.1680,0,88,999.000,999.0,99.0 +1986,7,28,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,18.3,97,98700,0,0,379,0,0,0,0,0,0,0,180,3.6,8,8,12.9,3660,9,999999999,320,0.1680,0,88,999.000,999.0,99.0 +1986,7,28,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,18.3,97,98700,0,0,398,0,0,0,0,0,0,0,180,1.5,10,10,11.3,880,9,999999999,320,0.1680,0,88,999.000,999.0,99.0 +1986,7,28,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,18.9,97,98700,9,386,402,2,0,2,0,0,0,0,190,2.6,10,10,8.0,880,9,999999999,330,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,18.9,93,98800,178,1325,394,25,13,24,2800,900,2700,640,180,2.6,9,9,8.0,880,9,999999999,330,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,19.4,84,98800,418,1325,362,221,420,88,23500,37800,11500,1630,140,2.6,0,0,8.0,77777,9,999999999,340,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,20.6,82,98800,651,1325,402,292,148,218,31600,15100,24200,5400,230,2.1,7,7,8.0,460,9,999999999,360,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,21.7,85,98800,860,1325,434,268,6,264,30900,500,30500,11220,190,3.1,10,10,9.7,400,9,999999999,390,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,22.8,79,98800,1029,1325,427,375,98,299,41700,10500,33500,10250,310,2.1,8,8,11.3,520,9,999999999,410,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,22.8,72,98700,1149,1325,429,510,283,263,57300,30900,30400,11020,310,5.2,7,7,11.3,520,9,999999999,410,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,22.2,65,98700,1209,1325,430,742,336,434,80900,36500,47500,23130,260,5.2,6,6,11.3,610,9,999999999,400,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,22.2,63,98700,1207,1325,433,736,414,357,78600,43300,39100,20690,300,6.2,6,6,16.1,760,9,999999999,400,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,21.1,59,98700,1143,1325,437,416,75,351,46000,7700,39300,15810,310,5.2,7,7,16.1,910,9,999999999,370,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,21.1,61,98700,1020,1325,433,575,336,315,62700,36400,34600,10260,320,5.2,7,7,16.1,1160,9,999999999,370,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,21.1,74,98800,847,1325,410,506,394,253,54800,42200,27800,6550,30,6.7,6,6,16.1,1220,9,999999999,370,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,21.1,72,98800,636,1325,400,362,429,155,38300,42700,17800,3200,30,4.6,2,2,12.9,77777,9,999999999,380,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,20.6,74,98900,402,1325,388,192,348,87,20400,30900,11100,1600,10,3.6,1,1,12.9,77777,9,999999999,360,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,18.3,67,98900,161,1325,375,55,119,41,5900,6600,5100,750,340,4.1,0,0,19.3,77777,9,999999999,320,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,20.0,87,99000,5,298,370,1,0,1,0,0,0,0,30,4.1,1,1,19.3,77777,9,999999999,350,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,19.4,87,99000,0,0,360,0,0,0,0,0,0,0,50,3.1,0,0,16.1,77777,9,999999999,340,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,18.9,87,99100,0,0,356,0,0,0,0,0,0,0,20,2.1,0,0,16.1,77777,9,999999999,330,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.9,97,99100,0,0,348,0,0,0,0,0,0,0,260,2.1,0,0,16.1,77777,9,999999999,330,0.2050,0,88,999.000,999.0,99.0 +1986,7,28,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.9,97,99100,0,0,348,0,0,0,0,0,0,0,260,2.6,0,0,16.1,77777,9,999999999,330,0.2050,0,88,999.000,999.0,99.0 +1986,7,29,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,18.9,93,99100,0,0,405,0,0,0,0,0,0,0,280,2.6,10,10,16.1,7620,9,999999999,330,0.2050,0,88,999.000,999.0,99.0 +1986,7,29,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,17.8,87,99100,0,0,404,0,0,0,0,0,0,0,280,3.6,10,10,16.1,7620,9,999999999,310,0.2050,0,88,999.000,999.0,99.0 +1986,7,29,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,17.8,87,99200,0,0,384,0,0,0,0,0,0,0,270,3.1,10,8,16.1,7620,9,999999999,310,0.2050,0,88,999.000,999.0,99.0 +1986,7,29,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,17.8,87,99200,0,0,404,0,0,0,0,0,0,0,280,3.6,10,10,16.1,3050,9,999999999,310,0.2050,0,88,999.000,999.0,99.0 +1986,7,29,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,17.8,87,99200,8,364,384,2,1,1,0,0,0,0,290,2.6,8,8,16.1,3050,9,999999999,310,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,18.3,84,99200,174,1325,371,64,172,41,6600,10400,5300,730,350,3.6,3,3,24.1,77777,9,999999999,320,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,18.9,82,99200,415,1325,362,232,506,72,24000,45300,9800,1370,360,5.7,0,0,24.1,77777,9,999999999,330,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,18.3,74,99200,648,1325,366,425,659,100,44800,65100,12800,2150,30,6.7,0,0,24.1,77777,9,999999999,320,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,18.3,69,99200,857,1325,379,611,752,121,63600,75100,14900,2900,20,4.1,1,1,24.1,77777,9,999999999,320,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,18.3,67,99300,1027,1325,391,544,407,227,59300,42500,26200,7540,350,2.1,3,3,24.1,77777,9,999999999,320,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,17.2,58,99300,1147,1325,386,811,761,148,86100,77100,19300,6380,30,4.6,1,1,24.1,77777,9,999999999,300,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,16.7,54,99300,1208,1325,381,927,842,155,98700,85400,20800,8380,340,3.6,0,0,24.1,77777,9,999999999,290,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,16.1,51,99300,1205,1325,383,925,842,155,98600,85400,20700,8300,50,3.1,0,0,24.1,77777,9,999999999,280,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,15.0,46,99300,1141,1325,385,868,830,150,92100,84000,19600,6320,30,2.1,0,0,24.1,77777,9,999999999,260,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,14.4,44,99300,1017,1325,384,752,795,139,79200,80100,17500,4280,40,4.1,0,0,24.1,77777,9,999999999,250,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,13.9,44,99200,844,1325,381,601,749,122,62500,74600,14900,2860,30,4.1,0,0,24.1,77777,9,999999999,250,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,13.3,44,99200,633,1325,377,417,665,98,44000,65500,12700,2080,10,3.6,0,0,24.1,77777,9,999999999,240,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,13.9,49,99200,398,1325,373,221,502,69,22800,44400,9500,1300,40,3.6,0,0,24.1,77777,9,999999999,250,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,13.3,52,99300,157,1325,370,54,157,36,5700,8900,4700,640,50,4.1,3,1,24.1,77777,9,999999999,240,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,12.2,52,99200,4,276,364,1,2,1,0,0,0,0,50,2.6,3,1,24.1,77777,9,999999999,220,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,12.8,57,99200,0,0,352,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,230,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,14.4,66,99200,0,0,351,0,0,0,0,0,0,0,150,2.1,0,0,24.1,77777,9,999999999,250,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.1,87,99200,0,0,340,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,280,0.1410,0,88,999.000,999.0,99.0 +1986,7,29,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,15.6,87,99200,0,0,337,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,270,0.1410,0,88,999.000,999.0,99.0 +1986,7,30,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,16.1,90,99200,0,0,338,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,280,0.1410,0,88,999.000,999.0,99.0 +1986,7,30,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,15.6,87,99200,0,0,337,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,270,0.1410,0,88,999.000,999.0,99.0 +1986,7,30,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,15.0,97,99200,0,0,326,0,0,0,0,0,0,0,260,2.1,0,0,24.1,77777,9,999999999,260,0.1410,0,88,999.000,999.0,99.0 +1986,7,30,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,15.0,93,99300,0,0,329,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,260,0.1410,0,88,999.000,999.0,99.0 +1986,7,30,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,14.4,93,99300,7,342,340,1,0,1,0,0,0,0,0,0.0,7,3,16.1,77777,9,999999999,250,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,15.6,93,99300,171,1325,359,33,16,31,3600,1100,3500,800,0,0.0,8,7,9.7,7620,9,999999999,270,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,17.2,84,99300,412,1325,370,135,89,107,14800,8200,12200,2400,0,0.0,7,5,8.0,7620,9,999999999,300,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,17.8,74,99300,646,1325,399,260,109,207,28400,11100,22900,5110,180,2.1,10,8,9.7,7620,9,999999999,310,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,16.7,64,99300,855,1325,412,367,109,296,40300,11100,33100,9860,190,2.6,9,9,8.0,7620,9,999999999,290,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,16.7,58,99300,1025,1325,402,596,361,315,65000,39100,34700,10350,180,4.1,7,6,11.3,7620,9,999999999,290,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,16.1,49,99300,1145,1325,403,775,535,310,83100,55900,34700,14160,170,3.1,7,3,16.1,77777,9,999999999,280,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,16.1,45,99200,1206,1325,412,821,567,302,89000,59400,34900,17210,130,3.6,6,3,11.3,77777,9,999999999,280,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,15.6,44,99100,1204,1325,423,725,484,283,79100,50700,33000,15940,130,6.2,9,7,11.3,3050,9,999999999,270,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,13.9,41,99100,1138,1325,424,692,287,444,74700,31100,47900,19140,130,4.1,10,8,16.1,3050,9,999999999,240,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,12.2,36,99100,1015,1325,404,657,553,232,71300,57700,27100,7520,130,3.1,6,3,16.1,77777,9,999999999,220,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,15.0,43,99100,842,1325,422,432,275,257,46700,29400,28000,6640,120,4.6,8,7,16.1,3050,9,999999999,260,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,13.9,40,99000,630,1325,421,241,182,154,26200,18700,17200,3270,150,5.2,8,7,24.1,3050,9,999999999,250,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,13.9,41,99000,395,1325,409,135,123,98,14800,11200,11500,2190,160,3.6,7,5,24.1,3050,9,999999999,240,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,12.8,42,99000,154,1325,393,48,90,37,5000,4800,4500,670,190,4.1,4,3,24.1,77777,9,999999999,230,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,15.6,54,99000,3,232,387,0,0,0,0,0,0,0,180,3.1,2,2,24.1,77777,9,999999999,270,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,16.1,60,99000,0,0,376,0,0,0,0,0,0,0,180,3.1,1,1,24.1,77777,9,999999999,280,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,16.7,64,99000,0,0,367,0,0,0,0,0,0,0,170,3.6,0,0,24.1,77777,9,999999999,290,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,17.2,73,99000,0,0,360,0,0,0,0,0,0,0,170,2.6,0,0,24.1,77777,9,999999999,300,0.1970,0,88,999.000,999.0,99.0 +1986,7,30,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,17.2,76,99000,0,0,357,0,0,0,0,0,0,0,170,1.5,0,0,24.1,77777,9,999999999,300,0.1970,0,88,999.000,999.0,99.0 +1986,7,31,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,17.2,87,99000,0,0,346,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,300,0.1970,0,88,999.000,999.0,99.0 +1986,7,31,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,17.2,79,98900,0,0,354,0,0,0,0,0,0,0,150,2.6,0,0,24.1,77777,9,999999999,300,0.1970,0,88,999.000,999.0,99.0 +1986,7,31,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,16.7,76,98900,0,0,361,0,0,0,0,0,0,0,150,2.1,3,1,24.1,77777,9,999999999,290,0.1970,0,88,999.000,999.0,99.0 +1986,7,31,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,16.7,79,98900,0,0,394,0,0,0,0,0,0,0,0,0.0,10,9,24.1,7620,9,999999999,290,0.1970,0,88,999.000,999.0,99.0 +1986,7,31,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,17.2,90,98900,6,320,378,2,0,2,0,0,0,0,0,0.0,8,8,16.1,3050,9,999999999,300,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,17.8,79,99000,167,1326,393,29,1,29,3300,0,3300,1060,0,0.0,8,8,16.1,2440,9,999999999,310,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,17.2,66,99000,409,1326,384,179,184,122,19400,16900,14200,2740,190,4.1,3,3,14.5,77777,9,999999999,300,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,17.8,67,99000,643,1326,371,373,405,175,39000,40300,19400,3670,220,2.1,0,0,14.5,77777,9,999999999,310,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,17.8,58,99000,852,1326,383,559,514,226,59200,53000,25000,5710,0,0.0,0,0,19.3,77777,9,999999999,310,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,17.8,53,99000,1023,1326,391,718,587,262,77000,61200,29600,8700,140,2.1,0,0,19.3,77777,9,999999999,310,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,16.7,46,99000,1143,1326,395,827,625,285,86100,62800,31800,12400,270,3.6,0,0,19.3,77777,9,999999999,290,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,17.8,46,99000,1204,1326,403,886,641,300,92500,64500,33800,16350,240,2.6,1,0,19.3,77777,9,999999999,310,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,20.6,52,98900,1201,1326,430,858,578,331,92100,60500,37200,18590,290,4.6,3,3,19.3,77777,9,999999999,360,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,18.9,48,98900,1136,1326,435,638,262,412,69200,28400,44800,17480,280,4.6,6,6,16.1,1680,9,999999999,330,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,19.4,59,98800,1013,1326,432,560,173,427,60600,18300,46600,14300,320,6.7,8,8,16.1,1680,9,999999999,340,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,20.0,57,99000,839,1326,432,340,58,303,37300,5900,33600,9890,350,4.6,9,7,19.3,1680,9,999999999,350,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,20.6,69,98900,627,1326,418,227,22,216,25400,1900,24500,8030,140,2.6,7,7,19.3,1680,9,999999999,360,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,18.3,60,99000,391,1326,430,119,14,115,13300,900,13000,4050,340,4.1,9,9,19.3,1680,9,999999999,320,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,17.8,62,99000,150,1326,414,26,0,26,3000,0,3000,940,330,4.1,9,8,19.3,7620,9,999999999,310,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,16.7,60,99000,3,210,403,0,0,0,0,0,0,0,320,3.1,8,7,19.3,7620,9,999999999,290,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,16.1,62,99000,0,0,379,0,0,0,0,0,0,0,330,4.6,5,2,19.3,77777,9,999999999,280,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.0,16.1,50,99100,0,0,378,0,0,0,0,0,0,0,330,4.3,7,3,19.3,77777,9,999999999,220,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,16.1,59,99100,0,0,358,0,0,0,0,0,0,0,330,4.0,0,0,24.1,77777,9,999999999,220,0.3810,0,88,999.000,999.0,99.0 +1986,7,31,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.3,16.1,66,99100,0,0,354,0,0,0,0,0,0,0,300,3.7,0,0,24.1,77777,9,999999999,230,0.3810,0,88,999.000,999.0,99.0 +1989,8,1,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.4,16.1,87,99500,0,0,350,0,0,0,0,0,0,0,10,3.5,0,0,8.0,77777,9,999999999,260,0.3810,0,88,999.000,999.0,99.0 +1989,8,1,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.5,16.1,93,99500,0,0,363,0,0,0,0,0,0,0,360,3.2,4,4,8.0,77777,9,999999999,290,0.3810,0,88,999.000,999.0,99.0 +1989,8,1,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.7,16.1,97,99600,0,0,375,0,0,0,0,0,0,0,350,2.9,8,8,8.0,1280,9,999999999,290,0.3810,0,88,999.000,999.0,99.0 +1989,8,1,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,16.1,90,99600,0,0,365,0,0,0,0,0,0,0,330,2.6,7,7,8.0,1830,9,999999999,280,0.3810,0,88,999.000,999.0,99.0 +1989,8,1,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,15.6,87,99600,5,298,364,0,0,0,0,0,0,0,10,2.6,7,7,6.4,1830,9,999999999,270,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,16.7,90,99700,163,1326,374,31,31,27,3500,1900,3200,570,350,2.1,8,8,6.4,1830,9,999999999,290,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,17.8,87,99700,405,1326,371,191,243,116,20200,22100,13400,2320,340,3.1,5,5,6.4,77777,9,999999999,310,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,17.2,73,99800,639,1326,389,295,188,203,32000,19200,22800,4990,30,4.1,7,7,6.4,1980,9,999999999,300,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,16.7,64,99800,849,1326,386,361,270,187,40000,29000,21400,4630,70,4.1,4,4,6.4,77777,9,999999999,290,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,17.2,60,99800,1020,1326,389,741,759,152,77000,76200,18300,4570,110,2.1,2,2,8.0,77777,9,999999999,300,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,17.8,58,99800,1140,1326,383,865,841,137,88400,84100,15900,4580,50,2.6,0,0,8.0,77777,9,999999999,310,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,17.8,56,99700,1201,1326,385,925,858,142,94300,85900,16300,5970,360,3.1,0,0,8.0,77777,9,999999999,310,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,17.8,56,99700,1199,1326,393,872,788,156,92800,79800,20400,8080,50,3.1,1,1,8.0,77777,9,999999999,310,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,17.2,53,99600,1133,1326,404,581,413,226,64200,43300,27100,9800,90,3.1,3,3,9.7,77777,9,999999999,300,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,16.1,52,99600,1009,1326,388,615,607,151,66100,62400,18500,4950,70,4.1,1,1,12.9,77777,9,999999999,280,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,16.1,49,99600,835,1326,386,596,766,111,62500,76600,14100,2660,50,3.6,0,0,12.9,77777,9,999999999,280,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,15.0,47,99500,623,1326,382,410,679,89,43400,66900,11900,1900,130,2.1,0,0,12.9,77777,9,999999999,260,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,15.0,51,99500,387,1326,376,217,523,63,22500,46000,9100,1200,140,2.1,0,0,12.9,77777,9,999999999,270,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,15.0,51,99500,145,1326,376,56,207,33,5800,11200,4600,590,40,3.6,0,0,12.9,77777,9,999999999,270,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,16.1,64,99400,2,188,364,2,2,1,0,0,0,0,130,2.6,0,0,12.9,77777,9,999999999,280,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,16.1,66,99500,0,0,361,0,0,0,0,0,0,0,130,2.1,0,0,12.9,77777,9,999999999,280,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,15.6,81,99600,0,0,342,0,0,0,0,0,0,0,230,1.5,0,0,12.9,77777,9,999999999,270,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,16.1,84,99600,0,0,343,0,0,0,0,0,0,0,0,0.0,0,0,12.9,77777,9,999999999,280,0.1220,0,88,999.000,999.0,99.0 +1989,8,1,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.7,90,99600,0,0,340,0,0,0,0,0,0,0,230,2.1,0,0,14.5,77777,9,999999999,290,0.1220,0,88,999.000,999.0,99.0 +1989,8,2,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,15.6,87,99500,0,0,337,0,0,0,0,0,0,0,230,2.1,0,0,14.5,77777,9,999999999,270,0.1220,0,88,999.000,999.0,99.0 +1989,8,2,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,99500,0,0,334,0,0,0,0,0,0,0,210,2.1,0,0,16.1,77777,9,999999999,270,0.1220,0,88,999.000,999.0,99.0 +1989,8,2,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,16.1,90,99500,0,0,344,0,0,0,0,0,0,0,220,3.1,3,1,14.5,77777,9,999999999,280,0.1220,0,88,999.000,999.0,99.0 +1989,8,2,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.0,87,99500,0,0,334,0,0,0,0,0,0,0,210,2.6,0,0,12.9,77777,9,999999999,260,0.1220,0,88,999.000,999.0,99.0 +1989,8,2,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,15.6,84,99500,4,276,339,3,2,2,0,0,0,0,0,0.0,0,0,6.4,77777,9,999999999,270,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,16.1,87,99600,159,1326,340,62,198,37,6300,11300,5000,660,0,0.0,0,0,6.4,77777,9,999999999,280,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,17.8,79,99600,402,1326,358,224,499,71,23000,44200,9600,1340,0,0.0,0,0,6.4,77777,9,999999999,310,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,17.8,69,99700,636,1326,369,419,658,100,44000,64800,12800,2120,220,3.1,0,0,6.4,77777,9,999999999,310,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,18.3,60,99600,847,1326,383,603,744,124,62400,74100,15000,2890,230,3.1,0,0,11.3,77777,9,999999999,320,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,17.2,54,99600,1018,1326,385,758,783,152,78700,78600,18300,4540,250,3.6,2,0,11.3,77777,9,999999999,300,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,17.8,51,99600,1138,1326,394,863,808,164,90400,81400,20400,6690,180,4.1,2,0,11.3,77777,9,999999999,310,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,17.2,49,99500,1199,1326,393,919,823,170,96800,83100,21500,8660,210,4.1,2,0,11.3,77777,9,999999999,300,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,17.8,50,99400,1197,1326,397,918,838,157,97500,84900,20700,8030,190,5.7,0,0,12.9,77777,9,999999999,310,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,18.3,51,99300,1131,1326,397,858,824,151,90700,83300,19500,6140,220,4.6,0,0,12.9,77777,9,999999999,320,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,18.3,51,99300,1007,1326,397,745,792,140,78100,79700,17500,4190,220,4.1,0,0,12.9,77777,9,999999999,320,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,18.9,53,99200,832,1326,398,588,738,122,62700,75100,15500,3080,220,4.1,0,0,16.1,77777,9,999999999,330,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,18.9,55,99200,619,1326,396,403,647,98,42200,63400,12600,2060,230,4.1,0,0,16.1,77777,9,999999999,330,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,19.4,63,99200,383,1326,387,208,480,68,21400,41900,9300,1270,220,3.6,0,0,16.1,77777,9,999999999,340,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,18.9,65,99200,140,1326,381,52,153,35,5300,8100,4400,630,220,2.6,2,0,16.1,77777,9,999999999,330,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,19.4,74,99100,1,166,380,0,1,0,0,0,0,0,170,2.6,3,1,11.3,77777,9,999999999,340,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,19.4,79,99100,0,0,368,0,0,0,0,0,0,0,180,3.1,1,0,11.3,77777,9,999999999,340,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,19.4,79,99100,0,0,368,0,0,0,0,0,0,0,180,3.6,1,0,11.3,77777,9,999999999,340,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,19.4,82,99100,0,0,372,0,0,0,0,0,0,0,190,3.6,4,1,11.3,77777,9,999999999,340,0.1440,0,88,999.000,999.0,99.0 +1989,8,2,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,19.4,84,99100,0,0,374,0,0,0,0,0,0,0,180,3.1,8,2,11.3,77777,9,999999999,340,0.1440,0,88,999.000,999.0,99.0 +1989,8,3,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,19.4,87,99100,0,0,367,0,0,0,0,0,0,0,190,3.1,4,1,12.9,77777,9,999999999,340,0.1440,0,88,999.000,999.0,99.0 +1989,8,3,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,19.4,87,99100,0,0,367,0,0,0,0,0,0,0,220,3.1,3,1,14.5,77777,9,999999999,340,0.1440,0,88,999.000,999.0,99.0 +1989,8,3,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,18.3,84,99000,0,0,362,0,0,0,0,0,0,0,220,4.1,3,1,11.3,77777,9,999999999,320,0.1440,0,88,999.000,999.0,99.0 +1989,8,3,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,17.8,79,99000,0,0,373,0,0,0,0,0,0,0,190,3.1,8,3,9.7,77777,9,999999999,310,0.1440,0,88,999.000,999.0,99.0 +1989,8,3,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,18.9,84,99000,4,254,371,1,0,1,0,0,0,0,190,3.6,7,2,6.4,77777,9,999999999,330,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,19.4,82,99100,156,1327,377,56,109,43,5900,5900,5200,800,220,3.6,8,2,6.4,77777,9,999999999,340,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,20.6,76,99000,398,1327,394,192,292,103,20400,26400,12400,2010,220,5.7,9,3,6.4,77777,9,999999999,360,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,21.7,74,99000,634,1327,400,392,530,137,41900,52800,16600,2790,250,7.2,5,2,6.4,77777,9,999999999,390,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,22.2,70,99000,844,1327,404,518,474,214,55000,48800,23900,5330,200,6.2,3,1,8.0,77777,9,999999999,400,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,22.8,67,98900,1016,1327,416,657,557,228,68500,56200,25500,7240,220,5.7,3,2,8.0,77777,9,999999999,410,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,22.8,63,98900,1136,1327,430,754,514,311,80700,53700,34700,13760,230,6.2,10,4,8.0,77777,9,999999999,410,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,22.2,61,98800,1197,1327,426,767,482,330,82400,50400,36800,18110,200,8.2,10,3,8.0,77777,9,999999999,400,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,22.2,61,98800,1194,1327,426,842,562,333,90300,58800,37300,18100,210,6.7,10,3,8.0,77777,9,999999999,400,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,22.8,59,98700,1129,1327,440,819,618,289,84900,62000,32100,11960,210,8.2,10,5,11.3,77777,9,999999999,410,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,22.2,57,98600,1004,1327,436,613,458,264,65500,47700,29300,8440,210,8.2,8,4,16.1,77777,9,999999999,400,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,21.7,55,98500,829,1327,432,525,488,218,55600,50200,24200,5350,210,8.2,6,3,16.1,77777,9,999999999,380,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,22.2,61,98500,616,1327,426,349,349,185,37100,35700,20500,4050,210,6.7,7,3,16.1,77777,9,999999999,400,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,22.8,63,98400,379,1327,423,183,275,104,19400,24300,12400,2040,200,7.2,6,2,16.1,77777,9,999999999,410,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,22.2,65,98400,136,1327,420,41,53,36,4500,3000,4200,750,200,6.2,7,3,16.1,77777,9,999999999,390,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,22.2,65,98400,1,144,464,0,0,0,0,0,0,0,200,5.7,10,10,16.1,2290,9,999999999,390,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.1,22.2,79,98400,0,0,444,0,0,0,0,0,0,0,230,4.1,10,10,11.3,940,9,999999999,400,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,23.9,91,98300,0,0,444,0,0,0,0,0,0,0,190,4.1,10,10,11.3,1130,9,999999999,440,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,23.3,88,98300,0,0,443,0,0,0,0,0,0,0,190,5.2,10,10,11.3,980,9,999999999,430,0.1600,0,88,999.000,999.0,99.0 +1989,8,3,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.1,23.3,85,98200,0,0,446,0,0,0,0,0,0,0,200,6.7,10,10,11.3,1130,9,999999999,419,0.1600,0,88,999.000,999.0,99.0 +1989,8,4,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,26.1,23.3,85,98100,0,0,446,0,0,0,0,0,0,0,230,6.2,10,10,6.4,640,9,999999999,419,0.1600,0,88,999.000,999.0,99.0 +1989,8,4,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,20.6,85,98100,0,0,426,0,0,0,0,0,0,0,290,8.8,10,10,2.4,0,9,999999999,360,0.1600,0,88,999.000,999.0,99.0 +1989,8,4,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,22.2,88,98100,0,0,434,0,0,0,0,0,0,0,270,5.7,10,10,4.8,340,9,999999999,400,0.1600,0,88,999.000,999.0,99.0 +1989,8,4,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,22.2,88,98200,0,0,434,0,0,0,0,0,0,0,270,5.7,10,10,4.8,850,9,999999999,400,0.1600,0,88,999.000,999.0,99.0 +1989,8,4,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,22.8,94,98200,3,232,432,0,0,0,0,0,0,0,260,3.6,10,10,12.9,850,9,999999999,410,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,18.9,74,98200,152,1327,427,31,2,30,3400,0,3400,1060,230,2.1,10,10,12.9,700,9,999999999,330,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,21.1,87,98300,395,1327,426,97,0,97,11000,0,11000,3630,260,5.2,10,10,12.9,730,9,999999999,370,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,23.9,97,98200,631,1327,436,92,6,89,11100,400,10900,4110,240,3.6,10,10,11.3,640,9,999999999,440,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,24.4,91,98200,842,1327,447,220,0,220,25600,0,25600,9730,270,4.1,10,10,12.9,640,9,999999999,450,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,23.9,82,98300,1013,1327,453,302,3,300,35300,300,35100,13390,270,4.1,10,10,12.9,490,9,999999999,440,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,24.4,75,98300,1134,1327,467,358,2,356,42000,200,41800,15720,290,5.2,10,10,12.9,580,9,999999999,450,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,23.9,70,98300,1195,1327,470,415,1,414,48500,100,48500,17690,280,2.6,10,10,12.9,610,9,999999999,440,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,24.4,70,98300,1192,1327,433,847,590,313,91300,61700,35700,16790,240,1.5,4,4,12.9,77777,9,999999999,450,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,24.4,70,98300,1126,1327,440,761,600,249,79900,60700,28200,10380,220,3.1,6,6,12.9,1010,9,999999999,450,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,25.0,70,98300,1001,1327,443,505,362,229,54600,37800,26000,7200,230,4.1,6,6,12.9,820,9,999999999,460,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,25.0,70,98200,826,1327,440,532,531,199,56800,54700,22700,4830,210,4.6,5,5,12.9,77777,9,999999999,460,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,24.4,68,98200,612,1327,439,327,368,156,34300,36400,17600,3190,220,4.1,5,5,12.9,77777,9,999999999,450,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,25.0,75,98200,375,1327,433,156,199,99,16500,17500,11600,1930,220,5.2,5,5,12.9,77777,9,999999999,469,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,25.0,80,98200,132,1327,416,38,68,31,4000,3200,3700,560,220,3.1,2,2,11.3,77777,9,999999999,469,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,25.0,82,98300,1,100,424,1,0,1,0,0,0,0,220,2.1,5,5,11.3,77777,9,999999999,460,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,27.8,25.6,88,98300,0,0,425,0,0,0,0,0,0,0,210,3.1,6,6,11.3,1010,9,999999999,480,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,28.3,25.0,82,98100,0,0,439,0,0,0,0,0,0,0,160,5.7,10,8,11.3,1010,9,999999999,460,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,28.3,25.0,82,98200,0,0,432,0,0,0,0,0,0,0,250,6.2,7,7,11.3,1010,9,999999999,460,0.1760,0,88,999.000,999.0,99.0 +1989,8,4,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,18.9,84,98500,0,0,414,0,0,0,0,0,0,0,320,6.2,10,10,11.3,1100,9,999999999,330,0.1760,0,88,999.000,999.0,99.0 +1989,8,5,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,18.3,90,98600,0,0,404,0,0,0,0,0,0,0,40,6.2,10,10,11.3,610,9,999999999,320,0.1760,0,88,999.000,999.0,99.0 +1989,8,5,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,18.3,87,98700,0,0,408,0,0,0,0,0,0,0,30,5.7,10,10,16.1,1520,9,999999999,320,0.1760,0,88,999.000,999.0,99.0 +1989,8,5,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,18.3,87,98600,0,0,408,0,0,0,0,0,0,0,60,4.1,10,10,16.1,1430,9,999999999,320,0.1760,0,88,999.000,999.0,99.0 +1989,8,5,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,17.8,87,98700,0,0,404,0,0,0,0,0,0,0,180,3.1,10,10,8.0,910,9,999999999,310,0.1760,0,88,999.000,999.0,99.0 +1989,8,5,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,18.9,90,98100,2,210,408,0,0,0,0,0,0,0,160,8.8,10,10,11.3,910,9,999999999,330,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,18.9,87,98200,149,1327,411,31,1,31,3500,0,3500,1080,180,2.1,10,10,16.1,3050,9,999999999,330,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.0,90,98400,392,1327,416,110,7,108,12300,400,12200,3890,300,3.6,10,10,16.1,1830,9,999999999,350,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,21.1,90,98400,628,1327,412,208,126,148,23100,12900,17000,3620,260,4.6,9,9,16.1,1680,9,999999999,370,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,20.6,85,98500,839,1327,405,259,64,218,28500,6500,24400,7560,230,3.6,8,8,16.1,1830,9,999999999,360,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,20.6,74,98500,1011,1327,381,752,849,100,77500,84900,12700,2810,230,4.6,0,0,24.1,77777,9,999999999,360,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,21.1,69,98500,1131,1327,416,657,407,307,70300,42500,34000,13370,220,4.6,6,6,24.1,1430,9,999999999,370,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,21.7,67,98500,1192,1327,396,912,885,112,93800,88800,13800,4950,230,5.7,0,0,24.1,77777,9,999999999,380,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,21.7,67,98500,1190,1327,444,435,148,302,48900,15900,34600,14190,260,4.6,10,9,24.1,3050,9,999999999,380,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,17.2,53,98300,1123,1327,447,284,9,276,33900,800,33300,13030,290,3.6,10,10,24.1,3050,9,999999999,300,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,17.8,48,98200,998,1327,421,616,528,216,67000,55100,25500,6730,270,2.6,8,4,24.1,77777,9,999999999,310,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,18.3,50,98200,822,1327,414,498,533,165,51900,53400,18700,3960,240,3.1,3,2,24.1,77777,9,999999999,320,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,18.3,51,98200,608,1327,405,378,666,70,39800,64900,10000,1540,260,4.1,1,1,24.1,77777,9,999999999,310,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,18.3,57,98300,371,1327,389,215,587,49,22000,51500,7600,980,260,5.2,0,0,24.1,77777,9,999999999,320,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,18.9,65,98300,127,1327,381,51,256,26,5100,14000,3800,460,270,4.1,0,0,24.1,77777,9,999999999,330,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,19.4,74,98300,0,77,373,2,1,1,0,0,0,0,270,3.6,0,0,24.1,77777,9,999999999,340,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,20.0,79,98400,0,0,384,0,0,0,0,0,0,0,290,2.6,2,2,24.1,77777,9,999999999,350,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,19.4,76,98400,0,0,378,0,0,0,0,0,0,0,290,3.1,1,1,24.1,77777,9,999999999,340,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,18.3,79,98400,0,0,361,0,0,0,0,0,0,0,270,2.6,0,0,24.1,77777,9,999999999,320,0.0810,0,88,999.000,999.0,99.0 +1989,8,5,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,17.2,73,98400,0,0,360,0,0,0,0,0,0,0,290,3.1,0,0,24.1,77777,9,999999999,290,0.0810,0,88,999.000,999.0,99.0 +1989,8,6,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,16.1,78,98500,0,0,348,0,0,0,0,0,0,0,280,3.1,0,0,24.1,77777,9,999999999,280,0.0810,0,88,999.000,999.0,99.0 +1989,8,6,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,15.6,76,98500,0,0,347,0,0,0,0,0,0,0,300,3.1,0,0,24.1,77777,9,999999999,270,0.0810,0,88,999.000,999.0,99.0 +1989,8,6,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,15.6,78,98500,0,0,344,0,0,0,0,0,0,0,300,3.1,0,0,24.1,77777,9,999999999,270,0.0810,0,88,999.000,999.0,99.0 +1989,8,6,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,14.4,78,98500,0,0,338,0,0,0,0,0,0,0,310,3.1,0,0,24.1,77777,9,999999999,250,0.0810,0,88,999.000,999.0,99.0 +1989,8,6,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,14.4,81,98600,2,188,336,2,3,1,0,0,0,0,300,3.1,0,0,24.1,77777,9,999999999,250,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,15.0,81,98600,145,1328,339,58,239,32,6100,12900,4700,570,320,4.1,0,0,24.1,77777,9,999999999,260,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,15.0,73,98700,389,1328,347,224,556,59,23200,49100,8900,1130,330,5.2,0,0,24.1,77777,9,999999999,260,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,15.0,68,98700,625,1328,352,419,707,83,43400,68700,11000,1730,330,6.2,0,0,24.1,77777,9,999999999,260,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,15.6,68,98800,836,1328,384,321,181,205,35100,19400,22900,5080,10,6.2,7,7,24.1,3050,9,999999999,270,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,15.6,71,98800,1008,1328,407,292,9,285,34200,800,33600,12870,340,5.7,10,10,24.1,980,9,999999999,270,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,14.4,84,99000,1129,1328,384,202,6,197,24800,500,24400,9920,30,9.8,10,10,16.1,370,9,999999999,250,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,15.0,93,99000,1190,1328,379,242,8,235,29600,600,29000,11590,20,8.2,10,10,9.7,270,9,999999999,260,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,13.9,81,99000,1187,1328,384,389,7,383,45800,700,45200,16770,10,6.7,10,10,16.1,910,9,999999999,240,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,11.1,65,99100,1121,1328,373,509,187,350,56300,20000,39400,13950,20,8.2,9,9,19.3,730,9,999999999,209,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,10.0,67,99200,995,1328,373,271,53,232,30100,5400,26000,9180,350,7.7,10,10,24.1,850,9,999999999,190,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,8.9,65,99200,819,1328,369,263,5,260,30100,400,29900,10770,360,8.8,10,10,24.1,880,9,999999999,180,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,8.9,63,99200,604,1328,372,152,5,149,17400,400,17200,6120,360,6.7,10,10,24.1,880,9,999999999,180,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,8.3,58,99200,366,1328,341,168,219,107,17700,19100,12400,2120,50,6.7,8,4,24.1,77777,9,999999999,180,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,8.3,62,99200,123,1328,325,43,136,30,4400,6600,3800,540,40,2.6,5,1,24.1,77777,9,999999999,180,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,8.9,72,99200,0,55,318,0,0,0,0,0,0,0,0,0.0,3,1,24.1,77777,9,999999999,180,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,10.0,83,99200,0,0,319,0,0,0,0,0,0,0,300,2.6,3,2,24.1,77777,9,999999999,190,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,10.6,87,99300,0,0,323,0,0,0,0,0,0,0,280,3.1,3,3,24.1,77777,9,999999999,200,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.6,90,99300,0,0,320,0,0,0,0,0,0,0,280,2.6,3,3,24.1,77777,9,999999999,200,0.1080,0,88,999.000,999.0,99.0 +1989,8,6,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.0,86,99300,0,0,312,0,0,0,0,0,0,0,280,2.6,1,1,24.1,77777,9,999999999,190,0.1080,0,88,999.000,999.0,99.0 +1989,8,7,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,10.0,90,99300,0,0,325,0,0,0,0,0,0,0,290,3.1,6,6,24.1,1980,9,999999999,200,0.1080,0,88,999.000,999.0,99.0 +1989,8,7,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,11.1,90,99300,0,0,340,0,0,0,0,0,0,0,290,3.1,8,8,24.1,1250,9,999999999,209,0.1080,0,88,999.000,999.0,99.0 +1989,8,7,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,10.6,87,99300,0,0,340,0,0,0,0,0,0,0,300,2.6,8,8,24.1,1830,9,999999999,200,0.1080,0,88,999.000,999.0,99.0 +1989,8,7,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,7.8,77,99300,0,0,317,0,0,0,0,0,0,0,300,2.6,4,4,24.1,77777,9,999999999,170,0.1080,0,88,999.000,999.0,99.0 +1989,8,7,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,8.9,83,99300,1,166,324,1,1,1,0,0,0,0,310,2.6,6,6,24.1,1980,9,999999999,180,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,9.4,80,99300,141,1328,314,57,252,30,5700,14400,4200,530,310,2.1,1,1,24.1,77777,9,999999999,190,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,10.0,70,99400,385,1328,332,238,587,65,24500,51400,9500,1230,300,3.1,2,2,24.1,77777,9,999999999,200,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,8.9,58,99300,622,1328,338,416,654,106,43300,63900,13300,2200,10,3.1,2,2,24.1,77777,9,999999999,180,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,7.8,47,99300,834,1328,347,586,735,120,60600,73200,14600,2780,310,4.6,2,2,24.1,77777,9,999999999,170,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,8.3,47,99300,1006,1328,354,725,730,167,77000,74700,20400,5370,310,4.6,3,3,24.1,77777,9,999999999,180,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,8.3,46,99300,1127,1328,365,804,691,214,85200,70500,25300,9030,320,5.2,6,6,24.1,1680,9,999999999,180,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,7.8,44,99300,1188,1328,375,670,314,388,73500,34100,42900,18760,320,5.7,8,8,24.1,1680,9,999999999,170,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,8.3,43,99300,1185,1328,375,479,220,281,53700,24000,32200,13080,10,6.2,7,7,24.1,1830,9,999999999,180,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,9.4,49,99300,1118,1328,367,872,743,242,91500,75300,28000,9850,40,3.6,6,6,24.1,1680,9,999999999,190,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,10.6,53,99300,992,1328,368,679,683,166,72300,69800,20000,5200,30,3.6,6,6,24.1,1680,9,999999999,200,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,10.6,55,99200,816,1328,356,569,687,144,59800,69200,17200,3490,40,3.6,3,3,24.1,77777,9,999999999,200,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,10.0,53,99200,601,1328,365,311,309,170,33300,31400,19000,3650,10,4.6,6,6,24.1,1370,9,999999999,200,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,10.0,55,99200,362,1328,349,196,474,65,20100,40600,9000,1210,40,3.1,2,2,24.1,77777,9,999999999,200,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,10.0,63,99200,118,1328,328,44,190,26,4500,9100,3700,460,130,2.6,0,0,24.1,77777,9,999999999,200,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,10.0,70,99200,0,33,321,0,0,0,0,0,0,0,140,2.6,0,0,24.1,77777,9,999999999,200,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,10.0,75,99200,0,0,316,0,0,0,0,0,0,0,200,2.6,0,0,24.1,77777,9,999999999,190,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,10.6,81,99200,0,0,314,0,0,0,0,0,0,0,200,2.6,0,0,24.1,77777,9,999999999,200,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,10.0,80,99200,0,0,311,0,0,0,0,0,0,0,220,2.6,0,0,24.1,77777,9,999999999,190,0.0880,0,88,999.000,999.0,99.0 +1989,8,7,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,9.4,80,99100,0,0,308,0,0,0,0,0,0,0,230,3.1,0,0,24.1,77777,9,999999999,190,0.0880,0,88,999.000,999.0,99.0 +1989,8,8,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,10.6,83,99100,0,0,312,0,0,0,0,0,0,0,240,3.1,0,0,24.1,77777,9,999999999,200,0.0880,0,88,999.000,999.0,99.0 +1989,8,8,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,10.6,83,99100,0,0,312,0,0,0,0,0,0,0,240,3.6,0,0,16.1,77777,9,999999999,200,0.0880,0,88,999.000,999.0,99.0 +1989,8,8,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,10.0,83,99300,0,0,309,0,0,0,0,0,0,0,240,3.1,0,0,16.1,77777,9,999999999,190,0.0880,0,88,999.000,999.0,99.0 +1989,8,8,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,7.8,77,99300,0,0,302,0,0,0,0,0,0,0,240,3.1,0,0,16.1,77777,9,999999999,170,0.0880,0,88,999.000,999.0,99.0 +1989,8,8,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,8.9,83,99300,1,144,303,1,1,1,0,0,0,0,250,2.6,0,0,16.1,77777,9,999999999,180,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,10.0,83,99300,138,1329,309,50,163,33,5200,8500,4300,590,260,3.6,0,0,19.3,77777,9,999999999,190,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,10.6,72,99300,382,1329,322,211,489,69,21700,42600,9400,1290,270,3.6,0,0,19.3,77777,9,999999999,200,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,10.6,61,99300,619,1329,334,409,659,99,42800,64600,12700,2070,270,3.6,0,0,19.3,77777,9,999999999,200,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,10.0,51,99300,831,1329,344,599,755,123,61900,75000,14900,2800,310,4.1,0,0,19.3,77777,9,999999999,200,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,11.1,48,99300,1003,1329,367,718,680,200,75400,69000,23200,6270,280,5.7,2,2,19.3,77777,9,999999999,209,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,11.1,45,99300,1124,1329,396,667,335,381,72500,36400,41700,15450,230,7.2,8,8,19.3,1830,9,999999999,209,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,10.0,43,99200,1185,1329,375,824,575,308,88900,60200,35100,16000,250,5.2,4,4,19.3,77777,9,999999999,190,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,11.1,42,99200,1182,1329,388,822,623,265,86400,63100,30200,13220,290,5.2,5,5,19.3,77777,9,999999999,209,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,11.1,45,99200,1115,1329,396,499,226,309,55200,24600,34600,11970,260,7.2,8,8,19.3,1680,9,999999999,209,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,12.2,48,99200,989,1329,406,450,112,366,49500,11500,40900,13360,250,4.1,9,9,19.3,1830,9,999999999,220,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,12.8,48,99100,812,1329,401,360,195,240,39600,20500,27000,6550,250,4.6,8,8,24.1,1680,9,999999999,230,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,12.2,52,99100,596,1329,386,257,133,197,27900,13400,21900,4750,260,5.7,7,7,24.1,2440,9,999999999,220,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,13.3,55,99100,357,1329,393,147,86,124,16100,7700,14000,3060,0,0.0,8,8,24.1,1520,9,999999999,240,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,14.4,73,99200,114,1318,396,11,1,11,1300,0,1300,430,50,6.7,10,10,6.4,1520,9,999999999,250,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,15.0,78,99200,0,0,394,0,0,0,0,0,0,0,230,2.6,10,10,11.3,1370,9,999999999,260,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,14.4,84,99300,0,0,384,0,0,0,0,0,0,0,250,2.1,10,10,11.3,1370,9,999999999,250,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,13.9,81,99300,0,0,384,0,0,0,0,0,0,0,290,3.1,10,10,11.3,1830,9,999999999,250,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,99300,0,0,386,0,0,0,0,0,0,0,290,2.6,10,10,11.3,2740,9,999999999,270,0.1450,0,88,999.000,999.0,99.0 +1989,8,8,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,99300,0,0,386,0,0,0,0,0,0,0,340,1.5,10,10,11.3,2440,9,999999999,270,0.1450,0,88,999.000,999.0,99.0 +1989,8,9,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,99300,0,0,367,0,0,0,0,0,0,0,240,3.1,8,8,16.1,2440,9,999999999,270,0.1450,0,88,999.000,999.0,99.0 +1989,8,9,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,15.6,87,99300,0,0,389,0,0,0,0,0,0,0,230,3.1,10,10,16.1,1520,9,999999999,270,0.1450,0,88,999.000,999.0,99.0 +1989,8,9,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,15.0,84,99300,0,0,388,0,0,0,0,0,0,0,240,3.6,10,10,16.1,1680,9,999999999,260,0.1450,0,88,999.000,999.0,99.0 +1989,8,9,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,12.8,81,99400,0,0,346,0,0,0,0,0,0,0,0,0.0,5,5,16.1,77777,9,999999999,230,0.1450,0,88,999.000,999.0,99.0 +1989,8,9,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,13.9,90,99400,1,122,336,1,2,1,0,0,0,0,210,1.5,3,2,11.3,77777,9,999999999,250,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,14.4,93,99500,134,1329,332,49,117,37,5100,5600,4600,680,230,2.6,10,1,11.3,77777,9,999999999,250,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,15.0,81,99600,378,1329,345,207,501,62,21300,43700,8900,1170,240,4.1,5,1,11.3,77777,9,999999999,260,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,14.4,66,99600,616,1329,363,358,451,147,37800,44600,17100,2990,280,4.6,8,2,11.3,77777,9,999999999,250,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,15.0,62,99600,828,1329,360,603,740,138,63600,74800,16900,3420,280,4.1,8,0,11.3,77777,9,999999999,260,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,15.6,56,99600,1001,1329,372,761,779,170,80800,79600,20800,5400,310,3.1,9,0,11.3,77777,9,999999999,270,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,15.0,51,99600,1122,1329,384,807,745,173,83900,74800,20600,6550,240,3.6,10,1,11.3,77777,9,999999999,270,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,13.3,44,99600,1183,1329,390,863,710,227,91600,72500,27000,11470,320,2.6,10,2,11.3,77777,9,999999999,240,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,13.9,49,99600,1179,1329,418,418,130,302,46900,14000,34500,13740,280,1.5,9,9,11.3,3050,9,999999999,250,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,13.9,44,99600,1112,1329,427,518,181,366,57100,19300,40900,14320,270,2.1,9,9,12.9,1680,9,999999999,250,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,15.0,54,99600,986,1329,407,496,125,403,54500,12900,44900,14340,80,5.7,8,8,12.9,1830,9,999999999,260,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,15.6,58,99600,808,1329,405,346,260,187,38100,27800,21200,4470,90,5.7,8,8,11.3,1520,9,999999999,270,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.0,60,99600,592,1329,407,202,65,172,22100,6400,19200,5040,180,4.6,9,9,12.9,1520,9,999999999,260,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,14.4,60,99500,353,1329,395,116,116,85,12700,10200,10000,1870,190,4.6,8,8,14.5,1680,9,999999999,260,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,15.0,68,99500,109,1296,395,19,4,19,2200,0,2200,690,190,4.1,9,9,14.5,1680,9,999999999,260,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,15.6,76,99500,0,0,376,0,0,0,0,0,0,0,180,3.6,7,7,14.5,1830,9,999999999,270,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,15.0,78,99600,0,0,356,0,0,0,0,0,0,0,190,3.1,3,3,16.1,77777,9,999999999,260,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,14.4,73,99600,0,0,343,0,0,0,0,0,0,0,200,3.1,0,0,16.1,77777,9,999999999,250,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,13.9,78,99700,0,0,335,0,0,0,0,0,0,0,210,2.6,0,0,16.1,77777,9,999999999,250,0.0810,0,88,999.000,999.0,99.0 +1989,8,9,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,13.9,78,99700,0,0,335,0,0,0,0,0,0,0,210,2.6,0,0,16.1,77777,9,999999999,250,0.0810,0,88,999.000,999.0,99.0 +1989,8,10,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,13.9,78,99700,0,0,335,0,0,0,0,0,0,0,220,2.6,0,0,12.9,77777,9,999999999,250,0.0810,0,88,999.000,999.0,99.0 +1989,8,10,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,14.4,81,99700,0,0,347,0,0,0,0,0,0,0,230,3.1,5,2,11.3,77777,9,999999999,250,0.0810,0,88,999.000,999.0,99.0 +1989,8,10,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,13.9,81,99800,0,0,347,0,0,0,0,0,0,0,220,3.1,7,3,11.3,77777,9,999999999,250,0.0810,0,88,999.000,999.0,99.0 +1989,8,10,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,12.8,75,99800,0,0,346,0,0,0,0,0,0,0,210,2.6,6,3,11.3,77777,9,999999999,230,0.0810,0,88,999.000,999.0,99.0 +1989,8,10,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,13.3,81,99800,0,100,344,0,0,0,0,0,0,0,230,2.6,6,3,11.3,77777,9,999999999,240,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,13.9,81,99900,130,1330,332,41,33,37,4400,2100,4200,860,240,2.1,2,0,11.3,77777,9,999999999,250,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,14.4,73,99900,375,1330,343,176,274,97,18600,24200,11800,1880,250,3.1,1,0,11.3,77777,9,999999999,250,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,15.0,64,99900,613,1330,357,364,458,151,38300,45300,17400,3070,240,4.1,1,0,11.3,77777,9,999999999,260,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,15.6,58,100000,826,1330,369,555,583,190,59500,60000,22100,4580,230,3.1,0,0,11.3,77777,9,999999999,270,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,16.7,58,100000,998,1330,388,666,524,270,70900,54500,29900,8520,260,4.1,3,2,11.3,77777,9,999999999,290,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,15.6,51,100000,1119,1330,393,778,586,281,83900,61300,32200,11700,260,5.2,2,2,11.3,77777,9,999999999,280,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,16.1,51,99900,1180,1330,391,824,584,303,89000,61100,34700,15390,260,3.6,1,1,11.3,77777,9,999999999,280,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,13.9,43,99900,1177,1330,400,770,488,335,82200,51000,37000,16890,300,4.1,3,3,11.3,77777,9,999999999,250,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,15.0,44,99800,1109,1330,411,751,484,345,79300,50400,37100,14150,270,4.1,5,5,14.5,77777,9,999999999,260,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,14.4,43,99800,982,1330,425,530,249,344,57000,26900,37100,10730,280,3.6,8,8,12.9,1680,9,999999999,260,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,15.6,56,99800,804,1330,417,178,67,137,20200,7100,15900,3720,50,8.2,9,9,12.9,1680,9,999999999,270,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,18.3,79,99800,588,1330,416,95,4,93,11300,300,11200,4160,30,6.2,10,10,16.1,1520,9,999999999,320,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,17.2,79,99800,348,1330,409,36,0,36,4300,0,4300,1540,30,4.1,10,10,14.5,1520,9,999999999,300,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,17.2,87,99800,104,1274,400,28,0,28,3100,0,3100,920,320,4.1,10,10,8.0,1520,9,999999999,300,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,16.7,81,99800,0,0,402,0,0,0,0,0,0,0,270,3.1,10,10,8.0,3050,9,999999999,290,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,16.7,76,99800,0,0,408,0,0,0,0,0,0,0,240,1.5,10,10,9.7,3050,9,999999999,290,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,16.7,79,99900,0,0,386,0,0,0,0,0,0,0,0,0.0,8,8,9.7,3050,9,999999999,290,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,16.7,84,99900,0,0,374,0,0,0,0,0,0,0,260,1.5,7,7,11.3,3050,9,999999999,290,0.2980,0,88,999.000,999.0,99.0 +1989,8,10,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,15.6,81,99900,0,0,360,0,0,0,0,0,0,0,270,2.6,4,4,11.3,77777,9,999999999,270,0.2980,0,88,999.000,999.0,99.0 +1989,8,11,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,15.6,84,99800,0,0,346,0,0,0,0,0,0,0,230,2.6,1,1,11.3,77777,9,999999999,270,0.2980,0,88,999.000,999.0,99.0 +1989,8,11,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,15.6,87,99800,0,0,343,0,0,0,0,0,0,0,220,2.1,1,1,11.3,77777,9,999999999,270,0.2980,0,88,999.000,999.0,99.0 +1989,8,11,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,99800,0,0,334,0,0,0,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,270,0.2980,0,88,999.000,999.0,99.0 +1989,8,11,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,15.0,90,99900,0,0,331,0,0,0,0,0,0,0,270,1.5,0,0,11.3,77777,9,999999999,260,0.2980,0,88,999.000,999.0,99.0 +1989,8,11,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,14.4,90,99900,0,78,334,1,1,0,0,0,0,0,0,0.0,1,1,6.4,77777,9,999999999,250,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,15.6,97,99900,126,1330,343,43,136,29,4400,6800,3700,520,0,0.0,3,3,6.4,77777,9,999999999,270,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,17.2,84,100000,372,1330,356,199,517,52,20700,45200,8100,1010,0,0.0,1,1,6.4,77777,9,999999999,300,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,16.7,64,100000,610,1330,367,410,723,75,42800,70300,10500,1610,190,2.1,0,0,9.7,77777,9,999999999,290,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,15.6,58,100000,823,1330,381,526,625,136,55500,63200,16300,3350,190,3.1,2,2,9.7,77777,9,999999999,270,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,15.0,49,100000,996,1330,396,719,738,162,76500,75500,19900,5110,150,2.1,3,3,9.7,77777,9,999999999,270,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,15.0,49,100000,1117,1330,399,709,580,218,74900,59100,25200,8890,0,0.0,4,4,9.7,77777,9,999999999,270,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,16.1,69,99900,1177,1330,388,625,304,354,68800,33100,39500,16360,250,3.6,7,7,9.7,1460,9,999999999,280,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,17.2,60,99900,1174,1330,434,181,47,140,21400,5100,16800,6260,320,4.6,10,10,9.7,1520,9,999999999,300,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,15.0,64,99900,1106,1330,412,233,7,227,28200,600,27700,11120,130,5.2,10,10,8.0,1520,9,999999999,260,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,16.7,69,99800,979,1330,398,482,294,263,52800,31800,29300,7830,190,3.6,8,8,8.0,7620,9,999999999,290,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,16.7,62,99800,801,1330,382,491,545,160,51100,54500,18200,3740,230,3.1,7,2,8.0,77777,9,999999999,290,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,16.7,58,99800,584,1330,383,357,626,79,37700,61100,10800,1660,260,2.1,3,1,8.0,77777,9,999999999,290,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,18.3,69,99700,343,1330,379,176,440,60,18000,37100,8400,1120,0,0.0,3,1,8.0,77777,9,999999999,320,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,16.1,69,99700,99,1230,365,39,152,24,3900,7000,3300,420,270,2.6,1,1,8.0,77777,9,999999999,280,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,16.7,81,99700,0,0,349,0,0,0,0,0,0,0,260,1.5,0,0,8.0,77777,9,999999999,290,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,16.7,87,99800,0,0,343,0,0,0,0,0,0,0,0,0.0,0,0,8.0,77777,9,999999999,290,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,16.7,93,99800,0,0,345,0,0,0,0,0,0,0,0,0.0,1,1,8.0,77777,9,999999999,290,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,16.7,93,99800,0,0,358,0,0,0,0,0,0,0,0,0.0,5,5,6.4,77777,9,999999999,290,0.0920,0,88,999.000,999.0,99.0 +1989,8,11,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.2,93,99800,0,0,359,0,0,0,0,0,0,0,0,0.0,8,4,6.4,77777,9,999999999,300,0.0920,0,88,999.000,999.0,99.0 +1989,8,12,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.0,87,99700,0,0,351,0,0,0,0,0,0,0,300,1.5,9,4,6.4,77777,9,999999999,260,0.0920,0,88,999.000,999.0,99.0 +1989,8,12,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,16.1,93,99700,0,0,352,0,0,0,0,0,0,0,0,0.0,9,4,6.4,77777,9,999999999,280,0.0920,0,88,999.000,999.0,99.0 +1989,8,12,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,16.1,93,99700,0,0,349,0,0,0,0,0,0,0,210,2.1,8,3,6.4,77777,9,999999999,280,0.0920,0,88,999.000,999.0,99.0 +1989,8,12,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,15.0,93,99800,0,0,339,0,0,0,0,0,0,0,230,1.5,7,2,6.4,77777,9,999999999,260,0.0920,0,88,999.000,999.0,99.0 +1989,8,12,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,15.6,93,99800,0,55,338,0,0,0,0,0,0,0,0,0.0,6,1,4.8,77777,9,999999999,270,0.0920,0,88,999.000,999.0,99.0 +1989,8,12,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,12.8,81,99800,123,1330,332,29,8,28,3100,500,3100,680,220,2.1,6,1,4.8,77777,9,999999999,230,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,16.7,81,99800,368,1330,349,162,191,108,17000,16700,12400,2150,170,3.1,2,0,4.8,77777,9,999999999,290,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,17.2,69,99800,607,1330,365,341,375,168,36500,38200,19000,3600,170,2.6,0,0,6.4,77777,9,999999999,300,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,16.7,60,99800,820,1330,373,528,493,221,55600,50600,24300,5370,180,3.6,0,0,6.4,77777,9,999999999,290,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,16.1,54,99800,993,1330,378,687,569,259,73300,59200,29000,8060,150,2.1,0,0,6.4,77777,9,999999999,280,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,15.6,49,99800,1114,1330,395,771,544,312,82200,56800,34500,12860,140,2.6,2,2,6.4,77777,9,999999999,270,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,15.0,49,99700,1175,1330,399,775,483,346,82500,50400,37900,17310,180,3.1,4,4,8.0,77777,9,999999999,260,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,15.6,46,99700,1171,1330,408,767,436,381,80900,45400,40800,18910,360,5.2,4,4,8.0,77777,9,999999999,270,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,17.2,76,99600,1103,1330,412,534,112,440,58700,11600,49100,17840,330,4.1,10,10,8.0,1520,9,999999999,300,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,16.1,76,99600,975,1330,385,402,182,268,44600,19400,30400,8510,270,5.2,8,8,8.0,2440,9,999999999,280,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,18.3,84,99500,797,1330,384,379,188,265,41300,19700,29500,7150,280,5.2,8,7,8.0,7620,9,999999999,320,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,15.6,76,99500,579,1330,390,220,44,201,24100,4300,22300,5610,170,1.5,10,9,8.0,7620,9,999999999,270,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,16.1,78,99500,338,1330,401,77,1,77,8800,0,8800,2860,130,3.1,10,10,9.7,7620,9,999999999,280,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,14.4,68,99500,95,1208,391,29,1,29,3200,0,3200,930,130,3.1,10,9,9.7,7620,9,999999999,250,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,15.6,81,99400,0,0,357,0,0,0,0,0,0,0,320,2.6,8,3,9.7,77777,9,999999999,270,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,14.4,78,99500,0,0,353,0,0,0,0,0,0,0,320,2.6,3,3,9.7,77777,9,999999999,250,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,15.0,84,99500,0,0,347,0,0,0,0,0,0,0,330,3.1,4,2,9.7,77777,9,999999999,260,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,15.0,90,99500,0,0,338,0,0,0,0,0,0,0,240,2.1,2,1,9.7,77777,9,999999999,260,0.3880,0,88,999.000,999.0,99.0 +1989,8,12,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,15.0,90,99500,0,0,338,0,0,0,0,0,0,0,320,3.1,2,1,9.7,77777,9,999999999,260,0.3880,0,88,999.000,999.0,99.0 +1989,8,13,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,13.9,84,99400,0,0,330,0,0,0,0,0,0,0,300,2.1,2,0,11.3,77777,9,999999999,250,0.3880,0,88,999.000,999.0,99.0 +1989,8,13,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,13.9,90,99400,0,0,325,0,0,0,0,0,0,0,0,0.0,2,0,11.3,77777,9,999999999,250,0.3880,0,88,999.000,999.0,99.0 +1989,8,13,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,13.9,87,99400,0,0,338,0,0,0,0,0,0,0,300,1.5,5,2,11.3,77777,9,999999999,250,0.3880,0,88,999.000,999.0,99.0 +1989,8,13,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,13.9,90,99400,0,0,339,0,0,0,0,0,0,0,0,0.0,7,3,11.3,77777,9,999999999,250,0.3880,0,88,999.000,999.0,99.0 +1989,8,13,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.3,90,99400,0,11,328,0,0,0,0,0,0,0,260,2.1,9,1,6.4,77777,9,999999999,240,0.3880,0,88,999.000,999.0,99.0 +1989,8,13,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,13.3,84,99400,119,1331,327,39,69,32,4200,3600,3800,670,290,2.1,2,0,6.4,77777,9,999999999,240,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,16.1,87,99400,365,1331,340,186,390,78,19600,33400,10400,1420,270,2.1,0,0,6.4,77777,9,999999999,280,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,16.7,73,99500,604,1331,357,377,570,116,39000,55100,13900,2340,280,3.6,0,0,9.7,77777,9,999999999,290,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,17.2,66,99500,817,1331,368,564,673,146,59000,67800,17300,3530,280,3.6,0,0,9.7,77777,9,999999999,300,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,16.1,58,99500,990,1331,372,723,738,169,76600,75300,20400,5250,270,3.1,0,0,9.7,77777,9,999999999,280,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,16.7,54,99400,1111,1331,381,834,774,182,86000,77400,21200,6540,270,3.6,0,0,9.7,77777,9,999999999,290,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,17.8,56,99400,1172,1331,385,883,782,189,91500,78400,22300,8300,260,2.1,0,0,9.7,77777,9,999999999,310,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,18.9,57,99300,1168,1331,409,762,531,293,82400,55600,33500,14180,260,3.1,3,3,9.7,77777,9,999999999,330,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,17.8,56,99300,1100,1331,398,748,564,279,80500,58900,31700,10980,270,4.1,8,2,9.7,77777,9,999999999,310,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,17.2,54,99200,971,1331,404,537,381,257,57200,39600,28200,7700,260,4.6,4,4,9.7,77777,9,999999999,300,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,16.7,51,99200,792,1331,407,479,440,215,50400,45000,23600,5080,270,4.1,4,4,9.7,77777,9,999999999,290,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,16.1,54,99200,575,1331,394,310,240,205,33400,23900,23000,4890,260,3.1,10,3,9.7,77777,9,999999999,280,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,16.7,58,99200,333,1331,434,52,5,51,6100,200,6100,2060,260,7.7,10,10,11.3,1310,9,999999999,290,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,18.3,93,99300,90,1187,401,15,1,15,1800,0,1800,560,190,1.5,10,10,8.0,1070,9,999999999,320,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,18.3,90,99200,0,0,404,0,0,0,0,0,0,0,230,2.6,10,10,9.7,1520,9,999999999,320,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,17.2,84,99200,0,0,392,0,0,0,0,0,0,0,280,2.6,9,9,9.7,7620,9,999999999,300,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,16.7,76,99200,0,0,408,0,0,0,0,0,0,0,310,2.6,10,10,9.7,7620,9,999999999,290,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,15.6,71,99200,0,0,396,0,0,0,0,0,0,0,300,3.6,10,9,9.7,7620,9,999999999,270,0.1970,0,88,999.000,999.0,99.0 +1989,8,13,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,15.6,71,99300,0,0,407,0,0,0,0,0,0,0,300,4.1,10,10,9.7,2440,9,999999999,270,0.1970,0,88,999.000,999.0,99.0 +1989,8,14,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,16.7,76,99200,0,0,408,0,0,0,0,0,0,0,300,3.6,10,10,9.7,2290,9,999999999,290,0.1970,0,88,999.000,999.0,99.0 +1989,8,14,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,16.7,76,99200,0,0,408,0,0,0,0,0,0,0,270,3.6,10,10,9.7,2130,9,999999999,290,0.1970,0,88,999.000,999.0,99.0 +1989,8,14,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,16.7,76,99200,0,0,408,0,0,0,0,0,0,0,270,2.6,10,10,11.3,2290,9,999999999,290,0.1970,0,88,999.000,999.0,99.0 +1989,8,14,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,17.2,84,99200,0,0,403,0,0,0,0,0,0,0,280,2.1,10,10,11.3,3050,9,999999999,300,0.1970,0,88,999.000,999.0,99.0 +1989,8,14,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,17.2,87,99200,0,0,400,0,0,0,0,0,0,0,0,0.0,10,10,6.4,2740,9,999999999,300,0.1970,0,88,999.000,999.0,99.0 +1989,8,14,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,16.1,81,99200,115,1320,398,25,1,25,2800,0,2800,870,290,3.1,10,10,6.4,3050,9,999999999,280,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,17.2,79,99200,361,1331,409,82,1,82,9400,0,9300,3080,280,4.1,10,10,6.4,2740,9,999999999,300,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,17.2,79,99200,600,1331,409,176,1,175,19900,100,19900,6820,290,4.1,10,10,6.4,2740,9,999999999,300,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,18.3,79,99100,814,1331,416,237,0,237,27300,0,27300,10060,210,6.2,10,10,6.4,3660,9,999999999,320,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,18.9,69,99100,987,1331,421,334,111,251,37300,11900,28400,8090,220,5.2,9,9,6.4,3660,9,999999999,330,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,19.4,69,99100,1109,1331,425,481,89,406,53000,9200,45300,16840,230,6.7,9,9,6.4,3660,9,999999999,340,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,19.4,69,99100,1169,1331,425,331,119,225,37700,12900,26400,9920,270,6.7,9,9,6.4,3660,9,999999999,340,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,16.1,62,99100,1165,1331,423,328,3,325,38900,300,38600,14850,250,5.7,10,10,9.7,2130,9,999999999,280,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,17.8,71,99100,1096,1331,422,402,45,364,44300,4600,40500,15120,260,6.2,10,10,9.7,3050,9,999999999,310,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,16.1,78,99100,968,1331,401,149,3,147,18300,200,18100,7430,230,4.1,10,10,9.7,2440,9,999999999,280,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,17.8,90,99100,788,1331,400,247,9,241,28200,800,27800,9980,190,2.6,10,10,11.3,3050,9,999999999,310,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,18.3,87,99000,570,1331,408,152,1,152,17400,100,17300,6010,230,2.1,10,10,11.3,3050,9,999999999,320,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,17.8,87,99000,328,1331,404,42,2,42,5000,100,5000,1730,220,2.6,10,10,11.3,3050,9,999999999,310,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,19.4,97,99000,85,1143,406,13,0,13,1500,0,1500,490,190,2.6,10,10,8.0,700,9,999999999,340,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,19.4,97,99000,0,0,394,0,0,0,0,0,0,0,190,3.1,10,9,9.7,3050,9,999999999,340,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.3,93,99000,0,0,401,0,0,0,0,0,0,0,180,2.6,10,10,9.7,210,9,999999999,320,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,11.7,61,99000,0,0,393,0,0,0,0,0,0,0,200,2.6,10,10,9.7,180,9,999999999,209,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,16.1,90,99000,0,0,361,0,0,0,0,0,0,0,220,2.1,6,6,12.9,2290,9,999999999,280,0.1330,0,88,999.000,999.0,99.0 +1989,8,14,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,99000,0,0,349,0,0,0,0,0,0,0,240,2.6,3,3,12.9,77777,9,999999999,270,0.1330,0,88,999.000,999.0,99.0 +1989,8,15,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,14.4,84,98900,0,0,344,0,0,0,0,0,0,0,220,2.6,2,2,12.9,77777,9,999999999,250,0.1330,0,88,999.000,999.0,99.0 +1989,8,15,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,16.7,97,98900,0,0,358,0,0,0,0,0,0,0,240,2.1,6,6,12.9,3660,9,999999999,290,0.1330,0,88,999.000,999.0,99.0 +1989,8,15,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,16.1,93,98900,0,0,376,0,0,0,0,0,0,0,240,2.1,9,9,8.0,3350,9,999999999,280,0.1330,0,88,999.000,999.0,99.0 +1989,8,15,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,16.1,97,98900,0,0,359,0,0,0,0,0,0,0,0,0.0,7,7,8.0,3350,9,999999999,280,0.1330,0,88,999.000,999.0,99.0 +1989,8,15,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,17.2,97,99000,0,0,391,0,0,0,0,0,0,0,210,2.6,10,10,4.8,610,9,999999999,300,0.1330,0,88,999.000,999.0,99.0 +1989,8,15,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,16.1,87,99000,111,1299,392,23,1,23,2600,0,2600,810,250,2.6,10,10,4.8,370,9,999999999,280,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,18.3,93,99000,357,1332,390,66,35,57,7300,3000,6500,1620,300,3.6,9,9,4.8,3660,9,999999999,320,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,18.3,87,99000,597,1332,382,202,55,178,22300,5400,19800,5200,310,3.6,8,7,4.8,3050,9,999999999,320,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,19.4,84,99000,811,1332,398,418,237,272,45500,24800,30300,7420,290,3.1,8,8,4.8,180,9,999999999,340,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,18.9,74,99000,985,1332,406,378,135,277,41900,14400,31200,8890,300,3.1,9,8,4.8,430,9,999999999,330,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,18.9,74,99000,1106,1332,406,558,244,354,60900,26500,38900,13580,350,4.6,9,8,4.8,640,9,999999999,330,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,18.9,71,99000,1166,1332,409,464,134,346,51600,14400,39000,15140,40,6.2,9,8,6.4,980,9,999999999,330,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,17.8,74,99000,1162,1332,419,273,7,267,32900,600,32400,12780,30,7.2,10,10,6.4,1400,9,999999999,310,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,18.9,79,99000,1093,1332,409,469,214,292,51900,23300,32700,10650,50,6.7,9,9,6.4,580,9,999999999,330,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,18.3,76,99000,964,1332,420,332,2,331,38200,200,38100,13900,10,5.2,10,10,9.7,1310,9,999999999,320,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,18.9,76,99000,784,1332,412,240,66,200,26300,6600,22400,6700,30,5.2,9,9,9.7,1220,9,999999999,330,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,17.2,76,99000,565,1332,392,272,137,213,29200,13600,23400,5060,40,7.7,8,8,11.3,1310,9,999999999,300,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,16.7,79,99000,323,1332,394,95,21,90,10400,1800,10000,2300,40,6.2,9,9,11.3,700,9,999999999,290,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,16.1,78,99000,81,1121,401,8,1,7,900,0,900,280,40,6.7,10,10,12.9,490,9,999999999,280,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,16.1,78,99000,0,0,401,0,0,0,0,0,0,0,90,5.2,10,10,11.3,520,9,999999999,280,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,15.6,78,99100,0,0,398,0,0,0,0,0,0,0,60,4.1,10,10,12.9,1130,9,999999999,270,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,15.6,81,99100,0,0,366,0,0,0,0,0,0,0,50,3.1,6,6,12.9,730,9,999999999,270,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,15.6,84,99100,0,0,339,0,0,0,0,0,0,0,110,2.1,0,0,12.9,77777,9,999999999,270,0.1150,0,88,999.000,999.0,99.0 +1989,8,15,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,99200,0,0,357,0,0,0,0,0,0,0,30,3.1,6,6,12.9,610,9,999999999,270,0.1150,0,88,999.000,999.0,99.0 +1989,8,16,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,14.4,90,99100,0,0,339,0,0,0,0,0,0,0,340,2.1,2,2,12.9,77777,9,999999999,250,0.1150,0,88,999.000,999.0,99.0 +1989,8,16,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.9,93,99100,0,0,322,0,0,0,0,0,0,0,310,1.5,0,0,12.9,77777,9,999999999,240,0.1150,0,88,999.000,999.0,99.0 +1989,8,16,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.3,90,99200,0,0,322,0,0,0,0,0,0,0,0,0.0,0,0,12.9,77777,9,999999999,240,0.1150,0,88,999.000,999.0,99.0 +1989,8,16,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.9,93,99200,0,0,342,0,0,0,0,0,0,0,290,2.1,7,5,9.7,7620,9,999999999,240,0.1150,0,88,999.000,999.0,99.0 +1989,8,16,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,12.8,87,99200,0,0,340,0,0,0,0,0,0,0,290,2.1,8,5,6.4,7620,9,999999999,230,0.1150,0,88,999.000,999.0,99.0 +1989,8,16,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,12.8,84,99200,108,1277,356,31,11,30,3400,700,3300,710,330,3.1,9,8,6.4,640,9,999999999,230,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,13.9,78,99300,354,1332,376,80,39,69,8700,3400,7800,1910,310,3.6,10,9,6.4,580,9,999999999,250,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,15.6,81,99300,594,1332,384,208,1,208,23300,100,23200,7540,330,4.6,9,9,6.4,6100,9,999999999,270,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,15.0,71,99300,808,1332,378,292,111,223,32100,11700,25000,6060,340,4.1,9,7,11.3,6100,9,999999999,260,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,13.9,61,99300,982,1332,372,539,346,281,58800,37400,31100,8460,20,4.1,8,4,12.9,77777,9,999999999,240,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,13.9,59,99300,1103,1332,385,653,479,254,71000,50100,29400,10000,30,4.6,9,7,12.9,1220,9,999999999,240,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,13.3,59,99300,1163,1332,382,698,431,318,74700,45000,35300,15150,40,3.6,8,7,12.9,1680,9,999999999,240,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.0,60,99300,1159,1332,381,771,531,305,82800,55500,34400,14280,20,4.1,8,4,16.1,77777,9,999999999,260,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,15.0,62,99300,1089,1332,389,703,555,246,73500,56000,27500,9140,30,5.2,7,7,12.9,1010,9,999999999,260,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,14.4,58,99300,960,1332,374,669,694,165,70800,70700,19800,4850,50,5.7,5,2,11.3,77777,9,999999999,260,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,13.3,55,99300,779,1332,370,516,665,123,54500,67000,15100,2910,40,4.6,3,2,12.9,77777,9,999999999,240,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,13.9,59,99300,560,1332,368,348,585,99,36000,56000,12400,1980,80,4.1,2,2,12.9,77777,9,999999999,240,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,14.4,66,99300,318,1332,363,163,424,59,16500,34700,8200,1080,60,4.6,2,2,16.1,77777,9,999999999,250,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,14.4,68,99300,76,1077,360,32,105,22,3100,4500,2800,390,60,4.1,2,2,12.9,77777,9,999999999,250,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,14.4,73,99300,0,0,354,0,0,0,0,0,0,0,60,3.6,2,2,16.1,77777,9,999999999,250,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,14.4,78,99400,0,0,344,0,0,0,0,0,0,0,30,2.6,1,1,16.1,77777,9,999999999,250,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,14.4,81,99400,0,0,342,0,0,0,0,0,0,0,20,2.6,1,1,16.1,77777,9,999999999,250,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,10.0,72,99400,0,0,318,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,190,0.1100,0,88,999.000,999.0,99.0 +1989,8,16,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,8.3,69,99500,0,0,312,0,0,0,0,0,0,0,340,2.1,0,0,16.1,77777,9,999999999,180,0.1100,0,88,999.000,999.0,99.0 +1989,8,17,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,8.3,67,99500,0,0,314,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,180,0.1100,0,88,999.000,999.0,99.0 +1989,8,17,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,8.3,67,99500,0,0,314,0,0,0,0,0,0,0,330,2.1,0,0,16.1,77777,9,999999999,180,0.1100,0,88,999.000,999.0,99.0 +1989,8,17,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,8.9,75,99500,0,0,310,0,0,0,0,0,0,0,280,2.1,0,0,16.1,77777,9,999999999,180,0.1100,0,88,999.000,999.0,99.0 +1989,8,17,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,7.2,72,99600,0,0,303,0,0,0,0,0,0,0,330,1.5,0,0,11.3,77777,9,999999999,170,0.1100,0,88,999.000,999.0,99.0 +1989,8,17,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,7.2,72,99700,0,0,303,0,0,0,0,0,0,0,330,1.5,0,0,11.3,77777,9,999999999,170,0.1100,0,88,999.000,999.0,99.0 +1989,8,17,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,8.9,72,99700,104,1255,312,31,9,30,3400,600,3300,710,340,3.1,0,0,9.7,77777,9,999999999,180,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,9.4,61,99700,350,1333,347,100,69,82,11000,6000,9500,1800,350,3.1,5,5,11.3,77777,9,999999999,190,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,15.6,78,99800,591,1333,344,332,383,161,34600,37500,17900,3270,20,2.6,0,0,11.3,77777,9,999999999,270,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,16.1,71,99800,805,1333,371,472,349,259,50500,37100,28100,6520,50,4.1,3,3,16.1,77777,9,999999999,280,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.6,62,99800,979,1333,382,669,495,302,70100,51300,32300,9260,60,4.6,4,4,16.1,77777,9,999999999,270,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,14.4,56,99800,1100,1333,381,733,503,314,77900,52500,34500,12410,50,5.2,3,3,16.1,77777,9,999999999,260,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,12.2,45,99800,1160,1333,380,832,576,327,88800,60200,36300,15420,70,6.7,2,2,16.1,77777,9,999999999,220,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,11.7,42,99800,1155,1333,382,796,539,325,85000,56300,36000,15080,80,6.2,2,2,12.9,77777,9,999999999,220,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,12.2,45,99800,1086,1333,383,760,521,332,80100,54300,35800,12710,60,7.2,3,3,11.3,77777,9,999999999,220,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,12.8,48,99800,956,1333,377,650,561,244,69300,58300,27400,7080,50,6.2,2,2,11.3,77777,9,999999999,230,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,12.2,48,99800,775,1333,362,495,491,206,52000,50100,22800,4770,40,5.2,0,0,11.3,77777,9,999999999,220,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,11.7,50,99800,555,1333,356,303,358,152,32300,35800,17400,3170,50,6.7,0,0,11.3,77777,9,999999999,220,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,12.8,57,99800,312,1333,352,127,162,88,13300,13100,10200,1710,30,5.2,0,0,16.1,77777,9,999999999,230,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,13.3,63,99800,72,1055,348,25,4,25,2800,0,2800,810,30,4.6,0,0,16.1,77777,9,999999999,240,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,14.4,76,99800,0,0,341,0,0,0,0,0,0,0,30,3.6,0,0,16.1,77777,9,999999999,260,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,14.4,78,99800,0,0,338,0,0,0,0,0,0,0,30,2.6,0,0,16.1,77777,9,999999999,250,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,13.9,78,99900,0,0,335,0,0,0,0,0,0,0,30,3.1,0,0,16.1,77777,9,999999999,250,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,13.3,81,99900,0,0,329,0,0,0,0,0,0,0,320,1.5,0,0,16.1,77777,9,999999999,240,0.3730,0,88,999.000,999.0,99.0 +1989,8,17,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,10.6,65,100000,0,0,329,0,0,0,0,0,0,0,350,3.1,0,0,16.1,77777,9,999999999,200,0.3730,0,88,999.000,999.0,99.0 +1989,8,18,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,7.2,60,100000,0,0,315,0,0,0,0,0,0,0,310,1.5,0,0,16.1,77777,9,999999999,170,0.3730,0,88,999.000,999.0,99.0 +1989,8,18,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,11.7,87,100000,0,0,315,0,0,0,0,0,0,0,350,2.6,0,0,16.1,77777,9,999999999,220,0.3730,0,88,999.000,999.0,99.0 +1989,8,18,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,11.7,90,100000,0,0,313,0,0,0,0,0,0,0,270,2.1,0,0,16.1,77777,9,999999999,220,0.3730,0,88,999.000,999.0,99.0 +1989,8,18,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.2,93,100000,0,0,313,0,0,0,0,0,0,0,320,2.1,0,0,14.5,77777,9,999999999,220,0.3730,0,88,999.000,999.0,99.0 +1989,8,18,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.2,93,100000,0,0,313,0,0,0,0,0,0,0,350,2.1,0,0,14.5,77777,9,999999999,220,0.3730,0,88,999.000,999.0,99.0 +1989,8,18,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,11.7,84,100000,100,1233,317,43,208,23,4200,10800,3200,410,340,2.1,0,0,12.9,77777,9,999999999,220,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,12.2,68,100100,347,1333,336,201,577,48,20400,49600,7500,940,10,2.6,0,0,12.9,77777,9,999999999,220,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,11.7,57,100100,587,1333,346,398,736,69,41600,71300,10100,1490,60,3.6,0,0,16.1,77777,9,999999999,220,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,15.6,64,100100,802,1333,373,548,719,111,56900,71500,13700,2520,60,4.1,2,2,16.1,77777,9,999999999,270,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,15.0,58,100100,976,1333,378,681,765,115,72300,77400,15500,3390,70,4.6,2,2,16.1,77777,9,999999999,270,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,12.2,45,100000,1097,1333,380,808,816,130,86100,82800,17800,4860,70,5.2,2,2,16.1,77777,9,999999999,220,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,12.8,47,100000,1157,1333,380,856,813,145,91100,82400,19300,6350,90,3.6,2,2,16.1,77777,9,999999999,230,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,12.8,47,100000,1152,1333,375,846,832,120,86600,83400,14400,4380,100,4.6,1,1,16.1,77777,9,999999999,230,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,12.2,47,100000,1082,1333,372,779,832,98,80300,83400,12500,3220,70,4.6,1,1,16.1,77777,9,999999999,230,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,12.2,47,99900,952,1333,365,691,823,97,71100,82100,12400,2470,100,4.6,0,0,16.1,77777,9,999999999,230,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,12.2,47,99900,770,1333,365,551,799,84,58500,80000,12200,2030,60,4.6,0,0,16.1,77777,9,999999999,230,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,10.6,45,99900,550,1333,357,367,719,66,38200,68900,9700,1400,70,5.7,0,0,16.1,77777,9,999999999,200,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,10.6,48,99800,307,1333,352,171,539,45,17700,44000,7600,850,100,4.1,0,0,16.1,77777,9,999999999,200,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,11.1,55,99800,67,1011,345,34,143,20,3200,5900,2800,350,80,5.2,0,0,16.1,77777,9,999999999,209,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,12.8,66,99700,0,0,341,0,0,0,0,0,0,0,110,4.1,0,0,16.1,77777,9,999999999,230,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,12.8,70,99700,0,0,336,0,0,0,0,0,0,0,130,2.1,0,0,16.1,77777,9,999999999,230,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,13.3,73,99700,0,0,337,0,0,0,0,0,0,0,120,3.1,0,0,16.1,77777,9,999999999,240,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,13.9,87,99700,0,0,327,0,0,0,0,0,0,0,130,1.5,0,0,16.1,77777,9,999999999,250,0.0820,0,88,999.000,999.0,99.0 +1989,8,18,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,13.3,84,99700,0,0,327,0,0,0,0,0,0,0,120,2.1,0,0,16.1,77777,9,999999999,240,0.0820,0,88,999.000,999.0,99.0 +1989,8,19,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,13.3,93,99600,0,0,319,0,0,0,0,0,0,0,280,1.5,0,0,16.1,77777,9,999999999,240,0.0820,0,88,999.000,999.0,99.0 +1989,8,19,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,12.8,93,99600,0,0,316,0,0,0,0,0,0,0,180,1.5,0,0,16.1,77777,9,999999999,230,0.0820,0,88,999.000,999.0,99.0 +1989,8,19,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,12.8,93,99600,0,0,316,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,230,0.0820,0,88,999.000,999.0,99.0 +1989,8,19,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.8,97,99600,0,0,314,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,230,0.0820,0,88,999.000,999.0,99.0 +1989,8,19,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,13.3,97,99500,0,0,317,0,0,0,0,0,0,0,170,1.5,0,0,9.7,77777,9,999999999,240,0.0820,0,88,999.000,999.0,99.0 +1989,8,19,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,13.3,93,99500,97,1212,319,33,59,27,3500,3000,3300,560,150,2.6,0,0,9.7,77777,9,999999999,240,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,14.4,81,99500,343,1334,336,171,375,73,18000,31400,9900,1330,160,4.1,0,0,9.7,77777,9,999999999,250,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,15.0,71,99500,584,1334,349,365,573,111,37600,55100,13500,2210,170,3.6,0,0,9.7,77777,9,999999999,260,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,15.6,64,99400,799,1334,361,553,680,142,58000,68300,16900,3370,210,3.6,0,0,9.7,77777,9,999999999,270,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,14.4,54,99400,973,1334,383,651,670,158,69200,68500,19100,4760,180,3.1,4,3,12.9,77777,9,999999999,250,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,13.9,50,99300,1094,1334,382,753,541,305,80100,56400,33700,11830,180,3.6,8,2,12.9,77777,9,999999999,240,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,13.9,49,99200,1154,1334,392,804,640,245,84500,64900,28200,10980,170,4.1,10,4,12.9,77777,9,999999999,250,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,13.9,49,99200,1149,1334,409,637,317,362,69800,34400,40000,15330,170,5.7,10,8,12.9,7620,9,999999999,250,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,15.0,51,99100,1078,1334,407,624,383,312,66200,39900,33800,11660,180,4.1,10,7,11.3,7620,9,999999999,260,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,15.6,52,99000,948,1334,408,458,232,291,49600,25000,31800,8440,180,7.7,10,7,11.3,7620,9,999999999,270,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,15.0,52,99000,766,1334,404,349,175,248,38100,18200,27600,6550,170,7.2,10,7,9.7,7620,9,999999999,260,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,15.6,56,98900,545,1334,402,203,76,171,22200,7400,19200,4790,170,6.7,10,7,9.7,7620,9,999999999,270,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,15.6,58,98800,301,1334,399,89,52,77,9700,4400,8700,1980,170,5.7,10,7,8.0,7620,9,999999999,270,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,15.6,60,98800,63,989,411,19,1,19,2200,0,2200,650,160,5.2,10,9,8.0,6100,9,999999999,270,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,15.6,60,98700,0,0,411,0,0,0,0,0,0,0,160,6.7,10,9,11.3,1370,9,999999999,270,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,16.1,64,98700,0,0,420,0,0,0,0,0,0,0,170,6.2,10,10,11.3,1370,9,999999999,280,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,16.7,69,98700,0,0,418,0,0,0,0,0,0,0,160,6.7,10,10,11.3,2740,9,999999999,290,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,18.3,81,98600,0,0,414,0,0,0,0,0,0,0,170,7.2,10,10,11.3,1130,9,999999999,320,0.1920,0,88,999.000,999.0,99.0 +1989,8,19,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,20.0,100,98500,0,0,406,0,0,0,0,0,0,0,180,7.7,10,10,6.4,460,9,999999999,350,0.1920,0,88,999.000,999.0,99.0 +1989,8,20,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,20.0,100,98400,0,0,406,0,0,0,0,0,0,0,170,6.2,10,10,9.7,490,9,999999999,350,0.1920,0,88,999.000,999.0,99.0 +1989,8,20,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,20.0,93,98400,0,0,412,0,0,0,0,0,0,0,210,7.2,10,10,9.7,460,9,999999999,350,0.1920,0,88,999.000,999.0,99.0 +1989,8,20,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,20.6,97,98400,0,0,413,0,0,0,0,0,0,0,260,5.2,10,10,9.7,910,9,999999999,360,0.1920,0,88,999.000,999.0,99.0 +1989,8,20,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,20.6,93,98400,0,0,417,0,0,0,0,0,0,0,230,5.2,10,10,9.7,910,9,999999999,360,0.1920,0,88,999.000,999.0,99.0 +1989,8,20,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,20.6,93,98500,0,0,417,0,0,0,0,0,0,0,260,4.1,10,10,9.7,340,9,999999999,360,0.1920,0,88,999.000,999.0,99.0 +1989,8,20,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.6,93,98500,93,1190,368,22,12,21,2400,700,2400,520,220,3.6,1,1,8.0,77777,9,999999999,360,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,20.6,90,98500,339,1334,399,108,65,91,11800,5700,10300,2370,220,3.6,8,8,8.0,340,9,999999999,360,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,21.1,90,98500,581,1334,424,153,9,149,17500,700,17200,5980,240,5.2,10,10,8.0,340,9,999999999,370,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,21.1,82,98500,796,1334,421,355,57,320,38900,5800,35400,9820,260,5.7,9,9,8.0,460,9,999999999,370,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,20.0,69,98600,970,1334,420,407,128,313,44700,13600,34800,9860,240,5.7,8,8,9.7,940,9,999999999,350,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,20.0,67,98600,1091,1334,412,739,468,353,77500,48700,37600,13710,250,5.2,6,6,11.3,910,9,999999999,350,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,19.4,61,98600,1151,1334,417,579,269,345,63600,29300,38300,14590,230,6.2,6,6,12.9,1070,9,999999999,340,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,18.9,55,98600,1145,1334,428,763,491,338,81000,51200,36900,15160,280,5.2,7,7,12.9,1220,9,999999999,330,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,17.8,55,98600,1074,1334,420,519,143,403,56700,15200,44400,14640,270,4.6,9,7,16.1,1250,9,999999999,310,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,18.3,53,98600,943,1334,427,531,302,315,57100,32500,34100,9210,290,6.7,8,7,16.1,1250,9,999999999,320,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,17.8,56,98600,761,1334,417,359,196,246,39100,20400,27500,6470,280,5.7,8,7,16.1,1310,9,999999999,300,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,17.2,53,98600,540,1334,419,238,164,171,25800,16200,19300,4020,270,5.7,7,7,19.3,2290,9,999999999,300,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,15.0,51,98600,295,1334,396,97,70,81,10500,5700,9300,1760,270,6.2,5,4,24.1,77777,9,999999999,260,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.6,62,98700,59,945,375,18,6,17,1900,300,1900,420,270,3.1,2,2,24.1,77777,9,999999999,270,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,15.6,66,98700,0,0,358,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,270,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,16.1,78,98800,0,0,348,0,0,0,0,0,0,0,270,2.6,0,0,24.1,77777,9,999999999,280,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,16.1,81,98800,0,0,345,0,0,0,0,0,0,0,260,3.1,0,0,24.1,77777,9,999999999,280,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.1,87,98900,0,0,340,0,0,0,0,0,0,0,260,3.6,0,0,24.1,77777,9,999999999,280,0.3160,0,88,999.000,999.0,99.0 +1989,8,20,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,16.1,84,98900,0,0,343,0,0,0,0,0,0,0,270,3.6,0,0,19.3,77777,9,999999999,280,0.3160,0,88,999.000,999.0,99.0 +1989,8,21,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,15.6,87,98900,0,0,337,0,0,0,0,0,0,0,280,2.6,0,0,16.1,77777,9,999999999,270,0.3160,0,88,999.000,999.0,99.0 +1989,8,21,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,99000,0,0,334,0,0,0,0,0,0,0,270,2.1,0,0,16.1,77777,9,999999999,270,0.3160,0,88,999.000,999.0,99.0 +1989,8,21,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,15.0,93,99000,0,0,329,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,260,0.3160,0,88,999.000,999.0,99.0 +1989,8,21,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,15.0,93,99000,0,0,329,0,0,0,0,0,0,0,260,2.1,0,0,16.1,77777,9,999999999,260,0.3160,0,88,999.000,999.0,99.0 +1989,8,21,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,15.6,93,99000,0,0,343,0,0,0,0,0,0,0,200,1.5,2,2,16.1,77777,9,999999999,270,0.3160,0,88,999.000,999.0,99.0 +1989,8,21,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,15.0,90,99000,90,1168,342,26,36,23,2900,1800,2700,480,0,0.0,2,2,16.1,77777,9,999999999,260,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,17.2,79,99100,336,1335,366,156,278,84,16000,23000,10200,1550,0,0.0,2,2,16.1,77777,9,999999999,300,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,16.1,66,99100,577,1335,373,340,443,146,35500,43200,16800,2920,160,2.6,2,2,16.1,77777,9,999999999,280,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,15.6,54,99100,793,1335,382,509,557,175,54600,57100,20600,4050,130,1.5,1,1,16.1,77777,9,999999999,270,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,15.6,49,99200,967,1335,395,657,609,212,68400,61300,23800,6090,180,3.1,2,2,16.1,77777,9,999999999,270,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,15.0,44,99100,1088,1335,400,773,685,209,81500,69800,24500,7830,0,0.0,2,2,16.1,77777,9,999999999,260,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,15.0,43,99100,1148,1335,404,841,731,208,89400,74700,25000,9220,0,0.0,2,2,16.1,77777,9,999999999,260,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,17.2,48,99100,1142,1335,409,834,706,225,88100,71900,26500,9730,130,3.6,2,2,16.1,77777,9,999999999,300,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,16.7,43,99100,1070,1335,422,572,354,285,61100,36900,31400,10380,160,5.2,4,4,12.9,77777,9,999999999,290,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,15.6,43,99000,939,1335,417,431,261,245,47200,28200,27300,6850,200,4.1,5,5,11.3,77777,9,999999999,270,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,15.6,44,99000,756,1335,418,473,494,190,49900,50300,21400,4290,200,5.7,7,6,24.1,7620,9,999999999,270,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,16.7,51,99000,534,1335,414,203,141,145,22100,13900,16500,3400,200,4.6,8,6,24.1,7620,9,999999999,290,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,17.2,54,99000,289,1335,423,91,73,75,9900,5900,8700,1620,190,5.2,10,8,24.1,3660,9,999999999,300,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,18.3,62,99000,55,923,418,13,0,13,1500,0,1500,470,200,4.6,10,8,24.1,2290,9,999999999,320,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.0,19.4,71,98900,0,0,422,0,0,0,0,0,0,0,170,4.1,10,9,24.1,2290,9,999999999,340,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,20.0,79,98800,0,0,428,0,0,0,0,0,0,0,180,3.6,10,10,24.1,1680,9,999999999,350,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,20.6,79,99000,0,0,432,0,0,0,0,0,0,0,180,5.2,10,10,24.1,1980,9,999999999,360,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,21.1,85,98900,0,0,430,0,0,0,0,0,0,0,170,5.7,10,10,24.1,1830,9,999999999,380,0.1920,0,88,999.000,999.0,99.0 +1989,8,21,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,21.1,85,98900,0,0,430,0,0,0,0,0,0,0,180,5.2,10,10,24.1,1830,9,999999999,380,0.1920,0,88,999.000,999.0,99.0 +1989,8,22,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,21.1,90,98900,0,0,424,0,0,0,0,0,0,0,190,3.6,10,10,24.1,1520,9,999999999,370,0.1920,0,88,999.000,999.0,99.0 +1989,8,22,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,20.6,87,98900,0,0,423,0,0,0,0,0,0,0,200,5.7,10,10,24.1,1830,9,999999999,360,0.1920,0,88,999.000,999.0,99.0 +1989,8,22,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,20.0,82,98800,0,0,413,0,0,0,0,0,0,0,190,6.2,9,9,19.3,1520,9,999999999,350,0.1920,0,88,999.000,999.0,99.0 +1989,8,22,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,20.0,84,98800,0,0,422,0,0,0,0,0,0,0,210,6.7,10,10,19.3,2130,9,999999999,350,0.1920,0,88,999.000,999.0,99.0 +1989,8,22,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,19.4,82,98700,0,0,410,0,0,0,0,0,0,0,220,7.7,9,9,19.3,2590,9,999999999,340,0.1920,0,88,999.000,999.0,99.0 +1989,8,22,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,20.6,87,98700,86,1146,423,4,2,4,500,100,500,110,210,7.7,10,10,11.3,1130,9,999999999,360,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,20.6,90,98800,332,1336,419,50,15,46,5500,1300,5200,1310,230,5.2,10,10,8.0,980,9,999999999,360,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.6,93,98800,574,1336,417,95,9,91,11300,600,11000,4040,230,3.6,10,10,8.0,760,9,999999999,360,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,21.1,94,98800,789,1336,420,215,2,214,24900,200,24800,9180,210,4.1,10,10,16.1,700,9,999999999,370,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,21.1,87,98800,964,1336,426,325,2,324,37500,200,37300,13690,230,4.1,10,10,16.1,580,9,999999999,370,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,21.7,87,98800,1085,1336,431,317,2,315,37200,200,37100,14210,220,4.1,10,10,16.1,520,9,999999999,380,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,22.2,85,98800,1144,1336,438,431,3,428,49800,300,49600,17720,220,6.2,10,10,16.1,340,9,999999999,400,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,22.8,85,98800,1138,1336,442,375,5,370,43800,500,43400,16130,220,6.7,10,10,16.1,400,9,999999999,410,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,22.2,77,98800,1066,1336,435,350,94,274,39100,10100,31000,9800,220,6.2,9,9,16.1,640,9,999999999,400,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,22.8,72,98800,934,1336,424,617,533,240,65600,55300,26800,6720,220,5.2,7,6,16.1,790,9,999999999,410,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,22.8,72,98700,751,1336,418,393,389,171,41800,39600,19500,3810,230,5.7,4,4,16.1,77777,9,999999999,410,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,22.8,70,98700,529,1336,418,287,454,104,30600,43600,13300,1980,220,5.2,6,3,16.1,77777,9,999999999,410,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,22.8,74,98700,283,1336,422,112,211,66,11900,16300,8400,1220,220,4.1,7,6,16.1,7620,9,999999999,410,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,22.8,79,98700,51,879,412,22,40,18,2300,1700,2200,370,220,3.6,5,5,16.1,77777,9,999999999,410,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,25.6,22.8,85,98700,0,0,406,0,0,0,0,0,0,0,220,3.1,5,5,16.1,77777,9,999999999,410,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,21.7,85,98800,0,0,388,0,0,0,0,0,0,0,230,3.6,2,2,16.1,77777,9,999999999,390,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,21.7,85,98700,0,0,388,0,0,0,0,0,0,0,190,3.6,8,2,19.3,77777,9,999999999,390,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,21.1,82,98700,0,0,387,0,0,0,0,0,0,0,270,3.1,7,2,19.3,77777,9,999999999,370,0.0740,0,88,999.000,999.0,99.0 +1989,8,22,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,21.1,90,98900,0,0,386,0,0,0,0,0,0,0,360,2.1,4,4,24.1,77777,9,999999999,370,0.0740,0,88,999.000,999.0,99.0 +1989,8,23,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,21.7,94,98900,0,0,384,0,0,0,0,0,0,0,320,3.1,10,3,24.1,77777,9,999999999,390,0.0740,0,88,999.000,999.0,99.0 +1989,8,23,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,21.7,94,98900,0,0,380,0,0,0,0,0,0,0,310,3.1,8,2,24.1,77777,9,999999999,390,0.0740,0,88,999.000,999.0,99.0 +1989,8,23,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,21.1,90,98900,0,0,386,0,0,0,0,0,0,0,330,3.1,4,4,24.1,77777,9,999999999,370,0.0740,0,88,999.000,999.0,99.0 +1989,8,23,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,19.4,84,98900,0,0,374,0,0,0,0,0,0,0,350,4.6,8,2,24.1,77777,9,999999999,340,0.0740,0,88,999.000,999.0,99.0 +1989,8,23,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,20.0,90,98900,0,0,404,0,0,0,0,0,0,0,30,5.2,10,9,24.1,7620,9,999999999,350,0.0740,0,88,999.000,999.0,99.0 +1989,8,23,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.0,90,99000,83,1125,416,19,1,19,2200,0,2200,670,50,5.7,10,10,12.9,3050,9,999999999,350,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,19.4,87,99200,328,1336,415,50,9,47,5800,300,5700,1910,40,3.6,10,10,12.9,340,9,999999999,340,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,19.4,87,99100,570,1336,415,157,4,155,17800,300,17700,6080,10,6.2,10,10,11.3,310,9,999999999,340,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,19.4,84,99100,786,1336,418,212,8,207,24500,700,24100,8940,260,6.2,10,10,11.3,340,9,999999999,340,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,19.4,90,99300,961,1336,412,156,6,152,19100,400,18800,7620,20,6.7,10,10,9.7,460,9,999999999,340,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,18.9,87,99300,1082,1336,411,243,2,242,29200,200,29100,11630,40,7.2,10,10,11.3,310,9,999999999,330,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,18.9,87,99200,1141,1336,411,214,4,210,26100,300,25800,10470,40,6.7,10,10,11.3,370,9,999999999,330,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,17.8,81,99200,1134,1336,410,382,0,382,44500,0,44500,16450,40,6.7,10,10,19.3,520,9,999999999,310,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,18.3,81,99200,1062,1336,414,348,2,346,40400,200,40300,15040,40,7.2,10,10,19.3,490,9,999999999,320,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,17.8,79,99100,930,1336,413,306,1,306,35300,100,35200,12910,40,7.7,10,10,19.3,520,9,999999999,310,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,17.2,81,99100,746,1336,387,246,122,177,27300,12800,20200,4610,40,7.7,8,8,19.3,550,9,999999999,300,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,17.2,81,99100,523,1336,406,137,10,133,15600,700,15300,5210,30,7.7,10,10,19.3,550,9,999999999,300,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,17.2,81,99200,277,1336,406,78,4,77,8700,200,8600,2600,40,6.7,10,10,19.3,580,9,999999999,300,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,15.6,76,99200,47,857,390,17,2,16,1800,0,1800,550,20,6.2,9,9,19.3,1830,9,999999999,270,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,16.1,78,99200,0,0,390,0,0,0,0,0,0,0,40,5.7,9,9,16.1,1980,9,999999999,280,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,17.8,87,99200,0,0,404,0,0,0,0,0,0,0,50,5.2,10,10,16.1,760,9,999999999,310,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,18.3,87,99200,0,0,408,0,0,0,0,0,0,0,50,4.6,10,10,16.1,760,9,999999999,320,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,18.3,84,99200,0,0,410,0,0,0,0,0,0,0,50,6.2,10,10,16.1,370,9,999999999,320,0.1640,0,88,999.000,999.0,99.0 +1989,8,23,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,17.8,81,99200,0,0,410,0,0,0,0,0,0,0,50,4.6,10,10,19.3,940,9,999999999,310,0.1640,0,88,999.000,999.0,99.0 +1989,8,24,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,17.2,81,99200,0,0,387,0,0,0,0,0,0,0,50,5.2,8,8,19.3,1070,9,999999999,300,0.1640,0,88,999.000,999.0,99.0 +1989,8,24,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,17.2,84,99200,0,0,377,0,0,0,0,0,0,0,50,5.2,7,7,24.1,580,9,999999999,300,0.1640,0,88,999.000,999.0,99.0 +1989,8,24,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,17.2,84,99200,0,0,383,0,0,0,0,0,0,0,50,6.2,8,8,24.1,910,9,999999999,300,0.1640,0,88,999.000,999.0,99.0 +1989,8,24,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,16.7,84,99300,0,0,361,0,0,0,0,0,0,0,70,5.7,3,3,24.1,77777,9,999999999,290,0.1640,0,88,999.000,999.0,99.0 +1989,8,24,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,16.7,81,99300,0,0,402,0,0,0,0,0,0,0,50,6.2,10,10,19.3,580,9,999999999,290,0.1640,0,88,999.000,999.0,99.0 +1989,8,24,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,16.7,81,99400,80,1103,402,14,0,14,1600,0,1600,520,70,4.6,10,10,19.3,490,9,999999999,290,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,16.7,79,99400,324,1337,405,72,4,71,8200,200,8100,2640,80,4.6,10,10,24.1,460,9,999999999,290,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,17.2,81,99400,567,1337,406,149,4,148,17100,300,17000,5870,90,5.7,10,10,24.1,460,9,999999999,300,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,17.8,81,99400,783,1337,410,273,10,267,31000,900,30400,10590,60,6.7,10,10,12.9,460,9,999999999,310,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,17.2,76,99400,957,1337,412,309,3,306,35600,300,35400,13130,50,5.2,10,10,12.9,520,9,999999999,300,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,17.2,76,99400,1078,1337,401,503,213,329,54900,23100,36200,11740,50,5.2,9,9,12.9,520,9,999999999,300,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,17.2,73,99500,1137,1337,395,548,217,362,59900,23600,39800,14810,50,6.7,8,8,12.9,640,9,999999999,300,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,16.1,66,99400,1130,1337,391,665,384,338,70500,40000,36500,14440,50,7.2,7,7,12.9,760,9,999999999,280,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,16.7,71,99400,1058,1337,394,558,239,367,60300,25900,39800,12830,40,7.2,8,8,11.3,640,9,999999999,290,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,16.1,69,99400,925,1337,388,491,283,293,53000,30500,31900,8290,40,7.2,7,7,12.9,700,9,999999999,280,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,16.1,66,99400,741,1337,380,433,444,184,45700,45100,20700,4100,50,7.7,4,4,12.9,77777,9,999999999,280,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,15.6,66,99400,518,1337,358,314,557,94,32200,52400,11900,1830,60,8.8,0,0,16.1,77777,9,999999999,270,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,15.6,68,99300,271,1337,355,126,323,59,13100,24400,8200,1060,50,7.7,0,0,16.1,77777,9,999999999,270,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,15.6,73,99300,43,813,350,21,27,18,2200,1100,2100,370,40,6.2,0,0,11.3,77777,9,999999999,270,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,17.2,81,99400,0,0,381,0,0,0,0,0,0,0,40,7.2,7,7,16.1,1310,9,999999999,300,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,17.2,84,99400,0,0,377,0,0,0,0,0,0,0,50,5.7,7,7,16.1,1310,9,999999999,300,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,17.8,90,99400,0,0,375,0,0,0,0,0,0,0,50,4.1,7,7,16.1,1130,9,999999999,310,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,16.1,73,99400,0,0,407,0,0,0,0,0,0,0,90,5.2,10,10,16.1,1130,9,999999999,280,0.1700,0,88,999.000,999.0,99.0 +1989,8,24,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,15.6,76,99400,0,0,347,0,0,0,0,0,0,0,90,5.2,0,0,16.1,77777,9,999999999,270,0.1700,0,88,999.000,999.0,99.0 +1989,8,25,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,15.6,78,99400,0,0,344,0,0,0,0,0,0,0,100,4.1,0,0,16.1,77777,9,999999999,270,0.1700,0,88,999.000,999.0,99.0 +1989,8,25,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,15.6,84,99400,0,0,339,0,0,0,0,0,0,0,110,3.1,0,0,16.1,77777,9,999999999,270,0.1700,0,88,999.000,999.0,99.0 +1989,8,25,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,16.1,84,99400,0,0,343,0,0,0,0,0,0,0,100,4.1,0,0,16.1,77777,9,999999999,280,0.1700,0,88,999.000,999.0,99.0 +1989,8,25,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,16.1,84,99400,0,0,376,0,0,0,0,0,0,0,90,4.1,8,8,16.1,2740,9,999999999,280,0.1700,0,88,999.000,999.0,99.0 +1989,8,25,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,99500,0,0,341,0,0,0,0,0,0,0,120,3.1,1,1,16.1,77777,9,999999999,270,0.1700,0,88,999.000,999.0,99.0 +1989,8,25,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,15.0,81,99500,77,1081,350,26,55,21,2700,2200,2500,360,110,3.1,3,2,16.1,77777,9,999999999,260,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,15.0,76,99600,321,1337,359,153,230,96,15900,18900,11400,1890,100,4.6,8,3,16.1,77777,9,999999999,260,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,15.0,68,99600,563,1337,367,252,214,161,26900,21400,17800,3400,80,6.2,7,3,16.1,77777,9,999999999,260,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,15.6,66,99600,780,1337,373,459,427,207,48200,43600,22800,4800,80,6.2,9,3,16.1,77777,9,999999999,270,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.0,60,99600,954,1337,369,668,680,178,70200,69000,20800,5100,120,4.1,5,1,16.1,77777,9,999999999,260,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,13.3,52,99500,1075,1337,370,737,686,180,78400,70300,21800,6590,120,5.7,5,1,16.1,77777,9,999999999,240,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,14.4,54,99500,1134,1337,374,803,745,166,83900,75000,20200,6470,90,5.2,3,1,16.1,77777,9,999999999,250,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,13.9,50,99400,1126,1337,370,849,814,156,89000,82100,19700,6030,60,4.1,0,0,16.1,77777,9,999999999,250,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,14.4,54,99400,1054,1337,374,736,731,154,76600,73500,18500,4900,60,7.2,2,1,16.1,77777,9,999999999,250,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,13.9,52,99300,920,1337,374,630,691,150,66800,70400,18200,4150,60,6.7,3,1,16.1,77777,9,999999999,250,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,14.4,58,99200,735,1337,369,474,649,112,49900,65100,14000,2550,60,6.7,3,1,16.1,77777,9,999999999,260,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,14.4,60,99200,512,1337,366,298,507,101,30500,47400,12300,1930,60,5.7,4,1,16.1,77777,9,999999999,260,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,14.4,64,99200,265,1337,361,117,291,58,12200,21800,7900,1040,50,5.2,3,1,16.1,77777,9,999999999,260,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,14.4,68,99300,39,791,355,16,24,14,1700,1000,1700,290,50,5.2,2,1,16.1,77777,9,999999999,250,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,14.4,71,99300,0,0,346,0,0,0,0,0,0,0,30,3.6,0,0,16.1,77777,9,999999999,260,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,14.4,76,99300,0,0,347,0,0,0,0,0,0,0,40,3.6,3,1,16.1,77777,9,999999999,260,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,15.0,76,99400,0,0,350,0,0,0,0,0,0,0,30,3.1,3,1,16.1,77777,9,999999999,260,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,15.0,78,99300,0,0,394,0,0,0,0,0,0,0,30,2.6,10,10,16.1,1220,9,999999999,260,0.1520,0,88,999.000,999.0,99.0 +1989,8,25,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,15.0,84,99300,0,0,351,0,0,0,0,0,0,0,20,2.1,3,3,16.1,77777,9,999999999,260,0.1520,0,88,999.000,999.0,99.0 +1989,8,26,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.1,87,99300,0,0,367,0,0,0,0,0,0,0,10,2.6,7,7,16.1,1220,9,999999999,280,0.1520,0,88,999.000,999.0,99.0 +1989,8,26,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,99300,0,0,361,0,0,0,0,0,0,0,320,1.5,7,7,16.1,1220,9,999999999,270,0.1520,0,88,999.000,999.0,99.0 +1989,8,26,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,99300,0,0,349,0,0,0,0,0,0,0,30,1.5,3,3,16.1,77777,9,999999999,270,0.1520,0,88,999.000,999.0,99.0 +1989,8,26,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,15.6,90,99200,0,0,334,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,270,0.1520,0,88,999.000,999.0,99.0 +1989,8,26,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,16.1,84,99400,0,0,343,0,0,0,0,0,0,0,140,2.6,0,0,16.1,77777,9,999999999,280,0.1520,0,88,999.000,999.0,99.0 +1989,8,26,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,15.6,81,99300,73,1059,384,17,4,17,2000,0,2000,610,170,2.6,9,9,16.1,1190,9,999999999,270,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,14.4,68,99300,317,1338,391,78,25,72,8600,2100,8100,1910,170,4.1,9,9,12.9,1220,9,999999999,250,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,14.4,68,99400,560,1338,403,179,17,172,20200,1300,19600,6440,170,3.1,10,10,12.9,1220,9,999999999,250,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,15.0,66,99400,776,1338,409,204,6,201,23700,500,23400,8680,170,4.1,10,10,11.3,1220,9,999999999,260,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,15.6,66,99400,951,1338,413,312,10,305,36000,900,35400,13040,170,3.6,10,10,11.3,1220,9,999999999,270,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,16.7,69,99400,1071,1338,418,354,11,346,41300,1000,40500,15090,160,2.6,10,10,11.3,1250,9,999999999,290,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,17.8,69,99400,1130,1338,425,329,6,323,38700,500,38300,14640,200,3.6,10,10,11.3,1250,9,999999999,310,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,18.3,67,99300,1123,1338,433,329,4,325,38700,400,38400,14680,170,3.6,10,10,12.9,1310,9,999999999,320,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,18.9,63,99300,1049,1338,431,352,4,349,40800,400,40500,15030,180,3.6,10,9,9.7,2440,9,999999999,330,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,18.9,67,99200,915,1338,437,247,7,242,28900,600,28400,10860,200,2.6,10,10,9.7,1490,9,999999999,330,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,19.4,71,99100,730,1338,434,231,25,217,26400,2100,25200,8850,210,2.6,10,10,8.0,1010,9,999999999,340,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,19.4,82,99000,506,1338,421,61,8,58,7400,400,7200,2610,110,5.7,10,10,6.4,880,9,999999999,340,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,19.4,79,99100,259,1338,424,58,1,58,6600,0,6600,2080,40,2.6,10,10,6.4,820,9,999999999,340,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,19.4,84,99200,36,747,392,11,9,10,1200,500,1100,260,150,2.6,7,7,6.4,850,9,999999999,340,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,18.3,79,99200,0,0,386,0,0,0,0,0,0,0,120,3.6,6,6,6.4,1220,9,999999999,320,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,18.3,79,99200,0,0,405,0,0,0,0,0,0,0,120,3.6,9,9,6.4,980,9,999999999,320,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,18.3,81,99300,0,0,414,0,0,0,0,0,0,0,120,2.6,10,10,6.4,1340,9,999999999,320,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,18.9,87,99300,0,0,411,0,0,0,0,0,0,0,120,2.1,10,10,6.4,1680,9,999999999,330,0.1480,0,88,999.000,999.0,99.0 +1989,8,26,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,18.9,87,99200,0,0,400,0,0,0,0,0,0,0,0,0.0,9,9,6.4,1010,9,999999999,330,0.1480,0,88,999.000,999.0,99.0 +1989,8,27,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,19.4,97,99200,0,0,406,0,0,0,0,0,0,0,0,0.0,10,10,6.4,820,9,999999999,340,0.1480,0,88,999.000,999.0,99.0 +1989,8,27,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,19.4,93,99200,0,0,409,0,0,0,0,0,0,0,0,0.0,10,10,6.4,1010,9,999999999,340,0.1480,0,88,999.000,999.0,99.0 +1989,8,27,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.9,97,99200,0,0,348,0,0,0,0,0,0,0,0,0.0,0,0,6.4,77777,9,999999999,330,0.1480,0,88,999.000,999.0,99.0 +1989,8,27,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.9,97,99300,0,0,366,0,0,0,0,0,0,0,230,1.5,4,4,6.4,77777,9,999999999,330,0.1480,0,88,999.000,999.0,99.0 +1989,8,27,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,18.3,97,99300,0,0,360,0,0,0,0,0,0,0,310,1.5,3,3,6.4,77777,9,999999999,320,0.1480,0,88,999.000,999.0,99.0 +1989,8,27,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,18.3,97,99300,70,1037,360,19,3,19,2200,0,2200,660,200,2.1,6,3,6.4,77777,9,999999999,320,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,20.6,85,99300,313,1338,381,114,132,83,12400,11000,9900,1810,0,0.0,6,2,6.4,77777,9,999999999,360,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,20.6,79,99400,556,1338,387,297,321,162,31500,32000,18200,3430,340,3.1,7,2,6.4,77777,9,999999999,360,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,20.6,72,99400,773,1338,390,473,475,196,50000,48500,21900,4500,290,2.6,4,1,8.0,77777,9,999999999,370,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,21.1,69,99400,947,1338,416,442,141,341,48100,14900,37600,10450,320,3.1,6,6,8.0,1070,9,999999999,370,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,21.1,65,99400,1068,1338,422,571,243,374,61600,26300,40500,13300,350,3.1,6,6,11.3,1070,9,999999999,380,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,21.1,65,99400,1126,1338,427,669,278,433,72000,30100,46600,17630,50,5.7,7,7,8.0,1100,9,999999999,380,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,22.2,74,99400,1118,1338,408,773,551,308,82400,57500,34200,12610,60,6.2,3,3,6.4,77777,9,999999999,400,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,21.7,72,99400,1045,1338,398,726,599,253,78000,62500,29100,8590,50,4.1,4,1,6.4,77777,9,999999999,390,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,21.1,69,99400,911,1338,406,545,403,267,57000,41600,28600,7280,90,3.1,7,3,8.0,77777,9,999999999,370,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,21.7,72,99300,725,1338,403,414,312,243,43900,32700,26200,5800,100,5.2,6,2,8.0,77777,9,999999999,390,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,21.1,74,99300,500,1338,396,255,275,150,26800,26700,16900,3120,110,4.6,5,2,8.0,77777,9,999999999,380,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,20.6,76,99300,253,1338,400,83,20,79,9000,1600,8700,1890,60,3.6,8,5,6.4,7620,9,999999999,360,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,20.6,85,99400,33,703,391,12,0,12,1400,0,1400,430,120,3.1,8,5,6.4,7620,9,999999999,370,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,20.6,87,99500,0,0,388,0,0,0,0,0,0,0,130,2.6,7,5,6.4,7620,9,999999999,360,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,20.0,87,99500,0,0,382,0,0,0,0,0,0,0,120,2.6,7,4,6.4,7620,9,999999999,350,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,20.6,90,99400,0,0,382,0,0,0,0,0,0,0,130,2.1,7,4,6.4,7620,9,999999999,360,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,20.6,90,99400,0,0,385,0,0,0,0,0,0,0,110,2.1,8,5,6.4,7620,9,999999999,360,0.3240,0,88,999.000,999.0,99.0 +1989,8,27,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,20.6,93,99400,0,0,383,0,0,0,0,0,0,0,130,3.1,8,5,6.4,7620,9,999999999,360,0.3240,0,88,999.000,999.0,99.0 +1989,8,28,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,20.6,93,99400,0,0,383,0,0,0,0,0,0,0,70,2.6,9,5,6.4,7620,9,999999999,360,0.3240,0,88,999.000,999.0,99.0 +1989,8,28,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,20.6,93,99300,0,0,390,0,0,0,0,0,0,0,60,3.1,9,7,4.8,7620,9,999999999,360,0.3240,0,88,999.000,999.0,99.0 +1989,8,28,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,20.6,93,99300,0,0,390,0,0,0,0,0,0,0,90,2.6,9,7,4.8,7620,9,999999999,360,0.3240,0,88,999.000,999.0,99.0 +1989,8,28,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,20.6,93,99300,0,0,390,0,0,0,0,0,0,0,150,2.6,9,7,4.8,7620,9,999999999,360,0.3240,0,88,999.000,999.0,99.0 +1989,8,28,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,20.6,93,99300,0,0,417,0,0,0,0,0,0,0,140,3.1,10,10,4.8,1070,9,999999999,360,0.3240,0,88,999.000,999.0,99.0 +1989,8,28,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.6,93,99300,67,1015,417,11,1,11,1300,0,1300,420,320,5.2,10,10,4.8,1400,9,999999999,360,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.6,93,99200,309,1339,417,41,4,40,4800,100,4800,1630,90,3.1,10,10,6.4,1070,9,999999999,360,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.6,93,99200,553,1339,417,73,3,72,8800,200,8700,3250,120,4.6,10,10,4.8,400,9,999999999,360,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,22.2,94,99200,769,1339,428,247,6,243,28100,500,27800,9850,120,3.6,10,10,4.8,520,9,999999999,400,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,21.7,85,99200,944,1339,434,318,0,318,36600,0,36600,13340,280,3.1,10,10,4.8,430,9,999999999,390,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,22.2,88,99200,1064,1339,434,226,0,226,27200,0,27200,10960,240,3.1,10,10,4.8,1100,9,999999999,400,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,22.2,79,99100,1123,1339,444,326,0,326,38400,0,38400,14700,140,3.1,10,10,6.4,1310,9,999999999,400,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,22.2,77,99100,1114,1339,426,508,302,254,55200,31600,28800,10170,190,4.6,9,8,11.3,3960,9,999999999,400,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,22.8,72,99000,1040,1339,436,495,175,358,54200,18600,39800,12280,190,5.2,10,8,11.3,3960,9,999999999,410,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,22.2,77,99000,906,1339,448,293,9,287,33800,800,33200,12170,210,3.6,10,10,11.3,1220,9,999999999,400,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,22.2,79,99000,719,1339,444,221,8,217,25200,700,24900,8760,210,3.1,10,10,11.3,3660,9,999999999,400,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,22.2,79,99000,494,1339,444,105,4,104,12200,300,12100,4220,240,4.6,10,10,11.3,3350,9,999999999,400,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,21.7,77,99000,246,1339,422,50,29,45,5500,2300,5100,1190,220,4.6,8,8,11.3,3350,9,999999999,390,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,21.7,82,99000,29,681,398,12,13,11,1300,500,1300,230,240,4.1,5,4,11.3,77777,9,999999999,390,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.3,21.1,87,99000,0,0,382,0,0,0,0,0,0,0,220,2.6,3,2,16.1,77777,9,999999999,370,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,21.1,90,99100,0,0,367,0,0,0,0,0,0,0,220,2.6,0,0,16.1,77777,9,999999999,370,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,21.1,94,99000,0,0,364,0,0,0,0,0,0,0,240,2.6,0,0,16.1,77777,9,999999999,380,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,21.1,94,99000,0,0,364,0,0,0,0,0,0,0,240,3.6,0,0,16.1,77777,9,999999999,380,0.1300,0,88,999.000,999.0,99.0 +1989,8,28,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,20.6,90,99000,0,0,379,0,0,0,0,0,0,0,250,2.6,4,3,16.1,77777,9,999999999,360,0.1300,0,88,999.000,999.0,99.0 +1989,8,29,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,20.6,97,98900,0,0,374,0,0,0,0,0,0,0,230,2.6,3,3,16.1,77777,9,999999999,360,0.1300,0,88,999.000,999.0,99.0 +1989,8,29,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,20.6,97,99000,0,0,370,0,0,0,0,0,0,0,240,3.1,2,2,11.3,77777,9,999999999,360,0.1300,0,88,999.000,999.0,99.0 +1989,8,29,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,20.6,97,99000,0,0,374,0,0,0,0,0,0,0,240,2.1,4,3,11.3,77777,9,999999999,360,0.1300,0,88,999.000,999.0,99.0 +1989,8,29,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,20.6,97,99000,0,0,377,0,0,0,0,0,0,0,250,2.6,5,4,8.0,77777,9,999999999,360,0.1300,0,88,999.000,999.0,99.0 +1989,8,29,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,20.6,97,99000,0,0,387,0,0,0,0,0,0,0,220,2.6,8,7,8.0,7620,9,999999999,360,0.1300,0,88,999.000,999.0,99.0 +1989,8,29,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,21.1,100,99100,64,994,414,19,0,19,2200,0,2200,660,210,2.6,10,10,4.8,120,9,999999999,370,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,21.1,97,99100,305,1340,417,74,6,72,8300,200,8200,2600,260,4.1,10,10,6.4,1130,9,999999999,380,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,21.1,90,99200,549,1340,424,80,2,79,9500,100,9500,3520,260,3.6,10,10,11.3,1980,9,999999999,370,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,22.2,94,99100,766,1340,428,118,7,114,14300,500,14000,5460,230,3.6,10,10,11.3,1980,9,999999999,400,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,22.8,85,99000,940,1340,421,408,139,310,44700,14700,34400,9420,270,4.1,9,8,12.9,3050,9,999999999,410,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,22.8,82,99000,1061,1340,433,417,129,314,46200,13800,35200,11090,270,5.2,10,9,12.9,610,9,999999999,410,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,20.0,63,99000,1119,1340,418,791,671,225,83200,68200,26100,9000,290,5.2,8,6,12.9,3050,9,999999999,350,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,20.0,61,99000,1110,1340,417,661,376,347,72200,40800,38300,13220,270,5.2,8,5,16.1,3050,9,999999999,350,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,20.6,59,99000,1036,1340,433,580,388,277,61800,40400,30400,9270,280,5.2,9,7,16.1,3050,9,999999999,360,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,19.4,61,99000,900,1340,429,332,170,216,36900,18100,24800,6310,290,5.7,9,8,16.1,3050,9,999999999,340,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,18.3,58,99000,714,1340,417,444,419,217,47300,43900,23900,5040,280,5.7,10,7,24.1,7620,9,999999999,320,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,18.3,60,99000,488,1340,421,186,78,157,20300,7400,17600,4230,290,5.2,10,8,24.1,7620,9,999999999,320,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,17.2,60,99000,240,1340,423,48,19,44,5200,1500,4900,1160,300,5.2,10,9,24.1,6100,9,999999999,300,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,15.6,60,99000,26,636,391,12,2,12,1400,0,1400,420,290,3.6,8,6,24.1,6100,9,999999999,270,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,15.0,64,99100,0,0,382,0,0,0,0,0,0,0,300,3.1,7,6,24.1,6100,9,999999999,260,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,15.0,68,99100,0,0,363,0,0,0,0,0,0,0,310,4.1,5,2,24.1,77777,9,999999999,260,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,14.4,71,99100,0,0,357,0,0,0,0,0,0,0,300,4.1,5,2,24.1,77777,9,999999999,250,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,13.9,76,99100,0,0,344,0,0,0,0,0,0,0,300,3.1,3,1,24.1,77777,9,999999999,250,0.1560,0,88,999.000,999.0,99.0 +1989,8,29,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,13.9,78,99200,0,0,342,0,0,0,0,0,0,0,280,3.1,4,1,24.1,77777,9,999999999,250,0.1560,0,88,999.000,999.0,99.0 +1989,8,30,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,13.9,81,99200,0,0,339,0,0,0,0,0,0,0,310,2.6,4,1,24.1,77777,9,999999999,250,0.1560,0,88,999.000,999.0,99.0 +1989,8,30,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,12.8,75,99200,0,0,331,0,0,0,0,0,0,0,310,3.1,2,0,24.1,77777,9,999999999,230,0.1560,0,88,999.000,999.0,99.0 +1989,8,30,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,12.2,75,99200,0,0,328,0,0,0,0,0,0,0,300,3.1,0,0,24.1,77777,9,999999999,220,0.1560,0,88,999.000,999.0,99.0 +1989,8,30,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,12.2,81,99300,0,0,323,0,0,0,0,0,0,0,300,2.6,0,0,24.1,77777,9,999999999,220,0.1560,0,88,999.000,999.0,99.0 +1989,8,30,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,12.2,84,99300,0,0,321,0,0,0,0,0,0,0,280,2.6,0,0,24.1,77777,9,999999999,220,0.1560,0,88,999.000,999.0,99.0 +1989,8,30,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,12.2,84,99400,61,972,321,26,42,22,2700,1900,2600,450,290,3.1,0,0,24.1,77777,9,999999999,220,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,12.8,70,99400,301,1340,347,136,275,73,14100,21700,9200,1340,320,3.6,2,2,24.1,77777,9,999999999,230,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,12.2,61,99400,545,1340,355,326,507,116,34500,48900,14500,2240,330,4.6,2,2,24.1,77777,9,999999999,220,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,12.2,55,99500,762,1340,363,504,600,158,52000,59500,18000,3510,350,4.1,2,2,24.1,77777,9,999999999,220,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,12.2,52,99500,937,1340,364,654,713,150,69300,72800,18300,4250,10,3.1,1,1,24.1,77777,9,999999999,230,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,12.2,48,99500,1057,1340,374,750,683,206,78900,69400,24000,7100,360,3.6,2,2,24.1,77777,9,999999999,220,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,12.8,47,99500,1115,1340,387,618,404,279,66500,42200,31300,11210,330,2.6,4,4,24.1,77777,9,999999999,230,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,12.8,44,99400,1106,1340,381,795,758,163,82700,76200,19700,5820,200,2.6,1,1,24.1,77777,9,999999999,230,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,11.7,37,99300,1031,1340,388,747,767,151,77600,77000,18200,4550,280,2.1,1,1,24.1,77777,9,999999999,220,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,12.2,38,99300,895,1340,389,601,665,151,63300,67500,18100,4010,220,2.6,1,1,24.1,77777,9,999999999,220,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,13.3,41,99300,708,1340,390,414,539,125,43100,53500,14700,2730,0,0.0,1,1,24.1,77777,9,999999999,240,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,14.4,46,99300,482,1340,381,284,531,90,29100,49000,11400,1720,260,2.1,0,0,24.1,77777,9,999999999,260,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,16.1,56,99300,233,1340,375,102,270,53,10500,18900,7200,950,0,0.0,0,0,24.1,77777,9,999999999,280,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.6,62,99200,23,592,363,13,10,11,0,0,0,0,120,4.1,0,0,24.1,77777,9,999999999,270,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,15.0,64,99300,0,0,357,0,0,0,0,0,0,0,120,4.1,0,0,16.1,77777,9,999999999,260,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,15.6,76,99200,0,0,347,0,0,0,0,0,0,0,130,3.6,0,0,16.1,77777,9,999999999,270,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,15.0,73,99200,0,0,347,0,0,0,0,0,0,0,130,3.1,0,0,16.1,77777,9,999999999,260,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,14.4,76,99200,0,0,341,0,0,0,0,0,0,0,130,3.1,0,0,16.1,77777,9,999999999,250,0.1710,0,88,999.000,999.0,99.0 +1989,8,30,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,13.9,73,99200,0,0,340,0,0,0,0,0,0,0,150,2.6,0,0,16.1,77777,9,999999999,250,0.1710,0,88,999.000,999.0,99.0 +1989,8,31,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,13.9,76,99200,0,0,337,0,0,0,0,0,0,0,130,2.6,0,0,16.1,77777,9,999999999,250,0.1710,0,88,999.000,999.0,99.0 +1989,8,31,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,13.3,75,99200,0,0,335,0,0,0,0,0,0,0,180,3.1,0,0,16.1,77777,9,999999999,240,0.1710,0,88,999.000,999.0,99.0 +1989,8,31,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,13.3,75,99200,0,0,335,0,0,0,0,0,0,0,170,3.1,0,0,16.1,77777,9,999999999,240,0.1710,0,88,999.000,999.0,99.0 +1989,8,31,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,13.9,84,99200,0,0,330,0,0,0,0,0,0,0,160,2.6,0,0,16.1,77777,9,999999999,250,0.1710,0,88,999.000,999.0,99.0 +1989,8,31,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,13.9,84,99200,0,0,330,0,0,0,0,0,0,0,150,2.6,0,0,16.1,77777,9,999999999,250,0.1710,0,88,999.000,999.0,99.0 +1989,8,31,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,13.9,84,99200,59,950,330,24,34,21,2600,1500,2500,430,170,4.1,0,0,16.1,77777,9,999999999,250,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,15.0,76,99200,297,1341,344,143,348,64,14900,27400,8800,1150,170,4.1,0,0,16.1,77777,9,999999999,260,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,16.7,69,99100,542,1341,362,330,554,102,33800,52500,12600,1990,200,4.6,1,0,16.1,77777,9,999999999,290,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,17.8,67,99100,759,1341,383,481,587,145,50000,58500,16800,3260,190,6.7,2,2,16.1,77777,9,999999999,310,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,18.3,55,99000,933,1341,415,609,577,203,63200,58000,22700,5490,190,7.7,7,5,16.1,6100,9,999999999,320,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,19.4,65,98900,1053,1341,444,259,8,252,30700,700,30200,11900,200,6.7,10,10,16.1,1680,9,999999999,340,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,19.4,69,98900,1111,1341,437,298,5,294,35300,400,35000,13590,200,7.7,10,10,16.1,1680,9,999999999,340,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,20.6,76,98900,1102,1341,436,265,0,265,31600,0,31600,12540,200,6.7,10,10,9.7,700,9,999999999,360,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,21.7,87,98700,1026,1341,431,166,1,165,20300,100,20200,8340,200,6.2,10,10,8.0,370,9,999999999,380,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,21.1,85,98600,890,1341,430,251,3,249,29200,300,29000,10910,200,6.2,10,10,9.7,460,9,999999999,380,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,20.6,82,98500,702,1341,417,335,236,209,35700,24600,22800,4790,200,6.2,9,9,12.9,460,9,999999999,360,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,20.6,87,98600,475,1341,423,62,10,59,7500,500,7300,2600,220,7.2,10,10,16.1,460,9,999999999,360,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.6,93,98500,226,1341,417,25,3,25,3000,0,3000,1000,210,4.6,10,10,12.9,270,9,999999999,360,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,20.0,93,98500,20,570,412,4,0,4,0,0,0,0,220,5.7,10,10,12.9,1680,9,999999999,350,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,20.0,97,98400,0,0,410,0,0,0,0,0,0,0,270,4.1,10,10,8.0,1680,9,999999999,350,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,19.4,93,98300,0,0,383,0,0,0,0,0,0,0,220,7.2,7,7,12.9,3050,9,999999999,340,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.2,17.9,90,98200,0,0,399,0,0,0,0,0,0,0,200,6.6,10,10,16.1,1370,9,999999999,330,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.7,16.4,84,98200,0,0,389,0,0,0,0,0,0,0,180,6.0,10,10,16.1,1310,9,999999999,310,0.1760,0,88,999.000,999.0,99.0 +1989,8,31,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.3,14.9,90,98100,0,0,380,0,0,0,0,0,0,0,180,5.4,10,10,16.1,1830,9,999999999,340,0.1760,0,88,999.000,999.0,99.0 +1987,9,1,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.9,13.4,86,99700,0,0,344,0,0,0,0,0,0,0,260,4.9,8,6,24.1,3050,9,999999999,190,0.1760,0,88,999.000,999.0,99.0 +1987,9,1,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.5,11.9,86,99600,0,0,335,0,0,0,0,0,0,0,260,4.3,8,6,24.1,3050,9,999999999,190,0.1760,0,88,999.000,999.0,99.0 +1987,9,1,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.0,10.4,86,99600,0,0,321,0,0,0,0,0,0,0,270,3.7,5,4,24.1,77777,9,999999999,190,0.1760,0,88,999.000,999.0,99.0 +1987,9,1,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,8.9,90,99600,0,0,304,0,0,0,0,0,0,0,260,3.1,3,1,24.1,77777,9,999999999,180,0.1760,0,88,999.000,999.0,99.0 +1987,9,1,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,8.9,93,99600,0,0,301,0,0,0,0,0,0,0,270,2.6,2,1,24.1,77777,9,999999999,180,0.1760,0,88,999.000,999.0,99.0 +1987,9,1,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,8.9,90,99700,57,928,308,20,35,17,2200,1600,2100,350,270,3.1,5,2,24.1,77777,9,999999999,180,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,8.3,69,99700,296,1342,318,145,439,47,15000,35200,7200,880,280,4.1,2,1,24.1,77777,9,999999999,180,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,8.3,58,99700,540,1342,324,353,694,71,36500,65900,9900,1440,280,3.6,0,0,24.1,77777,9,999999999,180,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,7.8,49,99700,757,1342,333,546,798,90,57300,79500,12400,2080,280,3.6,0,0,24.1,77777,9,999999999,170,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,7.2,42,99700,932,1342,347,647,742,127,67600,74400,15700,3320,250,5.7,3,1,24.1,77777,9,999999999,160,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,7.2,40,99600,1052,1342,357,723,695,173,77000,71200,21000,5980,270,3.6,5,2,24.1,77777,9,999999999,170,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,7.2,37,99600,1109,1342,358,782,769,141,82800,77800,18300,5260,260,6.7,5,1,24.1,77777,9,999999999,170,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,8.3,37,99500,1100,1342,369,752,652,213,79400,66400,24800,8100,260,4.6,7,2,24.1,77777,9,999999999,180,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,8.9,36,99400,1024,1342,376,725,728,164,77200,74600,20100,5370,310,5.7,7,2,24.1,77777,9,999999999,180,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,8.9,36,99300,888,1342,376,612,610,205,63200,60900,22800,5140,280,5.2,8,2,24.1,77777,9,999999999,180,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,9.4,36,99300,699,1342,374,460,639,124,48000,63300,14900,2680,270,5.2,6,1,24.1,77777,9,999999999,190,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,9.4,39,99200,473,1342,368,276,584,68,28900,54300,9700,1350,230,5.7,3,1,24.1,77777,9,999999999,190,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,10.0,46,99200,223,1342,351,106,384,41,10800,27300,6200,740,240,4.6,1,0,24.1,77777,9,999999999,190,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,10.0,53,99200,19,548,341,13,31,10,0,0,0,0,230,4.6,0,0,24.1,77777,9,999999999,200,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,10.0,53,99200,0,0,341,0,0,0,0,0,0,0,220,5.2,0,0,24.1,77777,9,999999999,200,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,9.4,53,99100,0,0,338,0,0,0,0,0,0,0,220,6.2,0,0,24.1,77777,9,999999999,190,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,9.4,53,99100,0,0,365,0,0,0,0,0,0,0,230,4.6,8,7,24.1,2440,9,999999999,190,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,10.0,55,99200,0,0,390,0,0,0,0,0,0,0,270,5.2,10,10,24.1,1400,9,999999999,200,0.0960,0,88,999.000,999.0,99.0 +1987,9,1,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,11.1,65,99200,0,0,383,0,0,0,0,0,0,0,260,5.7,10,10,16.1,1400,9,999999999,209,0.0960,0,88,999.000,999.0,99.0 +1987,9,2,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,13.3,87,99200,0,0,339,0,0,0,0,0,0,0,250,3.6,4,3,24.1,77777,9,999999999,240,0.0960,0,88,999.000,999.0,99.0 +1987,9,2,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,12.8,87,99100,0,0,332,0,0,0,0,0,0,0,260,2.6,3,2,24.1,77777,9,999999999,230,0.0960,0,88,999.000,999.0,99.0 +1987,9,2,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,13.3,87,99200,0,0,374,0,0,0,0,0,0,0,310,3.1,10,10,24.1,310,9,999999999,240,0.0960,0,88,999.000,999.0,99.0 +1987,9,2,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,14.4,90,99200,0,0,378,0,0,0,0,0,0,0,10,5.7,10,10,16.1,490,9,999999999,250,0.0960,0,88,999.000,999.0,99.0 +1987,9,2,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,12.8,87,99300,0,0,353,0,0,0,0,0,0,0,30,4.6,8,8,24.1,2440,9,999999999,230,0.0960,0,88,999.000,999.0,99.0 +1987,9,2,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,12.8,87,99300,54,906,343,21,57,15,2000,2000,1900,250,20,4.1,6,6,24.1,1070,9,999999999,230,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,13.3,81,99400,292,1342,362,95,101,72,10300,8200,8500,1560,350,5.2,8,8,24.1,580,9,999999999,240,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,13.3,81,99500,536,1342,362,235,149,175,25500,14600,19600,4100,10,4.6,8,8,24.1,520,9,999999999,240,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,12.2,68,99500,754,1342,369,350,175,251,38100,18200,27900,6560,20,7.7,8,8,24.1,760,9,999999999,220,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,11.1,63,99600,928,1342,362,436,167,319,47500,17700,35300,9560,30,7.2,8,7,24.1,880,9,999999999,209,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,12.2,63,99600,1048,1342,368,410,200,252,45500,21700,28500,8180,20,6.2,8,7,24.1,880,9,999999999,220,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,12.2,61,99600,1105,1342,371,480,224,294,53100,24400,33000,10820,20,4.1,8,7,24.1,880,9,999999999,220,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,11.7,57,99700,1095,1342,374,601,429,248,65300,44900,28600,9370,50,6.7,8,7,24.1,880,9,999999999,220,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,11.1,59,99700,1019,1342,381,472,169,342,51700,18000,38000,11360,50,7.2,10,9,24.1,880,9,999999999,209,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,10.6,55,99700,882,1342,353,606,687,151,63900,69600,18100,3930,40,7.2,8,2,24.1,77777,9,999999999,200,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,10.6,57,99700,693,1342,345,414,594,105,43700,59200,13100,2310,10,6.7,5,1,24.1,77777,9,999999999,200,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,9.4,55,99700,466,1342,342,273,588,67,28600,54500,9700,1320,50,5.2,3,1,24.1,77777,9,999999999,190,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,10.0,63,99800,216,1342,328,104,390,40,10600,27300,6200,720,40,5.2,2,0,24.1,77777,9,999999999,200,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,10.0,70,99800,17,503,321,13,34,9,0,0,0,0,10,4.1,1,0,24.1,77777,9,999999999,200,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,10.6,72,99800,0,0,322,0,0,0,0,0,0,0,30,3.6,0,0,24.1,77777,9,999999999,200,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,10.0,80,99900,0,0,311,0,0,0,0,0,0,0,10,2.6,1,0,24.1,77777,9,999999999,190,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,10.0,80,99900,0,0,317,0,0,0,0,0,0,0,30,2.6,3,1,24.1,77777,9,999999999,190,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.0,86,99900,0,0,306,0,0,0,0,0,0,0,20,2.1,0,0,24.1,77777,9,999999999,190,0.0850,0,88,999.000,999.0,99.0 +1987,9,2,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,10.0,96,99900,0,0,299,0,0,0,0,0,0,0,310,2.1,0,0,24.1,77777,9,999999999,200,0.0850,0,88,999.000,999.0,99.0 +1987,9,3,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,10.0,96,99900,0,0,299,0,0,0,0,0,0,0,270,1.5,0,0,24.1,77777,9,999999999,200,0.0850,0,88,999.000,999.0,99.0 +1987,9,3,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,9.4,96,99900,0,0,296,0,0,0,0,0,0,0,310,1.5,0,0,24.1,77777,9,999999999,190,0.0850,0,88,999.000,999.0,99.0 +1987,9,3,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,9.4,96,99900,0,0,296,0,0,0,0,0,0,0,310,1.5,0,0,24.1,77777,9,999999999,190,0.0850,0,88,999.000,999.0,99.0 +1987,9,3,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,8.9,96,100000,0,0,293,0,0,0,0,0,0,0,320,1.5,0,0,16.1,77777,9,999999999,180,0.0850,0,88,999.000,999.0,99.0 +1987,9,3,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,8.9,96,100000,0,0,293,0,0,0,0,0,0,0,330,1.5,0,0,24.1,77777,9,999999999,180,0.0850,0,88,999.000,999.0,99.0 +1987,9,3,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,8.9,96,100000,52,884,293,21,15,20,2300,800,2200,480,270,1.5,0,0,24.1,77777,9,999999999,180,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,12.2,84,100100,288,1343,321,128,268,69,13200,20700,8700,1260,300,1.5,0,0,24.1,77777,9,999999999,220,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,11.7,65,100100,532,1343,335,312,495,113,33100,47500,14200,2170,100,5.2,0,0,24.1,77777,9,999999999,220,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,8.9,49,100100,750,1343,340,504,628,150,52200,62300,17400,3310,70,4.6,0,0,24.1,77777,9,999999999,180,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,8.3,44,100100,924,1343,344,666,705,176,69800,71300,20600,4780,110,6.2,0,0,24.1,77777,9,999999999,180,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,7.8,41,100100,1044,1343,346,778,747,192,82200,76100,22800,6450,120,5.2,0,0,24.1,77777,9,999999999,170,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,7.8,41,100000,1101,1343,346,831,763,200,88100,77900,24000,7650,90,5.7,0,0,24.1,77777,9,999999999,170,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,7.2,38,100000,1091,1343,348,822,762,198,87100,77800,23800,7390,130,5.2,0,0,24.1,77777,9,999999999,170,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,7.2,38,100000,1014,1343,348,750,737,188,79000,75000,22200,5940,80,5.2,0,0,24.1,77777,9,999999999,170,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,7.8,41,99900,877,1343,346,622,688,169,65000,69300,19600,4290,100,4.6,0,0,24.1,77777,9,999999999,170,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,8.3,44,99900,687,1343,344,450,600,140,46500,58900,16300,2930,90,4.1,0,0,24.1,77777,9,999999999,180,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,8.9,47,99900,460,1343,343,255,447,100,26900,41200,12700,1880,90,4.6,0,0,24.1,77777,9,999999999,180,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,8.3,54,99900,210,1343,329,81,172,54,8600,11200,6800,1010,50,5.2,0,0,24.1,77777,9,999999999,180,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,8.3,58,99900,14,481,324,9,2,8,0,0,0,0,10,3.1,0,0,24.1,77777,9,999999999,180,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,8.9,60,99900,0,0,325,0,0,0,0,0,0,0,50,3.1,0,0,24.1,77777,9,999999999,180,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,10.6,75,99900,0,0,319,0,0,0,0,0,0,0,30,2.6,2,0,24.1,77777,9,999999999,200,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,11.7,75,99900,0,0,325,0,0,0,0,0,0,0,60,3.1,3,0,24.1,77777,9,999999999,220,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,11.7,90,99900,0,0,313,0,0,0,0,0,0,0,20,2.6,0,0,24.1,77777,9,999999999,220,0.2260,0,88,999.000,999.0,99.0 +1987,9,3,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,11.1,93,99900,0,0,307,0,0,0,0,0,0,0,10,2.1,0,0,16.1,77777,9,999999999,209,0.2260,0,88,999.000,999.0,99.0 +1987,9,4,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,11.1,93,99900,0,0,307,0,0,0,0,0,0,0,170,2.1,0,0,11.3,77777,9,999999999,209,0.2260,0,88,999.000,999.0,99.0 +1987,9,4,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,11.1,90,99900,0,0,310,0,0,0,0,0,0,0,140,1.5,0,0,11.3,77777,9,999999999,209,0.2260,0,88,999.000,999.0,99.0 +1987,9,4,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,11.7,87,99900,0,0,315,0,0,0,0,0,0,0,110,2.1,0,0,11.3,77777,9,999999999,220,0.2260,0,88,999.000,999.0,99.0 +1987,9,4,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,11.1,87,99900,0,0,312,0,0,0,0,0,0,0,130,2.1,0,0,11.3,77777,9,999999999,209,0.2260,0,88,999.000,999.0,99.0 +1987,9,4,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,11.1,93,99900,0,0,307,0,0,0,0,0,0,0,130,2.1,1,0,11.3,77777,9,999999999,209,0.2260,0,88,999.000,999.0,99.0 +1987,9,4,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,11.1,87,99900,49,862,312,22,33,18,2200,1400,2100,370,130,2.6,1,0,8.0,77777,9,999999999,209,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,11.1,75,99900,284,1344,322,137,367,58,14400,28300,8400,1040,130,3.1,0,0,9.7,77777,9,999999999,209,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,11.1,63,99900,529,1344,334,328,593,92,34000,56100,11800,1810,180,3.6,0,0,12.9,77777,9,999999999,209,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,11.7,55,99900,746,1344,348,517,709,119,54400,71100,14800,2710,170,2.6,0,0,16.1,77777,9,999999999,220,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,12.2,52,99900,921,1344,357,675,774,139,69600,77200,16500,3430,170,3.1,0,0,16.1,77777,9,999999999,230,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,13.3,50,99800,1040,1344,366,781,806,151,81300,81000,18400,4620,170,2.6,0,0,16.1,77777,9,999999999,240,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,14.4,49,99800,1097,1344,376,831,819,157,86900,82400,19400,5480,140,2.6,0,0,16.1,77777,9,999999999,260,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,13.9,44,99700,1086,1344,381,821,817,156,85800,82200,19200,5300,130,3.1,0,0,16.1,77777,9,999999999,250,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,16.1,48,99700,1009,1344,389,748,792,148,77700,79400,17900,4250,140,5.2,0,0,16.1,77777,9,999999999,280,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,15.6,44,99600,871,1344,391,625,751,134,66400,76400,16700,3480,170,3.1,0,0,16.1,77777,9,999999999,270,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,15.6,47,99600,681,1344,386,456,674,111,47800,66800,13900,2400,150,3.6,0,0,16.1,77777,9,999999999,270,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,15.0,51,99600,453,1344,376,263,533,81,27100,48600,10700,1540,120,4.6,0,0,16.1,77777,9,999999999,270,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,14.4,52,99600,203,1344,370,85,251,46,8800,16300,6300,820,120,4.1,0,0,12.9,77777,9,999999999,250,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,14.4,62,99600,12,437,356,8,6,7,0,0,0,0,120,3.1,0,0,12.9,77777,9,999999999,260,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,15.6,71,99600,0,0,353,0,0,0,0,0,0,0,120,2.6,0,0,12.9,77777,9,999999999,270,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,16.1,73,99600,0,0,353,0,0,0,0,0,0,0,150,3.1,0,0,12.9,77777,9,999999999,280,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,15.0,66,99600,0,0,355,0,0,0,0,0,0,0,140,3.1,0,0,12.9,77777,9,999999999,260,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,14.4,73,99600,0,0,343,0,0,0,0,0,0,0,170,3.1,0,0,12.9,77777,9,999999999,250,0.1560,0,88,999.000,999.0,99.0 +1987,9,4,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,14.4,73,99500,0,0,343,0,0,0,0,0,0,0,170,3.1,0,0,11.3,77777,9,999999999,250,0.1560,0,88,999.000,999.0,99.0 +1987,9,5,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,13.9,70,99500,0,0,343,0,0,0,0,0,0,0,170,4.6,0,0,11.3,77777,9,999999999,240,0.1560,0,88,999.000,999.0,99.0 +1987,9,5,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,13.3,70,99500,0,0,340,0,0,0,0,0,0,0,180,4.1,0,0,11.3,77777,9,999999999,240,0.1560,0,88,999.000,999.0,99.0 +1987,9,5,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,13.3,75,99500,0,0,335,0,0,0,0,0,0,0,170,3.1,0,0,11.3,77777,9,999999999,240,0.1560,0,88,999.000,999.0,99.0 +1987,9,5,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,12.8,81,99500,0,0,326,0,0,0,0,0,0,0,190,1.5,0,0,11.3,77777,9,999999999,230,0.1560,0,88,999.000,999.0,99.0 +1987,9,5,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.3,90,99500,0,0,322,0,0,0,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,240,0.1560,0,88,999.000,999.0,99.0 +1987,9,5,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,13.3,93,99600,47,840,319,20,14,18,2100,800,2000,440,0,0.0,0,0,8.0,77777,9,999999999,240,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,14.4,78,99600,280,1344,338,124,271,67,12900,20700,8600,1220,170,1.5,0,0,8.0,77777,9,999999999,250,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,14.4,64,99600,525,1344,354,309,503,110,32800,48100,14000,2110,180,3.1,0,0,8.0,77777,9,999999999,260,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,15.0,56,99600,742,1344,368,497,631,145,51600,62600,16900,3190,160,2.1,0,0,11.3,77777,9,999999999,260,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,15.6,51,99600,917,1344,380,654,702,170,68600,71100,20000,4580,180,2.1,0,0,19.3,77777,9,999999999,270,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,15.6,46,99500,1036,1344,388,764,742,186,80700,75700,22200,6150,180,2.6,0,0,19.3,77777,9,999999999,270,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,13.9,39,99500,1092,1344,392,816,760,193,86600,77700,23300,7230,230,3.1,0,0,19.3,77777,9,999999999,250,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,13.3,35,99400,1081,1344,415,733,612,237,76700,61900,26800,8460,190,2.6,3,3,14.5,77777,9,999999999,240,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,11.7,30,99400,1004,1344,418,679,591,234,70400,59400,26000,7040,150,4.1,4,4,14.5,77777,9,999999999,209,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.6,12.8,34,99300,865,1344,414,575,567,207,61400,58500,23600,5200,200,3.1,3,3,11.3,77777,9,999999999,230,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,13.9,40,99300,675,1344,389,436,594,134,45000,58200,15700,2790,130,4.1,0,0,11.3,77777,9,999999999,250,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,12.8,41,99200,447,1344,379,244,440,96,25800,40200,12400,1790,130,4.6,0,0,11.3,77777,9,999999999,230,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,12.2,45,99200,196,1344,368,74,155,51,7800,9600,6400,950,120,3.6,1,0,11.3,77777,9,999999999,220,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,13.9,57,99200,10,392,366,3,1,3,0,0,0,0,130,2.6,2,1,11.3,77777,9,999999999,240,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,13.3,57,99200,0,0,367,0,0,0,0,0,0,0,140,2.1,6,2,11.3,77777,9,999999999,240,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,14.4,66,99200,0,0,369,0,0,0,0,0,0,0,140,1.5,10,4,11.3,77777,9,999999999,250,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,15.6,71,99200,0,0,371,0,0,0,0,0,0,0,140,2.6,10,4,11.3,77777,9,999999999,270,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,16.7,81,99200,0,0,355,0,0,0,0,0,0,0,150,1.5,6,1,9.7,77777,9,999999999,290,0.2170,0,88,999.000,999.0,99.0 +1987,9,5,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.1,87,99200,0,0,340,0,0,0,0,0,0,0,0,0.0,2,0,9.7,77777,9,999999999,280,0.2170,0,88,999.000,999.0,99.0 +1987,9,6,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.7,90,99100,0,0,352,0,0,0,0,0,0,0,180,2.1,3,2,8.0,77777,9,999999999,290,0.2170,0,88,999.000,999.0,99.0 +1987,9,6,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,16.1,84,99100,0,0,343,0,0,0,0,0,0,0,160,2.1,2,0,8.0,77777,9,999999999,280,0.2170,0,88,999.000,999.0,99.0 +1987,9,6,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,15.0,84,99100,0,0,343,0,0,0,0,0,0,0,180,2.1,3,1,8.0,77777,9,999999999,260,0.2170,0,88,999.000,999.0,99.0 +1987,9,6,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,15.0,81,99100,0,0,345,0,0,0,0,0,0,0,180,2.6,3,1,8.0,77777,9,999999999,260,0.2170,0,88,999.000,999.0,99.0 +1987,9,6,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,15.0,84,99100,0,0,336,0,0,0,0,0,0,0,190,2.1,2,0,8.0,77777,9,999999999,260,0.2170,0,88,999.000,999.0,99.0 +1987,9,6,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,15.0,84,99100,44,818,347,20,32,17,2100,1300,2000,350,190,1.5,7,2,8.0,77777,9,999999999,260,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,15.6,76,99100,275,1345,347,138,395,55,13900,30400,7700,980,190,2.6,3,0,8.0,77777,9,999999999,270,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,16.1,69,99100,521,1345,365,315,593,82,32800,56200,11000,1630,170,3.1,1,1,8.0,77777,9,999999999,280,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,16.1,58,99100,739,1345,372,511,735,102,52700,72500,12800,2200,200,2.6,1,0,9.7,77777,9,999999999,280,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,16.7,51,99100,913,1345,395,625,716,134,66600,73200,16800,3680,220,3.1,1,1,11.3,77777,9,999999999,290,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,30.0,17.2,46,99100,1032,1345,399,769,830,126,81500,84000,16900,3980,190,3.6,0,0,11.3,77777,9,999999999,300,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,29.4,17.2,48,99100,1088,1345,423,695,519,272,74800,54200,30800,10100,190,5.2,6,6,11.3,1680,9,999999999,300,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,18.3,55,99100,1077,1345,405,713,637,198,75400,65000,23200,7110,300,5.2,2,2,9.7,77777,9,999999999,320,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,16.1,46,99100,999,1345,440,456,151,343,49900,16000,38000,11080,270,3.1,9,9,12.9,3050,9,999999999,280,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,17.8,60,99000,860,1345,438,242,12,234,28100,1000,27400,10220,320,2.1,10,10,14.5,2440,9,999999999,310,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,17.2,56,99000,669,1345,429,254,68,220,27900,6800,24500,6510,350,1.5,9,9,16.1,3050,9,999999999,300,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,20.0,72,99000,440,1345,411,198,228,123,21000,21200,14100,2470,0,0.0,8,7,16.1,3050,9,999999999,350,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,19.4,74,99000,189,1345,410,56,22,53,6100,1600,5900,1260,0,0.0,8,8,12.9,3050,9,999999999,340,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,19.4,79,99000,8,370,404,3,0,2,0,0,0,0,0,0.0,10,8,12.9,1680,9,999999999,340,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,19.4,87,99100,0,0,395,0,0,0,0,0,0,0,240,1.5,10,8,12.9,1680,9,999999999,340,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,19.4,87,99100,0,0,404,0,0,0,0,0,0,0,230,2.1,10,9,12.9,1830,9,999999999,340,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.2,18.9,82,99100,0,0,417,0,0,0,0,0,0,0,260,1.5,10,10,12.9,1830,9,999999999,330,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,18.3,81,99100,0,0,414,0,0,0,0,0,0,0,260,2.6,10,10,12.9,1830,9,999999999,320,0.1170,0,88,999.000,999.0,99.0 +1987,9,6,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,18.3,81,99100,0,0,414,0,0,0,0,0,0,0,270,2.1,10,10,12.9,1830,9,999999999,320,0.1170,0,88,999.000,999.0,99.0 +1987,9,7,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,18.9,87,99100,0,0,411,0,0,0,0,0,0,0,0,0.0,10,10,12.9,1830,9,999999999,330,0.1170,0,88,999.000,999.0,99.0 +1987,9,7,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,18.3,90,99100,0,0,404,0,0,0,0,0,0,0,0,0.0,10,10,12.9,2130,9,999999999,320,0.1170,0,88,999.000,999.0,99.0 +1987,9,7,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.3,93,99100,0,0,382,0,0,0,0,0,0,0,0,0.0,10,8,12.9,2130,9,999999999,320,0.1170,0,88,999.000,999.0,99.0 +1987,9,7,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,17.8,93,99100,0,0,362,0,0,0,0,0,0,0,0,0.0,9,4,12.9,77777,9,999999999,310,0.1170,0,88,999.000,999.0,99.0 +1987,9,7,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.3,93,99100,0,0,401,0,0,0,0,0,0,0,0,0.0,10,10,12.9,1160,9,999999999,320,0.1170,0,88,999.000,999.0,99.0 +1987,9,7,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,18.3,90,99200,42,796,404,11,2,10,1200,0,1200,370,0,0.0,10,10,11.3,2130,9,999999999,320,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,18.3,87,99200,271,1346,408,67,3,66,7500,100,7500,2320,280,4.6,10,10,11.3,1160,9,999999999,320,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,18.3,87,99200,517,1346,408,124,3,122,14100,200,14000,4850,270,4.1,10,10,9.7,1400,9,999999999,320,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,18.3,81,99200,735,1346,414,219,9,214,25000,800,24600,8770,290,3.6,10,10,11.3,1400,9,999999999,320,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,18.3,76,99200,909,1346,420,267,4,264,30900,400,30700,11480,10,2.1,10,10,12.9,1520,9,999999999,320,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,18.3,71,99200,1028,1346,426,317,3,315,36900,300,36700,13860,10,2.6,10,10,16.1,1520,9,999999999,320,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,18.3,71,99200,1084,1346,426,389,5,385,45000,500,44600,16200,30,2.1,10,10,16.1,1520,9,999999999,320,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,20.0,82,99200,1072,1346,425,410,0,410,47100,0,47100,16740,10,4.6,10,10,14.5,3050,9,999999999,350,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,19.4,82,99200,994,1346,421,379,0,378,43200,0,43200,15260,60,3.6,10,10,9.7,1400,9,999999999,340,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,18.9,82,99100,854,1346,417,310,1,309,35100,100,35100,12230,50,4.1,10,10,9.7,1400,9,999999999,330,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,18.9,84,99100,663,1346,414,219,0,219,24700,0,24700,8330,360,3.6,10,10,8.0,1400,9,999999999,330,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,18.9,84,99100,433,1346,414,129,1,129,14400,100,14400,4580,30,3.6,10,10,8.0,1400,9,999999999,330,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,18.9,87,99000,182,1346,411,50,0,50,5500,0,5500,1610,20,3.6,10,10,6.4,2130,9,999999999,330,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,18.9,90,99000,6,325,408,4,0,4,0,0,0,0,360,4.1,10,10,6.4,1980,9,999999999,330,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,18.9,90,99100,0,0,408,0,0,0,0,0,0,0,90,2.6,10,10,6.4,1400,9,999999999,330,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,18.9,93,99100,0,0,405,0,0,0,0,0,0,0,20,3.6,10,10,6.4,150,9,999999999,330,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.3,93,99100,0,0,401,0,0,0,0,0,0,0,30,3.1,10,10,6.4,180,9,999999999,320,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,17.8,90,99100,0,0,400,0,0,0,0,0,0,0,20,3.1,10,10,11.3,210,9,999999999,310,0.1090,0,88,999.000,999.0,99.0 +1987,9,7,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,17.2,87,99100,0,0,400,0,0,0,0,0,0,0,20,3.1,10,10,11.3,240,9,999999999,300,0.1090,0,88,999.000,999.0,99.0 +1987,9,8,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,17.2,87,99000,0,0,389,0,0,0,0,0,0,0,360,3.1,9,9,11.3,270,9,999999999,300,0.1090,0,88,999.000,999.0,99.0 +1987,9,8,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,17.2,90,99000,0,0,397,0,0,0,0,0,0,0,40,1.5,10,10,8.0,150,9,999999999,300,0.1090,0,88,999.000,999.0,99.0 +1987,9,8,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.2,93,98900,0,0,394,0,0,0,0,0,0,0,360,3.1,10,10,9.7,150,9,999999999,300,0.1090,0,88,999.000,999.0,99.0 +1987,9,8,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,16.7,93,99000,0,0,390,0,0,0,0,0,0,0,0,0.0,10,10,4.0,120,9,999999999,290,0.1090,0,88,999.000,999.0,99.0 +1987,9,8,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,17.2,97,99000,0,0,391,0,0,0,0,0,0,0,300,1.5,10,10,4.0,150,9,999999999,300,0.1090,0,88,999.000,999.0,99.0 +1987,9,8,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,16.7,90,99000,39,774,393,15,0,15,1700,0,1700,520,280,1.5,10,10,2.4,180,9,999999999,290,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,17.2,90,99000,267,1346,397,75,1,75,8300,0,8300,2500,0,0.0,10,10,2.4,180,9,999999999,300,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,16.7,81,99000,513,1346,402,182,1,181,20100,100,20100,6240,300,2.1,10,10,3.2,1680,9,999999999,290,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,17.2,81,99000,731,1346,406,251,1,251,28400,100,28300,9680,280,2.1,10,10,3.2,880,9,999999999,300,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,17.2,81,99100,905,1346,406,324,1,323,36900,100,36800,13070,270,3.6,10,10,3.2,760,9,999999999,300,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,17.2,71,99100,1024,1346,398,539,228,363,58700,24200,40300,12090,260,3.1,8,8,8.0,520,9,999999999,300,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,17.2,66,99000,1079,1346,404,432,53,390,47700,5500,43300,15410,260,3.1,8,8,8.0,580,9,999999999,300,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,16.7,60,99000,1067,1346,410,514,280,290,56500,30400,32400,9840,250,3.6,8,8,8.0,760,9,999999999,290,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,17.2,60,98900,988,1346,399,695,694,181,73200,70600,21300,5440,250,3.1,5,5,8.0,77777,9,999999999,300,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,16.7,56,98900,848,1346,405,539,469,241,56500,48200,26100,6020,290,3.1,6,6,8.0,910,9,999999999,290,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,16.7,54,98800,656,1346,401,375,476,140,40000,47600,16700,2880,300,1.5,4,4,9.7,77777,9,999999999,290,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,16.1,56,98900,426,1346,398,198,324,94,20800,29200,11600,1750,0,0.0,5,5,11.3,77777,9,999999999,280,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,18.3,71,98900,175,1346,414,47,15,45,5100,1100,5000,1090,310,2.1,9,9,11.3,1010,9,999999999,320,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,17.8,79,98900,5,280,376,3,8,2,0,0,0,0,130,3.1,4,4,8.0,77777,9,999999999,310,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,17.8,84,99000,0,0,364,0,0,0,0,0,0,0,160,2.1,2,2,8.0,77777,9,999999999,310,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,17.8,93,99000,0,0,345,0,0,0,0,0,0,0,320,2.6,0,0,8.0,77777,9,999999999,310,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.2,93,99000,0,0,341,0,0,0,0,0,0,0,10,2.6,0,0,8.0,77777,9,999999999,300,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,18.3,97,99100,0,0,398,0,0,0,0,0,0,0,340,3.1,10,10,4.8,120,9,999999999,320,0.0840,0,88,999.000,999.0,99.0 +1987,9,8,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,17.2,97,99100,0,0,391,0,0,0,0,0,0,0,320,2.1,10,10,4.8,150,9,999999999,300,0.0840,0,88,999.000,999.0,99.0 +1987,9,9,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,17.2,97,99100,0,0,380,0,0,0,0,0,0,0,320,2.1,10,9,4.8,150,9,999999999,300,0.0840,0,88,999.000,999.0,99.0 +1987,9,9,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,17.2,97,99100,0,0,391,0,0,0,0,0,0,0,310,2.1,10,10,0.8,30,9,999999999,300,0.0840,0,88,999.000,999.0,99.0 +1987,9,9,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,16.1,97,99100,0,0,373,0,0,0,0,0,0,0,330,2.1,10,9,3.2,120,9,999999999,280,0.0840,0,88,999.000,999.0,99.0 +1987,9,9,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,15.6,100,99200,0,0,327,0,0,0,0,0,0,0,300,2.1,0,0,8.0,77777,9,999999999,270,0.0840,0,88,999.000,999.0,99.0 +1987,9,9,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,13.9,97,99200,0,0,320,0,0,0,0,0,0,0,260,1.5,0,0,11.3,77777,9,999999999,250,0.0840,0,88,999.000,999.0,99.0 +1987,9,9,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,14.4,100,99200,37,752,320,21,55,15,1900,1600,1900,260,310,1.5,0,0,11.3,77777,9,999999999,250,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,15.0,87,99200,263,1347,334,133,436,46,13500,33200,7000,840,350,2.1,0,0,16.1,77777,9,999999999,260,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,15.0,78,99200,509,1347,369,237,189,165,25600,18300,18700,3820,320,1.5,7,7,16.1,6100,9,999999999,260,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,15.0,66,99300,727,1347,366,462,634,115,48400,63400,14200,2580,290,2.1,2,2,24.1,77777,9,999999999,260,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,15.0,62,99300,901,1347,372,633,704,157,66600,71400,18700,4160,10,2.6,2,2,24.1,77777,9,999999999,260,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.0,60,99300,1020,1347,387,518,285,299,56400,30900,33000,9440,300,3.6,6,6,24.1,1220,9,999999999,260,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,13.9,49,99200,1075,1347,395,588,299,347,63900,32400,37900,12210,270,3.1,5,5,24.1,77777,9,999999999,250,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,13.3,50,99200,1062,1347,388,716,633,213,75300,64200,24500,7310,280,1.5,5,5,24.1,77777,9,999999999,240,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,14.4,49,99200,983,1347,402,632,531,240,67600,55200,27200,7150,70,2.6,6,6,24.1,1370,9,999999999,250,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,15.6,66,99200,842,1347,393,438,214,303,47500,22400,33500,8400,70,4.1,8,8,24.1,1370,9,999999999,270,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,14.4,56,99200,650,1347,384,423,607,127,43700,59200,15000,2610,40,4.1,4,4,24.1,77777,9,999999999,260,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,13.3,57,99200,419,1347,367,238,503,80,24400,44700,10500,1490,60,3.6,2,2,24.1,77777,9,999999999,240,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,13.3,63,99200,168,1347,359,69,167,48,7200,9400,6000,910,90,3.6,2,2,24.1,77777,9,999999999,240,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,11.7,57,99200,4,236,346,4,6,3,0,0,0,0,50,3.1,0,0,19.3,77777,9,999999999,220,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,12.8,63,99200,0,0,344,0,0,0,0,0,0,0,80,3.6,0,0,19.3,77777,9,999999999,230,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,13.9,76,99200,0,0,337,0,0,0,0,0,0,0,0,0.0,0,0,19.3,77777,9,999999999,250,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,13.9,87,99200,0,0,327,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,250,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,13.9,90,99200,0,0,325,0,0,0,0,0,0,0,360,2.1,0,0,16.1,77777,9,999999999,250,0.1040,0,88,999.000,999.0,99.0 +1987,9,9,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,13.3,93,99200,0,0,319,0,0,0,0,0,0,0,350,1.5,0,0,16.1,77777,9,999999999,240,0.1040,0,88,999.000,999.0,99.0 +1987,9,10,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.8,97,99200,0,0,314,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,230,0.1040,0,88,999.000,999.0,99.0 +1987,9,10,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.8,97,99200,0,0,314,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,230,0.1040,0,88,999.000,999.0,99.0 +1987,9,10,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,12.8,100,99200,0,0,312,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,230,0.1040,0,88,999.000,999.0,99.0 +1987,9,10,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.8,97,99200,0,0,314,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,230,0.1040,0,88,999.000,999.0,99.0 +1987,9,10,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,11.7,93,99200,0,0,321,0,0,0,0,0,0,0,0,0.0,3,2,16.1,77777,9,999999999,209,0.1040,0,88,999.000,999.0,99.0 +1987,9,10,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,12.2,97,99200,35,730,321,17,23,15,1800,900,1800,310,0,0.0,7,2,6.4,77777,9,999999999,220,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,15.6,90,99200,259,1348,345,120,301,61,12400,22200,8100,1110,130,2.1,7,2,8.0,77777,9,999999999,270,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,15.0,68,99200,505,1348,367,275,369,135,28500,34800,15400,2630,130,2.6,10,3,11.3,77777,9,999999999,260,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,13.3,55,99200,723,1348,370,462,507,187,48500,51300,20900,4100,140,3.1,8,2,16.1,77777,9,999999999,240,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,13.3,50,99200,897,1348,382,593,599,190,61500,60100,21400,4870,140,3.6,8,3,24.1,77777,9,999999999,240,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,13.3,48,99200,1015,1348,385,618,510,230,66800,53200,26600,7230,120,1.5,10,3,24.1,77777,9,999999999,240,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,13.3,45,99100,1070,1348,394,783,676,241,81500,68200,27300,8290,340,1.5,10,4,24.1,77777,9,999999999,240,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,14.4,47,99100,1057,1348,398,754,613,268,80600,63900,30400,9230,70,4.1,9,4,19.3,77777,9,999999999,250,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,14.4,54,99100,977,1348,403,416,167,293,45800,17800,32800,9200,70,4.6,10,8,19.3,7620,9,999999999,250,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,14.4,60,99100,836,1348,403,206,3,205,24200,200,24000,9130,30,6.2,10,9,19.3,7620,9,999999999,260,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,13.9,61,99100,644,1348,408,175,11,170,20100,900,19700,6910,10,4.6,10,10,19.3,7620,9,999999999,240,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,13.3,61,99100,413,1348,404,78,1,78,9100,100,9000,3120,40,3.6,10,10,19.3,3050,9,999999999,240,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,13.3,63,99000,161,1348,401,30,3,29,3400,0,3400,1040,40,3.6,10,10,19.3,3050,9,999999999,240,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,13.9,66,99000,3,213,402,0,0,0,0,0,0,0,50,4.1,10,10,19.3,3050,9,999999999,250,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,14.4,68,99000,0,0,403,0,0,0,0,0,0,0,90,5.2,10,10,24.1,2740,9,999999999,250,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,14.4,66,99000,0,0,405,0,0,0,0,0,0,0,80,3.1,10,10,24.1,3050,9,999999999,250,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,15.6,73,98900,0,0,404,0,0,0,0,0,0,0,90,3.1,10,10,16.1,2440,9,999999999,270,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,15.6,81,98900,0,0,357,0,0,0,0,0,0,0,350,2.1,3,3,16.1,77777,9,999999999,270,0.1130,0,88,999.000,999.0,99.0 +1987,9,10,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,15.6,84,98900,0,0,351,0,0,0,0,0,0,0,120,2.1,3,2,14.5,77777,9,999999999,270,0.1130,0,88,999.000,999.0,99.0 +1987,9,11,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,15.0,93,98800,0,0,351,0,0,0,0,0,0,0,280,1.5,6,6,11.3,3050,9,999999999,260,0.1130,0,88,999.000,999.0,99.0 +1987,9,11,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,14.4,93,98800,0,0,332,0,0,0,0,0,0,0,220,2.1,3,1,9.7,77777,9,999999999,250,0.1130,0,88,999.000,999.0,99.0 +1987,9,11,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,14.4,97,98800,0,0,323,0,0,0,0,0,0,0,230,1.5,0,0,8.0,77777,9,999999999,250,0.1130,0,88,999.000,999.0,99.0 +1987,9,11,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,13.9,97,98800,0,0,320,0,0,0,0,0,0,0,250,2.6,0,0,4.8,77777,9,999999999,240,0.1130,0,88,999.000,999.0,99.0 +1987,9,11,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,14.4,97,98900,0,0,329,0,0,0,0,0,0,0,0,0.0,1,1,4.8,77777,9,999999999,250,0.1130,0,88,999.000,999.0,99.0 +1987,9,11,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,13.3,97,98900,32,708,327,18,34,14,1700,1000,1700,240,0,0.0,6,2,4.8,77777,9,999999999,240,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,15.0,90,98900,255,1348,342,111,195,73,11500,14200,8900,1410,250,3.1,7,2,8.0,77777,9,999999999,260,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,16.7,81,98900,501,1348,355,289,531,89,29800,49500,11300,1720,250,3.6,4,1,8.0,77777,9,999999999,290,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,16.7,71,98900,719,1348,366,377,504,104,39700,50500,12800,2340,240,4.1,4,1,11.3,77777,9,999999999,290,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,16.7,66,99000,893,1348,383,570,578,183,59300,58100,20700,4680,250,3.6,5,4,12.9,77777,9,999999999,290,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,16.1,64,98900,1011,1348,383,646,606,187,68000,61600,21700,5830,210,3.6,4,4,16.1,77777,9,999999999,280,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,16.7,60,98900,1065,1348,389,655,499,257,70500,52100,29200,8980,250,3.6,5,3,19.3,77777,9,999999999,290,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,16.1,54,98900,1052,1348,394,751,701,199,79100,71300,23300,6710,250,4.1,3,3,19.3,77777,9,999999999,280,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,15.6,51,98900,972,1348,387,696,819,100,71700,81700,12700,2540,260,3.1,1,1,19.3,77777,9,999999999,270,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,15.0,47,98800,830,1348,389,561,737,103,58900,73700,13400,2470,230,3.1,4,1,19.3,77777,9,999999999,260,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,13.3,42,98800,637,1348,399,404,560,137,43100,55700,16700,2780,230,4.1,4,4,24.1,77777,9,999999999,230,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,13.9,49,98800,406,1348,385,208,406,84,22000,36000,11100,1540,220,4.1,8,2,24.1,77777,9,999999999,250,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.0,60,98800,153,1348,381,50,83,41,5500,4900,4900,860,220,2.6,10,4,24.1,77777,9,999999999,260,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.0,60,98900,2,169,378,2,1,1,0,0,0,0,190,2.1,10,3,24.1,77777,9,999999999,260,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,15.0,73,98900,0,0,364,0,0,0,0,0,0,0,210,2.1,10,4,24.1,77777,9,999999999,260,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,14.4,71,99000,0,0,361,0,0,0,0,0,0,0,330,7.7,9,3,24.1,77777,9,999999999,250,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,11.7,63,99000,0,0,365,0,0,0,0,0,0,0,300,2.6,10,7,24.1,7620,9,999999999,209,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,12.8,73,99000,0,0,345,0,0,0,0,0,0,0,310,2.6,10,2,24.1,77777,9,999999999,230,0.0880,0,88,999.000,999.0,99.0 +1987,9,11,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,12.8,78,99000,0,0,340,0,0,0,0,0,0,0,300,2.1,7,2,16.1,77777,9,999999999,230,0.0880,0,88,999.000,999.0,99.0 +1987,9,12,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,12.8,87,99000,0,0,332,0,0,0,0,0,0,0,160,2.1,7,2,16.1,77777,9,999999999,230,0.0880,0,88,999.000,999.0,99.0 +1987,9,12,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,13.3,93,98900,0,0,330,0,0,0,0,0,0,0,0,0.0,7,2,11.3,77777,9,999999999,240,0.0880,0,88,999.000,999.0,99.0 +1987,9,12,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,13.3,93,98900,0,0,341,0,0,0,0,0,0,0,160,1.5,9,6,14.5,3050,9,999999999,240,0.0880,0,88,999.000,999.0,99.0 +1987,9,12,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,14.4,90,98900,0,0,378,0,0,0,0,0,0,0,230,1.5,10,10,16.1,2130,9,999999999,250,0.0880,0,88,999.000,999.0,99.0 +1987,9,12,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,14.4,87,98900,0,0,371,0,0,0,0,0,0,0,300,3.1,9,9,12.9,2130,9,999999999,250,0.0880,0,88,999.000,999.0,99.0 +1987,9,12,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,14.4,90,99000,30,686,368,11,2,11,1300,0,1300,400,290,3.6,9,9,16.1,2130,9,999999999,250,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,15.0,93,99000,251,1349,379,32,4,31,3800,100,3700,1240,0,0.0,10,10,9.7,1520,9,999999999,260,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,15.0,81,98900,497,1349,372,199,44,183,21800,4200,20200,4760,330,2.1,8,8,12.9,2130,9,999999999,260,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,14.4,66,98900,715,1349,372,449,584,136,46500,57700,15900,2930,260,2.1,5,5,11.3,77777,9,999999999,250,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,13.9,59,98900,889,1349,368,550,641,123,58700,65500,15500,3280,200,2.6,2,2,12.9,77777,9,999999999,240,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,12.8,50,98900,1007,1349,375,689,693,167,73100,70800,20100,5220,200,4.1,2,2,16.1,77777,9,999999999,230,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,13.9,49,98800,1060,1349,398,766,708,204,80600,72000,23900,6980,230,5.7,6,6,16.1,1220,9,999999999,250,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,11.7,45,98800,1047,1349,394,402,140,293,44700,15000,33000,10030,260,6.2,7,7,24.1,1220,9,999999999,209,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,11.7,43,98800,966,1349,383,597,547,201,62200,55200,22600,5710,230,6.7,6,3,24.1,77777,9,999999999,209,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,10.0,36,98800,824,1349,386,436,442,164,47300,45500,19500,3860,240,6.7,8,3,24.1,77777,9,999999999,190,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,8.3,36,98800,630,1349,367,400,651,93,42100,64000,12200,1970,230,7.7,4,1,24.1,77777,9,999999999,180,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,10.0,45,98800,399,1349,366,193,306,101,20000,26900,12000,1890,280,5.2,8,2,24.1,77777,9,999999999,200,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,10.0,55,98800,146,1349,353,56,141,40,5800,7200,5000,740,280,4.6,8,3,24.1,77777,9,999999999,190,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,10.6,59,98900,1,124,351,1,1,0,0,0,0,0,280,2.1,8,3,24.1,77777,9,999999999,200,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,10.0,70,99000,0,0,327,0,0,0,0,0,0,0,260,2.1,4,1,24.1,77777,9,999999999,200,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,10.6,81,99000,0,0,314,0,0,0,0,0,0,0,270,2.1,2,0,24.1,77777,9,999999999,200,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,11.1,84,99000,0,0,321,0,0,0,0,0,0,0,280,2.6,3,1,24.1,77777,9,999999999,209,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,11.1,84,99000,0,0,325,0,0,0,0,0,0,0,270,3.1,6,2,24.1,77777,9,999999999,209,0.0840,0,88,999.000,999.0,99.0 +1987,9,12,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,11.1,90,99000,0,0,310,0,0,0,0,0,0,0,260,2.6,3,0,24.1,77777,9,999999999,209,0.0840,0,88,999.000,999.0,99.0 +1987,9,13,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,10.6,93,99000,0,0,305,0,0,0,0,0,0,0,260,2.6,3,0,24.1,77777,9,999999999,200,0.0840,0,88,999.000,999.0,99.0 +1987,9,13,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,10.0,96,99000,0,0,299,0,0,0,0,0,0,0,240,1.5,0,0,24.1,77777,9,999999999,190,0.0840,0,88,999.000,999.0,99.0 +1987,9,13,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,10.0,96,99000,0,0,299,0,0,0,0,0,0,0,240,1.5,0,0,24.1,77777,9,999999999,190,0.0840,0,88,999.000,999.0,99.0 +1987,9,13,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,8.9,96,99000,0,0,293,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,180,0.0840,0,88,999.000,999.0,99.0 +1987,9,13,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,8.9,96,99000,0,0,293,0,0,0,0,0,0,0,170,2.1,0,0,24.1,77777,9,999999999,180,0.0840,0,88,999.000,999.0,99.0 +1987,9,13,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,8.9,96,99100,28,664,299,17,58,11,1500,1900,1400,190,190,2.1,1,1,24.1,77777,9,999999999,180,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,11.7,87,99100,246,1350,332,96,265,47,10200,19100,6700,830,220,1.5,4,4,24.1,77777,9,999999999,220,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,10.6,65,99100,493,1350,356,145,55,124,15800,5200,13900,3520,240,3.1,7,7,24.1,2130,9,999999999,200,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,11.1,63,99200,711,1350,362,373,245,242,40300,25200,27000,6150,290,3.6,7,7,24.1,2130,9,999999999,209,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,12.2,73,99200,884,1350,371,231,103,163,26200,11000,19000,4660,280,3.1,9,9,16.1,1220,9,999999999,220,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,12.8,81,99200,1002,1350,376,160,4,158,19700,300,19500,7960,290,3.6,10,10,24.1,1980,9,999999999,230,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,11.7,75,99200,1056,1350,375,165,14,154,18400,1400,17300,6610,310,3.6,10,10,19.3,1980,9,999999999,209,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,11.1,65,99200,1041,1350,373,293,19,278,34500,1700,33200,12730,330,2.1,10,9,24.1,1980,9,999999999,209,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,10.6,53,99100,960,1350,365,646,702,142,69000,71900,17700,4150,320,2.1,6,5,24.1,1980,9,999999999,200,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,10.6,53,99100,818,1350,362,509,575,157,53000,57600,18000,3710,230,2.1,4,4,24.1,77777,9,999999999,200,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,11.1,57,99100,624,1350,384,213,68,181,23300,6700,20200,5350,320,2.1,9,9,24.1,1830,9,999999999,209,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,11.7,57,99100,392,1350,388,85,25,77,9300,2200,8600,2160,230,2.1,9,9,24.1,1830,9,999999999,220,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,12.2,65,99100,139,1350,366,49,50,44,5300,2800,5000,920,310,1.5,7,7,24.1,1680,9,999999999,220,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,11.7,70,99200,0,79,363,2,0,2,0,0,0,0,90,4.1,8,8,24.1,1160,9,999999999,209,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,11.1,63,99200,0,0,362,0,0,0,0,0,0,0,120,1.5,7,7,24.1,1160,9,999999999,209,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,12.2,70,99200,0,0,350,0,0,0,0,0,0,0,80,3.1,4,4,24.1,77777,9,999999999,220,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,12.2,90,99300,0,0,326,0,0,0,0,0,0,0,320,1.5,2,2,24.1,77777,9,999999999,220,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,12.2,97,99300,0,0,311,0,0,0,0,0,0,0,330,2.6,0,0,24.1,77777,9,999999999,220,0.0800,0,88,999.000,999.0,99.0 +1987,9,13,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,11.1,96,99400,0,0,305,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,209,0.0800,0,88,999.000,999.0,99.0 +1987,9,14,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,10.0,96,99400,0,0,299,0,0,0,0,0,0,0,280,2.1,0,0,24.1,77777,9,999999999,190,0.0800,0,88,999.000,999.0,99.0 +1987,9,14,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,10.0,96,99400,0,0,299,0,0,0,0,0,0,0,280,2.1,0,0,16.1,77777,9,999999999,190,0.0800,0,88,999.000,999.0,99.0 +1987,9,14,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,10.0,100,99400,0,0,297,0,0,0,0,0,0,0,0,0.0,0,0,12.9,77777,9,999999999,190,0.0800,0,88,999.000,999.0,99.0 +1987,9,14,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,8.9,100,99500,0,0,291,0,0,0,0,0,0,0,0,0.0,0,0,12.9,77777,9,999999999,180,0.0800,0,88,999.000,999.0,99.0 +1987,9,14,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,8.3,96,99500,0,0,291,0,0,0,0,0,0,0,0,0.0,0,0,12.9,77777,9,999999999,180,0.0800,0,88,999.000,999.0,99.0 +1987,9,14,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,8.9,100,99600,26,642,291,17,54,11,1500,1800,1400,190,240,2.1,0,0,8.0,77777,9,999999999,180,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,12.8,97,99600,242,1351,314,124,457,40,12600,33700,6600,740,0,0.0,0,0,8.0,77777,9,999999999,230,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,12.8,73,99600,489,1351,334,314,688,61,32400,64200,9100,1250,0,0.0,0,0,9.7,77777,9,999999999,230,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,11.7,57,99600,706,1351,352,469,701,98,49700,70100,12900,2190,0,0.0,1,1,14.5,77777,9,999999999,220,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,10.0,48,99700,880,1351,349,656,854,93,67600,84800,12200,2140,90,3.1,0,0,24.1,77777,9,999999999,200,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,11.1,48,99600,997,1351,356,751,845,120,79500,85400,16200,3560,0,0.0,3,0,24.1,77777,9,999999999,209,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,9.4,40,99600,1051,1351,366,755,818,113,77500,81800,13800,3100,120,2.1,3,1,24.1,77777,9,999999999,190,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,11.1,45,99500,1036,1351,368,760,836,112,78000,83500,13700,2990,110,3.1,3,1,16.1,77777,9,999999999,209,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,13.3,52,99400,954,1351,375,662,748,128,69200,75100,15900,3440,90,3.6,3,2,16.1,77777,9,999999999,240,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,13.3,54,99300,811,1351,367,545,738,97,57400,73800,12900,2320,40,4.6,3,1,14.5,77777,9,999999999,240,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,13.3,54,99300,617,1351,372,392,600,115,40600,58100,13900,2330,90,3.6,8,2,14.5,77777,9,999999999,240,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,13.9,61,99300,384,1351,382,130,56,114,14200,5000,12800,2950,110,3.6,9,7,16.1,7620,9,999999999,240,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,13.3,63,99300,132,1351,390,31,31,27,3300,1700,3200,560,80,3.6,10,9,16.1,2440,9,999999999,240,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,13.3,66,99300,0,56,387,0,0,0,0,0,0,0,100,3.6,10,9,16.1,1680,9,999999999,240,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,13.9,68,99300,0,0,388,0,0,0,0,0,0,0,120,4.1,9,9,19.3,1830,9,999999999,250,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,14.4,73,99400,0,0,396,0,0,0,0,0,0,0,80,2.1,10,10,16.1,1400,9,999999999,250,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.7,90,99300,0,0,393,0,0,0,0,0,0,0,70,5.2,10,10,12.9,2440,9,999999999,290,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.7,90,99200,0,0,358,0,0,0,0,0,0,0,70,3.6,10,4,16.1,77777,9,999999999,290,0.0830,0,88,999.000,999.0,99.0 +1987,9,14,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.2,93,99200,0,0,394,0,0,0,0,0,0,0,70,3.1,10,10,16.1,2440,9,999999999,300,0.0830,0,88,999.000,999.0,99.0 +1987,9,15,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.2,93,99200,0,0,394,0,0,0,0,0,0,0,100,2.6,10,10,16.1,2740,9,999999999,300,0.0830,0,88,999.000,999.0,99.0 +1987,9,15,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.7,90,99100,0,0,393,0,0,0,0,0,0,0,110,3.6,10,10,11.3,2440,9,999999999,290,0.0830,0,88,999.000,999.0,99.0 +1987,9,15,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.7,90,99100,0,0,393,0,0,0,0,0,0,0,110,3.1,10,10,12.9,2130,9,999999999,290,0.0830,0,88,999.000,999.0,99.0 +1987,9,15,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.7,90,99100,0,0,393,0,0,0,0,0,0,0,50,3.6,10,10,11.3,2130,9,999999999,290,0.0830,0,88,999.000,999.0,99.0 +1987,9,15,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,15.6,84,99100,0,0,363,0,0,0,0,0,0,0,90,3.6,6,6,16.1,2130,9,999999999,270,0.0830,0,88,999.000,999.0,99.0 +1987,9,15,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,15.6,84,99100,24,619,367,12,0,12,1400,0,1400,420,90,3.6,8,7,16.1,7620,9,999999999,270,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,15.6,81,99200,238,1351,384,53,5,52,6000,100,6000,1850,120,4.1,10,9,16.1,7620,9,999999999,270,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,16.1,78,99100,484,1351,382,179,130,131,19500,12500,15000,3010,120,4.1,8,8,24.1,7620,9,999999999,280,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,17.2,73,99100,702,1351,389,375,252,243,40600,25900,27100,6140,130,3.1,8,7,24.1,7620,9,999999999,300,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,16.7,64,99100,876,1351,397,478,316,271,51500,33800,29500,7170,120,2.1,8,7,24.1,7620,9,999999999,290,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,16.7,60,99000,993,1351,399,649,465,303,67900,48200,32300,9310,210,2.1,8,6,24.1,7620,9,999999999,290,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,17.2,58,99000,1046,1351,405,603,366,316,65600,39600,34800,10400,270,2.1,8,6,24.1,7620,9,999999999,300,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,18.3,62,98900,1031,1351,439,264,4,261,31200,300,30900,12090,170,2.6,10,10,11.3,1220,9,999999999,320,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,18.3,64,99000,949,1351,436,234,3,232,27600,300,27400,10660,190,3.1,10,10,11.3,1160,9,999999999,320,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,18.9,67,99000,805,1351,437,229,7,225,26400,600,26100,9560,170,3.1,10,10,11.3,2440,9,999999999,330,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,18.9,69,98900,610,1351,421,257,64,228,28100,6300,25300,6290,190,2.6,10,9,11.3,2440,9,999999999,330,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,18.9,71,98900,377,1351,418,113,12,110,12600,700,12400,3820,180,3.1,10,9,11.3,7620,9,999999999,330,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,18.9,74,98900,125,1351,427,29,0,29,3200,0,3200,970,180,3.1,10,10,11.3,1830,9,999999999,330,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,22.8,18.9,79,98900,0,11,421,0,0,0,0,0,0,0,210,2.1,10,10,12.9,1830,9,999999999,330,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,18.9,84,98900,0,0,414,0,0,0,0,0,0,0,0,0.0,10,10,12.9,2440,9,999999999,330,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,18.9,87,98900,0,0,411,0,0,0,0,0,0,0,0,0.0,10,10,12.9,7620,9,999999999,330,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,18.9,87,98900,0,0,411,0,0,0,0,0,0,0,180,1.5,10,10,9.7,2740,9,999999999,330,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,18.9,87,98900,0,0,411,0,0,0,0,0,0,0,180,2.1,10,10,9.7,1160,9,999999999,330,0.3230,0,88,999.000,999.0,99.0 +1987,9,15,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,18.9,90,98900,0,0,408,0,0,0,0,0,0,0,190,2.1,10,10,9.7,1160,9,999999999,330,0.3230,0,88,999.000,999.0,99.0 +1987,9,16,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,19.4,93,98900,0,0,409,0,0,0,0,0,0,0,170,2.6,10,10,8.0,1400,9,999999999,340,0.3230,0,88,999.000,999.0,99.0 +1987,9,16,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,19.4,97,98900,0,0,406,0,0,0,0,0,0,0,0,0.0,10,10,8.0,1400,9,999999999,340,0.3230,0,88,999.000,999.0,99.0 +1987,9,16,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,19.4,97,98900,0,0,406,0,0,0,0,0,0,0,0,0.0,10,10,6.4,1400,9,999999999,340,0.3230,0,88,999.000,999.0,99.0 +1987,9,16,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,19.4,97,98800,0,0,406,0,0,0,0,0,0,0,150,2.1,10,10,8.0,1680,9,999999999,340,0.3230,0,88,999.000,999.0,99.0 +1987,9,16,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,19.4,97,98800,0,0,386,0,0,0,0,0,0,0,130,3.1,10,8,4.8,1680,9,999999999,340,0.3230,0,88,999.000,999.0,99.0 +1987,9,16,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,19.4,97,98800,23,597,406,6,1,6,0,0,0,0,170,3.1,10,10,4.0,1680,9,999999999,340,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,19.4,97,98800,234,1352,406,50,5,50,5800,100,5700,1780,140,4.1,10,10,4.0,3050,9,999999999,340,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,19.4,93,98700,480,1352,409,135,3,134,15200,200,15100,4970,140,2.6,10,10,2.4,1680,9,999999999,340,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,19.4,97,98800,698,1352,406,159,0,159,18500,0,18500,6860,160,4.6,10,10,1.6,310,9,999999999,340,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,20.0,100,98800,871,1352,406,189,8,184,22400,600,22000,8550,160,4.6,10,10,2.4,310,9,999999999,350,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,20.0,97,98700,988,1352,410,188,2,186,22600,200,22500,9090,140,5.7,10,10,2.4,240,9,999999999,350,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,20.0,97,98700,1041,1352,410,196,1,195,23700,100,23600,9620,160,5.7,10,10,3.2,240,9,999999999,350,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,19.4,93,98600,1025,1352,409,218,0,217,26000,0,26000,10450,160,5.2,10,10,3.2,240,9,999999999,340,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,20.0,93,98500,943,1352,412,334,2,333,38200,200,38100,13640,140,4.6,10,10,4.8,1010,9,999999999,350,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,20.0,90,98400,799,1352,404,323,107,259,35400,10800,29000,8300,130,6.2,9,9,4.8,1160,9,999999999,350,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,20.0,87,98400,603,1352,399,224,158,153,24700,16000,17500,3680,120,4.1,8,8,4.8,1010,9,999999999,350,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,20.0,87,98300,370,1352,419,132,7,130,14500,400,14300,4150,90,3.6,10,10,4.8,430,9,999999999,350,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,19.4,84,98300,118,1318,406,33,24,31,3600,1500,3500,740,140,4.1,9,9,4.8,700,9,999999999,340,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.7,19.4,87,98300,0,0,367,0,0,0,0,0,0,0,130,4.6,4,1,4.8,77777,9,999999999,340,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,20.0,93,98300,0,0,373,0,0,0,0,0,0,0,140,3.6,9,3,4.8,77777,9,999999999,350,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,20.0,93,98300,0,0,412,0,0,0,0,0,0,0,120,3.6,10,10,4.8,760,9,999999999,350,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,18.3,90,98300,0,0,404,0,0,0,0,0,0,0,220,5.2,10,10,4.8,430,9,999999999,320,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,17.8,93,98000,0,0,398,0,0,0,0,0,0,0,40,3.1,10,10,11.3,700,9,999999999,300,0.0680,0,88,999.000,999.0,99.0 +1987,9,16,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.3,93,98000,0,0,401,0,0,0,0,0,0,0,310,1.5,10,10,4.8,370,9,999999999,310,0.0680,0,88,999.000,999.0,99.0 +1987,9,17,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,19.4,93,97800,0,0,409,0,0,0,0,0,0,0,200,3.6,10,10,4.8,2440,9,999999999,340,0.0680,0,88,999.000,999.0,99.0 +1987,9,17,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.3,93,97800,0,0,401,0,0,0,0,0,0,0,210,5.2,10,10,4.8,430,9,999999999,310,0.0680,0,88,999.000,999.0,99.0 +1987,9,17,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.3,93,97900,0,0,401,0,0,0,0,0,0,0,210,5.2,10,10,12.9,270,9,999999999,310,0.0680,0,88,999.000,999.0,99.0 +1987,9,17,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.3,93,97900,0,0,401,0,0,0,0,0,0,0,190,4.6,10,10,11.3,340,9,999999999,310,0.0680,0,88,999.000,999.0,99.0 +1987,9,17,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.3,93,97900,0,0,401,0,0,0,0,0,0,0,190,4.1,10,10,11.3,400,9,999999999,310,0.0680,0,88,999.000,999.0,99.0 +1987,9,17,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,17.8,90,97900,21,575,400,5,0,5,0,0,0,0,180,3.6,10,10,8.0,340,9,999999999,300,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,17.8,90,97900,229,1353,400,36,6,35,4200,100,4200,1340,190,5.7,10,10,9.7,370,9,999999999,300,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,17.8,90,97900,476,1353,400,59,2,58,7100,100,7000,2560,180,4.1,10,10,3.2,400,9,999999999,300,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,18.3,97,97900,694,1353,398,100,6,97,12100,400,11900,4560,190,3.1,10,10,2.8,210,9,999999999,320,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,18.3,97,97900,867,1353,398,128,1,127,15500,100,15500,6260,220,3.6,10,10,2.8,210,9,999999999,320,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,19.4,87,97900,983,1353,415,284,5,281,33200,400,32900,12480,240,4.1,10,10,16.1,310,9,999999999,340,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,17.8,81,97900,1036,1353,410,331,3,329,38500,300,38200,14290,260,5.2,10,10,24.1,580,9,999999999,300,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,18.3,84,97900,1020,1353,410,300,1,299,35000,100,34900,13280,240,5.2,10,10,24.1,580,9,999999999,310,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,17.8,79,97900,937,1353,413,312,2,311,35900,200,35700,13010,260,7.2,10,10,24.1,1010,9,999999999,310,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,18.3,84,97900,792,1353,410,151,1,151,18000,100,17900,6980,270,8.8,10,10,19.3,640,9,999999999,310,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,18.9,93,97900,596,1353,405,198,1,198,22200,100,22200,7270,280,6.7,10,10,16.1,370,9,999999999,320,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,18.3,87,98100,363,1353,388,94,42,82,10200,3700,9300,2220,320,7.2,9,8,19.3,2440,9,999999999,320,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,18.3,90,98100,111,1274,393,22,1,22,2500,0,2500,780,280,4.1,10,9,16.1,2440,9,999999999,310,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,17.8,90,98100,0,0,400,0,0,0,0,0,0,0,310,4.6,10,10,19.3,2440,9,999999999,300,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,18.3,93,98200,0,0,401,0,0,0,0,0,0,0,320,3.6,10,10,19.3,490,9,999999999,310,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,17.2,90,98300,0,0,355,0,0,0,0,0,0,0,280,3.1,2,2,19.3,77777,9,999999999,300,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.2,93,98300,0,0,348,0,0,0,0,0,0,0,280,3.1,1,1,19.3,77777,9,999999999,290,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,17.2,97,98300,0,0,345,0,0,0,0,0,0,0,290,2.6,1,1,14.5,77777,9,999999999,300,0.2270,0,88,999.000,999.0,99.0 +1987,9,17,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,17.2,97,98300,0,0,359,0,0,0,0,0,0,0,290,3.1,5,5,9.7,77777,9,999999999,300,0.2270,0,88,999.000,999.0,99.0 +1987,9,18,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.8,97,98300,0,0,394,0,0,0,0,0,0,0,290,2.6,10,10,9.7,430,9,999999999,310,0.2270,0,88,999.000,999.0,99.0 +1987,9,18,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.2,93,98300,0,0,394,0,0,0,0,0,0,0,290,3.6,10,10,9.7,700,9,999999999,290,0.2270,0,88,999.000,999.0,99.0 +1987,9,18,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.8,97,98300,0,0,394,0,0,0,0,0,0,0,310,2.1,10,10,9.7,270,9,999999999,310,0.2270,0,88,999.000,999.0,99.0 +1987,9,18,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,17.2,93,98300,0,0,394,0,0,0,0,0,0,0,340,3.1,10,10,11.3,270,9,999999999,290,0.2270,0,88,999.000,999.0,99.0 +1987,9,18,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,17.2,97,98400,0,0,391,0,0,0,0,0,0,0,340,3.6,10,10,11.3,180,9,999999999,300,0.2270,0,88,999.000,999.0,99.0 +1987,9,18,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,16.7,97,98500,19,553,387,5,0,5,0,0,0,0,310,5.2,10,10,9.7,210,9,999999999,290,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,15.6,93,98500,225,1354,383,44,0,44,5000,0,5000,1600,320,4.1,10,10,16.1,270,9,999999999,270,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,15.6,93,98600,472,1354,383,91,3,90,10600,200,10500,3680,320,4.1,10,10,11.3,240,9,999999999,270,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,15.0,84,98600,689,1354,388,192,3,190,21900,200,21800,7750,300,3.6,10,10,24.1,310,9,999999999,260,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,15.0,84,98600,862,1354,388,227,3,225,26400,300,26300,9920,300,3.6,10,10,24.1,370,9,999999999,260,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,15.6,84,98700,979,1354,392,299,6,294,34600,500,34200,12850,330,3.1,10,10,24.1,370,9,999999999,270,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,16.1,81,98600,1030,1354,398,314,4,312,36700,400,36400,13740,360,4.1,10,10,24.1,460,9,999999999,280,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,15.6,76,98600,1014,1354,401,310,4,307,36100,400,35800,13480,320,3.1,10,10,24.1,490,9,999999999,270,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,16.1,84,98700,931,1354,395,171,2,170,20600,200,20500,8240,300,3.6,10,10,11.3,580,9,999999999,280,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,16.7,90,98600,786,1354,393,169,0,169,19900,0,19900,7610,250,2.1,10,10,8.0,370,9,999999999,290,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,17.2,93,98600,590,1354,394,102,0,102,12000,0,12000,4460,320,2.1,10,10,8.0,400,9,999999999,300,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,16.1,90,98700,356,1354,390,61,1,61,7100,0,7100,2420,310,3.1,10,10,8.0,400,9,999999999,280,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,16.1,93,98700,104,1252,386,18,0,18,2100,0,2100,660,280,2.1,10,10,11.3,1160,9,999999999,280,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,16.1,97,98700,0,0,384,0,0,0,0,0,0,0,260,3.6,10,10,12.9,1160,9,999999999,280,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,15.6,93,98700,0,0,383,0,0,0,0,0,0,0,250,3.1,10,10,11.3,1520,9,999999999,270,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,15.6,97,98700,0,0,380,0,0,0,0,0,0,0,270,2.6,10,10,11.3,460,9,999999999,270,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,15.0,93,98700,0,0,355,0,0,0,0,0,0,0,290,3.1,7,7,16.1,1400,9,999999999,260,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,14.4,97,98700,0,0,323,0,0,0,0,0,0,0,290,3.6,0,0,16.1,77777,9,999999999,250,0.2690,0,88,999.000,999.0,99.0 +1987,9,18,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,13.3,97,98700,0,0,317,0,0,0,0,0,0,0,270,3.1,0,0,16.1,77777,9,999999999,240,0.2690,0,88,999.000,999.0,99.0 +1987,9,19,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,12.2,97,98700,0,0,311,0,0,0,0,0,0,0,260,3.1,0,0,19.3,77777,9,999999999,220,0.2690,0,88,999.000,999.0,99.0 +1987,9,19,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,11.1,96,98700,0,0,305,0,0,0,0,0,0,0,240,2.1,0,0,24.1,77777,9,999999999,209,0.2690,0,88,999.000,999.0,99.0 +1987,9,19,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,10.6,96,98700,0,0,302,0,0,0,0,0,0,0,220,2.1,0,0,24.1,77777,9,999999999,200,0.2690,0,88,999.000,999.0,99.0 +1987,9,19,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,10.6,96,98700,0,0,302,0,0,0,0,0,0,0,210,2.1,0,0,24.1,77777,9,999999999,200,0.2690,0,88,999.000,999.0,99.0 +1987,9,19,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,10.6,96,98700,0,0,302,0,0,0,0,0,0,0,210,2.6,0,0,19.3,77777,9,999999999,200,0.2690,0,88,999.000,999.0,99.0 +1987,9,19,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,10.6,100,98700,17,530,300,10,11,9,0,0,0,0,230,3.1,0,0,19.3,77777,9,999999999,200,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,10.6,90,98700,220,1354,307,98,294,49,10200,19900,6900,880,240,5.2,0,0,24.1,77777,9,999999999,200,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,10.6,78,98800,467,1354,316,279,561,82,28700,51500,10900,1570,260,4.1,0,0,24.1,77777,9,999999999,200,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,10.6,67,98800,685,1354,327,464,691,110,48500,68400,13800,2380,260,4.1,0,0,24.1,77777,9,999999999,200,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,10.0,59,98800,858,1354,333,622,769,129,65900,78100,16200,3280,260,4.1,0,0,24.1,77777,9,999999999,190,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,9.4,53,98800,974,1354,352,593,496,233,63600,51600,26400,6770,260,4.1,3,3,24.1,77777,9,999999999,190,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,8.9,47,98700,1025,1354,366,559,309,323,60600,33400,35300,10310,270,4.6,6,6,24.1,910,9,999999999,180,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,7.8,44,98700,1008,1354,369,588,300,363,63100,32400,39000,11550,230,7.7,7,7,24.1,910,9,999999999,170,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,7.8,41,98600,924,1354,381,392,171,274,43100,18100,30700,8110,250,5.2,8,8,24.1,910,9,999999999,170,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,7.8,47,98600,779,1354,377,262,67,223,28800,6700,24900,7230,210,5.2,9,9,24.1,2130,9,999999999,170,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,8.3,52,98600,583,1354,382,144,0,144,16500,0,16500,5800,240,3.6,10,10,24.1,1220,9,999999999,170,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,9.4,61,98700,348,1354,378,48,5,47,5700,200,5700,1940,260,5.2,10,10,24.1,1220,9,999999999,190,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,10.0,70,98700,97,1208,360,17,0,17,2000,0,2000,620,260,3.6,9,9,24.1,1220,9,999999999,190,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,10.6,81,98700,0,0,333,0,0,0,0,0,0,0,250,2.6,5,5,24.1,77777,9,999999999,200,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.6,90,98700,0,0,317,0,0,0,0,0,0,0,220,3.1,2,2,24.1,77777,9,999999999,200,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,11.1,90,98700,0,0,340,0,0,0,0,0,0,0,220,2.6,8,8,24.1,1220,9,999999999,209,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.6,90,98700,0,0,317,0,0,0,0,0,0,0,220,2.6,2,2,24.1,77777,9,999999999,200,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.6,90,98700,0,0,320,0,0,0,0,0,0,0,250,3.1,3,3,24.1,77777,9,999999999,200,0.1500,0,88,999.000,999.0,99.0 +1987,9,19,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.0,86,98700,0,0,306,0,0,0,0,0,0,0,270,2.6,2,0,24.1,77777,9,999999999,190,0.1500,0,88,999.000,999.0,99.0 +1987,9,20,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,10.6,93,98700,0,0,329,0,0,0,0,0,0,0,200,2.6,7,7,24.1,4570,9,999999999,200,0.1500,0,88,999.000,999.0,99.0 +1987,9,20,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.6,90,98700,0,0,332,0,0,0,0,0,0,0,220,2.6,9,7,24.1,2130,9,999999999,200,0.1500,0,88,999.000,999.0,99.0 +1987,9,20,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,10.6,93,98600,0,0,335,0,0,0,0,0,0,0,210,2.1,9,8,24.1,1680,9,999999999,200,0.1500,0,88,999.000,999.0,99.0 +1987,9,20,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,10.6,93,98600,0,0,335,0,0,0,0,0,0,0,210,2.6,9,8,24.1,1680,9,999999999,200,0.1500,0,88,999.000,999.0,99.0 +1987,9,20,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,11.1,96,98600,0,0,352,0,0,0,0,0,0,0,230,3.1,10,10,19.3,1400,9,999999999,209,0.1500,0,88,999.000,999.0,99.0 +1987,9,20,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,11.1,96,98600,16,508,352,0,1,0,0,0,0,0,210,3.6,10,10,24.1,700,9,999999999,209,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,11.1,93,98600,216,1355,355,56,6,55,6200,100,6200,1850,220,3.6,10,10,24.1,430,9,999999999,209,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,11.1,90,98600,463,1355,358,123,6,121,13900,400,13800,4540,250,4.1,10,10,24.1,270,9,999999999,209,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,11.1,84,98600,680,1355,363,182,11,177,21000,900,20500,7310,250,5.2,10,10,24.1,340,9,999999999,209,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,10.6,75,98700,853,1355,358,411,157,311,44500,16500,34200,8660,260,4.6,9,9,24.1,400,9,999999999,200,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,10.6,87,98700,969,1355,357,171,39,142,18900,3900,16100,5660,250,4.6,10,10,24.1,880,9,999999999,200,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,10.0,65,98700,1020,1355,352,471,163,347,51500,17300,38500,11400,250,5.2,8,7,24.1,520,9,999999999,190,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,9.4,70,98700,1003,1355,367,306,3,304,35600,300,35400,13310,290,6.2,10,10,24.1,1010,9,999999999,190,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,9.4,65,98700,918,1355,372,256,19,243,29900,1600,28800,10840,280,6.2,10,10,24.1,1160,9,999999999,190,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,9.4,63,98700,773,1355,375,205,3,204,23800,200,23600,8690,300,6.2,10,10,24.1,1160,9,999999999,190,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,9.4,67,98800,576,1355,370,106,10,102,12500,600,12200,4420,280,5.2,10,10,24.1,1370,9,999999999,190,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,10.6,72,98800,341,1355,348,134,182,88,14200,15300,10400,1690,260,5.2,9,7,24.1,1160,9,999999999,200,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,11.1,81,98800,91,1163,356,14,11,13,1500,600,1500,340,230,4.1,9,9,8.0,400,9,999999999,209,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,11.1,90,98900,0,0,340,0,0,0,0,0,0,0,250,2.6,8,8,24.1,1400,9,999999999,209,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,10.6,93,98900,0,0,320,0,0,0,0,0,0,0,250,2.6,4,4,24.1,77777,9,999999999,200,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,10.6,96,98900,0,0,312,0,0,0,0,0,0,0,250,3.1,2,2,24.1,77777,9,999999999,200,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,10.0,93,98900,0,0,301,0,0,0,0,0,0,0,260,2.6,0,0,24.1,77777,9,999999999,190,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,10.6,96,98900,0,0,302,0,0,0,0,0,0,0,250,3.6,0,0,24.1,77777,9,999999999,200,0.0630,0,88,999.000,999.0,99.0 +1987,9,20,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,10.0,96,98800,0,0,299,0,0,0,0,0,0,0,260,3.6,0,0,24.1,77777,9,999999999,190,0.0630,0,88,999.000,999.0,99.0 +1987,9,21,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,10.0,100,98800,0,0,297,0,0,0,0,0,0,0,260,3.6,0,0,24.1,77777,9,999999999,190,0.0630,0,88,999.000,999.0,99.0 +1987,9,21,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,9.4,96,98900,0,0,296,0,0,0,0,0,0,0,250,3.1,0,0,24.1,77777,9,999999999,190,0.0630,0,88,999.000,999.0,99.0 +1987,9,21,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,9.4,96,98900,0,0,306,0,0,0,0,0,0,0,250,3.1,3,2,24.1,77777,9,999999999,190,0.0630,0,88,999.000,999.0,99.0 +1987,9,21,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,9.4,96,98900,0,0,317,0,0,0,0,0,0,0,270,3.1,7,6,24.1,1680,9,999999999,190,0.0630,0,88,999.000,999.0,99.0 +1987,9,21,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,9.4,96,98900,0,0,317,0,0,0,0,0,0,0,270,3.6,7,6,24.1,1680,9,999999999,190,0.0630,0,88,999.000,999.0,99.0 +1987,9,21,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,10.0,96,98900,14,486,329,5,2,5,0,0,0,0,270,3.1,9,8,19.3,1830,9,999999999,190,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,10.6,93,98900,212,1356,352,63,2,63,7000,0,7000,1990,310,3.6,10,10,12.9,180,9,999999999,200,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,11.1,93,99000,458,1356,355,91,7,88,10500,400,10300,3570,270,3.6,10,10,16.1,240,9,999999999,209,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,11.7,87,99000,676,1356,364,167,12,161,19300,900,18900,6800,240,4.1,10,10,12.9,490,9,999999999,220,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,11.7,84,99000,848,1356,366,264,2,263,30300,200,30200,10950,270,4.6,10,10,14.5,460,9,999999999,209,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,12.2,87,99000,964,1356,367,175,9,169,21200,700,20700,8310,280,4.6,10,10,11.3,700,9,999999999,220,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,13.3,93,99000,1014,1356,368,207,3,205,24900,200,24700,9930,270,5.2,10,10,11.3,760,9,999999999,240,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,13.3,84,99100,997,1356,377,311,3,308,36000,300,35800,13380,270,4.6,10,10,16.1,880,9,999999999,240,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,13.9,93,99100,912,1356,372,196,5,193,23300,400,23000,9060,330,5.2,10,10,11.3,760,9,999999999,240,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,13.3,84,99100,766,1356,367,165,4,163,19400,300,19200,7300,320,4.6,10,9,16.1,760,9,999999999,240,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,12.2,81,99100,569,1356,373,115,7,112,13400,500,13200,4740,310,3.6,10,10,24.1,1010,9,999999999,220,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,12.8,90,99200,334,1356,368,64,12,61,7400,500,7300,2360,310,3.6,10,10,11.3,1160,9,999999999,230,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,12.8,93,99200,85,1119,365,11,1,11,1300,0,1300,420,310,3.6,10,10,11.3,1010,9,999999999,230,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,12.8,93,99200,0,0,365,0,0,0,0,0,0,0,300,4.1,10,10,11.3,700,9,999999999,230,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,12.8,93,99200,0,0,365,0,0,0,0,0,0,0,310,4.1,10,10,16.1,2130,9,999999999,230,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.8,97,99200,0,0,339,0,0,0,0,0,0,0,310,4.1,8,7,16.1,2130,9,999999999,230,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,12.8,93,99200,0,0,365,0,0,0,0,0,0,0,330,4.6,10,10,16.1,1400,9,999999999,230,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,12.2,90,99300,0,0,364,0,0,0,0,0,0,0,320,4.6,10,10,19.3,400,9,999999999,220,0.0830,0,88,999.000,999.0,99.0 +1987,9,21,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,12.2,90,99300,0,0,354,0,0,0,0,0,0,0,340,4.6,9,9,24.1,400,9,999999999,220,0.0830,0,88,999.000,999.0,99.0 +1987,9,22,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,12.2,90,99300,0,0,364,0,0,0,0,0,0,0,320,4.1,10,10,24.1,460,9,999999999,220,0.0830,0,88,999.000,999.0,99.0 +1987,9,22,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,12.2,90,99300,0,0,335,0,0,0,0,0,0,0,310,4.6,5,5,24.1,77777,9,999999999,220,0.0830,0,88,999.000,999.0,99.0 +1987,9,22,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.2,93,99300,0,0,339,0,0,0,0,0,0,0,310,4.6,7,7,24.1,520,9,999999999,220,0.0830,0,88,999.000,999.0,99.0 +1987,9,22,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,11.7,90,99300,0,0,351,0,0,0,0,0,0,0,320,5.2,9,9,24.1,370,9,999999999,209,0.0830,0,88,999.000,999.0,99.0 +1987,9,22,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,11.7,90,99300,0,0,361,0,0,0,0,0,0,0,320,4.6,10,10,24.1,340,9,999999999,209,0.0830,0,88,999.000,999.0,99.0 +1987,9,22,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,11.7,90,99400,13,441,351,3,1,3,0,0,0,0,330,5.7,9,9,24.1,1680,9,999999999,220,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,11.7,87,99400,207,1357,346,73,35,67,7900,2600,7500,1550,330,5.2,10,8,24.1,700,9,999999999,220,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,12.2,87,99500,454,1357,367,98,12,94,11300,700,11000,3740,320,5.2,10,10,24.1,370,9,999999999,220,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,12.8,84,99500,671,1357,356,384,310,228,40500,32000,24600,5270,340,5.2,8,8,24.1,2440,9,999999999,230,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,12.8,78,99600,843,1357,380,336,19,324,37800,1900,36700,12380,340,6.2,10,10,24.1,460,9,999999999,230,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,13.3,68,99600,959,1357,395,288,13,279,33500,1200,32700,12240,30,5.2,10,10,24.1,580,9,999999999,240,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,13.3,70,99600,1009,1357,392,272,10,264,31900,900,31300,12060,350,5.7,10,10,24.1,1370,9,999999999,240,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,12.8,68,99500,991,1357,391,298,11,290,34700,1000,34000,12790,30,5.2,10,10,24.1,1370,9,999999999,230,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,12.2,57,99500,906,1357,383,418,235,260,45400,25200,28500,6990,40,5.2,8,8,24.1,1370,9,999999999,220,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,13.9,84,99500,759,1357,381,111,5,109,13500,300,13300,5210,20,2.6,10,10,24.1,700,9,999999999,250,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,13.3,78,99500,561,1357,383,145,28,134,16000,2700,14900,3970,30,3.6,10,10,24.1,1160,9,999999999,240,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,12.8,75,99500,326,1357,382,82,9,80,9200,400,9100,2870,40,3.1,10,10,24.1,700,9,999999999,230,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,12.2,81,99500,79,1097,337,29,48,24,3000,2300,2900,500,330,2.1,8,3,24.1,77777,9,999999999,220,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,11.7,90,99500,0,0,319,0,0,0,0,0,0,0,270,2.1,3,1,24.1,77777,9,999999999,220,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,10.6,87,99600,0,0,323,0,0,0,0,0,0,0,260,3.1,3,3,24.1,77777,9,999999999,200,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.0,86,99600,0,0,306,0,0,0,0,0,0,0,280,2.6,0,0,24.1,77777,9,999999999,190,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,10.6,93,99600,0,0,305,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,200,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,10.0,93,99600,0,0,301,0,0,0,0,0,0,0,280,3.1,0,0,24.1,77777,9,999999999,190,0.0820,0,88,999.000,999.0,99.0 +1987,9,22,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,10.6,93,99500,0,0,335,0,0,0,0,0,0,0,280,3.1,8,8,24.1,1400,9,999999999,200,0.0820,0,88,999.000,999.0,99.0 +1987,9,23,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,10.6,93,99500,0,0,342,0,0,0,0,0,0,0,280,3.1,9,9,24.1,1400,9,999999999,200,0.0820,0,88,999.000,999.0,99.0 +1987,9,23,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,10.0,93,99500,0,0,307,0,0,0,0,0,0,0,280,2.6,1,1,24.1,77777,9,999999999,190,0.0820,0,88,999.000,999.0,99.0 +1987,9,23,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,9.4,93,99400,0,0,299,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,190,0.0820,0,88,999.000,999.0,99.0 +1987,9,23,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,9.4,96,99400,0,0,296,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,190,0.0820,0,88,999.000,999.0,99.0 +1987,9,23,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,8.9,93,99500,0,0,296,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,180,0.0820,0,88,999.000,999.0,99.0 +1987,9,23,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,8.9,93,99500,12,419,296,8,14,7,0,0,0,0,260,3.1,0,0,24.1,77777,9,999999999,180,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,10.0,86,99500,203,1357,306,91,319,42,9100,21400,5900,740,250,3.6,0,0,24.1,77777,9,999999999,190,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,10.6,72,99500,449,1357,322,273,604,69,28200,55200,9900,1340,270,3.6,0,0,24.1,77777,9,999999999,200,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,10.0,61,99500,667,1357,331,458,735,92,47100,71600,11800,1890,270,3.6,0,0,24.1,77777,9,999999999,200,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,10.6,57,99400,839,1357,339,612,803,109,63700,80200,14000,2570,280,4.6,0,0,24.1,77777,9,999999999,200,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,10.6,51,99400,954,1357,354,677,780,123,71000,78500,15700,3310,280,5.7,1,1,24.1,77777,9,999999999,200,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,10.6,48,99300,1004,1357,370,636,578,203,66400,58500,23000,6100,300,6.2,4,4,24.1,77777,9,999999999,200,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,10.0,46,99200,985,1357,372,619,572,199,64600,57800,22500,5800,280,7.2,5,5,24.1,77777,9,999999999,190,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,10.0,43,99200,899,1357,372,576,567,196,62000,58700,23000,5050,280,6.7,3,3,24.1,77777,9,999999999,190,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,10.0,40,99100,753,1357,362,535,776,100,55500,76700,12800,2190,270,6.7,0,0,24.1,77777,9,999999999,190,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,8.9,39,99000,554,1357,358,360,677,80,37700,65000,11100,1630,270,6.7,0,0,24.1,77777,9,999999999,180,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,10.6,48,99000,319,1357,352,171,487,54,17500,39800,8100,1000,270,6.2,0,0,24.1,77777,9,999999999,200,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,10.6,48,99000,73,1052,352,34,104,23,3200,4400,2900,410,270,3.1,0,0,24.1,77777,9,999999999,200,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,10.6,55,99000,0,0,342,0,0,0,0,0,0,0,280,2.6,0,0,24.1,77777,9,999999999,200,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,11.1,59,99100,0,0,339,0,0,0,0,0,0,0,230,2.1,0,0,24.1,77777,9,999999999,209,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,11.1,75,99100,0,0,322,0,0,0,0,0,0,0,230,2.1,0,0,24.1,77777,9,999999999,209,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,11.1,81,99100,0,0,317,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,209,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,10.6,75,99000,0,0,319,0,0,0,0,0,0,0,250,3.6,0,0,24.1,77777,9,999999999,200,0.1140,0,88,999.000,999.0,99.0 +1987,9,23,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,10.6,78,99000,0,0,316,0,0,0,0,0,0,0,260,4.1,0,0,24.1,77777,9,999999999,200,0.1140,0,88,999.000,999.0,99.0 +1987,9,24,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,10.6,81,99000,0,0,314,0,0,0,0,0,0,0,270,3.6,0,0,24.1,77777,9,999999999,200,0.1140,0,88,999.000,999.0,99.0 +1987,9,24,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,10.6,83,98900,0,0,312,0,0,0,0,0,0,0,260,4.1,0,0,24.1,77777,9,999999999,200,0.1140,0,88,999.000,999.0,99.0 +1987,9,24,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.0,86,98900,0,0,306,0,0,0,0,0,0,0,250,3.1,0,0,24.1,77777,9,999999999,190,0.1140,0,88,999.000,999.0,99.0 +1987,9,24,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,10.0,93,99000,0,0,301,0,0,0,0,0,0,0,350,1.5,0,0,24.1,77777,9,999999999,190,0.1140,0,88,999.000,999.0,99.0 +1987,9,24,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,10.0,96,99000,0,0,299,0,0,0,0,0,0,0,340,3.1,0,0,24.1,77777,9,999999999,190,0.1140,0,88,999.000,999.0,99.0 +1987,9,24,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,9.4,96,99000,10,396,325,3,1,2,0,0,0,0,250,2.1,8,8,14.5,310,9,999999999,190,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,12.2,90,99100,198,1358,322,82,264,42,8500,16900,6000,750,320,2.6,1,1,16.1,77777,9,999999999,220,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,13.9,81,99100,445,1358,339,250,488,87,25400,43900,11000,1620,10,2.1,4,1,24.1,77777,9,999999999,240,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,13.3,75,99200,662,1358,386,206,26,193,23400,2100,22300,7630,40,3.6,10,10,24.1,700,9,999999999,240,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,11.1,59,99200,834,1358,351,564,681,140,59100,68700,16800,3410,40,6.7,2,2,24.1,77777,9,999999999,209,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,11.1,59,99200,948,1358,339,640,724,129,66700,72600,15800,3390,30,7.2,0,0,24.1,77777,9,999999999,209,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,11.7,63,99200,998,1358,355,710,675,208,73900,68100,23700,6160,20,6.7,4,4,24.1,77777,9,999999999,209,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,11.1,55,99200,979,1358,363,695,744,153,73900,76100,18900,4540,50,8.2,4,4,24.1,77777,9,999999999,209,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,10.6,57,99200,893,1358,356,603,598,205,64500,61900,23700,5260,50,6.2,4,4,24.1,77777,9,999999999,200,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,9.4,53,99200,746,1358,352,436,503,157,46800,51200,18600,3430,50,7.7,3,3,24.1,77777,9,999999999,190,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,8.3,52,99300,547,1358,346,319,521,107,32800,49200,12900,2070,10,6.7,3,3,24.1,77777,9,999999999,180,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,7.8,54,99300,311,1358,340,141,263,79,14500,20900,9600,1460,40,6.7,3,3,24.1,77777,9,999999999,170,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,7.8,65,99300,68,1007,339,12,5,11,1300,300,1200,290,50,5.2,7,7,24.1,3050,9,999999999,170,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,8.3,75,99300,0,0,317,0,0,0,0,0,0,0,10,4.1,2,2,24.1,77777,9,999999999,180,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,8.3,77,99400,0,0,304,0,0,0,0,0,0,0,10,4.6,0,0,24.1,77777,9,999999999,180,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,7.2,80,99400,0,0,297,0,0,0,0,0,0,0,360,3.6,0,0,24.1,77777,9,999999999,170,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,7.8,83,99500,0,0,297,0,0,0,0,0,0,0,350,3.1,0,0,24.1,77777,9,999999999,170,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,7.8,86,99500,0,0,295,0,0,0,0,0,0,0,360,3.1,0,0,24.1,77777,9,999999999,170,0.1340,0,88,999.000,999.0,99.0 +1987,9,24,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,7.2,89,99500,0,0,290,0,0,0,0,0,0,0,360,2.6,0,0,24.1,77777,9,999999999,160,0.1340,0,88,999.000,999.0,99.0 +1987,9,25,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,7.2,89,99500,0,0,290,0,0,0,0,0,0,0,350,2.6,0,0,24.1,77777,9,999999999,160,0.1340,0,88,999.000,999.0,99.0 +1987,9,25,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,7.2,89,99500,0,0,290,0,0,0,0,0,0,0,340,2.1,0,0,16.1,77777,9,999999999,160,0.1340,0,88,999.000,999.0,99.0 +1987,9,25,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,7.2,93,99500,0,0,287,0,0,0,0,0,0,0,340,2.6,0,0,16.1,77777,9,999999999,160,0.1340,0,88,999.000,999.0,99.0 +1987,9,25,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,6.7,96,99600,0,0,282,0,0,0,0,0,0,0,320,2.6,0,0,16.1,77777,9,999999999,160,0.1340,0,88,999.000,999.0,99.0 +1987,9,25,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,6.7,96,99600,0,0,282,0,0,0,0,0,0,0,320,2.1,0,0,16.1,77777,9,999999999,160,0.1340,0,88,999.000,999.0,99.0 +1987,9,25,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,6.1,96,99700,9,374,289,4,5,3,0,0,0,0,320,1.5,2,2,16.1,77777,9,999999999,150,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,7.8,96,99800,194,1359,297,70,173,44,7200,10900,5600,790,260,1.5,2,2,19.3,77777,9,999999999,170,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,8.9,80,99800,440,1359,318,206,323,99,21500,29300,12000,1850,170,2.1,3,3,24.1,77777,9,999999999,180,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,9.4,65,99800,657,1359,333,420,602,124,43300,58800,14800,2560,200,2.1,2,2,24.1,77777,9,999999999,190,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,9.4,61,99800,829,1359,338,536,616,156,55900,61800,18100,3720,170,3.1,2,2,24.1,77777,9,999999999,190,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,8.9,56,99800,943,1359,336,695,801,132,72100,80200,16200,3400,170,2.6,1,1,24.1,77777,9,999999999,180,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,8.9,53,99800,992,1359,341,626,640,153,66600,65500,18600,4640,300,3.1,1,1,24.1,77777,9,999999999,180,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,8.3,47,99700,973,1359,339,708,788,137,73500,79000,16800,3680,220,3.6,0,0,24.1,77777,9,999999999,180,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,7.2,42,99600,887,1359,341,650,791,129,67200,78800,15600,3050,270,3.1,0,0,24.1,77777,9,999999999,160,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,5.6,38,99500,739,1359,339,512,726,113,54000,72700,14300,2550,320,2.6,0,0,24.1,77777,9,999999999,150,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,5.6,38,99500,540,1359,339,342,628,89,35500,59700,11700,1770,240,3.1,0,0,24.1,77777,9,999999999,150,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,5.6,40,99400,304,1359,333,155,421,59,15700,33500,8200,1060,230,2.6,0,0,24.1,77777,9,999999999,150,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,5.6,52,99400,62,963,316,29,63,22,2800,2300,2600,390,0,0.0,0,0,24.1,77777,9,999999999,150,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,6.7,69,99400,0,0,303,0,0,0,0,0,0,0,220,2.1,0,0,24.1,77777,9,999999999,160,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,6.7,69,99400,0,0,303,0,0,0,0,0,0,0,210,2.6,0,0,24.1,77777,9,999999999,160,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,7.2,80,99400,0,0,297,0,0,0,0,0,0,0,230,2.6,0,0,24.1,77777,9,999999999,170,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,6.1,72,99400,0,0,298,0,0,0,0,0,0,0,230,3.1,0,0,24.1,77777,9,999999999,150,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,5.6,74,99400,0,0,292,0,0,0,0,0,0,0,220,3.1,0,0,24.1,77777,9,999999999,150,0.1430,0,88,999.000,999.0,99.0 +1987,9,25,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,5.6,74,99300,0,0,292,0,0,0,0,0,0,0,180,2.1,0,0,24.1,77777,9,999999999,150,0.1430,0,88,999.000,999.0,99.0 +1987,9,26,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,6.1,83,99300,0,0,288,0,0,0,0,0,0,0,180,1.5,0,0,24.1,77777,9,999999999,150,0.1430,0,88,999.000,999.0,99.0 +1987,9,26,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,6.7,89,99300,0,0,287,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,160,0.1430,0,88,999.000,999.0,99.0 +1987,9,26,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,5.6,86,99300,0,0,283,0,0,0,0,0,0,0,200,1.5,0,0,24.1,77777,9,999999999,150,0.1430,0,88,999.000,999.0,99.0 +1987,9,26,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,5.0,80,99300,0,0,285,0,0,0,0,0,0,0,180,2.1,0,0,24.1,77777,9,999999999,140,0.1430,0,88,999.000,999.0,99.0 +1987,9,26,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,5.0,80,99400,0,0,285,0,0,0,0,0,0,0,180,2.1,0,0,16.1,77777,9,999999999,140,0.1430,0,88,999.000,999.0,99.0 +1987,9,26,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,4.4,77,99400,8,351,284,6,3,6,0,0,0,0,180,1.5,0,0,16.1,77777,9,999999999,140,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,6.7,74,99400,189,1360,298,79,231,46,8100,14400,6100,830,200,1.5,0,0,19.3,77777,9,999999999,160,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,7.8,60,99400,436,1360,319,253,524,81,25700,47000,10600,1520,220,4.1,0,0,24.1,77777,9,999999999,170,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,7.8,49,99500,652,1360,333,438,671,111,45500,65800,13800,2320,220,3.6,0,0,24.1,77777,9,999999999,170,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,9.4,44,99500,824,1360,351,589,744,132,61900,75100,16300,3200,210,5.2,0,0,24.1,77777,9,999999999,190,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,8.9,39,99500,938,1360,358,694,787,145,71300,78400,17000,3560,230,4.1,0,0,24.1,77777,9,999999999,180,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,8.9,35,99400,987,1360,367,738,801,150,76000,80000,17800,3990,230,3.6,0,0,24.1,77777,9,999999999,180,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,10.0,35,99300,967,1360,373,718,793,148,73900,79200,17500,3810,180,5.7,0,0,24.1,77777,9,999999999,190,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.8,11.1,36,99300,880,1360,380,637,762,138,67300,77400,17100,3560,180,4.1,0,0,24.1,77777,9,999999999,209,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.3,10.0,32,99200,732,1360,381,505,706,120,52900,70400,14800,2670,190,6.2,0,0,24.1,77777,9,999999999,190,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,9.4,30,99200,533,1360,403,324,503,125,34100,48100,15200,2430,180,4.6,4,4,24.1,77777,9,999999999,190,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,10.6,37,99200,296,1360,393,111,91,91,12000,7400,10400,1970,170,2.6,4,4,24.1,77777,9,999999999,200,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,12.8,48,99200,57,941,384,20,31,17,2100,1400,2000,350,170,2.6,4,4,24.1,77777,9,999999999,230,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,24.4,12.2,47,99200,0,0,401,0,0,0,0,0,0,0,180,3.1,8,8,24.1,2440,9,999999999,220,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,11.7,46,99200,0,0,397,0,0,0,0,0,0,0,180,3.6,8,8,19.3,2440,9,999999999,209,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,12.8,59,99200,0,0,392,0,0,0,0,0,0,0,170,4.6,9,9,19.3,2440,9,999999999,230,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,12.2,59,99300,0,0,374,0,0,0,0,0,0,0,190,4.1,7,7,19.3,2440,9,999999999,220,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,13.3,66,99300,0,0,365,0,0,0,0,0,0,0,190,3.6,5,5,16.1,77777,9,999999999,240,0.1610,0,88,999.000,999.0,99.0 +1987,9,26,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,13.3,68,99300,0,0,357,0,0,0,0,0,0,0,190,3.1,3,3,16.1,77777,9,999999999,240,0.1610,0,88,999.000,999.0,99.0 +1987,9,27,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,13.3,75,99300,0,0,335,0,0,0,0,0,0,0,190,3.6,0,0,16.1,77777,9,999999999,240,0.1610,0,88,999.000,999.0,99.0 +1987,9,27,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,13.3,81,99300,0,0,329,0,0,0,0,0,0,0,180,2.6,0,0,16.1,77777,9,999999999,240,0.1610,0,88,999.000,999.0,99.0 +1987,9,27,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,13.3,78,99300,0,0,332,0,0,0,0,0,0,0,200,3.1,0,0,12.9,77777,9,999999999,240,0.1610,0,88,999.000,999.0,99.0 +1987,9,27,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,13.3,70,99300,0,0,354,0,0,0,0,0,0,0,210,3.6,3,3,12.9,77777,9,999999999,240,0.1610,0,88,999.000,999.0,99.0 +1987,9,27,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,13.9,76,99400,0,0,349,0,0,0,0,0,0,0,220,3.6,2,2,12.9,77777,9,999999999,250,0.1610,0,88,999.000,999.0,99.0 +1987,9,27,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,13.9,78,99500,7,329,352,2,2,2,0,0,0,0,220,3.1,4,4,16.1,77777,9,999999999,250,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,14.4,76,99500,185,1361,352,68,179,43,7000,11000,5500,770,200,3.6,2,2,16.1,77777,9,999999999,260,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,15.0,68,99500,431,1361,359,246,540,71,25300,48600,9800,1360,200,4.6,1,1,24.1,77777,9,999999999,260,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,15.6,62,99500,648,1361,370,420,681,90,44100,67300,12000,1930,200,5.7,1,1,24.1,77777,9,999999999,270,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,15.0,56,99600,819,1361,393,497,475,207,52400,48700,23000,4910,220,5.7,7,6,24.1,2740,9,999999999,260,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,14.4,58,99400,933,1361,391,572,437,269,60000,45200,28900,7410,210,4.6,7,7,24.1,2740,9,999999999,260,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,15.0,52,99500,981,1361,404,487,188,350,53000,19900,38700,10940,210,4.6,7,7,24.1,2740,9,999999999,260,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,13.3,38,99400,961,1361,409,569,469,234,60800,48700,26300,6630,210,4.6,4,4,24.1,77777,9,999999999,240,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,14.4,41,99400,874,1361,403,609,760,116,63500,76000,14600,2800,180,4.6,2,2,24.1,77777,9,999999999,250,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.1,11.7,30,99400,725,1361,398,508,761,98,52600,74900,12500,2090,180,7.7,0,0,24.1,77777,9,999999999,209,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,31.7,11.1,28,99400,526,1361,400,333,653,77,34800,62000,10800,1550,190,5.7,0,0,24.1,77777,9,999999999,209,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,28.9,12.2,36,99400,289,1361,400,143,357,66,14900,27600,9000,1200,180,3.1,2,2,24.1,77777,9,999999999,220,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,12.8,47,99400,52,896,380,24,39,19,2400,1700,2300,390,190,3.1,2,2,24.1,77777,9,999999999,230,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,23.9,12.2,48,99400,0,0,362,0,0,0,0,0,0,0,180,3.6,0,0,19.3,77777,9,999999999,220,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,21.1,12.8,59,99400,0,0,349,0,0,0,0,0,0,0,190,3.1,0,0,19.3,77777,9,999999999,230,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,12.2,68,99400,0,0,342,0,0,0,0,0,0,0,180,3.1,2,1,16.1,77777,9,999999999,220,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,12.2,63,99500,0,0,352,0,0,0,0,0,0,0,170,4.6,2,2,16.1,77777,9,999999999,220,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,12.2,70,99500,0,0,348,0,0,0,0,0,0,0,180,3.1,3,3,12.9,77777,9,999999999,220,0.1160,0,88,999.000,999.0,99.0 +1987,9,27,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,11.7,75,99500,0,0,325,0,0,0,0,0,0,0,190,2.6,0,0,12.9,77777,9,999999999,209,0.1160,0,88,999.000,999.0,99.0 +1987,9,28,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,11.7,81,99500,0,0,320,0,0,0,0,0,0,0,180,3.1,0,0,11.3,77777,9,999999999,220,0.1160,0,88,999.000,999.0,99.0 +1987,9,28,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,11.7,84,99500,0,0,317,0,0,0,0,0,0,0,180,2.1,0,0,11.3,77777,9,999999999,220,0.1160,0,88,999.000,999.0,99.0 +1987,9,28,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,11.7,87,99400,0,0,315,0,0,0,0,0,0,0,170,2.1,0,0,11.3,77777,9,999999999,220,0.1160,0,88,999.000,999.0,99.0 +1987,9,28,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,11.7,87,99400,0,0,315,0,0,0,0,0,0,0,170,2.6,0,0,8.0,77777,9,999999999,220,0.1160,0,88,999.000,999.0,99.0 +1987,9,28,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,11.7,81,99400,0,0,331,0,0,0,0,0,0,0,190,3.1,2,2,8.0,77777,9,999999999,220,0.1160,0,88,999.000,999.0,99.0 +1987,9,28,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,12.2,81,99500,6,306,346,4,5,4,0,0,0,0,180,3.6,6,6,9.7,2440,9,999999999,220,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,12.2,73,99500,180,1361,341,79,200,51,7900,12100,6300,940,180,3.6,2,2,8.0,77777,9,999999999,220,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,12.8,61,99500,426,1361,354,248,606,53,25300,54800,8100,1080,180,3.6,1,1,9.7,77777,9,999999999,230,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,13.9,59,99500,643,1361,368,434,714,90,45500,70400,12100,1920,210,4.6,2,2,9.7,77777,9,999999999,240,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,13.9,61,99500,814,1361,378,405,316,213,43800,33600,23700,5150,210,5.2,6,6,9.7,2740,9,999999999,240,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,15.6,56,99400,927,1361,379,657,823,89,67700,82000,11700,2240,180,4.1,1,1,11.3,77777,9,999999999,270,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,16.1,60,99400,975,1361,395,612,461,278,64400,47800,30000,8150,200,4.6,6,6,12.9,2740,9,999999999,280,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.7,15.6,51,99300,955,1361,406,712,733,192,74200,74000,22200,5310,200,5.2,7,6,14.5,7620,9,999999999,270,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,15.0,47,99200,867,1361,441,236,15,226,27400,1300,26600,9950,180,7.2,10,10,14.5,7620,9,999999999,260,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,27.2,15.6,49,99100,718,1361,420,286,138,212,31200,14300,23700,5390,180,7.2,9,8,16.1,2740,9,999999999,270,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.6,15.6,54,99100,518,1361,420,190,51,170,20800,4900,18900,4600,180,5.7,10,9,14.5,2740,9,999999999,270,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,15.6,58,99100,282,1361,425,75,2,75,8400,100,8400,2560,190,4.1,10,10,12.9,2740,9,999999999,270,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,16.1,64,99100,48,851,420,14,1,14,1600,0,1600,500,180,3.1,10,10,11.3,1830,9,999999999,280,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,16.1,81,99200,0,0,398,0,0,0,0,0,0,0,310,4.6,10,10,16.1,1830,9,999999999,280,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.1,87,99200,0,0,392,0,0,0,0,0,0,0,310,2.1,10,10,16.1,1160,9,999999999,280,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,16.7,93,99200,0,0,390,0,0,0,0,0,0,0,260,5.2,10,10,14.5,1160,9,999999999,290,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,16.7,97,99100,0,0,387,0,0,0,0,0,0,0,210,2.1,10,10,16.1,1520,9,999999999,290,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,16.7,97,99100,0,0,387,0,0,0,0,0,0,0,210,2.6,10,10,11.3,2130,9,999999999,290,0.0730,0,88,999.000,999.0,99.0 +1987,9,28,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,16.7,97,99000,0,0,387,0,0,0,0,0,0,0,210,4.1,10,10,6.4,180,9,999999999,290,0.0730,0,88,999.000,999.0,99.0 +1987,9,29,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,16.7,97,99000,0,0,387,0,0,0,0,0,0,0,230,3.1,10,10,6.4,210,9,999999999,290,0.0730,0,88,999.000,999.0,99.0 +1987,9,29,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,16.7,100,98900,0,0,384,0,0,0,0,0,0,0,220,2.6,10,10,8.0,430,9,999999999,290,0.0730,0,88,999.000,999.0,99.0 +1987,9,29,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,16.1,97,98900,0,0,384,0,0,0,0,0,0,0,220,3.6,10,10,6.4,430,9,999999999,280,0.0730,0,88,999.000,999.0,99.0 +1987,9,29,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,15.6,97,98800,0,0,380,0,0,0,0,0,0,0,210,3.1,10,10,6.4,430,9,999999999,270,0.0730,0,88,999.000,999.0,99.0 +1987,9,29,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,15.6,97,98800,0,0,362,0,0,0,0,0,0,0,230,4.1,8,8,6.4,400,9,999999999,270,0.0730,0,88,999.000,999.0,99.0 +1987,9,29,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,13.9,97,98800,5,284,359,1,0,1,0,0,0,0,240,3.6,10,9,8.0,460,9,999999999,240,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,13.9,97,98800,176,1362,320,77,285,38,7600,17800,5300,660,240,3.6,0,0,9.7,77777,9,999999999,240,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,12.8,81,98800,422,1362,326,250,580,67,25800,51900,9700,1280,280,4.1,0,0,14.5,77777,9,999999999,230,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,11.7,70,98900,638,1362,330,429,713,90,45100,70200,12100,1920,280,5.7,0,0,19.3,77777,9,999999999,209,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,11.7,65,98800,809,1362,350,555,699,134,58200,70400,16300,3180,280,7.2,3,3,24.1,77777,9,999999999,209,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,10.6,67,98800,922,1362,377,353,81,298,38900,8300,33300,10340,270,7.7,10,10,24.1,1070,9,999999999,200,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,11.1,68,98800,970,1362,380,303,5,300,35100,500,34800,12920,300,4.6,10,10,24.1,1160,9,999999999,209,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,10.6,61,98800,949,1362,361,560,378,294,60500,40700,32000,8380,270,4.6,7,7,24.1,1010,9,999999999,200,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,10.6,63,98800,861,1362,383,276,69,232,30400,7000,26000,7970,300,5.7,10,10,24.1,1830,9,999999999,200,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,11.1,61,98800,711,1362,365,275,193,173,29900,20200,19300,3830,280,5.2,7,7,24.1,1830,9,999999999,209,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,11.7,63,98800,511,1362,355,233,242,141,24800,23500,15900,2900,300,5.7,4,4,24.1,77777,9,999999999,209,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,11.1,63,98800,274,1362,349,109,247,58,11400,18600,7600,1040,310,5.2,3,3,24.1,77777,9,999999999,209,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,11.1,68,98900,43,829,329,22,54,17,2200,1700,2100,290,300,5.2,0,0,24.1,77777,9,999999999,209,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,11.7,78,98900,0,0,323,0,0,0,0,0,0,0,280,3.6,0,0,24.1,77777,9,999999999,220,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,11.7,81,98900,0,0,334,0,0,0,0,0,0,0,300,3.1,3,3,24.1,77777,9,999999999,220,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,11.7,75,99000,0,0,357,0,0,0,0,0,0,0,320,6.2,8,8,24.1,1400,9,999999999,209,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,11.1,78,99000,0,0,333,0,0,0,0,0,0,0,320,5.7,3,3,24.1,77777,9,999999999,209,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,10.6,81,99000,0,0,314,0,0,0,0,0,0,0,320,3.6,0,0,24.1,77777,9,999999999,200,0.1170,0,88,999.000,999.0,99.0 +1987,9,29,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.6,90,99000,0,0,307,0,0,0,0,0,0,0,310,3.1,0,0,24.1,77777,9,999999999,200,0.1170,0,88,999.000,999.0,99.0 +1987,9,30,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,10.6,93,99000,0,0,305,0,0,0,0,0,0,0,300,3.1,0,0,24.1,77777,9,999999999,200,0.1170,0,88,999.000,999.0,99.0 +1987,9,30,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,10.0,93,99000,0,0,301,0,0,0,0,0,0,0,290,3.1,0,0,24.1,77777,9,999999999,190,0.1170,0,88,999.000,999.0,99.0 +1987,9,30,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,10.6,96,99000,0,0,302,0,0,0,0,0,0,0,280,4.6,0,0,24.1,77777,9,999999999,200,0.1170,0,88,999.000,999.0,99.0 +1987,9,30,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,10.0,96,99000,0,0,299,0,0,0,0,0,0,0,280,2.6,0,0,24.1,77777,9,999999999,190,0.1170,0,88,999.000,999.0,99.0 +1987,9,30,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,9.4,93,99000,0,0,299,0,0,0,0,0,0,0,290,3.1,0,0,24.1,77777,9,999999999,190,0.1170,0,88,999.000,999.0,99.0 +1987,9,30,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,8.3,90,99000,4,261,295,3,0,3,0,0,0,0,280,3.1,1,0,24.1,77777,9,999999999,180,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,8.9,83,99100,171,1363,309,55,88,44,6000,5500,5300,920,270,3.6,4,1,24.1,77777,9,999999999,180,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,8.3,75,99100,417,1363,337,174,177,119,18900,16200,13900,2670,310,6.2,8,8,24.1,2130,9,999999999,180,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,7.2,69,99100,633,1363,343,206,29,193,23300,2400,22200,7410,310,4.6,9,9,24.1,1680,9,999999999,160,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,7.2,64,99100,804,1363,327,446,362,229,47900,38400,25200,5570,330,5.7,4,4,24.1,77777,9,999999999,160,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,6.7,52,99100,916,1363,339,617,524,260,64600,54100,28100,6980,330,6.2,4,4,24.1,77777,9,999999999,160,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,3.9,41,99100,964,1363,338,633,535,250,67100,55500,27700,7130,340,5.2,4,4,24.1,77777,9,999999999,130,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,2.8,34,99100,942,1363,345,523,415,233,55700,43000,25900,6410,340,6.2,4,4,24.1,77777,9,999999999,130,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,1.7,33,99100,854,1363,343,562,513,236,58800,52700,25700,5860,340,7.7,5,5,24.1,77777,9,999999999,120,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,-0.6,28,99100,704,1363,340,444,484,191,46300,48700,21100,4140,340,8.8,5,5,24.1,77777,9,999999999,100,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,1.1,37,99100,504,1363,330,234,233,147,24800,22500,16400,3050,320,5.7,4,4,24.1,77777,9,999999999,120,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,0.0,34,99200,267,1363,326,102,116,79,11000,9000,9300,1700,330,5.2,3,3,24.1,77777,9,999999999,110,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,0.6,40,99200,39,784,317,13,6,12,1400,300,1300,300,330,4.6,3,3,24.1,77777,9,999999999,110,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,1.7,51,99200,0,0,296,0,0,0,0,0,0,0,350,3.1,0,0,24.1,77777,9,999999999,120,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,2.8,64,99300,0,0,287,0,0,0,0,0,0,0,300,2.6,0,0,24.1,77777,9,999999999,130,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,3.3,71,99300,0,0,283,0,0,0,0,0,0,0,300,2.1,0,0,24.1,77777,9,999999999,130,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.0,4.3,77,99400,0,0,287,0,0,0,0,0,0,0,290,2.2,0,0,24.1,77777,9,999999999,130,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.7,5.2,80,99300,0,0,291,0,0,0,0,0,0,0,0,2.2,0,0,24.1,77777,9,999999999,130,0.2490,0,88,999.000,999.0,99.0 +1987,9,30,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.4,6.2,80,99300,0,0,295,0,0,0,0,0,0,0,270,2.3,0,0,24.1,77777,9,999999999,130,0.2490,0,88,999.000,999.0,99.0 +1978,10,1,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.2,7.1,80,99400,0,0,345,0,0,0,0,0,0,0,300,2.4,10,10,24.1,880,9,999999999,200,0.2490,0,88,999.000,999.0,99.0 +1978,10,1,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.9,8.1,83,99300,0,0,350,0,0,0,0,0,0,0,290,2.5,10,10,24.1,880,9,999999999,200,0.2490,0,88,999.000,999.0,99.0 +1978,10,1,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.6,9.0,80,99300,0,0,354,0,0,0,0,0,0,0,300,2.5,10,10,24.1,1010,9,999999999,190,0.2490,0,88,999.000,999.0,99.0 +1978,10,1,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,10.0,80,99400,0,0,359,0,0,0,0,0,0,0,320,2.6,10,10,24.1,1010,9,999999999,190,0.2490,0,88,999.000,999.0,99.0 +1978,10,1,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,8.9,86,99500,0,0,316,0,0,0,0,0,0,0,290,2.6,4,4,24.1,77777,9,999999999,180,0.2490,0,88,999.000,999.0,99.0 +1978,10,1,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,8.3,89,99500,3,239,295,2,0,2,0,0,0,0,290,3.1,0,0,14.5,77777,9,999999999,180,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,10.0,90,99600,165,1364,304,63,145,44,6500,8000,5500,820,290,2.1,0,0,19.3,77777,9,999999999,200,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,10.0,75,99600,411,1364,316,223,436,88,23300,38700,11600,1630,320,3.6,0,0,24.1,77777,9,999999999,200,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,9.4,65,99600,627,1364,323,402,596,122,41100,57700,14500,2460,350,3.1,0,0,24.1,77777,9,999999999,190,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,8.3,58,99600,797,1364,324,556,687,147,57600,68700,17300,3390,360,2.6,0,0,24.1,77777,9,999999999,180,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,8.9,54,99600,910,1364,346,621,696,151,65400,70700,18100,4010,30,3.6,3,3,24.1,77777,9,999999999,180,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,7.8,47,99600,957,1364,350,688,674,208,71100,67700,23500,5680,100,3.1,3,3,24.1,77777,9,999999999,170,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,8.3,49,99500,935,1364,351,647,607,225,68900,62900,25600,6110,50,3.1,4,3,24.1,77777,9,999999999,180,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,7.8,47,99500,846,1364,350,510,484,206,54100,49800,23100,5000,0,0.0,4,3,24.1,77777,9,999999999,170,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,8.3,49,99500,696,1364,347,429,523,159,45500,52600,18600,3360,100,5.7,4,2,24.1,77777,9,999999999,180,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,8.3,54,99500,495,1364,335,276,453,109,29100,42500,13600,2070,70,4.6,3,1,24.1,77777,9,999999999,180,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,7.8,56,99500,258,1364,330,107,225,64,11300,16400,8200,1200,110,3.6,1,1,24.1,77777,9,999999999,170,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,7.8,62,99500,35,739,316,17,11,16,1800,600,1800,390,100,5.2,1,0,19.3,77777,9,999999999,170,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,8.9,72,99500,0,0,312,0,0,0,0,0,0,0,110,4.1,0,0,24.1,77777,9,999999999,180,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,8.9,80,99500,0,0,305,0,0,0,0,0,0,0,130,3.1,0,0,24.1,77777,9,999999999,180,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,8.9,80,99500,0,0,305,0,0,0,0,0,0,0,150,2.1,0,0,24.1,77777,9,999999999,180,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,8.9,86,99500,0,0,300,0,0,0,0,0,0,0,140,2.6,0,0,24.1,77777,9,999999999,180,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,8.9,86,99500,0,0,300,0,0,0,0,0,0,0,150,3.1,0,0,24.1,77777,9,999999999,180,0.2010,0,88,999.000,999.0,99.0 +1978,10,1,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,8.9,93,99500,0,0,296,0,0,0,0,0,0,0,150,2.1,0,0,24.1,77777,9,999999999,180,0.2010,0,88,999.000,999.0,99.0 +1978,10,2,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,8.3,86,99500,0,0,298,0,0,0,0,0,0,0,160,2.1,0,0,11.3,77777,9,999999999,180,0.2010,0,88,999.000,999.0,99.0 +1978,10,2,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,7.8,89,99500,0,0,292,0,0,0,0,0,0,0,170,2.6,0,0,9.7,77777,9,999999999,170,0.2010,0,88,999.000,999.0,99.0 +1978,10,2,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,7.2,89,99400,0,0,290,0,0,0,0,0,0,0,160,2.6,0,0,11.3,77777,9,999999999,160,0.2010,0,88,999.000,999.0,99.0 +1978,10,2,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,7.2,89,99400,0,0,290,0,0,0,0,0,0,0,160,2.6,0,0,11.3,77777,9,999999999,160,0.2010,0,88,999.000,999.0,99.0 +1978,10,2,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,7.2,89,99400,0,0,290,0,0,0,0,0,0,0,160,3.1,0,0,9.7,77777,9,999999999,160,0.2010,0,88,999.000,999.0,99.0 +1978,10,2,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,7.8,89,99400,3,216,298,4,18,2,0,0,0,0,180,3.1,1,1,8.0,77777,9,999999999,170,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,8.9,86,99500,161,1365,310,65,274,31,6500,16600,4500,550,180,3.6,3,2,8.0,77777,9,999999999,180,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,11.1,81,99400,406,1365,327,247,570,73,25100,50200,10200,1360,200,5.2,3,2,9.7,77777,9,999999999,209,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,11.7,70,99400,622,1365,344,348,522,105,36000,50800,12800,2160,190,4.1,5,3,14.5,77777,9,999999999,209,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,11.7,61,99400,792,1365,351,433,465,158,46500,47600,18800,3570,190,7.2,6,2,19.3,77777,9,999999999,209,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,11.7,57,99300,904,1365,357,633,783,108,66700,78800,14300,2790,170,6.2,3,2,24.1,77777,9,999999999,220,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,11.7,51,99200,951,1365,369,545,556,152,57600,56700,18000,4280,160,6.7,3,3,24.1,77777,9,999999999,209,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,11.1,48,99100,929,1365,362,659,849,74,68400,84700,10600,2050,180,7.2,3,1,24.1,77777,9,999999999,209,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,10.6,48,99000,839,1365,364,582,726,130,61500,73500,16100,3200,160,5.7,7,2,24.1,77777,9,999999999,200,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,10.0,48,98900,689,1365,373,292,229,174,31500,23800,19400,3820,170,5.2,10,6,24.1,7620,9,999999999,200,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,9.4,49,98900,488,1365,396,120,10,116,13600,600,13400,4520,170,4.6,10,10,24.1,7620,9,999999999,190,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,10.0,53,99100,251,1365,394,49,0,49,5600,0,5600,1800,210,4.1,10,10,16.1,7620,9,999999999,200,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,12.8,78,99000,31,694,380,6,1,6,700,0,700,230,150,3.1,10,10,12.9,3050,9,999999999,230,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,13.9,87,99000,0,0,378,0,0,0,0,0,0,0,240,2.1,10,10,12.9,3050,9,999999999,240,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,13.9,87,98900,0,0,378,0,0,0,0,0,0,0,140,3.6,10,10,16.1,3050,9,999999999,240,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,13.3,84,98800,0,0,377,0,0,0,0,0,0,0,160,3.6,10,10,16.1,1400,9,999999999,240,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,13.3,87,98800,0,0,374,0,0,0,0,0,0,0,180,2.1,10,10,12.9,1010,9,999999999,240,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.3,90,98900,0,0,371,0,0,0,0,0,0,0,190,4.1,10,10,9.7,1010,9,999999999,240,0.0570,0,88,999.000,999.0,99.0 +1978,10,2,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.3,90,98800,0,0,371,0,0,0,0,0,0,0,190,3.1,10,10,9.7,1010,9,999999999,240,0.0570,0,88,999.000,999.0,99.0 +1978,10,3,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.9,93,98700,0,0,372,0,0,0,0,0,0,0,180,3.1,10,10,6.4,700,9,999999999,240,0.0570,0,88,999.000,999.0,99.0 +1978,10,3,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.9,93,98700,0,0,372,0,0,0,0,0,0,0,210,3.1,10,10,6.4,210,9,999999999,240,0.0570,0,88,999.000,999.0,99.0 +1978,10,3,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.9,93,98600,0,0,372,0,0,0,0,0,0,0,190,3.1,10,10,4.0,210,9,999999999,240,0.0570,0,88,999.000,999.0,99.0 +1978,10,3,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.9,93,98500,0,0,372,0,0,0,0,0,0,0,190,3.1,10,10,4.0,370,9,999999999,240,0.0570,0,88,999.000,999.0,99.0 +1978,10,3,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.9,93,98500,0,0,372,0,0,0,0,0,0,0,210,3.1,10,10,3.2,270,9,999999999,240,0.0570,0,88,999.000,999.0,99.0 +1978,10,3,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,13.9,93,98500,2,193,372,0,0,0,0,0,0,0,220,3.6,10,10,4.0,370,9,999999999,240,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,13.9,90,98600,156,1365,375,29,2,29,3300,0,3300,1030,250,4.1,10,10,4.0,400,9,999999999,240,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,13.9,90,98600,401,1365,375,108,1,107,12000,100,12000,3860,260,3.6,10,10,4.0,240,9,999999999,240,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,13.3,87,98600,617,1365,374,198,6,195,22200,500,22000,7330,230,4.1,10,10,4.0,240,9,999999999,240,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,12.8,87,98600,787,1365,371,255,3,253,29000,300,28800,10130,250,4.6,10,10,4.0,210,9,999999999,230,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,12.8,84,98600,898,1365,374,297,2,296,34000,200,33900,12210,240,5.2,10,10,4.0,210,9,999999999,230,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,12.8,75,98500,945,1365,358,403,174,281,44300,18500,31500,8430,250,4.6,8,7,12.9,520,9,999999999,230,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,10.0,59,98400,922,1365,360,510,340,278,55100,36500,30400,7630,240,6.2,8,7,19.3,700,9,999999999,190,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,7.8,47,98400,833,1365,363,380,231,237,41000,24600,25900,5900,260,6.2,7,7,24.1,760,9,999999999,170,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,6.7,47,98400,682,1365,349,394,402,191,40900,40200,20800,4090,260,6.7,5,5,24.1,77777,9,999999999,160,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,5.6,46,98400,481,1365,343,194,189,127,20700,18000,14300,2560,240,7.2,5,5,24.1,77777,9,999999999,150,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,5.6,50,98500,243,1365,337,90,90,73,9600,6700,8400,1560,260,5.7,5,5,24.1,77777,9,999999999,150,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,5.6,55,98500,27,649,321,18,39,14,1700,1000,1700,240,250,5.2,2,2,24.1,77777,9,999999999,150,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,6.1,62,98500,0,0,307,0,0,0,0,0,0,0,240,4.1,0,0,24.1,77777,9,999999999,150,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,6.7,69,98500,0,0,303,0,0,0,0,0,0,0,250,4.6,0,0,24.1,77777,9,999999999,160,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,6.7,77,98500,0,0,296,0,0,0,0,0,0,0,240,3.6,0,0,24.1,77777,9,999999999,160,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,6.7,80,98500,0,0,294,0,0,0,0,0,0,0,230,3.6,0,0,24.1,77777,9,999999999,160,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,7.2,83,98500,0,0,294,0,0,0,0,0,0,0,230,4.1,0,0,24.1,77777,9,999999999,160,0.0860,0,88,999.000,999.0,99.0 +1978,10,3,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,7.2,89,98500,0,0,302,0,0,0,0,0,0,0,230,3.6,3,3,24.1,77777,9,999999999,160,0.0860,0,88,999.000,999.0,99.0 +1978,10,4,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,7.2,86,98500,0,0,304,0,0,0,0,0,0,0,240,4.1,3,3,24.1,77777,9,999999999,160,0.0860,0,88,999.000,999.0,99.0 +1978,10,4,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,8.3,93,98500,0,0,313,0,0,0,0,0,0,0,240,4.1,7,6,24.1,2440,9,999999999,170,0.0860,0,88,999.000,999.0,99.0 +1978,10,4,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,7.8,89,98500,0,0,316,0,0,0,0,0,0,0,240,4.1,8,7,24.1,240,9,999999999,170,0.0860,0,88,999.000,999.0,99.0 +1978,10,4,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,8.3,89,98600,0,0,319,0,0,0,0,0,0,0,240,4.1,9,7,24.1,370,9,999999999,170,0.0860,0,88,999.000,999.0,99.0 +1978,10,4,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,7.8,93,98700,0,0,296,0,0,0,0,0,0,0,240,4.1,1,1,24.1,77777,9,999999999,170,0.0860,0,88,999.000,999.0,99.0 +1978,10,4,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,7.8,93,98700,2,148,300,0,1,0,0,0,0,0,250,3.6,2,2,16.1,77777,9,999999999,170,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,8.3,89,98800,151,1366,315,52,82,42,5500,4800,5000,880,240,4.1,6,6,24.1,3050,9,999999999,170,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,8.3,86,98900,397,1366,334,118,84,93,12900,7600,10700,2070,240,5.2,9,9,24.1,3050,9,999999999,180,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,8.3,75,98900,612,1366,337,161,61,133,17700,5900,15000,4090,260,4.1,8,8,24.1,1010,9,999999999,180,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,6.7,64,98900,781,1366,345,375,275,215,40400,29100,23700,5100,270,6.2,10,9,24.1,880,9,999999999,160,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,6.7,60,98900,893,1366,360,183,8,178,21800,600,21400,8380,260,4.6,10,10,24.1,880,9,999999999,160,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,6.7,62,98900,939,1366,358,214,1,214,25400,100,25300,9920,250,4.6,10,10,24.1,1010,9,999999999,160,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,7.2,60,98900,916,1366,364,229,13,221,27000,1100,26300,10050,250,5.2,10,10,24.1,1010,9,999999999,160,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,7.2,58,98900,826,1366,340,471,353,255,50500,37500,27700,6400,240,4.6,7,6,24.1,1010,9,999999999,160,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,7.8,56,98800,675,1366,355,251,92,205,27500,9100,23000,6140,220,3.6,8,8,24.1,1010,9,999999999,170,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,7.2,54,98800,474,1366,340,259,371,128,26600,34200,14700,2470,210,4.6,9,4,24.1,77777,9,999999999,160,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,7.8,62,98800,236,1366,338,94,101,76,10100,7300,8800,1620,200,3.1,9,6,24.1,7620,9,999999999,170,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,7.2,64,98800,24,626,341,15,3,15,0,0,0,0,180,3.1,10,8,24.1,3660,9,999999999,160,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,7.8,67,98800,0,0,342,0,0,0,0,0,0,0,130,3.6,10,8,24.1,3660,9,999999999,170,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,8.3,72,98800,0,0,347,0,0,0,0,0,0,0,220,1.5,10,9,19.3,3660,9,999999999,180,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,7.8,72,98700,0,0,354,0,0,0,0,0,0,0,160,3.1,10,10,24.1,3660,9,999999999,170,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,7.8,69,98700,0,0,356,0,0,0,0,0,0,0,150,4.1,10,10,24.1,3660,9,999999999,170,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,7.8,69,98700,0,0,356,0,0,0,0,0,0,0,180,4.1,10,10,19.3,1370,9,999999999,170,0.1160,0,88,999.000,999.0,99.0 +1978,10,4,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,9.4,83,98700,0,0,353,0,0,0,0,0,0,0,190,3.6,10,10,11.3,1160,9,999999999,190,0.1160,0,88,999.000,999.0,99.0 +1978,10,5,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,10.6,83,98500,0,0,359,0,0,0,0,0,0,0,160,4.1,10,10,19.3,1160,9,999999999,200,0.1160,0,88,999.000,999.0,99.0 +1978,10,5,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,10.0,83,98400,0,0,356,0,0,0,0,0,0,0,180,4.6,10,10,19.3,1220,9,999999999,190,0.1160,0,88,999.000,999.0,99.0 +1978,10,5,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,10.0,83,98300,0,0,356,0,0,0,0,0,0,0,170,5.7,10,10,24.1,1160,9,999999999,190,0.1160,0,88,999.000,999.0,99.0 +1978,10,5,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,10.0,78,98200,0,0,362,0,0,0,0,0,0,0,180,7.2,10,10,24.1,1160,9,999999999,190,0.1160,0,88,999.000,999.0,99.0 +1978,10,5,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,11.1,78,98100,0,0,369,0,0,0,0,0,0,0,210,8.2,10,10,24.1,460,9,999999999,209,0.1160,0,88,999.000,999.0,99.0 +1978,10,5,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,11.1,81,98100,1,125,366,1,0,1,0,0,0,0,200,6.7,10,10,24.1,370,9,999999999,209,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,11.1,81,98200,147,1367,333,48,18,46,5200,1200,5100,1040,240,4.6,4,4,19.3,77777,9,999999999,209,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,10.0,72,98200,392,1367,332,152,170,102,16100,15100,11700,1990,250,5.7,3,3,24.1,77777,9,999999999,190,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,8.3,62,98200,607,1367,319,396,635,108,40700,61400,13400,2180,250,5.2,0,0,24.1,77777,9,999999999,170,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,6.7,56,98200,776,1367,324,523,680,130,54500,68100,15700,2980,240,7.7,1,1,24.1,77777,9,999999999,160,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,6.7,58,98200,887,1367,331,596,608,195,61400,60800,21800,4810,250,7.2,4,4,24.1,77777,9,999999999,160,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,6.7,58,98200,933,1367,353,319,122,235,35500,13000,26600,6960,230,9.3,9,9,24.1,880,9,999999999,160,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,6.7,67,98200,910,1367,352,211,2,210,24900,200,24800,9630,230,9.8,10,10,24.1,700,9,999999999,160,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,6.7,69,98200,819,1367,349,145,11,139,17400,800,17000,6590,240,7.2,10,10,19.3,640,9,999999999,160,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,7.8,75,98200,668,1367,351,94,3,93,11400,200,11300,4320,240,6.2,10,10,19.3,760,9,999999999,170,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,9.4,86,98300,466,1367,350,90,1,90,10500,100,10400,3650,250,5.2,10,10,24.1,760,9,999999999,190,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,8.9,83,98300,228,1367,350,25,3,25,3000,0,3000,1000,260,4.6,10,10,24.1,760,9,999999999,180,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,8.3,83,98300,21,581,346,9,0,9,0,0,0,0,250,7.2,10,10,24.1,640,9,999999999,170,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,7.8,80,98400,0,0,345,0,0,0,0,0,0,0,260,7.2,10,10,24.1,490,9,999999999,170,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,7.8,80,98400,0,0,345,0,0,0,0,0,0,0,270,7.7,10,10,24.1,700,9,999999999,170,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,7.8,83,98500,0,0,343,0,0,0,0,0,0,0,270,5.7,10,10,12.9,700,9,999999999,170,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,7.8,83,98500,0,0,343,0,0,0,0,0,0,0,280,9.3,10,10,19.3,580,9,999999999,170,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,7.8,80,98600,0,0,345,0,0,0,0,0,0,0,280,8.2,10,10,19.3,520,9,999999999,170,0.1700,0,88,999.000,999.0,99.0 +1978,10,5,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,7.2,77,98600,0,0,345,0,0,0,0,0,0,0,290,7.7,10,10,24.1,580,9,999999999,160,0.1700,0,88,999.000,999.0,99.0 +1978,10,6,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,7.2,77,98600,0,0,345,0,0,0,0,0,0,0,290,6.2,10,10,24.1,490,9,999999999,160,0.1700,0,88,999.000,999.0,99.0 +1978,10,6,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,7.2,77,98700,0,0,345,0,0,0,0,0,0,0,280,7.7,10,10,24.1,700,9,999999999,160,0.1700,0,88,999.000,999.0,99.0 +1978,10,6,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,6.7,77,98600,0,0,332,0,0,0,0,0,0,0,270,6.7,9,9,24.1,640,9,999999999,160,0.1700,0,88,999.000,999.0,99.0 +1978,10,6,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,6.7,77,98700,0,0,342,0,0,0,0,0,0,0,280,7.2,10,10,24.1,760,9,999999999,160,0.1700,0,88,999.000,999.0,99.0 +1978,10,6,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,6.7,77,98700,0,0,342,0,0,0,0,0,0,0,280,8.2,10,10,24.1,640,9,999999999,160,0.1700,0,88,999.000,999.0,99.0 +1978,10,6,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,6.7,80,98800,1,103,339,2,0,2,0,0,0,0,300,5.2,10,10,24.1,370,9,999999999,160,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,7.2,83,98800,142,1368,330,35,23,33,3900,1500,3700,800,290,7.2,10,9,24.1,400,9,999999999,160,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,7.2,77,98900,387,1368,328,134,78,111,14600,7000,12600,2880,290,7.7,9,8,24.1,460,9,999999999,160,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,6.7,67,98900,602,1368,324,413,642,125,42100,61400,15000,2450,300,7.2,6,5,24.1,700,9,999999999,160,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,6.1,62,99000,770,1368,344,405,323,220,43400,34100,24200,5210,300,7.7,10,9,24.1,700,9,999999999,150,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,4.4,57,99000,881,1368,350,259,2,258,29900,200,29800,11000,300,5.2,10,10,24.1,760,9,999999999,140,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,3.9,57,99100,927,1368,346,267,11,259,31000,1000,30300,11350,300,5.2,10,10,24.1,760,9,999999999,130,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,4.4,64,99100,903,1368,341,267,5,264,30900,400,30600,11340,280,6.7,10,10,24.1,760,9,999999999,140,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,3.3,57,99100,813,1368,343,213,0,213,24700,0,24700,9180,300,6.7,10,10,24.1,1160,9,999999999,130,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,3.3,61,99200,661,1368,338,174,8,170,19900,600,19600,6960,290,5.2,10,10,24.1,1160,9,999999999,130,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,2.8,59,99200,459,1368,337,137,5,136,15400,300,15300,4860,280,6.7,10,10,24.1,1160,9,999999999,130,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,2.8,59,99300,221,1368,337,53,0,53,5900,0,5900,1810,290,5.7,10,10,24.1,1370,9,999999999,130,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,3.3,64,99300,18,536,335,8,0,8,0,0,0,0,270,4.6,10,10,24.1,1370,9,999999999,130,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,2.8,61,99300,0,0,334,0,0,0,0,0,0,0,290,5.2,10,10,24.1,1160,9,999999999,130,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,2.8,61,99400,0,0,334,0,0,0,0,0,0,0,270,4.1,10,10,24.1,880,9,999999999,130,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,1.1,56,99400,0,0,329,0,0,0,0,0,0,0,290,4.6,10,10,24.1,1010,9,999999999,110,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,1.7,61,99400,0,0,328,0,0,0,0,0,0,0,290,4.1,10,10,24.1,1160,9,999999999,120,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,1.7,68,99400,0,0,289,0,0,0,0,0,0,0,290,5.2,3,3,24.1,77777,9,999999999,120,0.0660,0,88,999.000,999.0,99.0 +1978,10,6,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,1.7,73,99400,0,0,273,0,0,0,0,0,0,0,290,4.1,0,0,24.1,77777,9,999999999,120,0.0660,0,88,999.000,999.0,99.0 +1978,10,7,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,2.2,79,99400,0,0,271,0,0,0,0,0,0,0,270,4.1,0,0,24.1,77777,9,999999999,120,0.0660,0,88,999.000,999.0,99.0 +1978,10,7,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,2.2,82,99400,0,0,269,0,0,0,0,0,0,0,270,3.1,1,0,24.1,77777,9,999999999,120,0.0660,0,88,999.000,999.0,99.0 +1978,10,7,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,2.8,76,99400,0,0,304,0,0,0,0,0,0,0,280,5.2,8,8,24.1,3660,9,999999999,130,0.0660,0,88,999.000,999.0,99.0 +1978,10,7,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,2.8,79,99400,0,0,296,0,0,0,0,0,0,0,290,4.1,7,7,24.1,3660,9,999999999,130,0.0660,0,88,999.000,999.0,99.0 +1978,10,7,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,2.8,83,99400,0,0,281,0,0,0,0,0,0,0,300,4.1,2,2,24.1,77777,9,999999999,130,0.0660,0,88,999.000,999.0,99.0 +1978,10,7,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,2.2,86,99500,0,80,276,0,1,0,0,0,0,0,290,3.1,3,2,24.1,77777,9,999999999,120,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,3.3,83,99500,137,1369,286,52,178,33,5300,9200,4400,590,290,4.1,3,3,24.1,77777,9,999999999,130,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,4.4,77,99500,382,1369,297,204,423,83,21300,36500,11000,1520,330,6.2,3,3,24.1,77777,9,999999999,140,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,3.9,69,99600,596,1369,312,320,294,189,33700,29600,20700,4140,310,5.2,7,7,24.1,1680,9,999999999,140,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,3.9,61,99600,765,1369,324,289,52,259,31600,5300,28700,7980,340,5.2,8,8,24.1,1680,9,999999999,130,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,2.2,51,99600,876,1369,335,325,88,268,35700,8900,30000,9060,290,6.7,9,9,24.1,880,9,999999999,120,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,1.7,53,99700,920,1369,329,315,82,259,34700,8300,29000,9170,320,5.7,10,9,24.1,1010,9,999999999,120,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,1.7,53,99600,897,1369,338,274,5,270,31500,400,31200,11460,330,7.7,10,10,24.1,1160,9,999999999,120,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,1.1,54,99700,806,1369,332,244,8,239,27900,700,27500,9890,320,6.2,10,10,24.1,1160,9,999999999,110,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,0.6,52,99700,654,1369,332,138,1,137,16000,100,16000,5890,320,6.2,10,10,24.1,1400,9,999999999,110,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,1.1,54,99700,452,1369,332,120,4,119,13600,300,13500,4410,310,5.7,10,10,24.1,1400,9,999999999,110,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,0.6,56,99700,214,1369,318,43,17,40,4700,1300,4500,1040,300,4.1,9,9,24.1,1370,9,999999999,110,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,1.1,61,99700,16,513,324,5,0,5,0,0,0,0,330,3.6,10,10,24.1,1370,9,999999999,120,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,2.2,68,99800,0,0,323,0,0,0,0,0,0,0,300,2.6,10,10,24.1,1370,9,999999999,120,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,0.6,63,99800,0,0,319,0,0,0,0,0,0,0,340,4.1,10,10,24.1,1370,9,999999999,110,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,0.6,71,99800,0,0,284,0,0,0,0,0,0,0,360,3.1,4,4,24.1,77777,9,999999999,110,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-1.1,76,99900,0,0,271,0,0,0,0,0,0,0,310,2.6,4,4,24.1,77777,9,999999999,100,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,0.6,85,99900,0,0,277,0,0,0,0,0,0,0,290,2.6,6,6,24.1,1400,9,999999999,110,0.1120,0,88,999.000,999.0,99.0 +1978,10,7,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.0,85,99900,0,0,256,0,0,0,0,0,0,0,280,3.1,0,0,24.1,77777,9,999999999,110,0.1120,0,88,999.000,999.0,99.0 +1978,10,8,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,99900,0,0,254,0,0,0,0,0,0,0,270,2.6,0,0,24.1,77777,9,999999999,100,0.1120,0,88,999.000,999.0,99.0 +1978,10,8,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.1,85,99900,0,0,251,0,0,0,0,0,0,0,260,2.6,0,0,24.1,77777,9,999999999,100,0.1120,0,88,999.000,999.0,99.0 +1978,10,8,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-0.6,89,99900,0,0,252,0,0,0,0,0,0,0,270,2.6,0,0,24.1,77777,9,999999999,100,0.1120,0,88,999.000,999.0,99.0 +1978,10,8,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.7,82,100000,0,0,251,0,0,0,0,0,0,0,270,2.6,0,0,24.1,77777,9,999999999,100,0.1120,0,88,999.000,999.0,99.0 +1978,10,8,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.7,85,100000,0,0,249,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,100,0.1120,0,88,999.000,999.0,99.0 +1978,10,8,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-2.2,85,100100,0,57,251,1,3,0,0,0,0,0,250,2.6,1,1,24.1,77777,9,999999999,90,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,0.0,89,100100,132,1369,255,57,284,28,5600,15600,4100,490,260,2.1,1,0,24.1,77777,9,999999999,110,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,1.7,71,100100,377,1369,275,231,633,51,23200,55200,8000,1000,270,3.6,1,0,24.1,77777,9,999999999,120,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,1.7,59,100200,591,1369,286,411,778,68,42700,75100,10200,1460,250,3.6,0,0,24.1,77777,9,999999999,120,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,0.0,48,100100,759,1369,299,528,768,95,54900,76100,12500,2120,230,4.1,2,2,24.1,77777,9,999999999,110,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,0.6,45,100100,870,1369,306,636,794,124,65500,79000,15100,2880,290,4.1,2,2,24.1,77777,9,999999999,110,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,0.6,43,100000,914,1369,299,697,893,93,71800,88800,12300,2210,220,3.1,0,0,24.1,77777,9,999999999,110,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,1.1,45,99900,890,1369,299,673,879,94,69300,87300,12400,2140,190,1.5,1,0,24.1,77777,9,999999999,110,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,0.6,39,99900,799,1369,316,581,758,132,60800,76200,16200,3090,200,1.5,7,2,24.1,77777,9,999999999,110,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,0.6,40,99900,647,1369,317,370,473,143,39200,47000,16900,2920,190,3.1,9,3,24.1,77777,9,999999999,110,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,1.1,44,99800,445,1369,315,231,407,97,24300,37000,12200,1810,190,2.1,9,3,24.1,77777,9,999999999,120,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,1.1,47,99800,207,1369,312,85,205,53,8700,13300,6600,970,200,2.6,9,4,24.1,77777,9,999999999,120,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,0.6,54,99800,14,468,297,11,15,9,0,0,0,0,180,2.6,8,3,24.1,77777,9,999999999,110,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,1.1,61,99800,0,0,286,0,0,0,0,0,0,0,170,3.6,3,1,24.1,77777,9,999999999,120,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,1.1,68,99800,0,0,280,0,0,0,0,0,0,0,180,3.6,3,1,24.1,77777,9,999999999,120,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,1.1,68,99700,0,0,275,0,0,0,0,0,0,0,170,3.1,0,0,24.1,77777,9,999999999,120,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.1,76,99700,0,0,268,0,0,0,0,0,0,0,170,3.1,0,0,24.1,77777,9,999999999,110,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.1,76,99700,0,0,268,0,0,0,0,0,0,0,160,3.1,0,0,24.1,77777,9,999999999,110,0.0760,0,88,999.000,999.0,99.0 +1978,10,8,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.1,76,99700,0,0,287,0,0,0,0,0,0,0,160,2.6,6,6,24.1,3050,9,999999999,110,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,2.2,76,99700,0,0,300,0,0,0,0,0,0,0,160,3.1,8,8,24.1,3050,9,999999999,120,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,2.2,71,99700,0,0,312,0,0,0,0,0,0,0,160,3.6,9,9,24.1,2440,9,999999999,120,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,2.8,68,99700,0,0,317,0,0,0,0,0,0,0,160,3.1,9,9,24.1,1830,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,3.3,68,99600,0,0,330,0,0,0,0,0,0,0,180,4.1,10,10,24.1,1830,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,3.9,69,99600,0,0,333,0,0,0,0,0,0,0,160,5.2,10,10,24.1,1680,9,999999999,140,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,3.3,64,99500,0,34,335,0,0,0,0,0,0,0,170,4.1,10,10,24.1,2440,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,3.3,64,99500,128,1370,310,52,84,44,5600,4400,5100,920,190,5.2,6,6,24.1,2440,9,999999999,130,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,4.4,62,99500,371,1370,319,152,44,139,16500,4000,15400,3330,180,6.2,6,6,24.1,3050,9,999999999,140,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,5.6,57,99500,586,1370,325,309,489,95,31900,47100,11700,1920,180,5.2,4,4,24.1,77777,9,999999999,150,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,7.2,58,99400,754,1370,329,532,735,121,55600,73500,15100,2730,190,6.7,2,2,24.1,77777,9,999999999,170,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,8.3,54,99400,864,1370,340,596,724,132,62800,73500,16300,3330,190,7.7,3,2,24.1,77777,9,999999999,180,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,9.4,49,99400,908,1370,361,454,334,230,49600,35900,25700,6030,190,8.2,4,4,24.1,77777,9,999999999,190,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,10.0,49,99300,884,1370,358,607,703,147,63800,71200,17700,3750,190,7.7,2,2,24.1,77777,9,999999999,190,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,10.0,46,99300,792,1370,363,536,621,172,55100,61500,19400,3830,210,9.8,9,2,24.1,77777,9,999999999,190,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,10.0,44,99300,640,1370,370,386,465,166,40300,46000,18700,3430,190,9.3,9,3,24.1,77777,9,999999999,190,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,10.0,44,99300,437,1370,370,197,258,113,20900,23800,13200,2230,210,6.7,8,3,24.1,77777,9,999999999,190,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,9.4,47,99300,199,1370,360,85,217,53,8700,13800,6700,970,200,5.2,9,3,24.1,77777,9,999999999,190,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.9,8.9,52,99300,11,422,346,9,14,8,0,0,0,0,190,4.1,6,2,24.1,77777,9,999999999,180,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,8.9,56,99300,0,0,336,0,0,0,0,0,0,0,180,6.2,4,1,24.1,77777,9,999999999,180,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,8.3,56,99400,0,0,333,0,0,0,0,0,0,0,190,5.7,4,1,24.1,77777,9,999999999,180,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,8.3,58,99500,0,0,330,0,0,0,0,0,0,0,200,4.6,3,1,24.1,77777,9,999999999,180,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,8.3,60,99500,0,0,328,0,0,0,0,0,0,0,190,5.2,3,1,24.1,77777,9,999999999,180,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,8.3,67,99500,0,0,320,0,0,0,0,0,0,0,170,3.6,3,1,24.1,77777,9,999999999,180,0.0760,0,88,999.000,999.0,99.0 +1978,10,9,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,7.8,67,99500,0,0,311,0,0,0,0,0,0,0,180,4.1,0,0,24.1,77777,9,999999999,170,0.0760,0,88,999.000,999.0,99.0 +1978,10,10,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,7.8,69,99500,0,0,330,0,0,0,0,0,0,0,170,5.2,6,6,24.1,3050,9,999999999,170,0.0760,0,88,999.000,999.0,99.0 +1978,10,10,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,8.3,69,99500,0,0,342,0,0,0,0,0,0,0,190,4.1,8,8,24.1,1400,9,999999999,180,0.0760,0,88,999.000,999.0,99.0 +1978,10,10,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,8.9,67,99500,0,0,366,0,0,0,0,0,0,0,190,5.2,10,10,24.1,1400,9,999999999,180,0.0760,0,88,999.000,999.0,99.0 +1978,10,10,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,10.0,75,99500,0,0,364,0,0,0,0,0,0,0,180,4.6,10,10,24.1,1680,9,999999999,190,0.0760,0,88,999.000,999.0,99.0 +1978,10,10,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,10.0,75,99500,0,0,364,0,0,0,0,0,0,0,180,4.6,10,10,24.1,1680,9,999999999,190,0.0760,0,88,999.000,999.0,99.0 +1978,10,10,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,8.9,77,99500,0,11,355,0,0,0,0,0,0,0,160,5.7,10,10,24.1,1680,9,999999999,180,0.0760,0,88,999.000,999.0,99.0 +1978,10,10,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,8.3,72,99500,123,1371,357,20,2,20,2300,0,2300,720,180,4.6,10,10,16.1,2440,9,999999999,180,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,8.3,67,99500,366,1371,362,97,6,95,10800,300,10800,3400,180,6.2,10,10,16.1,2440,9,999999999,180,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,9.4,65,99500,581,1371,372,135,9,131,15500,600,15300,5370,190,5.7,10,10,16.1,3050,9,999999999,190,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,10.0,65,99500,748,1371,376,205,7,202,23700,600,23300,8420,190,4.1,10,10,16.1,3050,9,999999999,200,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,10.6,70,99500,858,1371,374,243,2,242,28100,200,28000,10350,210,6.2,10,10,16.1,3050,9,999999999,200,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,10.6,70,99500,902,1371,374,277,3,275,31900,300,31700,11630,200,5.7,10,10,16.1,880,9,999999999,200,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,10.6,72,99400,877,1371,371,257,5,254,29700,400,29400,10840,190,6.2,10,10,16.1,700,9,999999999,200,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,11.1,75,99400,785,1371,372,274,4,272,31000,400,30800,10550,210,4.1,10,10,16.1,3050,9,999999999,209,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,10.0,67,99400,633,1371,373,190,2,189,21500,200,21400,7280,190,5.2,10,10,16.1,3050,9,999999999,190,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,9.4,67,99300,430,1371,342,221,319,119,23300,29300,14100,2380,180,4.1,6,6,16.1,7620,9,999999999,190,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,9.4,67,99300,192,1371,360,37,23,33,4000,1600,3800,860,170,3.1,9,9,16.1,1220,9,999999999,190,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,7.8,60,99200,9,400,368,2,0,2,0,0,0,0,170,4.1,10,10,16.1,1160,9,999999999,170,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,7.2,56,99200,0,0,370,0,0,0,0,0,0,0,160,5.7,10,10,16.1,880,9,999999999,170,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,7.2,56,99200,0,0,370,0,0,0,0,0,0,0,180,6.2,10,10,16.1,880,9,999999999,170,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,7.8,60,99200,0,0,368,0,0,0,0,0,0,0,180,6.2,10,10,19.3,1010,9,999999999,170,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,8.3,67,99200,0,0,352,0,0,0,0,0,0,0,190,4.1,10,9,19.3,2440,9,999999999,180,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,8.3,67,99100,0,0,362,0,0,0,0,0,0,0,170,4.1,10,10,19.3,1010,9,999999999,180,0.0990,0,88,999.000,999.0,99.0 +1978,10,10,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,8.3,67,99100,0,0,362,0,0,0,0,0,0,0,190,5.7,10,10,19.3,1680,9,999999999,180,0.0990,0,88,999.000,999.0,99.0 +1978,10,11,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,8.3,69,99000,0,0,360,0,0,0,0,0,0,0,160,5.7,10,10,19.3,1830,9,999999999,170,0.0990,0,88,999.000,999.0,99.0 +1978,10,11,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.0,86,99000,0,0,353,0,0,0,0,0,0,0,160,4.1,10,10,11.3,1680,9,999999999,190,0.0990,0,88,999.000,999.0,99.0 +1978,10,11,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.6,90,98900,0,0,354,0,0,0,0,0,0,0,140,3.6,10,10,8.0,1680,9,999999999,200,0.0990,0,88,999.000,999.0,99.0 +1978,10,11,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,9.4,90,98900,0,0,322,0,0,0,0,0,0,0,150,3.1,6,6,9.7,1680,9,999999999,190,0.0990,0,88,999.000,999.0,99.0 +1978,10,11,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,10.0,83,98800,0,0,356,0,0,0,0,0,0,0,160,3.6,10,10,8.0,1010,9,999999999,190,0.0990,0,88,999.000,999.0,99.0 +1978,10,11,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,10.0,80,98800,0,0,359,0,0,0,0,0,0,0,160,4.1,10,10,8.0,1010,9,999999999,190,0.0990,0,88,999.000,999.0,99.0 +1978,10,11,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,10.0,80,98800,118,1360,359,33,2,33,3700,0,3700,1060,170,5.2,10,10,8.0,760,9,999999999,190,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,10.6,80,98700,361,1372,363,79,3,78,9000,100,8900,2930,170,5.2,10,10,8.0,880,9,999999999,200,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,11.1,75,98700,575,1372,339,323,373,163,34200,37300,18500,3450,180,5.2,4,4,9.7,77777,9,999999999,209,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,11.1,70,98600,743,1372,347,475,533,181,49900,54000,20600,3980,170,5.7,5,5,9.7,77777,9,999999999,209,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,10.6,72,98600,852,1372,371,225,11,218,26100,900,25600,9560,200,4.1,10,10,9.7,460,9,999999999,200,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,11.1,75,98500,896,1372,372,251,2,250,29100,200,29000,10850,230,4.1,10,10,9.7,580,9,999999999,209,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,11.7,75,98300,871,1372,375,264,3,261,30200,300,30100,10990,190,5.2,10,10,9.7,700,9,999999999,209,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,12.2,75,98300,779,1372,379,213,2,212,24500,200,24400,8910,190,4.6,10,10,9.7,760,9,999999999,220,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,11.7,73,98200,626,1372,378,181,0,181,20500,0,20500,7030,200,6.2,10,10,9.7,760,9,999999999,209,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,11.7,73,98200,423,1372,360,156,107,122,16900,9800,13800,2740,190,5.2,10,8,9.7,1520,9,999999999,209,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,10.6,70,98100,185,1372,350,61,52,54,6600,3400,6200,1140,200,6.2,8,7,9.7,3050,9,999999999,200,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,10.6,72,98100,8,354,371,4,0,4,0,0,0,0,220,5.2,10,10,9.7,640,9,999999999,200,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,11.1,78,98100,0,0,369,0,0,0,0,0,0,0,200,5.2,10,10,9.7,700,9,999999999,209,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,11.1,78,98100,0,0,369,0,0,0,0,0,0,0,200,5.7,10,10,9.7,3050,9,999999999,209,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,11.1,78,98100,0,0,369,0,0,0,0,0,0,0,200,5.2,10,10,9.7,3050,9,999999999,209,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,11.1,83,98100,0,0,333,0,0,0,0,0,0,0,210,6.2,6,5,9.7,3050,9,999999999,200,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,11.1,83,98100,0,0,331,0,0,0,0,0,0,0,210,8.2,4,4,8.0,77777,9,999999999,200,0.1210,0,88,999.000,999.0,99.0 +1978,10,11,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,11.7,84,98100,0,0,366,0,0,0,0,0,0,0,220,6.7,10,10,8.0,3050,9,999999999,209,0.1210,0,88,999.000,999.0,99.0 +1978,10,12,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,11.7,84,98200,0,0,349,0,0,0,0,0,0,0,220,5.2,8,8,8.0,3050,9,999999999,209,0.1210,0,88,999.000,999.0,99.0 +1978,10,12,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,11.7,87,98200,0,0,346,0,0,0,0,0,0,0,240,5.2,8,8,8.0,3050,9,999999999,209,0.1210,0,88,999.000,999.0,99.0 +1978,10,12,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,10.6,83,98200,0,0,325,0,0,0,0,0,0,0,240,4.1,3,3,8.0,77777,9,999999999,200,0.1210,0,88,999.000,999.0,99.0 +1978,10,12,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,9.4,93,98300,0,0,299,0,0,0,0,0,0,0,240,3.6,0,0,11.3,77777,9,999999999,190,0.1210,0,88,999.000,999.0,99.0 +1978,10,12,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,8.3,93,98300,0,0,293,0,0,0,0,0,0,0,250,2.6,0,0,11.3,77777,9,999999999,170,0.1210,0,88,999.000,999.0,99.0 +1978,10,12,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,8.3,89,98400,0,0,315,0,0,0,0,0,0,0,250,3.1,7,6,11.3,2740,9,999999999,170,0.1210,0,88,999.000,999.0,99.0 +1978,10,12,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,8.3,86,98500,114,1338,327,36,9,35,3900,0,3900,1090,270,2.6,9,8,11.3,2740,9,999999999,170,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,9.4,86,98600,356,1373,333,147,96,121,15700,8300,13500,2660,230,3.1,9,8,11.3,2740,9,999999999,190,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,7.8,65,98700,570,1373,344,261,137,203,28000,13500,22400,4800,260,3.1,9,8,11.3,2740,9,999999999,170,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,5.6,52,98800,737,1373,355,277,59,245,30400,5900,27200,7440,260,4.6,10,9,11.3,2740,9,999999999,150,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,4.4,45,98800,846,1373,351,447,255,287,47500,27100,30700,7450,290,5.7,10,8,19.3,2740,9,999999999,140,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,3.3,41,98800,889,1373,345,451,260,280,48400,27800,30300,7450,280,6.2,9,7,24.1,2740,9,999999999,130,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,4.4,50,98800,864,1373,360,300,12,293,34200,1100,33500,11780,270,4.6,10,10,24.1,2740,9,999999999,140,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,7.8,72,98800,772,1373,354,109,6,106,13300,400,13000,5100,230,3.1,10,10,24.1,1400,9,999999999,170,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,7.8,72,98800,619,1373,354,134,3,133,15600,200,15500,5600,230,3.1,10,10,24.1,1400,9,999999999,170,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,7.8,69,98900,416,1373,356,60,7,57,7000,300,6900,2400,220,3.1,10,10,24.1,2740,9,999999999,170,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,7.8,77,98900,178,1373,348,20,3,20,2400,0,2400,780,240,3.1,10,10,19.3,2440,9,999999999,170,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,7.2,74,99000,6,309,348,3,0,3,0,0,0,0,240,3.1,10,10,19.3,2440,9,999999999,160,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,7.2,77,99000,0,0,345,0,0,0,0,0,0,0,210,2.6,10,10,19.3,2130,9,999999999,160,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,7.2,74,99100,0,0,348,0,0,0,0,0,0,0,240,3.1,10,10,19.3,1400,9,999999999,160,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,7.8,80,99100,0,0,345,0,0,0,0,0,0,0,260,3.1,10,10,24.1,1400,9,999999999,170,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,7.8,86,99100,0,0,315,0,0,0,0,0,0,0,250,2.1,7,6,24.1,2440,9,999999999,170,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,6.1,86,99200,0,0,298,0,0,0,0,0,0,0,260,3.1,4,3,24.1,77777,9,999999999,150,0.0820,0,88,999.000,999.0,99.0 +1978,10,12,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,5.6,86,99200,0,0,296,0,0,0,0,0,0,0,290,3.6,3,3,24.1,77777,9,999999999,150,0.0820,0,88,999.000,999.0,99.0 +1978,10,13,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,5.6,86,99300,0,0,296,0,0,0,0,0,0,0,300,2.6,4,3,24.1,77777,9,999999999,150,0.0820,0,88,999.000,999.0,99.0 +1978,10,13,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,5.0,89,99300,0,0,298,0,0,0,0,0,0,0,280,2.6,6,6,24.1,3050,9,999999999,140,0.0820,0,88,999.000,999.0,99.0 +1978,10,13,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,4.4,89,99300,0,0,281,0,0,0,0,0,0,0,280,3.1,3,1,24.1,77777,9,999999999,140,0.0820,0,88,999.000,999.0,99.0 +1978,10,13,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,3.9,93,99400,0,0,271,0,0,0,0,0,0,0,270,3.6,0,0,24.1,77777,9,999999999,140,0.0820,0,88,999.000,999.0,99.0 +1978,10,13,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,2.8,89,99400,0,0,267,0,0,0,0,0,0,0,280,3.6,0,0,24.1,77777,9,999999999,130,0.0820,0,88,999.000,999.0,99.0 +1978,10,13,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,2.2,89,99400,0,0,270,0,0,0,0,0,0,0,270,3.1,1,1,19.3,77777,9,999999999,120,0.0820,0,88,999.000,999.0,99.0 +1978,10,13,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,3.3,86,99500,109,1293,278,47,242,24,4600,12800,3500,430,280,3.6,1,1,24.1,77777,9,999999999,130,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,5.6,77,99500,351,1373,290,210,611,49,21100,52200,7700,950,300,3.1,1,0,24.1,77777,9,999999999,150,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,5.0,64,99500,564,1373,299,384,755,67,39700,72200,9900,1410,340,3.1,1,0,24.1,77777,9,999999999,150,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,3.9,48,99500,731,1373,318,511,753,102,52300,74000,12800,2140,320,4.6,2,1,24.1,77777,9,999999999,140,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,0.6,36,99500,840,1373,321,568,659,159,59000,66100,18500,3790,310,2.6,3,2,24.1,77777,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,0.6,36,99500,883,1373,327,580,600,189,59900,60000,21200,4640,340,5.2,5,4,24.1,77777,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,0.0,32,99500,858,1373,329,476,463,182,51000,47700,21100,4400,340,5.2,4,3,24.1,77777,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,1.1,36,99500,765,1373,332,424,379,210,45600,40000,23300,4910,330,3.6,6,5,24.1,3050,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,1.1,39,99500,612,1373,325,379,521,142,39700,51200,16800,2850,60,3.6,4,4,24.1,77777,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,0.6,42,99500,409,1373,317,188,342,84,19800,30200,10800,1540,40,3.6,4,4,24.1,77777,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,1.1,47,99500,171,1373,317,56,65,47,6000,4000,5500,990,60,5.2,8,6,24.1,1520,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,2.2,53,99500,5,286,320,4,3,3,0,0,0,0,20,3.1,9,7,24.1,1520,9,999999999,120,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,2.2,61,99600,0,0,315,0,0,0,0,0,0,0,350,2.6,10,8,24.1,7620,9,999999999,120,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,3.3,64,99600,0,0,319,0,0,0,0,0,0,0,340,4.1,8,8,24.1,1370,9,999999999,130,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,3.3,68,99600,0,0,321,0,0,0,0,0,0,0,360,6.2,9,9,24.1,2440,9,999999999,130,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,3.9,69,99600,0,0,333,0,0,0,0,0,0,0,340,4.1,10,10,24.1,1010,9,999999999,140,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,2.8,68,99600,0,0,326,0,0,0,0,0,0,0,350,6.2,10,10,24.1,1400,9,999999999,130,0.0740,0,88,999.000,999.0,99.0 +1978,10,13,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,1.7,66,99600,0,0,323,0,0,0,0,0,0,0,340,7.2,10,10,24.1,1160,9,999999999,120,0.0740,0,88,999.000,999.0,99.0 +1978,10,14,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,0.6,61,99600,0,0,321,0,0,0,0,0,0,0,320,7.7,10,10,24.1,1010,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1978,10,14,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,0.6,63,99600,0,0,310,0,0,0,0,0,0,0,320,7.2,10,9,24.1,1010,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1978,10,14,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,0.0,73,99600,0,0,276,0,0,0,0,0,0,0,300,4.1,3,3,24.1,77777,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1978,10,14,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,0.0,76,99600,0,0,263,0,0,0,0,0,0,0,310,5.2,0,0,24.1,77777,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1978,10,14,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,0.6,82,99600,0,0,261,0,0,0,0,0,0,0,300,5.2,0,0,24.1,77777,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1978,10,14,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,0.6,85,99700,0,0,268,0,0,0,0,0,0,0,300,3.1,2,2,24.1,77777,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1978,10,14,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,1.1,89,99700,104,1271,268,45,168,29,4500,7900,3800,520,300,4.1,3,2,24.1,77777,9,999999999,110,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,2.2,79,99700,346,1374,280,179,443,64,18100,36900,8800,1170,320,6.7,3,2,24.1,77777,9,999999999,120,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,2.2,68,99700,559,1374,299,224,269,112,24300,26800,13300,2210,340,8.2,7,6,24.1,640,9,999999999,120,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,1.1,59,99800,726,1374,303,289,130,219,31500,13400,24400,5570,320,7.2,6,6,24.1,640,9,999999999,120,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,-1.7,48,99800,834,1374,300,424,317,228,45700,33800,25200,5620,330,7.7,7,6,24.1,2740,9,999999999,100,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,-1.1,46,99700,877,1374,309,493,378,248,53200,40500,27300,6390,340,6.2,8,7,24.1,2740,9,999999999,100,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,-1.1,46,99700,851,1374,314,386,138,299,41800,14500,32900,8240,310,6.2,8,8,24.1,2740,9,999999999,100,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,-1.7,46,99700,758,1374,299,461,464,202,48200,47100,22200,4530,330,6.7,7,5,24.1,2740,9,999999999,100,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,-1.7,44,99700,605,1374,313,266,208,173,29000,20900,19700,4150,310,6.2,8,8,24.1,1220,9,999999999,100,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,-1.7,44,99700,402,1374,313,191,266,111,20000,23800,13100,2200,350,6.2,8,8,24.1,1160,9,999999999,100,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,-2.2,46,99700,164,1374,303,60,71,51,6400,4300,5900,1070,330,5.7,7,7,24.1,1160,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,-2.2,53,99700,4,241,288,2,5,2,0,0,0,0,290,3.1,5,5,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,-2.8,58,99700,0,0,264,0,0,0,0,0,0,0,300,3.1,0,0,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-2.2,70,99700,0,0,257,0,0,0,0,0,0,0,290,2.1,0,0,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-2.8,73,99700,0,0,252,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-2.8,73,99700,0,0,252,0,0,0,0,0,0,0,270,2.6,0,0,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-2.8,76,99700,0,0,255,0,0,0,0,0,0,0,270,1.5,3,1,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1978,10,14,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-2.2,82,99600,0,0,253,0,0,0,0,0,0,0,180,2.1,3,1,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1978,10,15,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-2.2,82,99500,0,0,257,0,0,0,0,0,0,0,230,2.1,4,2,24.1,77777,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1978,10,15,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,99500,0,0,274,0,0,0,0,0,0,0,230,2.6,8,7,24.1,3050,9,999999999,100,0.0810,0,88,999.000,999.0,99.0 +1978,10,15,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-1.1,76,99400,0,0,297,0,0,0,0,0,0,0,210,2.6,10,10,24.1,1680,9,999999999,100,0.0810,0,88,999.000,999.0,99.0 +1978,10,15,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,-1.1,70,99300,0,0,302,0,0,0,0,0,0,0,200,2.6,10,10,24.1,1680,9,999999999,100,0.0810,0,88,999.000,999.0,99.0 +1978,10,15,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,0.0,76,99300,0,0,303,0,0,0,0,0,0,0,200,5.2,10,10,16.1,1400,9,999999999,110,0.0810,0,88,999.000,999.0,99.0 +1978,10,15,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,1.1,79,99200,0,0,307,0,0,0,0,0,0,0,190,3.6,10,10,14.5,1010,9,999999999,110,0.0810,0,88,999.000,999.0,99.0 +1978,10,15,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,1.7,82,99200,100,1249,307,17,3,16,1900,0,1900,590,190,5.7,10,10,12.9,700,9,999999999,120,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,3.3,83,99100,340,1375,317,82,12,79,9300,500,9100,2880,180,4.6,10,10,14.5,700,9,999999999,130,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,2.8,74,99000,553,1375,321,96,7,93,11300,400,11100,4010,190,5.2,10,10,14.5,2740,9,999999999,130,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,3.3,77,98900,720,1375,322,134,2,133,15800,100,15800,6000,180,5.2,10,10,11.3,700,9,999999999,130,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,4.4,86,98800,828,1375,321,152,2,151,18100,100,18000,7070,170,7.2,10,10,12.9,760,9,999999999,140,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,3.9,80,98500,871,1375,322,278,6,275,31900,500,31600,11360,160,6.2,10,10,14.5,1160,9,999999999,130,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,4.4,74,98400,845,1375,331,151,3,149,18000,200,17900,7050,170,6.2,10,10,14.5,1010,9,999999999,140,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,3.9,66,98300,752,1375,336,226,3,224,25700,300,25600,9050,210,4.6,10,10,14.5,1010,9,999999999,130,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,4.4,66,98300,598,1375,339,202,1,201,22500,100,22500,7270,180,3.1,10,10,24.1,1160,9,999999999,140,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,5.0,69,98300,395,1375,340,124,1,123,13600,100,13600,4160,230,1.5,10,10,24.1,2290,9,999999999,140,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,5.0,74,98400,158,1375,318,39,29,35,4200,2000,4000,860,270,3.1,8,8,24.1,2440,9,999999999,140,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,3.9,71,98500,3,218,321,1,1,1,0,0,0,0,290,3.1,9,9,24.1,2440,9,999999999,130,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,3.9,77,98600,0,0,325,0,0,0,0,0,0,0,270,4.1,10,10,24.1,1370,9,999999999,130,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,4.4,80,98700,0,0,326,0,0,0,0,0,0,0,310,5.2,10,10,19.3,580,9,999999999,140,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,3.3,77,98800,0,0,322,0,0,0,0,0,0,0,330,8.8,10,10,24.1,640,9,999999999,130,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,2.8,79,98800,0,0,308,0,0,0,0,0,0,0,310,6.2,9,9,24.1,760,9,999999999,130,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,3.3,80,98800,0,0,311,0,0,0,0,0,0,0,300,6.7,10,9,24.1,400,9,999999999,130,0.0730,0,88,999.000,999.0,99.0 +1978,10,15,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,3.3,77,98900,0,0,322,0,0,0,0,0,0,0,300,7.7,10,10,24.1,400,9,999999999,130,0.0730,0,88,999.000,999.0,99.0 +1978,10,16,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,3.9,80,98900,0,0,322,0,0,0,0,0,0,0,320,10.3,10,10,24.1,340,9,999999999,130,0.0730,0,88,999.000,999.0,99.0 +1978,10,16,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,3.9,83,99000,0,0,311,0,0,0,0,0,0,0,330,7.7,9,9,24.1,340,9,999999999,140,0.0730,0,88,999.000,999.0,99.0 +1978,10,16,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,3.9,86,99000,0,0,317,0,0,0,0,0,0,0,340,7.2,10,10,24.1,340,9,999999999,130,0.0730,0,88,999.000,999.0,99.0 +1978,10,16,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,4.4,89,99100,0,0,318,0,0,0,0,0,0,0,330,8.8,10,10,11.3,490,9,999999999,140,0.0730,0,88,999.000,999.0,99.0 +1978,10,16,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,4.4,86,99200,0,0,321,0,0,0,0,0,0,0,320,9.3,10,10,24.1,340,9,999999999,140,0.0730,0,88,999.000,999.0,99.0 +1978,10,16,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,4.4,89,99300,0,0,318,0,0,0,0,0,0,0,330,9.3,10,10,11.3,210,9,999999999,140,0.0730,0,88,999.000,999.0,99.0 +1978,10,16,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,4.4,86,99400,96,1227,312,14,7,14,1600,400,1600,370,330,8.8,10,9,12.9,180,9,999999999,140,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,5.0,89,99600,335,1376,321,70,9,68,8000,400,7900,2560,20,5.2,10,10,12.9,460,9,999999999,140,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,4.4,83,99700,548,1376,323,71,6,69,8600,300,8400,3100,30,6.2,10,10,6.4,240,9,999999999,140,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,6.7,86,99900,714,1376,318,357,147,279,38200,15000,30400,7050,20,8.2,9,8,24.1,610,9,999999999,160,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,5.6,69,99900,822,1376,326,239,109,173,26700,11500,19800,4660,30,7.7,8,8,24.1,580,9,999999999,150,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,4.4,59,100000,864,1376,330,376,157,276,41000,16500,30600,7680,40,8.2,8,8,24.1,910,9,999999999,140,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,3.3,57,100000,838,1376,326,387,181,275,42100,19000,30500,7500,20,8.8,8,8,24.1,910,9,999999999,130,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,2.2,53,100100,745,1376,316,560,708,171,57100,69400,19400,3600,30,7.7,6,6,24.1,910,9,999999999,120,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,2.2,59,100200,591,1376,306,339,433,150,35300,42200,17100,3010,20,5.7,5,5,24.1,77777,9,999999999,120,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,1.7,57,100200,388,1376,303,188,196,132,20200,17400,15200,2930,30,6.2,4,4,24.1,77777,9,999999999,120,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,1.7,59,100200,151,1376,296,59,201,36,6000,10900,4800,650,20,5.7,2,2,24.1,77777,9,999999999,120,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,1.7,73,100300,2,172,273,2,4,2,0,0,0,0,20,3.1,0,0,24.1,77777,9,999999999,120,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,1.1,71,100300,0,0,272,0,0,0,0,0,0,0,360,2.1,0,0,24.1,77777,9,999999999,120,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,0.6,76,100400,0,0,265,0,0,0,0,0,0,0,320,3.1,0,0,24.1,77777,9,999999999,110,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,0.6,85,100400,0,0,259,0,0,0,0,0,0,0,300,2.1,0,0,24.1,77777,9,999999999,110,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.0,85,100500,0,0,256,0,0,0,0,0,0,0,300,2.1,0,0,24.1,77777,9,999999999,110,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,1.1,89,100500,0,0,260,0,0,0,0,0,0,0,300,1.5,0,0,24.1,77777,9,999999999,120,0.0940,0,88,999.000,999.0,99.0 +1978,10,16,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.0,89,100500,0,0,255,0,0,0,0,0,0,0,270,1.5,0,0,24.1,77777,9,999999999,110,0.0940,0,88,999.000,999.0,99.0 +1978,10,17,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,0.6,82,100500,0,0,261,0,0,0,0,0,0,0,240,1.5,0,0,24.1,77777,9,999999999,110,0.0940,0,88,999.000,999.0,99.0 +1978,10,17,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-0.6,89,100500,0,0,252,0,0,0,0,0,0,0,210,1.5,0,0,24.1,77777,9,999999999,100,0.0940,0,88,999.000,999.0,99.0 +1978,10,17,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,100500,0,0,247,0,0,0,0,0,0,0,200,2.1,0,0,24.1,77777,9,999999999,100,0.0940,0,88,999.000,999.0,99.0 +1978,10,17,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-0.6,89,100500,0,0,252,0,0,0,0,0,0,0,190,3.6,0,0,24.1,77777,9,999999999,100,0.0940,0,88,999.000,999.0,99.0 +1978,10,17,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.1,85,100600,0,0,251,0,0,0,0,0,0,0,180,2.6,0,0,24.1,77777,9,999999999,100,0.0940,0,88,999.000,999.0,99.0 +1978,10,17,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,100600,0,0,254,0,0,0,0,0,0,0,180,3.1,0,0,19.3,77777,9,999999999,100,0.0940,0,88,999.000,999.0,99.0 +1978,10,17,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-0.6,82,100600,91,1205,256,37,60,31,3900,2900,3700,640,180,3.1,4,0,16.1,77777,9,999999999,100,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,2.2,76,100600,330,1377,273,170,392,72,17500,31900,9800,1310,190,3.6,1,0,16.1,77777,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,2.8,66,100600,542,1377,285,338,580,105,34500,54500,13000,2020,170,3.6,1,0,16.1,77777,9,999999999,130,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,2.2,55,100500,708,1377,299,459,596,146,47000,58400,16800,3050,170,5.2,3,1,16.1,77777,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,2.2,49,100500,816,1377,311,561,576,214,58800,58900,23700,5040,180,5.2,5,2,16.1,77777,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,1.7,47,100300,858,1377,313,515,456,227,54100,46900,24800,5590,170,6.2,7,3,19.3,77777,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,2.2,47,100300,831,1377,316,557,541,225,58200,55400,24600,5400,180,5.2,7,3,19.3,77777,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,2.2,46,100200,738,1377,319,429,409,206,44500,41300,22300,4570,210,6.2,7,3,19.3,77777,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,1.7,47,100100,585,1377,346,81,4,79,9700,200,9600,3560,170,7.2,10,10,19.3,3660,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,1.7,44,100000,381,1377,335,70,13,66,8100,600,7900,2630,180,5.7,9,8,24.1,3660,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,1.7,47,100000,144,1377,325,41,23,39,4500,1500,4400,920,180,4.1,8,7,24.1,2740,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,2.2,51,99900,1,126,344,0,0,0,0,0,0,0,150,4.1,10,10,24.1,1830,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,2.2,49,99900,0,0,347,0,0,0,0,0,0,0,160,5.2,10,10,24.1,1830,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,2.2,51,99800,0,0,344,0,0,0,0,0,0,0,170,6.2,10,10,24.1,1830,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,2.2,51,99800,0,0,344,0,0,0,0,0,0,0,180,5.2,10,10,24.1,2130,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,2.2,53,99900,0,0,320,0,0,0,0,0,0,0,210,4.1,7,7,24.1,2440,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,2.2,59,99900,0,0,313,0,0,0,0,0,0,0,200,4.1,7,7,24.1,2440,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,17,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,2.2,63,99900,0,0,308,0,0,0,0,0,0,0,190,4.1,7,7,24.1,2440,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,18,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,2.2,66,99900,0,0,297,0,0,0,0,0,0,0,210,4.1,8,4,24.1,77777,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,18,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,2.2,63,99800,0,0,297,0,0,0,0,0,0,0,200,5.2,8,3,24.1,77777,9,999999999,120,0.1790,0,88,999.000,999.0,99.0 +1978,10,18,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,2.8,71,99800,0,0,293,0,0,0,0,0,0,0,180,3.6,7,3,24.1,77777,9,999999999,130,0.1790,0,88,999.000,999.0,99.0 +1978,10,18,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,2.8,74,99800,0,0,290,0,0,0,0,0,0,0,180,3.1,7,3,24.1,77777,9,999999999,130,0.1790,0,88,999.000,999.0,99.0 +1978,10,18,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,2.8,76,99800,0,0,282,0,0,0,0,0,0,0,210,2.6,3,1,24.1,77777,9,999999999,130,0.1790,0,88,999.000,999.0,99.0 +1978,10,18,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,2.8,71,99800,0,0,286,0,0,0,0,0,0,0,200,5.7,6,1,24.1,77777,9,999999999,130,0.1790,0,88,999.000,999.0,99.0 +1978,10,18,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,3.3,71,99800,87,1182,303,27,19,25,2900,1100,2800,600,210,4.6,10,6,11.3,3050,9,999999999,130,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,3.9,69,99800,325,1377,308,123,88,101,13200,7300,11400,2200,190,4.1,10,6,12.9,3660,9,999999999,140,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,3.9,61,99800,537,1377,311,288,371,139,29600,35300,15800,2730,230,5.7,10,4,12.9,77777,9,999999999,130,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,4.4,57,99800,702,1377,313,461,586,156,48700,59000,18500,3290,230,5.2,7,2,11.3,77777,9,999999999,140,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,5.6,54,99700,810,1377,345,352,175,247,38400,18300,27600,6600,220,3.6,10,8,12.9,3660,9,999999999,150,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,5.6,55,99700,852,1377,359,210,11,203,24500,900,24000,9050,230,3.1,10,10,16.1,3660,9,999999999,150,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,6.1,62,99700,825,1377,354,235,3,234,27100,300,27000,9850,250,2.6,10,10,14.5,3660,9,999999999,150,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,7.2,67,99700,731,1377,355,182,6,178,21000,500,20700,7570,230,2.6,10,10,14.5,3660,9,999999999,170,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,7.2,60,99600,578,1377,346,252,100,210,27600,9800,23500,5670,200,3.1,8,8,14.5,3660,9,999999999,170,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,7.2,64,99600,374,1377,358,60,0,60,7000,0,7000,2420,240,3.6,10,10,14.5,3050,9,999999999,160,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,7.8,75,99700,137,1377,322,47,129,34,5000,6200,4300,620,240,3.1,5,5,14.5,77777,9,999999999,170,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,6.7,86,99700,1,103,295,0,1,0,0,0,0,0,240,3.6,1,1,11.3,77777,9,999999999,160,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,6.7,86,99700,0,0,289,0,0,0,0,0,0,0,240,3.6,0,0,11.3,77777,9,999999999,160,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,6.1,89,99700,0,0,284,0,0,0,0,0,0,0,270,2.6,0,0,11.3,77777,9,999999999,150,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,4.4,83,99700,0,0,280,0,0,0,0,0,0,0,320,3.1,0,0,9.7,77777,9,999999999,140,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,3.9,93,99700,0,0,271,0,0,0,0,0,0,0,250,2.6,0,0,9.7,77777,9,999999999,140,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,3.3,93,99700,0,0,268,0,0,0,0,0,0,0,250,2.1,0,0,9.7,77777,9,999999999,130,0.1200,0,88,999.000,999.0,99.0 +1978,10,18,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,2.8,89,99600,0,0,267,0,0,0,0,0,0,0,240,3.1,0,0,9.7,77777,9,999999999,130,0.1200,0,88,999.000,999.0,99.0 +1978,10,19,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,3.3,93,99600,0,0,268,0,0,0,0,0,0,0,280,3.6,0,0,9.7,77777,9,999999999,130,0.1200,0,88,999.000,999.0,99.0 +1978,10,19,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,2.8,89,99600,0,0,267,0,0,0,0,0,0,0,290,3.6,0,0,12.9,77777,9,999999999,130,0.1200,0,88,999.000,999.0,99.0 +1978,10,19,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,2.2,86,99600,0,0,267,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,120,0.1200,0,88,999.000,999.0,99.0 +1978,10,19,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,1.7,86,99600,0,0,264,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,120,0.1200,0,88,999.000,999.0,99.0 +1978,10,19,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,1.7,89,99500,0,0,262,0,0,0,0,0,0,0,240,3.6,0,0,24.1,77777,9,999999999,120,0.1200,0,88,999.000,999.0,99.0 +1978,10,19,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,1.1,89,99600,0,0,281,0,0,0,0,0,0,0,250,3.1,7,7,24.1,3660,9,999999999,110,0.1200,0,88,999.000,999.0,99.0 +1978,10,19,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,1.7,86,99600,83,1160,286,24,18,22,2600,1100,2500,540,260,4.1,8,7,16.1,3660,9,999999999,120,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,2.2,79,99600,319,1378,294,127,191,82,13400,15500,9800,1570,260,4.6,8,7,16.1,3660,9,999999999,120,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,2.8,68,99500,531,1378,295,285,357,144,30100,35000,16600,2970,270,4.1,8,3,16.1,77777,9,999999999,130,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,1.7,57,99500,697,1378,301,437,516,172,45800,51800,19500,3650,250,6.2,8,3,19.3,77777,9,999999999,120,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,0.6,47,99400,804,1378,307,511,511,208,53600,52200,23000,4830,240,5.2,8,3,24.1,77777,9,999999999,110,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,0.6,40,99300,845,1378,319,583,573,225,61000,58800,24800,5460,240,5.2,9,4,24.1,77777,9,999999999,110,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,1.7,42,99200,818,1378,323,466,434,204,49100,44400,22600,4790,250,6.2,9,4,24.1,77777,9,999999999,120,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,1.7,41,99000,725,1378,325,442,493,179,46400,49700,20200,3880,230,8.8,9,4,24.1,77777,9,999999999,120,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,2.2,41,99000,571,1378,329,286,247,182,30100,24600,19900,3950,240,8.2,9,4,24.1,77777,9,999999999,120,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,2.2,41,99000,368,1378,329,164,245,97,17300,21100,11600,1890,240,6.2,9,4,24.1,77777,9,999999999,120,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,2.8,46,99000,131,1378,324,33,38,30,3700,2100,3500,620,250,4.6,9,4,24.1,77777,9,999999999,130,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,2.8,53,99100,0,57,304,0,0,0,0,0,0,0,230,3.6,3,1,24.1,77777,9,999999999,130,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,3.3,59,99100,0,0,295,0,0,0,0,0,0,0,230,4.1,2,0,24.1,77777,9,999999999,130,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,3.3,59,99100,0,0,304,0,0,0,0,0,0,0,240,4.1,6,2,24.1,77777,9,999999999,130,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,3.3,64,99100,0,0,290,0,0,0,0,0,0,0,240,4.1,0,0,24.1,77777,9,999999999,130,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,3.3,68,99200,0,0,286,0,0,0,0,0,0,0,250,4.1,1,0,24.1,77777,9,999999999,130,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,3.3,77,99200,0,0,279,0,0,0,0,0,0,0,330,2.1,0,0,24.1,77777,9,999999999,130,0.1280,0,88,999.000,999.0,99.0 +1978,10,19,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,2.8,79,99200,0,0,274,0,0,0,0,0,0,0,260,1.5,0,0,24.1,77777,9,999999999,130,0.1280,0,88,999.000,999.0,99.0 +1978,10,20,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,2.8,83,99200,0,0,272,0,0,0,0,0,0,0,280,1.5,0,0,24.1,77777,9,999999999,130,0.1280,0,88,999.000,999.0,99.0 +1978,10,20,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,2.8,86,99200,0,0,270,0,0,0,0,0,0,0,260,1.5,0,0,24.1,77777,9,999999999,130,0.1280,0,88,999.000,999.0,99.0 +1978,10,20,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,2.8,86,99200,0,0,270,0,0,0,0,0,0,0,260,1.5,0,0,24.1,77777,9,999999999,130,0.1280,0,88,999.000,999.0,99.0 +1978,10,20,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,2.2,86,99200,0,0,267,0,0,0,0,0,0,0,270,1.5,0,0,24.1,77777,9,999999999,120,0.1280,0,88,999.000,999.0,99.0 +1978,10,20,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,1.1,86,99200,0,0,262,0,0,0,0,0,0,0,270,2.1,0,0,24.1,77777,9,999999999,110,0.1280,0,88,999.000,999.0,99.0 +1978,10,20,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.6,89,99200,0,0,257,0,0,0,0,0,0,0,220,2.6,0,0,24.1,77777,9,999999999,110,0.1280,0,88,999.000,999.0,99.0 +1978,10,20,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,2.2,89,99300,79,1115,265,35,97,25,3400,3800,3100,450,230,2.6,1,0,19.3,77777,9,999999999,120,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,7.2,83,99300,314,1379,294,168,462,58,16800,37100,8300,1050,0,0.0,0,0,16.1,77777,9,999999999,160,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,7.8,62,99300,526,1379,316,337,650,83,34700,61300,11300,1640,160,3.1,0,0,12.9,77777,9,999999999,170,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,10.0,65,99200,691,1379,326,475,732,102,49800,72600,13300,2220,180,4.1,0,0,16.1,77777,9,999999999,200,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,7.8,50,99200,798,1379,331,576,787,113,59100,77800,13900,2450,220,4.6,0,0,19.3,77777,9,999999999,170,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,8.3,47,99100,839,1379,339,610,797,117,62800,79200,14400,2640,220,3.6,0,0,19.3,77777,9,999999999,180,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,9.4,47,99100,812,1379,345,584,786,114,60000,77900,14000,2510,200,5.7,0,0,24.1,77777,9,999999999,190,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,8.9,43,99000,718,1379,350,502,752,105,52800,75000,13600,2330,220,4.6,0,0,24.1,77777,9,999999999,180,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,7.2,37,99000,564,1379,351,367,673,87,38200,64500,11700,1750,220,4.1,0,0,24.1,77777,9,999999999,170,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,7.2,39,99000,361,1379,346,201,513,63,20400,43400,9000,1170,200,4.1,0,0,24.1,77777,9,999999999,160,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,6.7,48,98900,125,1379,327,48,172,31,4800,8300,4100,560,190,3.6,0,0,24.1,77777,9,999999999,160,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,6.1,54,98900,0,34,317,0,0,0,0,0,0,0,180,3.6,0,0,24.1,77777,9,999999999,160,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,6.1,62,98900,0,0,307,0,0,0,0,0,0,0,180,3.1,0,0,24.1,77777,9,999999999,150,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,6.7,62,98900,0,0,310,0,0,0,0,0,0,0,180,3.6,0,0,24.1,77777,9,999999999,160,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,6.7,62,98800,0,0,310,0,0,0,0,0,0,0,200,3.6,0,0,24.1,77777,9,999999999,160,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,6.7,60,98800,0,0,312,0,0,0,0,0,0,0,220,4.6,0,0,24.1,77777,9,999999999,160,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,6.1,54,98900,0,0,317,0,0,0,0,0,0,0,220,5.7,0,0,24.1,77777,9,999999999,150,0.1290,0,88,999.000,999.0,99.0 +1978,10,20,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,6.1,56,98800,0,0,314,0,0,0,0,0,0,0,220,3.6,0,0,24.1,77777,9,999999999,150,0.1290,0,88,999.000,999.0,99.0 +1978,10,21,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,6.1,60,98800,0,0,309,0,0,0,0,0,0,0,210,5.2,0,0,24.1,77777,9,999999999,150,0.1290,0,88,999.000,999.0,99.0 +1978,10,21,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,6.1,64,98900,0,0,305,0,0,0,0,0,0,0,200,4.6,0,0,24.1,77777,9,999999999,150,0.1290,0,88,999.000,999.0,99.0 +1978,10,21,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,6.1,64,98800,0,0,305,0,0,0,0,0,0,0,200,5.7,0,0,24.1,77777,9,999999999,150,0.1290,0,88,999.000,999.0,99.0 +1978,10,21,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,5.6,64,98700,0,0,302,0,0,0,0,0,0,0,200,4.6,0,0,24.1,77777,9,999999999,150,0.1290,0,88,999.000,999.0,99.0 +1978,10,21,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,5.6,64,98800,0,0,302,0,0,0,0,0,0,0,210,5.7,0,0,24.1,77777,9,999999999,150,0.1290,0,88,999.000,999.0,99.0 +1978,10,21,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,6.1,69,98800,0,0,306,0,0,0,0,0,0,0,180,4.1,2,1,24.1,77777,9,999999999,150,0.1290,0,88,999.000,999.0,99.0 +1978,10,21,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,6.7,67,98800,75,1092,311,29,40,25,3100,1900,2900,520,190,4.6,4,1,24.1,77777,9,999999999,160,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,7.8,60,98900,309,1380,329,148,292,81,15100,23000,9900,1500,190,6.2,6,2,24.1,77777,9,999999999,170,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,8.9,56,98900,520,1380,336,300,529,95,30600,49400,11900,1830,210,7.2,3,1,24.1,77777,9,999999999,180,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,10.0,53,98900,685,1380,356,456,575,165,47800,57500,19100,3470,200,7.2,7,3,24.1,77777,9,999999999,190,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.3,11.1,46,98800,792,1380,373,519,566,189,54800,57800,21500,4310,200,7.2,7,3,24.1,77777,9,999999999,209,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,24.4,12.2,47,98800,833,1380,380,541,542,209,57000,55600,23400,4980,210,7.2,7,3,24.1,77777,9,999999999,220,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,11.7,43,98700,805,1380,389,491,469,213,51400,47900,23400,4960,190,8.8,7,5,24.1,7620,9,999999999,209,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,26.1,11.7,41,98700,712,1380,398,241,69,205,26500,6900,22900,6300,200,6.7,7,6,24.1,7620,9,999999999,220,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,25.0,10.6,40,98700,558,1380,391,281,329,146,30000,32600,16700,3020,200,6.2,8,6,24.1,7620,9,999999999,200,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,23.9,11.1,45,98700,354,1380,386,142,127,109,15300,11000,12500,2400,200,4.1,8,6,24.1,7010,9,999999999,209,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,11.1,51,98700,118,1368,365,32,39,28,3500,2000,3300,580,180,4.1,7,3,24.1,77777,9,999999999,209,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,11.1,61,98700,0,0,352,0,0,0,0,0,0,0,180,4.1,7,3,24.1,77777,9,999999999,209,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.6,11.7,57,98700,0,0,361,0,0,0,0,0,0,0,170,5.7,7,3,24.1,77777,9,999999999,209,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,20.0,11.1,57,98800,0,0,357,0,0,0,0,0,0,0,190,5.7,5,3,24.1,77777,9,999999999,209,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,11.1,59,98800,0,0,351,0,0,0,0,0,0,0,190,7.2,3,2,24.1,77777,9,999999999,209,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.9,11.1,61,98800,0,0,337,0,0,0,0,0,0,0,200,6.7,0,0,24.1,77777,9,999999999,209,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,19.4,11.1,59,98800,0,0,354,0,0,0,0,0,0,0,200,8.2,3,3,24.1,77777,9,999999999,209,0.1550,0,88,999.000,999.0,99.0 +1978,10,21,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,10.6,61,98800,0,0,367,0,0,0,0,0,0,0,210,6.2,10,8,24.1,3050,9,999999999,200,0.1550,0,88,999.000,999.0,99.0 +1978,10,22,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,10.6,61,98800,0,0,385,0,0,0,0,0,0,0,210,8.8,10,10,24.1,3050,9,999999999,200,0.1550,0,88,999.000,999.0,99.0 +1978,10,22,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,11.1,65,98800,0,0,383,0,0,0,0,0,0,0,220,7.2,10,10,24.1,3050,9,999999999,209,0.1550,0,88,999.000,999.0,99.0 +1978,10,22,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,11.1,68,98800,0,0,380,0,0,0,0,0,0,0,220,6.7,10,10,24.1,3050,9,999999999,209,0.1550,0,88,999.000,999.0,99.0 +1978,10,22,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,11.1,68,98800,0,0,380,0,0,0,0,0,0,0,210,6.2,10,10,24.1,3050,9,999999999,209,0.1550,0,88,999.000,999.0,99.0 +1978,10,22,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,11.1,68,98900,0,0,380,0,0,0,0,0,0,0,210,7.2,10,10,24.1,3050,9,999999999,209,0.1550,0,88,999.000,999.0,99.0 +1978,10,22,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,11.1,70,98900,0,0,377,0,0,0,0,0,0,0,200,4.6,10,10,24.1,3050,9,999999999,209,0.1550,0,88,999.000,999.0,99.0 +1978,10,22,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,11.1,72,98900,71,1070,374,18,3,18,2100,0,2100,630,220,4.1,10,10,11.3,3050,9,999999999,209,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,11.7,75,98900,303,1381,375,66,4,65,7500,100,7400,2380,200,6.2,10,10,12.9,3050,9,999999999,209,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,11.7,68,99000,514,1381,384,103,1,103,12000,100,11900,4210,230,6.7,10,10,14.5,3050,9,999999999,220,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,12.2,61,99000,679,1381,385,161,26,148,17700,2600,16500,4690,200,8.2,10,9,14.5,7620,9,999999999,220,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,12.8,57,99000,785,1381,395,348,104,288,38100,10600,32100,8760,230,6.2,10,9,14.5,7620,9,999999999,230,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.2,12.2,53,99000,826,1381,397,251,60,214,27600,6000,23900,7180,240,6.7,10,9,14.5,7620,9,999999999,220,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,22.8,12.2,51,99000,799,1381,400,299,88,248,32900,8900,27700,7910,270,4.1,10,9,14.5,3050,9,999999999,220,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,11.7,53,99000,705,1381,405,226,123,163,25100,12700,18600,4090,310,4.1,10,10,16.1,3050,9,999999999,209,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,11.7,55,99100,551,1381,402,128,3,126,14600,200,14500,5070,30,8.2,10,10,16.1,3050,9,999999999,209,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,8.3,62,99200,348,1381,358,83,41,72,9100,3500,8200,1950,20,6.2,10,9,16.1,3050,9,999999999,180,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,8.9,67,99300,112,1346,366,23,1,23,2600,0,2600,800,20,7.2,10,10,14.5,3050,9,999999999,180,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,8.3,69,99400,0,0,360,0,0,0,0,0,0,0,10,6.7,10,10,19.3,3050,9,999999999,180,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,8.9,75,99500,0,0,357,0,0,0,0,0,0,0,360,3.6,10,10,16.1,1680,9,999999999,180,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,9.4,83,99500,0,0,353,0,0,0,0,0,0,0,20,5.2,10,10,16.1,1830,9,999999999,190,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.0,86,99500,0,0,353,0,0,0,0,0,0,0,10,6.2,10,10,11.3,1830,9,999999999,190,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.0,86,99500,0,0,353,0,0,0,0,0,0,0,10,6.2,10,10,11.3,460,9,999999999,190,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,10.0,90,99600,0,0,351,0,0,0,0,0,0,0,20,6.7,10,10,8.0,340,9,999999999,200,0.1820,0,88,999.000,999.0,99.0 +1978,10,22,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,9.4,90,99600,0,0,347,0,0,0,0,0,0,0,20,4.6,10,10,6.4,310,9,999999999,190,0.1820,0,88,999.000,999.0,99.0 +1978,10,23,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,9.4,90,99700,0,0,347,0,0,0,0,0,0,0,10,5.7,10,10,12.9,310,9,999999999,190,0.1820,0,88,999.000,999.0,99.0 +1978,10,23,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,8.9,93,99800,0,0,341,0,0,0,0,0,0,0,10,6.2,10,10,19.3,760,9,999999999,180,0.1820,0,88,999.000,999.0,99.0 +1978,10,23,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,8.3,89,99800,0,0,341,0,0,0,0,0,0,0,10,7.7,10,10,24.1,760,9,999999999,180,0.1820,0,88,999.000,999.0,99.0 +1978,10,23,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,7.2,86,99900,0,0,336,0,0,0,0,0,0,0,360,8.2,10,10,24.1,760,9,999999999,160,0.1820,0,88,999.000,999.0,99.0 +1978,10,23,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,6.1,83,99900,0,0,333,0,0,0,0,0,0,0,20,7.7,10,10,24.1,760,9,999999999,150,0.1820,0,88,999.000,999.0,99.0 +1978,10,23,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,5.6,83,100000,0,0,329,0,0,0,0,0,0,0,360,6.2,10,10,24.1,760,9,999999999,150,0.1820,0,88,999.000,999.0,99.0 +1978,10,23,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,4.4,77,100100,67,1048,328,20,2,20,2300,0,2300,680,10,8.8,10,10,24.1,700,9,999999999,140,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,2.8,74,100200,298,1381,301,120,197,76,12600,15400,9200,1450,360,7.7,7,7,24.1,700,9,999999999,130,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,2.8,68,100200,509,1381,300,272,431,109,28500,40600,13500,2070,10,7.7,5,5,24.1,77777,9,999999999,130,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,2.8,61,100300,673,1381,307,310,219,201,33700,22400,22700,4970,360,6.2,7,5,24.1,3050,9,999999999,130,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,1.7,57,100300,779,1381,312,371,239,234,39700,25200,25400,5610,360,5.7,8,7,24.1,760,9,999999999,120,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,2.2,57,100300,820,1381,320,324,205,200,35200,21800,22200,4770,10,7.2,8,8,24.1,760,9,999999999,120,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,1.1,54,100300,792,1381,316,420,253,273,45500,26300,30300,7210,30,5.7,8,8,24.1,760,9,999999999,110,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,1.7,54,100300,698,1381,311,446,523,177,46600,52500,20000,3770,20,6.7,6,6,24.1,760,9,999999999,120,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,1.7,59,100300,544,1381,306,264,275,153,27900,27100,17200,3200,30,7.2,6,6,24.1,760,9,999999999,120,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,0.6,56,100300,341,1381,298,178,363,86,18300,29800,10800,1590,30,5.7,4,4,24.1,77777,9,999999999,110,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,0.0,60,100300,106,1301,281,44,196,25,4400,9200,3600,440,30,4.6,1,1,24.1,77777,9,999999999,110,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,0.0,68,100300,0,0,269,0,0,0,0,0,0,0,40,3.1,0,0,24.1,77777,9,999999999,110,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,0.0,70,100300,0,0,267,0,0,0,0,0,0,0,60,3.6,0,0,24.1,77777,9,999999999,110,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,0.0,70,100200,0,0,267,0,0,0,0,0,0,0,40,2.6,0,0,24.1,77777,9,999999999,110,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,100300,0,0,254,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,100,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-0.6,82,100200,0,0,256,0,0,0,0,0,0,0,270,2.6,0,0,24.1,77777,9,999999999,100,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.1,89,100200,0,0,250,0,0,0,0,0,0,0,240,2.6,0,0,24.1,77777,9,999999999,100,0.0900,0,88,999.000,999.0,99.0 +1978,10,23,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-0.6,89,100100,0,0,257,0,0,0,0,0,0,0,240,2.1,1,1,24.1,77777,9,999999999,100,0.0900,0,88,999.000,999.0,99.0 +1978,10,24,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,100000,0,0,247,0,0,0,0,0,0,0,230,2.1,0,0,24.1,77777,9,999999999,100,0.0900,0,88,999.000,999.0,99.0 +1978,10,24,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.1,89,100000,0,0,250,0,0,0,0,0,0,0,210,2.1,0,0,24.1,77777,9,999999999,100,0.0900,0,88,999.000,999.0,99.0 +1978,10,24,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-2.2,89,99900,0,0,244,0,0,0,0,0,0,0,210,2.6,0,0,24.1,77777,9,999999999,90,0.0900,0,88,999.000,999.0,99.0 +1978,10,24,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.1,89,99900,0,0,250,0,0,0,0,0,0,0,190,3.1,0,0,24.1,77777,9,999999999,100,0.0900,0,88,999.000,999.0,99.0 +1978,10,24,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.1,85,99800,0,0,251,0,0,0,0,0,0,0,210,3.1,0,0,24.1,77777,9,999999999,100,0.0900,0,88,999.000,999.0,99.0 +1978,10,24,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.1,85,99800,0,0,251,0,0,0,0,0,0,0,270,3.6,0,0,24.1,77777,9,999999999,100,0.0900,0,88,999.000,999.0,99.0 +1978,10,24,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,0.0,85,99700,64,1025,256,34,148,20,3200,6000,2800,350,200,4.1,1,0,11.3,77777,9,999999999,110,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,2.2,82,99600,292,1382,269,165,540,46,16700,42600,7600,860,210,6.2,2,0,16.1,77777,9,999999999,120,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,2.2,71,99500,503,1382,278,336,724,66,34200,67400,9600,1320,200,8.2,2,0,24.1,77777,9,999999999,120,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,2.2,66,99400,667,1382,288,445,726,87,45700,70800,11400,1810,230,9.3,3,1,24.1,77777,9,999999999,120,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,2.2,57,99400,773,1382,297,539,770,101,55700,76200,12900,2220,210,8.2,3,1,24.1,77777,9,999999999,120,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,2.2,55,99200,814,1382,299,562,750,113,57800,74300,13900,2490,210,8.2,5,1,24.1,77777,9,999999999,120,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,2.2,49,99000,786,1382,301,580,827,103,60100,82000,13300,2280,190,8.2,4,0,24.1,77777,9,999999999,120,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,1.7,47,98900,692,1382,300,496,821,78,51900,80900,11300,1740,180,9.3,1,0,24.1,77777,9,999999999,120,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,1.7,45,98900,538,1382,302,363,760,62,37700,72100,9600,1310,220,10.3,0,0,24.1,77777,9,999999999,120,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,1.7,47,98800,335,1382,300,197,608,46,19900,51200,7400,890,210,7.2,0,0,24.1,77777,9,999999999,120,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,1.7,53,98700,101,1279,293,48,239,24,4400,12200,3400,420,210,6.2,0,0,24.1,77777,9,999999999,120,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,1.7,54,98600,0,0,291,0,0,0,0,0,0,0,200,5.2,0,0,24.1,77777,9,999999999,120,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,1.7,54,98500,0,0,291,0,0,0,0,0,0,0,180,6.2,0,0,24.1,77777,9,999999999,120,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,1.1,54,98400,0,0,288,0,0,0,0,0,0,0,210,7.2,0,0,24.1,77777,9,999999999,110,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,0.6,52,98400,0,0,287,0,0,0,0,0,0,0,200,5.7,0,0,24.1,77777,9,999999999,110,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,0.6,52,98300,0,0,287,0,0,0,0,0,0,0,210,7.7,0,0,24.1,77777,9,999999999,110,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,1.1,59,98300,0,0,283,0,0,0,0,0,0,0,190,5.7,0,0,24.1,77777,9,999999999,110,0.0750,0,88,999.000,999.0,99.0 +1978,10,24,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,1.1,61,98300,0,0,281,0,0,0,0,0,0,0,190,7.7,0,0,24.1,77777,9,999999999,110,0.0750,0,88,999.000,999.0,99.0 +1978,10,25,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,1.7,61,98200,0,0,312,0,0,0,0,0,0,0,200,7.2,8,8,24.1,3050,9,999999999,120,0.0750,0,88,999.000,999.0,99.0 +1978,10,25,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,1.7,59,98100,0,0,330,0,0,0,0,0,0,0,190,7.7,10,10,24.1,3050,9,999999999,120,0.0750,0,88,999.000,999.0,99.0 +1978,10,25,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,2.2,59,98000,0,0,334,0,0,0,0,0,0,0,200,7.7,10,10,24.1,3050,9,999999999,120,0.0750,0,88,999.000,999.0,99.0 +1978,10,25,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,2.8,59,97900,0,0,337,0,0,0,0,0,0,0,190,9.3,10,10,24.1,3050,9,999999999,130,0.0750,0,88,999.000,999.0,99.0 +1978,10,25,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,3.9,61,97900,0,0,341,0,0,0,0,0,0,0,190,8.2,10,10,24.1,3050,9,999999999,130,0.0750,0,88,999.000,999.0,99.0 +1978,10,25,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,6.1,77,97900,0,0,338,0,0,0,0,0,0,0,190,8.2,10,10,11.3,1400,9,999999999,150,0.0750,0,88,999.000,999.0,99.0 +1978,10,25,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,7.8,89,97900,60,980,337,10,1,10,1200,0,1200,380,200,7.2,10,10,2.4,210,9,999999999,170,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,8.3,93,97900,287,1383,338,42,15,38,4500,1200,4300,1060,190,7.2,10,10,3.2,210,9,999999999,170,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,8.9,93,97800,497,1383,341,84,3,83,9900,200,9800,3490,190,6.7,10,10,3.2,150,9,999999999,180,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,9.4,93,97800,661,1383,345,104,10,100,12500,700,12200,4560,190,9.8,10,10,4.0,150,9,999999999,190,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,10.6,93,97800,767,1383,352,134,7,130,16000,500,15700,6030,200,7.2,10,10,4.0,180,9,999999999,200,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,11.7,90,97700,808,1383,361,168,8,163,19800,600,19400,7420,200,7.7,10,10,4.0,180,9,999999999,209,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,12.8,93,97700,780,1383,365,218,4,216,25100,300,24900,9000,210,5.7,10,10,4.0,180,9,999999999,230,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,13.3,90,97700,686,1383,371,246,4,244,27500,400,27300,8920,230,7.7,10,10,4.0,310,9,999999999,230,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,13.3,87,97700,532,1383,374,148,1,148,16700,100,16700,5560,190,5.7,10,10,6.4,580,9,999999999,230,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,13.3,87,97700,329,1383,374,87,1,87,9700,0,9700,3020,210,5.2,10,10,6.4,460,9,999999999,230,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,13.9,87,97700,95,1233,378,25,0,25,2800,0,2800,840,210,7.2,10,10,6.4,580,9,999999999,240,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,12.8,87,97900,0,0,371,0,0,0,0,0,0,0,270,3.6,10,10,9.7,1010,9,999999999,230,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.2,93,97900,0,0,361,0,0,0,0,0,0,0,280,3.6,10,10,8.0,460,9,999999999,220,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,11.1,93,97900,0,0,355,0,0,0,0,0,0,0,300,3.6,10,10,6.4,460,9,999999999,200,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,10.0,93,98100,0,0,348,0,0,0,0,0,0,0,330,9.3,10,10,9.7,460,9,999999999,190,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,7.8,86,98200,0,0,340,0,0,0,0,0,0,0,330,4.1,10,10,12.9,580,9,999999999,170,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,7.2,83,98300,0,0,339,0,0,0,0,0,0,0,300,3.6,10,10,12.9,700,9,999999999,160,0.1220,0,88,999.000,999.0,99.0 +1978,10,25,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,5.6,77,98300,0,0,335,0,0,0,0,0,0,0,320,5.7,10,10,24.1,760,9,999999999,150,0.1220,0,88,999.000,999.0,99.0 +1978,10,26,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,3.9,71,98400,0,0,330,0,0,0,0,0,0,0,310,5.2,10,10,24.1,760,9,999999999,130,0.1220,0,88,999.000,999.0,99.0 +1978,10,26,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,3.9,77,98500,0,0,325,0,0,0,0,0,0,0,310,5.2,10,10,24.1,760,9,999999999,130,0.1220,0,88,999.000,999.0,99.0 +1978,10,26,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,2.2,71,98500,0,0,321,0,0,0,0,0,0,0,320,5.7,10,10,24.1,820,9,999999999,120,0.1220,0,88,999.000,999.0,99.0 +1978,10,26,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,2.2,71,98500,0,0,321,0,0,0,0,0,0,0,300,4.1,10,10,24.1,880,9,999999999,120,0.1220,0,88,999.000,999.0,99.0 +1978,10,26,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,1.7,71,98600,0,0,318,0,0,0,0,0,0,0,300,4.1,10,10,24.1,880,9,999999999,120,0.1220,0,88,999.000,999.0,99.0 +1978,10,26,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,1.1,68,98700,0,0,317,0,0,0,0,0,0,0,300,3.1,10,10,24.1,880,9,999999999,110,0.1220,0,88,999.000,999.0,99.0 +1978,10,26,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,0.0,68,98800,56,957,302,13,3,13,1500,0,1500,470,300,3.6,10,9,24.1,880,9,999999999,110,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,0.6,68,98900,282,1384,305,70,35,63,7700,2900,7100,1630,290,5.2,10,9,24.1,1010,9,999999999,110,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,0.6,63,98900,492,1384,303,186,179,121,19800,17100,13700,2410,300,5.2,8,8,24.1,1010,9,999999999,110,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,0.6,54,98900,655,1384,300,401,526,146,42200,52300,17300,2990,290,6.2,4,4,24.1,77777,9,999999999,110,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,-0.6,45,98900,761,1384,300,528,719,126,55100,71800,15400,2830,310,6.7,2,2,24.1,77777,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,-0.6,46,98900,801,1384,298,530,664,139,55200,66500,16500,3210,300,7.7,2,2,24.1,77777,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,0.0,43,98900,773,1384,311,513,617,163,52700,61000,18500,3550,300,5.7,4,4,24.1,77777,9,999999999,110,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,0.0,43,98900,679,1384,311,388,449,164,40700,44900,18600,3430,280,6.7,4,4,24.1,77777,9,999999999,110,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,0.0,43,98900,525,1384,311,271,351,135,28000,33200,15400,2640,250,7.2,4,4,24.1,77777,9,999999999,110,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,0.0,47,98900,322,1384,311,129,164,90,13500,13300,10400,1760,260,5.2,6,6,24.1,1220,9,999999999,110,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,0.6,54,99000,90,1211,305,36,44,32,3800,2100,3700,660,260,3.1,6,6,24.1,1160,9,999999999,110,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,1.7,66,99000,0,0,296,0,0,0,0,0,0,0,230,2.6,5,5,24.1,77777,9,999999999,120,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,1.7,71,99100,0,0,275,0,0,0,0,0,0,0,220,3.1,0,0,24.1,77777,9,999999999,120,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,1.7,71,99100,0,0,281,0,0,0,0,0,0,0,220,3.6,1,1,24.1,77777,9,999999999,120,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,1.7,73,99100,0,0,273,0,0,0,0,0,0,0,210,4.1,0,0,24.1,77777,9,999999999,120,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,1.7,76,99100,0,0,271,0,0,0,0,0,0,0,220,3.1,0,0,24.1,77777,9,999999999,120,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,1.7,73,99100,0,0,278,0,0,0,0,0,0,0,210,4.1,1,1,24.1,77777,9,999999999,120,0.1130,0,88,999.000,999.0,99.0 +1978,10,26,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,1.7,66,99100,0,0,323,0,0,0,0,0,0,0,210,5.7,10,10,24.1,1830,9,999999999,120,0.1130,0,88,999.000,999.0,99.0 +1978,10,27,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,1.7,66,99100,0,0,323,0,0,0,0,0,0,0,200,6.2,10,10,24.1,1830,9,999999999,120,0.1130,0,88,999.000,999.0,99.0 +1978,10,27,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,1.7,68,99000,0,0,283,0,0,0,0,0,0,0,210,6.2,1,1,24.1,77777,9,999999999,120,0.1130,0,88,999.000,999.0,99.0 +1978,10,27,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,1.7,71,99000,0,0,275,0,0,0,0,0,0,0,210,5.7,0,0,24.1,77777,9,999999999,120,0.1130,0,88,999.000,999.0,99.0 +1978,10,27,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,1.7,73,99100,0,0,273,0,0,0,0,0,0,0,230,6.2,0,0,24.1,77777,9,999999999,120,0.1130,0,88,999.000,999.0,99.0 +1978,10,27,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,1.1,73,99100,0,0,270,0,0,0,0,0,0,0,230,5.2,0,0,24.1,77777,9,999999999,110,0.1130,0,88,999.000,999.0,99.0 +1978,10,27,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,1.1,73,99100,0,0,270,0,0,0,0,0,0,0,220,4.1,0,0,24.1,77777,9,999999999,110,0.1130,0,88,999.000,999.0,99.0 +1978,10,27,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,1.1,79,99100,53,935,266,33,178,16,2800,8000,2300,290,220,3.6,0,0,19.3,77777,9,999999999,110,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,2.2,74,99100,276,1385,276,162,617,34,16300,49300,6500,700,210,5.2,0,0,24.1,77777,9,999999999,120,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,2.8,63,99100,486,1385,287,328,778,48,34000,72200,8500,1120,220,4.1,0,0,24.1,77777,9,999999999,130,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,3.9,61,99100,650,1385,295,468,854,59,48500,82700,9500,1410,190,5.2,0,0,24.1,77777,9,999999999,130,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,4.4,51,99100,755,1385,310,559,889,66,57900,87400,10100,1610,200,6.2,0,0,24.1,77777,9,999999999,140,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,4.4,48,99000,795,1385,315,592,893,71,61300,88100,10500,1720,190,5.2,1,0,24.1,77777,9,999999999,140,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,5.0,48,99000,767,1385,318,569,888,69,58900,87400,10400,1660,210,6.2,1,0,24.1,77777,9,999999999,140,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,5.0,46,98900,673,1385,320,488,865,60,50600,84100,9600,1440,200,6.2,0,0,24.1,77777,9,999999999,140,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,5.0,45,98900,519,1385,323,355,800,50,37000,75100,8700,1170,210,6.2,0,0,24.1,77777,9,999999999,140,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,5.0,48,98900,316,1385,318,190,655,36,19500,54700,6900,760,220,7.2,0,0,24.1,77777,9,999999999,140,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,3.9,51,99000,85,1188,307,46,273,19,4100,13600,3100,340,230,4.1,0,0,24.1,77777,9,999999999,130,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,4.4,62,99000,0,0,298,0,0,0,0,0,0,0,230,3.6,0,0,24.1,77777,9,999999999,140,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,4.4,64,99100,0,0,296,0,0,0,0,0,0,0,260,3.6,0,0,24.1,77777,9,999999999,140,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,3.9,71,99200,0,0,286,0,0,0,0,0,0,0,270,4.1,0,0,24.1,77777,9,999999999,130,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,3.3,74,99300,0,0,281,0,0,0,0,0,0,0,300,3.1,0,0,24.1,77777,9,999999999,130,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,1.7,68,99300,0,0,277,0,0,0,0,0,0,0,290,3.1,0,0,24.1,77777,9,999999999,120,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,0.6,73,99400,0,0,268,0,0,0,0,0,0,0,310,3.1,0,0,24.1,77777,9,999999999,110,0.0500,0,88,999.000,999.0,99.0 +1978,10,27,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,0.6,76,99500,0,0,265,0,0,0,0,0,0,0,290,3.6,0,0,24.1,77777,9,999999999,110,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,0.0,76,99500,0,0,263,0,0,0,0,0,0,0,290,3.1,0,0,24.1,77777,9,999999999,110,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-0.6,76,99600,0,0,260,0,0,0,0,0,0,0,310,3.1,0,0,24.1,77777,9,999999999,100,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-0.6,79,99600,0,0,258,0,0,0,0,0,0,0,300,3.1,0,0,24.1,77777,9,999999999,100,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-0.6,79,99700,0,0,258,0,0,0,0,0,0,0,310,3.1,0,0,24.1,77777,9,999999999,100,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,0.0,76,99800,0,0,268,0,0,0,0,0,0,0,330,6.2,1,1,24.1,77777,9,999999999,110,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,0.0,79,99900,0,0,266,0,0,0,0,0,0,0,340,4.6,1,1,24.1,77777,9,999999999,110,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,0.6,76,99900,50,912,274,30,91,21,2800,2900,2600,370,350,4.6,6,2,24.1,77777,9,999999999,110,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,1.7,76,100000,271,1385,287,103,211,60,10600,15700,7500,1080,350,5.2,6,5,24.1,3660,9,999999999,120,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,2.8,68,100100,480,1385,292,303,670,65,30700,61700,9300,1270,350,5.7,3,2,24.1,77777,9,999999999,130,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,3.3,61,100200,644,1385,298,378,590,98,39300,57800,12400,2060,360,3.6,1,1,24.1,77777,9,999999999,130,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,2.2,49,100200,749,1385,306,526,842,63,54600,82700,9700,1570,350,4.6,1,1,24.1,77777,9,999999999,120,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,1.1,44,100200,789,1385,315,512,612,158,52800,60800,18100,3520,350,4.6,3,3,24.1,77777,9,999999999,120,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,-1.7,36,100200,761,1385,312,483,639,126,50400,63800,15200,2830,20,5.2,3,3,24.1,77777,9,999999999,100,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,-0.6,40,100200,667,1385,308,432,660,109,44900,64800,13600,2290,30,5.7,3,2,24.1,77777,9,999999999,100,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,0.6,47,100200,513,1385,300,328,703,63,33800,65900,9300,1290,70,5.2,1,1,24.1,77777,9,999999999,110,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,2.8,59,100200,310,1385,298,170,559,42,17200,46000,6900,820,40,4.6,1,1,24.1,77777,9,999999999,130,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,3.3,68,100200,80,1143,286,43,254,18,3800,12500,2900,330,70,4.6,0,0,24.1,77777,9,999999999,130,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,3.3,71,100300,0,0,283,0,0,0,0,0,0,0,50,2.6,0,0,24.1,77777,9,999999999,130,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,2.8,71,100300,0,0,281,0,0,0,0,0,0,0,70,4.1,0,0,24.1,77777,9,999999999,130,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,2.2,68,100300,0,0,280,0,0,0,0,0,0,0,80,4.1,0,0,24.1,77777,9,999999999,120,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,2.2,68,100400,0,0,280,0,0,0,0,0,0,0,90,4.1,0,0,24.1,77777,9,999999999,120,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,1.7,68,100400,0,0,277,0,0,0,0,0,0,0,70,3.1,0,0,24.1,77777,9,999999999,120,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,1.1,79,100400,0,0,266,0,0,0,0,0,0,0,50,3.1,0,0,24.1,77777,9,999999999,110,0.0500,0,88,999.000,999.0,99.0 +1978,10,28,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.7,79,100400,0,0,269,0,0,0,0,0,0,0,40,3.1,0,0,24.1,77777,9,999999999,120,0.0500,0,88,999.000,999.0,99.0 +1978,10,29,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,2.2,79,100400,0,0,288,0,0,0,0,0,0,0,40,3.1,7,5,24.1,7620,9,999999999,120,0.0500,0,88,999.000,999.0,99.0 +1978,10,29,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,2.8,74,100400,0,0,312,0,0,0,0,0,0,0,100,3.1,10,9,24.1,3660,9,999999999,130,0.0500,0,88,999.000,999.0,99.0 +1978,10,29,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,2.8,71,100500,0,0,324,0,0,0,0,0,0,0,100,3.1,10,10,24.1,6100,9,999999999,130,0.0500,0,88,999.000,999.0,99.0 +1978,10,29,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,2.2,76,100500,0,0,285,0,0,0,0,0,0,0,120,3.1,6,3,24.1,77777,9,999999999,120,0.0500,0,88,999.000,999.0,99.0 +1978,10,29,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,2.2,74,100500,0,0,276,0,0,0,0,0,0,0,100,3.6,0,0,24.1,77777,9,999999999,120,0.0500,0,88,999.000,999.0,99.0 +1978,10,29,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,1.7,68,100500,0,0,289,0,0,0,0,0,0,0,90,4.1,4,3,24.1,77777,9,999999999,120,0.0500,0,88,999.000,999.0,99.0 +1978,10,29,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,2.2,74,100600,47,889,298,14,10,14,1600,500,1600,350,120,3.6,7,7,24.1,2740,9,999999999,120,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,3.3,71,100700,265,1386,311,80,79,65,8800,6100,7600,1390,120,3.1,8,8,24.1,2740,9,999999999,130,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,2.8,66,100600,475,1386,329,85,7,82,9800,400,9700,3390,140,3.6,10,10,11.3,2740,9,999999999,130,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,1.1,50,100600,638,1386,328,208,59,180,22800,5800,20100,5320,140,4.6,9,9,9.7,2740,9,999999999,110,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,-1.7,38,100500,743,1386,312,491,560,185,51400,56600,20900,4060,150,4.6,5,5,24.1,77777,9,999999999,100,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,-0.6,39,100500,783,1386,320,440,421,198,46200,42900,21900,4490,140,5.2,6,6,24.1,2740,9,999999999,110,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,-0.6,37,100400,755,1386,315,566,754,149,58300,74500,17600,3230,130,3.1,3,3,24.1,77777,9,999999999,100,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,0.0,37,100300,660,1386,311,429,663,107,44500,65000,13400,2240,170,5.7,1,1,24.1,77777,9,999999999,110,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,1.1,41,100200,507,1386,306,318,629,83,32700,58600,11200,1620,170,4.6,0,0,24.1,77777,9,999999999,120,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,0.0,39,100200,304,1386,303,158,439,59,15900,34700,8300,1060,140,4.6,0,0,24.1,77777,9,999999999,110,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,-0.6,45,100200,76,1120,291,32,84,24,3200,3100,3000,430,150,4.1,0,0,24.1,77777,9,999999999,110,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,-0.6,50,100200,0,0,284,0,0,0,0,0,0,0,150,3.6,0,0,24.1,77777,9,999999999,100,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,-0.6,54,100200,0,0,279,0,0,0,0,0,0,0,140,4.1,0,0,24.1,77777,9,999999999,100,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,-0.6,56,100200,0,0,277,0,0,0,0,0,0,0,130,5.7,0,0,24.1,77777,9,999999999,100,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,-0.6,54,100200,0,0,279,0,0,0,0,0,0,0,150,4.6,0,0,24.1,77777,9,999999999,100,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,-0.6,50,100200,0,0,284,0,0,0,0,0,0,0,150,5.7,0,0,24.1,77777,9,999999999,100,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,-0.6,54,100200,0,0,279,0,0,0,0,0,0,0,160,5.2,0,0,24.1,77777,9,999999999,100,0.1370,0,88,999.000,999.0,99.0 +1978,10,29,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,-0.6,58,100200,0,0,275,0,0,0,0,0,0,0,150,4.1,0,0,24.1,77777,9,999999999,100,0.1370,0,88,999.000,999.0,99.0 +1978,10,30,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,-1.1,56,100200,0,0,275,0,0,0,0,0,0,0,180,3.6,0,0,24.1,77777,9,999999999,100,0.1370,0,88,999.000,999.0,99.0 +1978,10,30,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,-1.1,56,100200,0,0,275,0,0,0,0,0,0,0,180,5.2,0,0,24.1,77777,9,999999999,100,0.1370,0,88,999.000,999.0,99.0 +1978,10,30,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,-1.1,56,100200,0,0,275,0,0,0,0,0,0,0,180,5.2,0,0,24.1,77777,9,999999999,100,0.1370,0,88,999.000,999.0,99.0 +1978,10,30,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,-1.7,56,100200,0,0,272,0,0,0,0,0,0,0,170,5.2,0,0,24.1,77777,9,999999999,100,0.1370,0,88,999.000,999.0,99.0 +1978,10,30,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,-1.1,58,100200,0,0,273,0,0,0,0,0,0,0,170,5.2,0,0,24.1,77777,9,999999999,100,0.1370,0,88,999.000,999.0,99.0 +1978,10,30,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,-1.1,63,100200,0,0,268,0,0,0,0,0,0,0,170,4.1,0,0,24.1,77777,9,999999999,100,0.1370,0,88,999.000,999.0,99.0 +1978,10,30,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,-1.1,65,100200,43,844,266,24,79,17,2300,2900,2100,300,180,3.1,0,0,24.1,77777,9,999999999,100,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,0.0,54,100300,260,1387,282,137,468,46,13800,35000,7200,830,180,4.1,0,0,24.1,77777,9,999999999,110,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,1.7,51,100200,469,1387,296,299,672,66,31000,61900,10000,1300,190,6.7,0,0,24.1,77777,9,999999999,120,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,3.3,49,100200,632,1387,306,438,767,82,45000,74200,11100,1690,200,6.7,0,0,24.1,77777,9,999999999,130,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,4.4,46,100200,737,1387,317,532,815,92,55200,80400,12300,2010,190,5.7,0,0,24.1,77777,9,999999999,140,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,5.6,45,100100,777,1387,326,565,826,95,58800,82000,12700,2140,200,6.7,0,0,24.1,77777,9,999999999,150,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,5.6,40,100100,748,1387,333,541,818,92,56200,80900,12400,2040,200,7.7,0,0,24.1,77777,9,999999999,150,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,5.6,39,100000,654,1387,336,456,777,84,47100,75500,11300,1750,190,5.2,0,0,24.1,77777,9,999999999,150,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,4.4,35,100000,500,1387,337,324,693,69,32900,64300,9600,1340,200,5.7,0,0,24.1,77777,9,999999999,140,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,3.3,35,100000,298,1387,331,162,513,49,16500,40600,7800,910,220,3.6,0,0,24.1,77777,9,999999999,130,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,3.3,44,100100,71,1098,314,35,130,22,3300,5400,2900,390,210,2.6,0,0,24.1,77777,9,999999999,130,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,3.3,49,100100,0,0,306,0,0,0,0,0,0,0,200,3.1,0,0,24.1,77777,9,999999999,130,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,3.9,59,100100,0,0,298,0,0,0,0,0,0,0,180,2.6,0,0,24.1,77777,9,999999999,140,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,3.9,61,100100,0,0,295,0,0,0,0,0,0,0,180,4.1,0,0,24.1,77777,9,999999999,140,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,4.4,64,100100,0,0,296,0,0,0,0,0,0,0,180,3.6,0,0,24.1,77777,9,999999999,140,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,5.0,69,100100,0,0,294,0,0,0,0,0,0,0,290,3.1,0,0,24.1,77777,9,999999999,150,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,3.9,80,100200,0,0,279,0,0,0,0,0,0,0,230,3.1,0,0,19.3,77777,9,999999999,140,0.0980,0,88,999.000,999.0,99.0 +1978,10,30,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,4.4,77,100200,0,0,284,0,0,0,0,0,0,0,250,2.6,0,0,19.3,77777,9,999999999,140,0.0980,0,88,999.000,999.0,99.0 +1978,10,31,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,3.9,80,100200,0,0,279,0,0,0,0,0,0,0,190,1.5,0,0,24.1,77777,9,999999999,140,0.0980,0,88,999.000,999.0,99.0 +1978,10,31,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,4.4,83,100200,0,0,280,0,0,0,0,0,0,0,180,1.5,0,0,19.3,77777,9,999999999,140,0.0980,0,88,999.000,999.0,99.0 +1978,10,31,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,2.2,86,100200,0,0,267,0,0,0,0,0,0,0,300,1.5,0,0,16.1,77777,9,999999999,120,0.0980,0,88,999.000,999.0,99.0 +1978,10,31,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,2.2,89,100200,0,0,265,0,0,0,0,0,0,0,270,2.1,0,0,14.5,77777,9,999999999,120,0.0980,0,88,999.000,999.0,99.0 +1978,10,31,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,3.9,80,100300,0,0,279,0,0,0,0,0,0,0,350,4.6,0,0,14.5,77777,9,999999999,140,0.0980,0,88,999.000,999.0,99.0 +1978,10,31,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,4.4,80,100300,0,0,295,0,0,0,0,0,0,0,10,4.6,3,3,14.5,77777,9,999999999,140,0.0980,0,88,999.000,999.0,99.0 +1978,10,31,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,6.7,83,100300,41,821,311,22,13,20,2300,700,2200,470,20,6.2,6,6,24.1,2740,9,999999999,160,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,6.7,77,100400,254,1388,309,104,249,57,10800,18000,7500,1030,30,7.2,4,3,24.1,77777,9,999999999,160,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,6.1,69,100400,463,1388,313,220,375,92,23200,34400,11700,1710,30,7.2,4,3,24.1,77777,9,999999999,160,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,6.7,64,100400,626,1388,323,276,259,157,29600,26400,17700,3320,20,7.7,5,4,24.1,77777,9,999999999,160,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,6.7,67,100500,731,1388,352,164,13,157,19100,1000,18600,6860,20,8.2,10,10,24.1,460,9,999999999,160,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,6.7,69,100400,770,1388,340,254,8,250,28800,700,28400,9810,30,7.2,10,9,24.1,2440,9,999999999,160,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,6.7,67,100300,742,1388,330,371,341,186,40100,35800,20900,4200,30,6.7,8,7,24.1,2440,9,999999999,160,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,6.1,67,100300,648,1388,315,392,541,136,41700,53700,16500,2750,30,6.7,4,3,24.1,77777,9,999999999,160,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,4.4,59,100300,494,1388,316,257,351,129,26500,32700,14800,2500,30,6.7,4,4,24.1,77777,9,999999999,140,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,3.9,64,100300,292,1388,306,123,170,86,12800,13100,10000,1690,30,5.7,3,3,24.1,77777,9,999999999,140,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,3.3,71,100400,67,1052,296,22,42,18,2300,1500,2200,310,40,5.7,4,3,24.1,77777,9,999999999,130,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,3.3,80,100400,0,0,286,0,0,0,0,0,0,0,10,3.6,3,2,24.1,77777,9,999999999,130,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,2.2,86,100300,0,0,276,0,0,0,0,0,0,0,330,2.6,2,2,24.1,77777,9,999999999,120,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,1.1,89,100300,0,0,260,0,0,0,0,0,0,0,330,3.1,0,0,24.1,77777,9,999999999,120,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,1.1,86,100400,0,0,262,0,0,0,0,0,0,0,330,4.1,0,0,24.1,77777,9,999999999,120,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.1,2.9,86,100300,0,0,270,0,0,0,0,0,0,0,10,4.0,0,0,24.1,77777,9,999999999,130,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.8,4.8,82,100300,0,0,279,0,0,0,0,0,0,0,10,3.8,0,0,24.1,77777,9,999999999,120,0.1260,0,88,999.000,999.0,99.0 +1978,10,31,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.6,6.6,89,100300,0,0,288,0,0,0,0,0,0,0,10,3.7,0,0,24.1,77777,9,999999999,120,0.1260,0,88,999.000,999.0,99.0 +1977,11,1,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.3,8.4,97,99000,0,0,333,0,0,0,0,0,0,0,200,3.5,10,9,6.4,370,9,999999999,260,0.1260,0,88,999.000,999.0,99.0 +1977,11,1,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.1,10.2,93,99000,0,0,353,0,0,0,0,0,0,0,190,3.4,10,10,6.4,430,9,999999999,260,0.1260,0,88,999.000,999.0,99.0 +1977,11,1,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.8,12.1,90,99000,0,0,364,0,0,0,0,0,0,0,190,3.2,10,10,6.4,460,9,999999999,250,0.1260,0,88,999.000,999.0,99.0 +1977,11,1,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,13.9,90,99000,0,0,375,0,0,0,0,0,0,0,170,3.1,10,10,6.4,460,9,999999999,250,0.1260,0,88,999.000,999.0,99.0 +1977,11,1,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,13.9,90,99000,0,0,375,0,0,0,0,0,0,0,170,3.1,10,10,6.4,520,9,999999999,250,0.1260,0,88,999.000,999.0,99.0 +1977,11,1,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,13.9,90,99000,0,0,375,0,0,0,0,0,0,0,170,3.6,10,10,6.4,580,9,999999999,250,0.1260,0,88,999.000,999.0,99.0 +1977,11,1,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,13.3,87,99000,37,798,374,10,0,10,1200,0,1200,370,170,6.2,10,10,3.2,700,9,999999999,240,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,13.9,90,99000,248,1388,375,44,1,43,5000,0,5000,1610,170,7.7,10,10,6.4,640,9,999999999,250,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,13.9,93,99000,456,1388,372,95,1,95,10900,100,10900,3750,170,7.2,10,10,4.8,640,9,999999999,240,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,13.9,90,99000,619,1388,375,126,1,125,14600,100,14600,5310,180,7.7,10,10,4.8,370,9,999999999,250,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,13.9,90,99000,723,1388,375,147,0,147,17200,0,17200,6480,140,7.7,10,10,2.4,340,9,999999999,250,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,14.4,93,98900,763,1388,376,158,0,157,18400,0,18400,7000,180,7.2,10,10,2.4,180,9,999999999,250,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,13.9,93,98900,735,1388,372,150,1,149,17500,100,17500,6600,180,7.2,10,10,3.2,240,9,999999999,240,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,13.9,93,98900,641,1388,372,139,1,139,16200,100,16100,5860,150,7.2,10,10,4.8,210,9,999999999,240,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,13.9,93,98900,487,1388,372,102,1,102,11800,100,11700,4070,170,5.7,10,10,4.8,270,9,999999999,240,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,13.9,96,98900,285,1388,369,53,0,53,6100,0,6100,1990,180,6.2,10,10,4.8,270,9,999999999,240,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,13.9,93,98900,62,1030,372,13,0,13,1500,0,1500,480,180,6.7,10,10,4.8,210,9,999999999,240,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.9,93,99000,0,0,372,0,0,0,0,0,0,0,180,8.2,10,10,8.0,240,9,999999999,240,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.3,90,99000,0,0,371,0,0,0,0,0,0,0,180,6.2,10,10,9.7,310,9,999999999,240,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.3,90,99000,0,0,371,0,0,0,0,0,0,0,180,5.2,10,10,8.0,700,9,999999999,240,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,12.8,90,99000,0,0,368,0,0,0,0,0,0,0,180,4.1,10,10,9.7,700,9,999999999,230,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,13.3,93,99000,0,0,368,0,0,0,0,0,0,0,180,5.2,10,10,6.4,760,9,999999999,240,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,13.3,93,99000,0,0,368,0,0,0,0,0,0,0,170,4.6,10,10,6.4,1160,9,999999999,240,0.0630,0,88,999.000,999.0,99.0 +1977,11,1,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.9,93,99000,0,0,372,0,0,0,0,0,0,0,180,4.1,10,10,6.4,1680,9,999999999,240,0.0630,0,88,999.000,999.0,99.0 +1977,11,2,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.9,93,99100,0,0,372,0,0,0,0,0,0,0,180,3.1,10,10,6.4,1680,9,999999999,240,0.0630,0,88,999.000,999.0,99.0 +1977,11,2,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,13.3,93,99100,0,0,368,0,0,0,0,0,0,0,180,1.5,10,10,6.4,1680,9,999999999,240,0.0630,0,88,999.000,999.0,99.0 +1977,11,2,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,12.8,93,99000,0,0,365,0,0,0,0,0,0,0,150,2.6,10,10,9.7,1680,9,999999999,230,0.0630,0,88,999.000,999.0,99.0 +1977,11,2,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,13.3,96,99100,0,0,366,0,0,0,0,0,0,0,130,2.6,10,10,9.7,1680,9,999999999,240,0.0630,0,88,999.000,999.0,99.0 +1977,11,2,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,12.8,90,99100,0,0,368,0,0,0,0,0,0,0,140,2.6,10,10,9.7,1830,9,999999999,230,0.0630,0,88,999.000,999.0,99.0 +1977,11,2,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,12.8,93,99000,0,0,365,0,0,0,0,0,0,0,140,1.5,10,10,9.7,2130,9,999999999,230,0.0630,0,88,999.000,999.0,99.0 +1977,11,2,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,11.7,90,99000,34,752,343,16,16,14,1700,600,1600,290,150,3.6,8,8,6.4,2130,9,999999999,209,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,12.2,84,99000,242,1389,343,96,61,85,10400,4800,9600,1930,160,5.2,8,6,6.4,2440,9,999999999,220,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,12.8,78,99000,451,1389,340,266,579,72,27200,52500,10100,1380,170,6.7,4,2,9.7,77777,9,999999999,230,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,13.3,73,99100,613,1389,360,333,435,136,34900,42700,16000,2710,180,6.2,9,6,14.5,2740,9,999999999,240,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,13.9,70,99100,717,1389,357,461,580,156,48900,58500,18500,3310,200,6.7,9,3,19.3,77777,9,999999999,240,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,14.4,68,99000,757,1389,364,473,590,146,48800,58400,16800,3180,220,5.2,8,3,19.3,77777,9,999999999,250,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,15.0,66,99000,729,1389,379,419,517,143,44900,52300,17400,3030,170,5.7,8,6,24.1,7620,9,999999999,260,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.7,15.0,66,98900,635,1389,390,245,114,192,26600,11500,21300,4650,170,5.2,10,8,19.3,2740,9,999999999,260,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,15.0,68,99000,481,1389,387,114,45,98,12500,4200,11100,2830,160,5.7,10,8,24.1,1830,9,999999999,260,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,14.4,71,99000,280,1389,388,104,34,97,11300,2800,10800,2260,170,5.2,10,9,19.3,1370,9,999999999,250,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,14.4,73,99000,59,984,385,22,6,22,2500,0,2500,710,160,3.6,10,9,19.3,1520,9,999999999,250,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,14.4,78,99000,0,0,371,0,0,0,0,0,0,0,160,3.1,8,8,24.1,2440,9,999999999,250,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,14.4,78,99000,0,0,379,0,0,0,0,0,0,0,130,3.6,9,9,24.1,2740,9,999999999,250,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,13.9,78,99000,0,0,376,0,0,0,0,0,0,0,140,3.1,9,9,24.1,2740,9,999999999,240,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,13.9,81,99100,0,0,373,0,0,0,0,0,0,0,130,3.6,9,9,24.1,2740,9,999999999,240,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,13.9,81,99100,0,0,373,0,0,0,0,0,0,0,140,3.1,9,9,24.1,2740,9,999999999,240,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,12.8,78,99100,0,0,369,0,0,0,0,0,0,0,130,3.1,9,9,19.3,2740,9,999999999,230,0.0600,0,88,999.000,999.0,99.0 +1977,11,2,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,12.8,75,99100,0,0,382,0,0,0,0,0,0,0,130,3.1,10,10,16.1,2440,9,999999999,230,0.0600,0,88,999.000,999.0,99.0 +1977,11,3,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.2,12.8,75,99100,0,0,382,0,0,0,0,0,0,0,150,3.1,10,10,19.3,2440,9,999999999,230,0.0600,0,88,999.000,999.0,99.0 +1977,11,3,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,12.8,81,99100,0,0,376,0,0,0,0,0,0,0,170,3.1,10,10,19.3,2130,9,999999999,230,0.0600,0,88,999.000,999.0,99.0 +1977,11,3,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,13.3,84,99000,0,0,377,0,0,0,0,0,0,0,160,3.1,10,10,16.1,1680,9,999999999,240,0.0600,0,88,999.000,999.0,99.0 +1977,11,3,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,13.3,87,99000,0,0,374,0,0,0,0,0,0,0,150,3.1,10,10,16.1,1400,9,999999999,240,0.0600,0,88,999.000,999.0,99.0 +1977,11,3,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,13.3,87,99100,0,0,374,0,0,0,0,0,0,0,160,3.1,10,10,14.5,1400,9,999999999,240,0.0600,0,88,999.000,999.0,99.0 +1977,11,3,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.9,93,99100,0,0,372,0,0,0,0,0,0,0,160,3.6,10,10,14.5,2440,9,999999999,240,0.0600,0,88,999.000,999.0,99.0 +1977,11,3,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,13.9,90,99100,32,730,375,4,2,3,300,100,300,80,170,3.1,10,10,8.0,1680,9,999999999,250,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,14.4,90,99200,237,1390,378,49,6,48,5600,100,5500,1720,170,3.1,10,10,8.0,1680,9,999999999,250,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,14.4,81,99200,445,1390,387,119,12,115,13400,800,13200,4240,190,3.1,10,10,14.5,2740,9,999999999,250,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,15.6,78,99200,607,1390,398,157,5,155,17900,400,17800,6170,190,5.7,10,10,16.1,3050,9,999999999,270,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,15.6,76,99200,711,1390,401,213,6,210,24200,500,23900,8330,190,6.2,10,10,19.3,3660,9,999999999,270,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,21.1,16.1,73,99200,751,1390,396,310,89,261,33900,9000,29100,7840,230,5.2,10,9,19.3,700,9,999999999,280,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,16.1,76,99200,723,1390,405,237,130,169,26300,13500,19300,4270,190,4.6,10,10,19.3,3660,9,999999999,280,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.6,16.1,76,99200,629,1390,405,218,13,212,24300,1100,23800,7710,190,3.1,10,10,19.3,3660,9,999999999,280,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,16.1,78,99200,476,1390,401,131,1,130,14700,100,14600,4780,200,3.6,10,10,19.3,2740,9,999999999,280,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,20.0,16.1,78,99200,274,1390,401,62,3,61,6900,100,6900,2170,210,2.6,10,10,14.5,2440,9,999999999,280,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,19.4,15.6,78,99300,55,961,398,15,0,15,1700,0,1700,530,190,2.1,10,10,12.9,2440,9,999999999,270,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,18.3,16.1,87,99400,0,0,392,0,0,0,0,0,0,0,290,3.1,10,10,8.0,700,9,999999999,280,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,17.2,97,99500,0,0,391,0,0,0,0,0,0,0,20,2.6,10,10,8.0,1160,9,999999999,300,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,17.2,97,99500,0,0,391,0,0,0,0,0,0,0,10,2.6,10,10,8.0,1370,9,999999999,300,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,17.8,16.1,90,99600,0,0,390,0,0,0,0,0,0,0,360,6.2,10,10,8.0,370,9,999999999,280,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.6,13.9,90,99700,0,0,375,0,0,0,0,0,0,0,30,7.2,10,10,11.3,310,9,999999999,250,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,15.0,13.3,90,99700,0,0,371,0,0,0,0,0,0,0,10,6.7,10,10,11.3,240,9,999999999,240,0.0490,0,88,999.000,999.0,99.0 +1977,11,3,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,12.8,90,99800,0,0,368,0,0,0,0,0,0,0,20,6.7,10,10,14.5,340,9,999999999,230,0.0490,0,88,999.000,999.0,99.0 +1977,11,4,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,12.2,87,99800,0,0,367,0,0,0,0,0,0,0,20,8.2,10,10,16.1,310,9,999999999,220,0.0490,0,88,999.000,999.0,99.0 +1977,11,4,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,9.4,78,99900,0,0,358,0,0,0,0,0,0,0,30,7.7,10,10,24.1,2130,9,999999999,190,0.0490,0,88,999.000,999.0,99.0 +1977,11,4,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,10.6,86,100000,0,0,357,0,0,0,0,0,0,0,30,6.2,10,10,24.1,370,9,999999999,200,0.0490,0,88,999.000,999.0,99.0 +1977,11,4,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,8.9,80,100000,0,0,352,0,0,0,0,0,0,0,20,6.2,10,10,24.1,2740,9,999999999,180,0.0490,0,88,999.000,999.0,99.0 +1977,11,4,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,7.8,77,100100,0,0,315,0,0,0,0,0,0,0,30,5.2,3,3,24.1,77777,9,999999999,170,0.0490,0,88,999.000,999.0,99.0 +1977,11,4,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,6.7,74,100200,0,0,308,0,0,0,0,0,0,0,20,6.2,2,2,24.1,77777,9,999999999,160,0.0490,0,88,999.000,999.0,99.0 +1977,11,4,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,7.2,80,100200,29,707,306,15,33,12,1500,900,1400,200,30,7.7,2,2,24.1,77777,9,999999999,170,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,6.7,69,100300,231,1391,309,115,416,43,11500,29500,6600,770,30,8.8,1,1,24.1,77777,9,999999999,160,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,6.1,64,100400,439,1391,315,262,550,84,26600,49000,11000,1550,30,10.8,2,2,24.1,77777,9,999999999,160,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,5.6,55,100400,601,1391,321,388,621,113,39600,59500,13800,2240,40,8.2,2,2,24.1,77777,9,999999999,150,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,5.6,55,100400,706,1391,321,450,548,166,47200,55000,19200,3520,40,9.3,2,2,24.1,77777,9,999999999,150,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,5.6,54,100400,745,1391,320,495,702,112,51900,70200,14100,2510,40,8.8,2,1,24.1,77777,9,999999999,150,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,6.1,56,100300,717,1391,320,477,709,105,50000,70600,13500,2310,30,6.7,1,1,24.1,77777,9,999999999,160,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,6.1,58,100300,623,1391,312,427,757,82,43900,73000,11000,1670,30,9.8,0,0,24.1,77777,9,999999999,160,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,5.6,57,100300,470,1391,309,296,663,67,30700,61000,10000,1310,30,8.8,0,0,24.1,77777,9,999999999,150,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,6.1,64,100400,269,1391,305,140,468,47,14200,35500,7300,860,30,8.2,0,0,24.1,77777,9,999999999,160,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,6.7,74,100400,52,939,298,28,90,19,2600,3400,2400,340,30,6.7,0,0,24.1,77777,9,999999999,160,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,6.7,77,100400,0,0,296,0,0,0,0,0,0,0,30,7.2,0,0,24.1,77777,9,999999999,160,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,7.2,83,100400,0,0,294,0,0,0,0,0,0,0,30,7.2,0,0,24.1,77777,9,999999999,170,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,6.7,77,100400,0,0,296,0,0,0,0,0,0,0,30,5.7,0,0,24.1,77777,9,999999999,160,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,6.1,69,100300,0,0,300,0,0,0,0,0,0,0,40,5.7,0,0,24.1,77777,9,999999999,160,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,-0.6,42,100300,0,0,316,0,0,0,0,0,0,0,50,5.7,6,6,24.1,1370,9,999999999,110,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,-0.6,40,100300,0,0,327,0,0,0,0,0,0,0,50,6.7,8,8,24.1,1680,9,999999999,100,0.1000,0,88,999.000,999.0,99.0 +1977,11,4,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,0.0,45,100300,0,0,309,0,0,0,0,0,0,0,60,6.2,4,4,24.1,77777,9,999999999,110,0.1000,0,88,999.000,999.0,99.0 +1977,11,5,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,1.1,49,100200,0,0,324,0,0,0,0,0,0,0,60,5.2,8,8,24.1,760,9,999999999,120,0.1000,0,88,999.000,999.0,99.0 +1977,11,5,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,2.8,61,100200,0,0,299,0,0,0,0,0,0,0,50,4.6,2,2,24.1,77777,9,999999999,130,0.1000,0,88,999.000,999.0,99.0 +1977,11,5,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,3.9,66,100200,0,0,303,0,0,0,0,0,0,0,50,5.2,3,3,24.1,77777,9,999999999,140,0.1000,0,88,999.000,999.0,99.0 +1977,11,5,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.6,5.0,69,100200,0,0,340,0,0,0,0,0,0,0,40,6.2,10,10,24.1,670,9,999999999,150,0.1000,0,88,999.000,999.0,99.0 +1977,11,5,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,5.6,69,100100,0,0,343,0,0,0,0,0,0,0,70,5.7,10,10,24.1,580,9,999999999,150,0.1000,0,88,999.000,999.0,99.0 +1977,11,5,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,6.7,74,100100,0,0,344,0,0,0,0,0,0,0,50,6.2,10,10,24.1,520,9,999999999,160,0.1000,0,88,999.000,999.0,99.0 +1977,11,5,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,7.2,80,100100,27,684,342,6,1,6,700,0,700,230,50,5.2,10,10,24.1,520,9,999999999,170,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,7.8,80,100100,226,1391,345,35,5,34,4000,100,4000,1290,50,6.2,10,10,24.1,460,9,999999999,170,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,8.3,86,100100,434,1391,343,103,6,101,11700,400,11600,3820,40,5.7,10,10,19.3,520,9,999999999,180,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,8.3,83,100100,595,1391,346,167,5,165,18900,400,18800,6370,50,6.2,10,10,19.3,490,9,999999999,180,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,8.9,80,100000,700,1391,352,218,1,218,24700,100,24700,8430,30,6.7,10,10,19.3,580,9,999999999,180,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,8.9,77,99900,739,1391,355,264,4,261,29500,400,29300,9760,40,5.7,10,10,19.3,580,9,999999999,180,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,8.9,75,99800,711,1391,357,189,0,189,21700,0,21700,7740,40,7.2,10,10,19.3,580,9,999999999,180,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,8.9,77,99700,617,1391,338,177,109,128,19700,11100,14800,3070,30,8.8,8,8,19.3,550,9,999999999,180,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,8.9,77,99700,465,1391,345,131,35,119,14300,3300,13300,3270,50,7.2,9,9,19.3,520,9,999999999,180,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,8.9,80,99700,264,1391,335,95,70,81,10200,5300,9200,1740,40,7.2,9,8,19.3,2440,9,999999999,180,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,8.9,80,99700,49,916,352,13,0,13,1500,0,1500,470,30,5.2,10,10,19.3,1370,9,999999999,180,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,9.4,83,99600,0,0,353,0,0,0,0,0,0,0,40,6.7,10,10,24.1,2740,9,999999999,190,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,9.4,86,99600,0,0,350,0,0,0,0,0,0,0,40,5.2,10,10,24.1,2740,9,999999999,190,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,9.4,83,99600,0,0,343,0,0,0,0,0,0,0,20,5.7,9,9,24.1,2290,9,999999999,190,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,10.0,90,99600,0,0,334,0,0,0,0,0,0,0,30,5.2,8,8,24.1,2740,9,999999999,200,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.0,86,99500,0,0,336,0,0,0,0,0,0,0,20,5.2,8,8,19.3,2740,9,999999999,190,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.0,86,99500,0,0,353,0,0,0,0,0,0,0,50,4.6,10,10,14.5,2740,9,999999999,190,0.1380,0,88,999.000,999.0,99.0 +1977,11,5,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,10.0,83,99500,0,0,356,0,0,0,0,0,0,0,40,5.2,10,10,14.5,460,9,999999999,190,0.1380,0,88,999.000,999.0,99.0 +1977,11,6,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,10.6,86,99400,0,0,357,0,0,0,0,0,0,0,40,5.7,10,10,11.3,370,9,999999999,200,0.1380,0,88,999.000,999.0,99.0 +1977,11,6,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,10.6,86,99400,0,0,357,0,0,0,0,0,0,0,50,4.1,10,10,11.3,370,9,999999999,200,0.1380,0,88,999.000,999.0,99.0 +1977,11,6,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,11.1,90,99400,0,0,358,0,0,0,0,0,0,0,50,4.1,10,10,11.3,340,9,999999999,209,0.1380,0,88,999.000,999.0,99.0 +1977,11,6,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,11.1,90,99300,0,0,358,0,0,0,0,0,0,0,40,4.6,10,10,8.0,340,9,999999999,209,0.1380,0,88,999.000,999.0,99.0 +1977,11,6,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,11.1,93,99300,0,0,355,0,0,0,0,0,0,0,50,5.2,10,10,8.0,240,9,999999999,209,0.1380,0,88,999.000,999.0,99.0 +1977,11,6,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.6,90,99300,0,0,354,0,0,0,0,0,0,0,50,5.2,10,10,8.0,240,9,999999999,200,0.1380,0,88,999.000,999.0,99.0 +1977,11,6,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,10.6,93,99300,24,638,352,7,0,7,0,0,0,0,30,5.7,10,10,8.0,240,9,999999999,200,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,10.6,90,99300,221,1392,354,37,1,37,4300,0,4300,1380,30,5.2,10,10,8.0,370,9,999999999,200,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,10.6,86,99300,428,1392,357,104,2,104,11800,100,11800,3880,40,6.2,10,10,11.3,370,9,999999999,200,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,10.6,86,99300,590,1392,357,142,2,142,16400,100,16300,5700,30,4.6,10,10,11.3,370,9,999999999,200,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,11.1,83,99200,694,1392,363,169,2,168,19500,200,19400,7020,50,6.2,10,10,11.3,370,9,999999999,209,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,11.7,81,99100,733,1392,369,261,4,259,29300,400,29100,9650,30,6.7,10,10,16.1,370,9,999999999,220,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,11.7,84,99000,705,1392,366,205,1,204,23300,100,23200,8120,30,6.2,10,10,11.3,310,9,999999999,209,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,11.7,87,99000,612,1392,364,165,1,165,18800,100,18800,6460,30,6.2,10,10,8.0,310,9,999999999,220,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,11.7,87,99000,459,1392,364,148,0,147,16300,0,16300,5040,30,7.2,10,10,8.0,270,9,999999999,220,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,11.7,90,99000,259,1392,361,40,0,40,4600,0,4600,1540,30,7.7,10,10,8.0,520,9,999999999,209,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,11.7,93,99000,46,893,358,11,0,11,1300,0,1300,400,30,5.2,10,10,6.4,210,9,999999999,209,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,11.7,93,99000,0,0,358,0,0,0,0,0,0,0,20,6.2,10,10,6.4,180,9,999999999,209,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,11.7,93,99000,0,0,358,0,0,0,0,0,0,0,40,5.2,10,10,8.0,180,9,999999999,209,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,12.2,96,99000,0,0,359,0,0,0,0,0,0,0,20,4.6,10,10,6.4,180,9,999999999,220,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,12.2,96,98900,0,0,359,0,0,0,0,0,0,0,10,5.2,10,10,6.4,150,9,999999999,220,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.8,96,98900,0,0,362,0,0,0,0,0,0,0,30,4.1,10,10,4.0,210,9,999999999,230,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,13.3,96,98900,0,0,366,0,0,0,0,0,0,0,40,3.1,10,10,4.0,90,9,999999999,240,0.2080,0,88,999.000,999.0,99.0 +1977,11,6,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,13.3,96,98900,0,0,366,0,0,0,0,0,0,0,30,4.1,10,10,1.3,60,9,999999999,240,0.2080,0,88,999.000,999.0,99.0 +1977,11,7,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,13.9,100,98800,0,0,366,0,0,0,0,0,0,0,30,2.6,10,10,0.8,60,9,999999999,240,0.2080,0,88,999.000,999.0,99.0 +1977,11,7,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,13.9,100,98800,0,0,366,0,0,0,0,0,0,0,30,3.6,10,10,1.3,60,9,999999999,240,0.2080,0,88,999.000,999.0,99.0 +1977,11,7,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,14.4,13.9,96,98700,0,0,369,0,0,0,0,0,0,0,30,4.1,10,10,1.3,60,9,999999999,240,0.2080,0,88,999.000,999.0,99.0 +1977,11,7,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,13.3,96,98700,0,0,366,0,0,0,0,0,0,0,10,3.6,10,10,1.3,30,9,999999999,230,0.2080,0,88,999.000,999.0,99.0 +1977,11,7,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,12.8,100,98700,0,0,360,0,0,0,0,0,0,0,20,4.1,10,10,0.2,0,9,999999999,230,0.2080,0,88,999.000,999.0,99.0 +1977,11,7,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.8,96,98600,0,0,362,0,0,0,0,0,0,0,30,4.1,10,10,0.2,0,9,999999999,230,0.2080,0,88,999.000,999.0,99.0 +1977,11,7,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,12.8,100,98700,22,615,360,11,0,11,0,0,0,0,20,4.6,10,10,0.2,0,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,12.8,100,98700,215,1393,360,36,0,36,4100,0,4100,1340,30,4.6,10,10,0.2,30,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,12.8,100,98700,422,1393,360,90,1,90,10300,100,10300,3470,20,3.1,10,10,0.2,0,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,12.8,100,98700,584,1393,360,129,1,128,14800,100,14800,5250,20,4.1,10,10,0.4,60,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,13.3,96,98600,688,1393,366,145,1,145,16900,100,16900,6260,20,5.2,10,10,2.4,90,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,13.3,96,98500,728,1393,366,252,2,251,28300,200,28200,9430,10,4.1,10,10,0.4,60,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,13.9,100,98400,700,1393,366,258,1,258,28800,100,28800,9290,40,3.6,10,10,0.2,30,9,999999999,240,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,13.9,96,98400,606,1393,369,212,0,212,23600,0,23600,7500,20,5.2,10,10,1.3,90,9,999999999,240,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,13.3,96,98400,454,1393,366,142,1,141,15700,100,15700,4880,360,3.6,10,10,1.6,90,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,13.3,96,98400,254,1393,366,71,1,71,7900,0,7900,2320,10,3.1,10,10,0.8,60,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,13.3,100,98400,43,870,363,17,0,17,1900,0,1900,570,10,3.6,10,10,0.8,60,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.8,96,98400,0,0,362,0,0,0,0,0,0,0,20,4.6,10,10,1.3,90,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.8,96,98500,0,0,362,0,0,0,0,0,0,0,360,3.6,10,10,3.2,90,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.8,96,98500,0,0,362,0,0,0,0,0,0,0,360,2.6,10,10,2.4,120,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.8,96,98500,0,0,362,0,0,0,0,0,0,0,10,4.1,10,10,2.4,60,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.8,96,98500,0,0,362,0,0,0,0,0,0,0,20,3.6,10,10,3.2,60,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,12.8,96,98500,0,0,362,0,0,0,0,0,0,0,40,1.5,10,10,3.2,90,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,7,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.3,13.3,100,98500,0,0,363,0,0,0,0,0,0,0,340,1.5,10,10,3.2,90,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,8,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,13.3,96,98500,0,0,366,0,0,0,0,0,0,0,300,2.6,10,10,1.3,60,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,8,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,13.3,96,98500,0,0,366,0,0,0,0,0,0,0,0,0.0,10,10,1.3,60,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,8,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,13.3,96,98500,0,0,366,0,0,0,0,0,0,0,350,1.5,10,10,1.3,30,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,8,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,13.3,96,98500,0,0,366,0,0,0,0,0,0,0,0,0.0,10,10,1.3,60,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,8,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,13.9,100,98500,0,0,366,0,0,0,0,0,0,0,30,2.6,10,10,0.6,30,9,999999999,240,0.0760,0,88,999.000,999.0,99.0 +1977,11,8,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,13.9,13.3,96,98600,0,0,366,0,0,0,0,0,0,0,50,1.5,10,10,0.6,90,9,999999999,230,0.0760,0,88,999.000,999.0,99.0 +1977,11,8,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,13.3,96,98700,20,592,366,12,0,12,0,0,0,0,0,0.0,10,10,1.3,270,9,999999999,230,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,13.9,96,98700,210,1393,369,71,1,71,7700,0,7700,2090,120,3.1,10,10,2.4,150,9,999999999,240,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,13.9,96,98700,417,1393,369,143,1,142,15600,100,15600,4630,130,3.1,10,10,1.6,150,9,999999999,240,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,14.4,93,98700,578,1393,376,212,1,211,23400,100,23300,7220,170,2.6,10,10,1.6,180,9,999999999,250,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,15.0,93,98700,682,1393,379,237,0,237,26500,0,26500,8700,170,2.6,10,10,1.6,180,9,999999999,260,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,15.6,90,98700,722,1393,386,255,1,255,28600,100,28600,9450,160,3.1,10,10,3.2,270,9,999999999,270,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,15.0,87,98600,694,1393,385,261,2,260,29000,200,28900,9270,170,4.6,10,10,6.4,370,9,999999999,260,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,14.4,90,98600,601,1393,378,201,1,200,22400,100,22300,7210,180,5.2,10,10,6.4,310,9,999999999,250,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,14.4,90,98600,449,1393,378,144,1,144,16000,100,16000,4900,160,3.6,10,10,4.8,240,9,999999999,250,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,14.4,90,98600,249,1393,378,84,1,83,9100,0,9000,2500,160,3.6,10,10,4.8,310,9,999999999,250,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,15.0,90,98600,40,824,382,20,0,20,2200,0,2200,640,150,3.6,10,10,4.8,310,9,999999999,260,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,15.0,90,98700,0,0,382,0,0,0,0,0,0,0,170,3.6,10,10,6.4,370,9,999999999,260,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,15.6,93,98700,0,0,383,0,0,0,0,0,0,0,160,3.6,10,10,6.4,640,9,999999999,270,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,15.6,97,98600,0,0,380,0,0,0,0,0,0,0,130,3.6,10,10,6.4,1160,9,999999999,270,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.7,15.6,93,98600,0,0,383,0,0,0,0,0,0,0,140,4.1,10,10,6.4,340,9,999999999,270,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,15.0,93,98500,0,0,379,0,0,0,0,0,0,0,140,3.6,10,10,8.0,1160,9,999999999,260,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,15.0,93,98500,0,0,379,0,0,0,0,0,0,0,130,4.1,10,10,8.0,1400,9,999999999,260,0.0520,0,88,999.000,999.0,99.0 +1977,11,8,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,15.0,93,98400,0,0,369,0,0,0,0,0,0,0,160,6.2,9,9,8.0,340,9,999999999,260,0.0520,0,88,999.000,999.0,99.0 +1977,11,9,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,15.0,93,98400,0,0,369,0,0,0,0,0,0,0,140,7.2,9,9,8.0,460,9,999999999,260,0.0520,0,88,999.000,999.0,99.0 +1977,11,9,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,14.4,90,98300,0,0,368,0,0,0,0,0,0,0,150,6.2,9,9,8.0,370,9,999999999,250,0.0520,0,88,999.000,999.0,99.0 +1977,11,9,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,14.4,90,98100,0,0,360,0,0,0,0,0,0,0,140,6.7,8,8,9.7,370,9,999999999,250,0.0520,0,88,999.000,999.0,99.0 +1977,11,9,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,13.9,87,98100,0,0,378,0,0,0,0,0,0,0,140,7.7,10,10,11.3,2130,9,999999999,240,0.0520,0,88,999.000,999.0,99.0 +1977,11,9,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,13.9,87,98000,0,0,342,0,0,0,0,0,0,0,150,8.8,7,3,11.3,77777,9,999999999,240,0.0520,0,88,999.000,999.0,99.0 +1977,11,9,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,16.1,13.9,87,98000,0,0,378,0,0,0,0,0,0,0,160,6.2,10,10,11.3,580,9,999999999,240,0.0520,0,88,999.000,999.0,99.0 +1977,11,9,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,14.4,87,97900,18,569,382,11,0,11,0,0,0,0,150,7.7,10,10,6.4,760,9,999999999,250,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,14.4,84,97900,205,1394,384,50,0,50,5600,0,5600,1680,180,8.8,10,10,8.0,580,9,999999999,250,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.2,15.0,87,97900,411,1394,385,129,0,129,14300,0,14300,4350,170,9.8,10,10,8.0,520,9,999999999,260,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,12.2,84,97900,573,1394,370,107,1,107,12500,100,12500,4530,190,8.2,10,10,9.7,1010,9,999999999,220,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,12.2,84,97900,677,1394,352,366,350,193,38900,36100,21300,4290,180,6.7,8,8,19.3,1680,9,999999999,220,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,12.2,75,97800,716,1394,345,302,250,171,32600,26100,19200,3760,180,7.7,4,4,24.1,77777,9,999999999,220,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,17.8,10.0,61,97700,689,1394,348,386,467,151,40800,46800,17600,3140,210,9.8,4,4,24.1,77777,9,999999999,190,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,10.0,59,97700,596,1394,350,365,519,139,38200,50600,16500,2760,200,9.3,4,4,24.1,77777,9,999999999,190,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,18.3,8.9,54,97700,444,1394,352,228,309,128,24000,28500,14900,2600,190,8.8,5,5,24.1,77777,9,999999999,180,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.7,8.3,58,97700,244,1394,343,94,134,70,9800,9300,8200,1350,190,7.7,5,5,24.1,77777,9,999999999,170,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,16.1,8.9,63,97600,38,802,361,16,4,15,1700,0,1700,510,220,6.2,9,9,24.1,1830,9,999999999,180,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.0,86,97800,0,0,353,0,0,0,0,0,0,0,260,9.3,10,10,11.3,430,9,999999999,190,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,4.4,83,97900,0,0,323,0,0,0,0,0,0,0,250,9.8,10,10,24.1,460,9,999999999,140,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,1.7,73,97900,0,0,315,0,0,0,0,0,0,0,240,8.2,10,10,24.1,1370,9,999999999,120,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,-0.6,68,97900,0,0,308,0,0,0,0,0,0,0,240,9.8,10,10,24.1,760,9,999999999,100,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,-2.8,62,97900,0,0,276,0,0,0,0,0,0,0,230,10.8,5,5,24.1,77777,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-2.2,67,97900,0,0,280,0,0,0,0,0,0,0,240,10.8,7,7,24.1,1160,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1977,11,9,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-2.8,65,97900,0,0,290,0,0,0,0,0,0,0,240,9.3,9,9,24.1,1160,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1977,11,10,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-3.9,60,97900,0,0,297,0,0,0,0,0,0,0,240,7.7,10,10,24.1,1400,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1977,11,10,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-4.4,59,98000,0,0,294,0,0,0,0,0,0,0,230,8.8,10,10,24.1,1160,9,999999999,80,0.1340,0,88,999.000,999.0,99.0 +1977,11,10,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-4.4,59,97900,0,0,294,0,0,0,0,0,0,0,230,8.2,10,10,24.1,1400,9,999999999,80,0.1340,0,88,999.000,999.0,99.0 +1977,11,10,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-4.4,62,97900,0,0,291,0,0,0,0,0,0,0,230,11.3,10,10,24.1,1400,9,999999999,80,0.1340,0,88,999.000,999.0,99.0 +1977,11,10,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-5.6,59,97900,0,0,288,0,0,0,0,0,0,0,220,9.3,10,10,24.1,1400,9,999999999,80,0.1340,0,88,999.000,999.0,99.0 +1977,11,10,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-4.4,64,97900,0,0,289,0,0,0,0,0,0,0,210,8.8,10,10,24.1,1400,9,999999999,80,0.1340,0,88,999.000,999.0,99.0 +1977,11,10,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-3.3,70,97900,16,523,290,3,1,3,0,0,0,0,220,9.3,10,10,24.1,700,9,999999999,90,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-2.8,73,97900,199,1395,291,69,0,69,7500,0,7500,2000,210,8.2,10,10,24.1,700,9,999999999,90,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-2.8,73,97900,406,1395,291,98,11,94,11000,600,10800,3520,230,9.3,10,10,12.9,580,9,999999999,90,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-2.2,76,97900,567,1395,292,156,3,155,17700,200,17600,5930,210,8.2,10,10,4.0,340,9,999999999,90,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-1.7,79,97900,671,1395,292,178,1,178,20400,100,20300,7180,230,7.2,10,10,24.1,700,9,999999999,100,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-2.8,73,97900,711,1395,291,254,0,254,28400,0,28400,9320,250,10.3,10,10,14.5,1160,9,999999999,90,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-2.8,73,97900,683,1395,291,258,1,257,28600,100,28600,9090,240,9.3,10,10,14.5,640,9,999999999,90,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-2.8,73,98000,590,1395,291,200,3,199,22300,300,22200,7100,240,8.2,10,10,14.5,760,9,999999999,90,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-3.3,67,98100,439,1395,293,152,1,151,16600,100,16600,4950,250,7.7,10,10,14.5,1160,9,999999999,90,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-3.9,67,98200,239,1395,290,81,1,80,8700,0,8700,2400,260,9.3,10,10,14.5,1010,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-3.9,67,98300,35,779,290,18,0,18,2000,0,2000,580,270,9.3,10,10,16.1,1010,9,999999999,90,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-3.9,67,98400,0,0,290,0,0,0,0,0,0,0,260,8.2,10,10,16.1,1160,9,999999999,90,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-4.4,64,98500,0,0,289,0,0,0,0,0,0,0,270,8.2,10,10,19.3,1160,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-3.9,67,98500,0,0,290,0,0,0,0,0,0,0,280,7.2,10,10,19.3,1010,9,999999999,90,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-3.9,67,98500,0,0,290,0,0,0,0,0,0,0,290,5.2,10,10,19.3,1010,9,999999999,90,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-3.3,70,98600,0,0,290,0,0,0,0,0,0,0,270,8.8,10,10,16.1,1010,9,999999999,90,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-3.9,64,98700,0,0,292,0,0,0,0,0,0,0,280,8.2,10,10,19.3,1160,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1977,11,10,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-5.0,57,98800,0,0,293,0,0,0,0,0,0,0,300,6.2,10,10,24.1,1400,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1977,11,11,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-4.4,62,98800,0,0,291,0,0,0,0,0,0,0,310,7.7,10,10,19.3,1010,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1977,11,11,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-3.9,64,98900,0,0,292,0,0,0,0,0,0,0,280,7.2,10,10,24.1,1010,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1977,11,11,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-4.4,64,98900,0,0,289,0,0,0,0,0,0,0,270,6.7,10,10,24.1,1160,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1977,11,11,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-4.4,67,99000,0,0,287,0,0,0,0,0,0,0,290,7.7,10,10,24.1,1010,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1977,11,11,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-5.0,67,99100,0,0,284,0,0,0,0,0,0,0,300,7.2,10,10,24.1,880,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1977,11,11,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-5.0,67,99100,0,0,284,0,0,0,0,0,0,0,300,8.2,10,10,24.1,1370,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1977,11,11,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-5.0,72,99200,14,500,279,8,0,8,0,0,0,0,280,7.7,10,10,24.1,1160,9,999999999,80,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-5.0,69,99300,194,1395,274,52,0,52,5800,0,5800,1680,270,7.7,9,9,24.1,1160,9,999999999,80,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-5.6,64,99400,400,1395,250,194,447,61,19800,39200,8500,1160,280,7.7,1,1,24.1,77777,9,999999999,80,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-5.0,59,99400,562,1395,267,390,642,126,39400,60100,15100,2350,300,7.7,5,5,24.1,77777,9,999999999,80,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-5.6,57,99500,666,1395,276,260,118,203,28300,12000,22500,4980,300,7.7,8,8,24.1,1070,9,999999999,80,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-5.0,53,99500,705,1395,271,420,496,165,44200,49800,18900,3490,300,7.7,4,4,24.1,77777,9,999999999,80,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-6.1,52,99600,678,1395,274,305,230,191,32500,23700,20900,4240,290,7.2,7,7,24.1,1220,9,999999999,80,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-5.6,53,99600,585,1395,273,360,539,130,37900,52300,15800,2560,310,8.2,6,6,24.1,1220,9,999999999,80,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-6.1,52,99700,434,1395,270,214,298,119,22500,27300,14000,2380,300,6.7,6,6,24.1,1370,9,999999999,80,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-6.1,52,99800,235,1395,264,97,182,65,10100,12400,8000,1240,310,6.2,3,3,24.1,77777,9,999999999,80,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.6,59,99800,33,756,250,21,67,14,1800,2200,1700,240,290,3.6,0,0,24.1,77777,9,999999999,80,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-5.6,67,99800,0,0,243,0,0,0,0,0,0,0,280,3.1,0,0,24.1,77777,9,999999999,80,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-5.6,69,99900,0,0,241,0,0,0,0,0,0,0,260,2.6,0,0,24.1,77777,9,999999999,80,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.6,75,99900,0,0,237,0,0,0,0,0,0,0,270,3.6,0,0,24.1,77777,9,999999999,80,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.1,72,100000,0,0,237,0,0,0,0,0,0,0,300,3.1,0,0,24.1,77777,9,999999999,80,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-6.7,66,100000,0,0,239,0,0,0,0,0,0,0,310,3.6,0,0,24.1,77777,9,999999999,70,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-7.2,66,100000,0,0,236,0,0,0,0,0,0,0,310,4.1,0,0,24.1,77777,9,999999999,70,0.0900,0,88,999.000,999.0,99.0 +1977,11,11,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-7.2,69,100000,0,0,234,0,0,0,0,0,0,0,320,4.6,0,0,24.1,77777,9,999999999,70,0.0900,0,88,999.000,999.0,99.0 +1977,11,12,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-7.2,72,100000,0,0,232,0,0,0,0,0,0,0,320,5.2,0,0,24.1,77777,9,999999999,70,0.0900,0,88,999.000,999.0,99.0 +1977,11,12,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-7.2,69,100100,0,0,234,0,0,0,0,0,0,0,330,6.2,0,0,24.1,77777,9,999999999,70,0.0900,0,88,999.000,999.0,99.0 +1977,11,12,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-7.2,72,100100,0,0,232,0,0,0,0,0,0,0,320,6.2,0,0,24.1,77777,9,999999999,70,0.0900,0,88,999.000,999.0,99.0 +1977,11,12,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-7.2,75,100200,0,0,230,0,0,0,0,0,0,0,340,6.7,0,0,24.1,77777,9,999999999,70,0.0900,0,88,999.000,999.0,99.0 +1977,11,12,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-7.2,81,100300,0,0,227,0,0,0,0,0,0,0,320,4.6,0,0,24.1,77777,9,999999999,70,0.0900,0,88,999.000,999.0,99.0 +1977,11,12,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-8.3,72,100400,0,0,227,0,0,0,0,0,0,0,350,5.7,0,0,24.1,77777,9,999999999,70,0.0900,0,88,999.000,999.0,99.0 +1977,11,12,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-7.8,78,100500,13,477,231,5,10,4,0,0,0,0,320,6.2,1,1,24.1,77777,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-8.9,63,100500,189,1396,231,85,295,43,8700,18100,6200,770,350,8.2,0,0,24.1,77777,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-8.3,58,100600,395,1396,237,231,558,69,23500,48400,9800,1280,350,8.8,0,0,24.1,77777,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-8.3,50,100700,556,1396,245,367,685,88,37900,65200,11800,1750,340,9.3,0,0,24.1,77777,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-10.0,42,100700,660,1396,245,461,748,100,48000,73500,13100,2110,340,6.2,0,0,24.1,77777,9,999999999,60,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-9.4,41,100700,700,1396,250,500,775,104,52300,76800,13600,2250,350,6.7,0,0,24.1,77777,9,999999999,60,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-8.9,44,100700,673,1396,248,471,752,101,49100,74100,13200,2150,320,6.2,0,0,24.1,77777,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-7.8,46,100700,580,1396,256,373,662,92,38600,63500,12100,1850,330,5.7,1,1,24.1,77777,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-8.3,46,100700,429,1396,257,224,387,102,23200,34500,12500,1910,330,4.6,2,2,24.1,77777,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-8.3,46,100700,230,1396,257,101,267,55,10300,18200,7300,1000,350,5.2,2,2,24.1,77777,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-8.3,54,100700,31,733,249,12,21,10,1200,800,1200,210,350,3.6,2,2,24.1,77777,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-7.8,59,100700,0,0,244,0,0,0,0,0,0,0,350,3.6,1,1,24.1,77777,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-7.8,59,100800,0,0,239,0,0,0,0,0,0,0,350,4.1,0,0,24.1,77777,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-7.8,66,100800,0,0,234,0,0,0,0,0,0,0,350,3.1,0,0,24.1,77777,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-7.8,66,100800,0,0,234,0,0,0,0,0,0,0,310,2.6,0,0,24.1,77777,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-7.8,66,100800,0,0,234,0,0,0,0,0,0,0,330,4.1,0,0,24.1,77777,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-7.8,72,100800,0,0,230,0,0,0,0,0,0,0,320,3.6,0,0,24.1,77777,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,12,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-7.8,75,100800,0,0,228,0,0,0,0,0,0,0,310,2.6,0,0,24.1,77777,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,13,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-7.2,78,100800,0,0,244,0,0,0,0,0,0,0,310,2.6,6,6,24.1,2740,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,13,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-6.7,78,100800,0,0,250,0,0,0,0,0,0,0,310,2.1,7,7,24.1,2740,9,999999999,70,0.1310,0,88,999.000,999.0,99.0 +1977,11,13,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-6.1,78,100800,0,0,256,0,0,0,0,0,0,0,310,3.1,8,8,24.1,2740,9,999999999,80,0.1310,0,88,999.000,999.0,99.0 +1977,11,13,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.6,75,100800,0,0,274,0,0,0,0,0,0,0,300,2.1,10,10,24.1,2740,9,999999999,80,0.1310,0,88,999.000,999.0,99.0 +1977,11,13,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.6,78,100800,0,0,264,0,0,0,0,0,0,0,300,1.5,9,9,24.1,2740,9,999999999,80,0.1310,0,88,999.000,999.0,99.0 +1977,11,13,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.6,81,100800,0,0,247,0,0,0,0,0,0,0,290,2.6,5,5,24.1,77777,9,999999999,80,0.1310,0,88,999.000,999.0,99.0 +1977,11,13,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-6.1,88,100700,11,454,241,8,11,7,0,0,0,0,160,2.6,8,5,24.1,2740,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-5.0,75,100700,184,1397,257,60,53,53,6500,3400,6000,1120,190,2.1,8,6,20.9,3050,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-3.9,72,100700,390,1397,267,191,264,115,19900,23100,13400,2310,160,3.6,10,7,19.3,5490,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-3.3,62,100700,551,1397,283,202,137,147,22100,13500,16700,3440,190,4.1,10,8,16.1,3660,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-3.9,55,100600,655,1397,293,240,56,214,26400,5600,23800,6160,170,4.6,10,9,24.1,3660,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-3.3,57,100500,695,1397,283,328,225,215,35700,23000,24200,5350,200,5.7,10,7,24.1,4570,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-4.4,53,100400,668,1397,282,251,128,189,27400,13100,21200,4640,170,6.2,10,7,24.1,4570,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-4.4,53,100300,576,1397,286,215,113,168,23400,11200,18800,3960,180,5.7,9,8,24.1,7620,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-4.4,53,100300,425,1397,292,126,67,105,13800,6100,11900,2850,170,5.2,10,9,24.1,2130,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-4.4,55,100200,226,1397,299,25,4,24,2900,0,2900,960,170,6.2,10,10,24.1,2130,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-3.9,60,100100,29,710,297,8,1,8,1000,0,1000,300,160,6.7,10,10,24.1,2740,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-3.9,60,100000,0,0,297,0,0,0,0,0,0,0,160,7.2,10,10,24.1,3050,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-3.3,62,100000,0,0,297,0,0,0,0,0,0,0,170,6.7,10,10,24.1,3050,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-3.3,65,100000,0,0,295,0,0,0,0,0,0,0,170,5.7,10,10,24.1,3050,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-3.9,62,100000,0,0,294,0,0,0,0,0,0,0,180,7.2,10,10,24.1,3050,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-4.4,59,100000,0,0,294,0,0,0,0,0,0,0,180,4.6,10,10,24.1,2130,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-2.2,76,99900,0,0,292,0,0,0,0,0,0,0,170,6.7,10,10,9.7,1680,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,13,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-0.6,89,99900,0,0,291,0,0,0,0,0,0,0,160,5.2,10,10,19.3,1680,9,999999999,100,0.0620,0,88,999.000,999.0,99.0 +1977,11,14,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-0.6,89,99800,0,0,291,0,0,0,0,0,0,0,160,5.2,10,10,19.3,1370,9,999999999,100,0.0620,0,88,999.000,999.0,99.0 +1977,11,14,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.1,85,99700,0,0,290,0,0,0,0,0,0,0,170,4.6,10,10,19.3,1370,9,999999999,100,0.0620,0,88,999.000,999.0,99.0 +1977,11,14,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,99700,0,0,293,0,0,0,0,0,0,0,150,4.6,10,10,24.1,1370,9,999999999,100,0.0620,0,88,999.000,999.0,99.0 +1977,11,14,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.7,79,99600,0,0,292,0,0,0,0,0,0,0,170,5.2,10,10,24.1,1160,9,999999999,100,0.0620,0,88,999.000,999.0,99.0 +1977,11,14,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-1.7,76,99600,0,0,294,0,0,0,0,0,0,0,170,4.1,10,10,24.1,1160,9,999999999,100,0.0620,0,88,999.000,999.0,99.0 +1977,11,14,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-1.7,76,99500,0,0,294,0,0,0,0,0,0,0,170,4.6,10,10,24.1,1160,9,999999999,100,0.0620,0,88,999.000,999.0,99.0 +1977,11,14,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-2.2,79,99500,10,431,268,3,3,3,0,0,0,0,160,3.6,6,6,24.1,1160,9,999999999,90,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-1.7,76,99500,179,1397,255,86,390,34,8600,24600,5400,600,150,3.6,0,0,19.3,77777,9,999999999,100,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-1.1,70,99500,384,1397,262,237,651,52,23800,56800,8100,1010,160,5.2,0,0,14.5,77777,9,999999999,100,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-0.6,65,99400,545,1397,269,369,758,66,37900,71800,9800,1360,170,4.6,0,0,14.5,77777,9,999999999,100,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-0.6,58,99400,649,1397,275,458,800,78,47300,77800,11000,1660,180,4.1,1,0,14.5,77777,9,999999999,100,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,0.0,54,99200,689,1397,282,496,823,81,51400,80800,11400,1760,190,3.6,1,0,16.1,77777,9,999999999,110,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,0.0,48,99100,663,1397,289,470,810,79,48800,79000,11200,1690,160,4.1,1,0,19.3,77777,9,999999999,110,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,1.1,50,99000,571,1397,298,366,664,89,37900,63500,11800,1790,180,5.2,6,1,19.3,77777,9,999999999,110,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,2.2,53,99000,420,1397,302,222,410,96,23100,36300,12100,1790,190,4.1,6,1,19.3,77777,9,999999999,120,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,2.2,61,99000,222,1397,292,105,334,50,10800,22400,7200,900,180,3.6,6,1,19.3,77777,9,999999999,120,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,2.2,71,99000,27,687,290,16,29,13,0,0,0,0,160,3.6,7,3,19.3,77777,9,999999999,120,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,2.8,76,98900,0,0,291,0,0,0,0,0,0,0,140,3.1,8,4,19.3,77777,9,999999999,130,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,3.9,83,98900,0,0,292,0,0,0,0,0,0,0,150,3.6,10,4,19.3,77777,9,999999999,140,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,3.9,83,98900,0,0,311,0,0,0,0,0,0,0,150,3.1,10,9,16.1,7620,9,999999999,140,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,3.3,83,98800,0,0,286,0,0,0,0,0,0,0,150,3.6,8,3,16.1,77777,9,999999999,130,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,5.0,83,98700,0,0,317,0,0,0,0,0,0,0,180,4.1,10,9,14.5,1160,9,999999999,140,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,3.9,86,98700,0,0,287,0,0,0,0,0,0,0,150,3.1,8,3,14.5,77777,9,999999999,130,0.0810,0,88,999.000,999.0,99.0 +1977,11,14,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,3.9,86,98600,0,0,287,0,0,0,0,0,0,0,160,3.1,5,3,14.5,77777,9,999999999,130,0.0810,0,88,999.000,999.0,99.0 +1977,11,15,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,5.0,80,98500,0,0,305,0,0,0,0,0,0,0,180,5.7,6,6,19.3,1370,9,999999999,140,0.0810,0,88,999.000,999.0,99.0 +1977,11,15,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.9,5.0,77,98400,0,0,293,0,0,0,0,0,0,0,180,4.6,1,1,24.1,77777,9,999999999,140,0.0810,0,88,999.000,999.0,99.0 +1977,11,15,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,4.4,86,98300,0,0,283,0,0,0,0,0,0,0,160,4.1,1,1,24.1,77777,9,999999999,140,0.0810,0,88,999.000,999.0,99.0 +1977,11,15,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,6.1,77,98200,0,0,329,0,0,0,0,0,0,0,200,5.2,9,9,14.5,1010,9,999999999,150,0.0810,0,88,999.000,999.0,99.0 +1977,11,15,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,6.7,89,98100,0,0,296,0,0,0,0,0,0,0,180,6.2,2,2,19.3,77777,9,999999999,160,0.0810,0,88,999.000,999.0,99.0 +1977,11,15,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,7.2,86,98100,0,0,336,0,0,0,0,0,0,0,190,6.7,10,10,19.3,1010,9,999999999,160,0.0810,0,88,999.000,999.0,99.0 +1977,11,15,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,7.2,83,98000,8,384,314,6,8,5,0,0,0,0,180,6.2,6,6,12.9,2440,9,999999999,160,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,7.2,77,98000,173,1398,335,56,52,49,6000,3200,5600,1030,190,7.2,9,9,16.1,1010,9,999999999,160,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,7.2,77,98000,379,1398,328,134,121,100,14500,10700,11600,2210,200,9.8,8,8,19.3,2440,9,999999999,160,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.3,8.3,72,97900,540,1398,328,260,122,212,28400,11900,23800,5430,210,8.2,5,5,19.3,77777,9,999999999,170,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,8.3,62,97900,644,1398,338,291,209,193,31600,21200,21800,4690,230,7.2,5,5,19.3,77777,9,999999999,170,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.6,6.1,54,97800,684,1398,331,408,562,128,42000,55000,15000,2650,230,8.8,7,3,24.1,77777,9,999999999,150,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,3.3,49,97900,658,1398,337,257,129,195,27900,13100,21700,4770,230,10.3,10,8,24.1,7620,9,999999999,130,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,2.2,44,97900,566,1398,355,115,7,112,13300,500,13100,4670,230,7.7,10,10,24.1,7620,9,999999999,120,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,2.2,42,97900,416,1398,358,111,5,109,12400,300,12300,3940,220,9.3,10,10,24.1,7620,9,999999999,120,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,2.8,46,98000,218,1398,346,43,21,40,4800,1600,4500,1040,230,5.2,10,9,24.1,7620,9,999999999,130,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.8,2.2,49,98000,26,687,325,12,10,11,0,0,0,0,230,4.6,8,7,24.1,7620,9,999999999,120,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,2.2,51,98000,0,0,328,0,0,0,0,0,0,0,220,4.6,8,8,24.1,7620,9,999999999,120,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,3.9,66,98000,0,0,303,0,0,0,0,0,0,0,210,3.6,7,3,24.1,77777,9,999999999,130,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,5.6,77,98000,0,0,310,0,0,0,0,0,0,0,180,4.1,7,6,24.1,7620,9,999999999,150,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,7.8,80,97900,0,0,345,0,0,0,0,0,0,0,180,4.1,10,10,24.1,3660,9,999999999,170,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,10.6,86,97900,0,0,357,0,0,0,0,0,0,0,210,5.7,10,10,16.1,3660,9,999999999,200,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.8,11.1,90,97900,0,0,358,0,0,0,0,0,0,0,210,5.2,10,10,14.5,3050,9,999999999,209,0.0650,0,88,999.000,999.0,99.0 +1977,11,15,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,12.2,10.6,90,97900,0,0,344,0,0,0,0,0,0,0,240,6.2,9,9,14.5,3050,9,999999999,200,0.0650,0,88,999.000,999.0,99.0 +1977,11,16,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.1,8.3,83,97900,0,0,336,0,0,0,0,0,0,0,250,5.2,9,9,14.5,7620,9,999999999,170,0.0650,0,88,999.000,999.0,99.0 +1977,11,16,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,8.3,2.2,66,98000,0,0,297,0,0,0,0,0,0,0,270,4.1,4,4,24.1,77777,9,999999999,120,0.0650,0,88,999.000,999.0,99.0 +1977,11,16,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,2.2,71,98000,0,0,312,0,0,0,0,0,0,0,280,4.1,9,9,24.1,2740,9,999999999,120,0.0650,0,88,999.000,999.0,99.0 +1977,11,16,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,2.8,74,98100,0,0,312,0,0,0,0,0,0,0,260,3.1,9,9,24.1,2740,9,999999999,130,0.0650,0,88,999.000,999.0,99.0 +1977,11,16,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,2.2,76,98100,0,0,296,0,0,0,0,0,0,0,280,4.1,7,7,24.1,2740,9,999999999,120,0.0650,0,88,999.000,999.0,99.0 +1977,11,16,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,1.1,82,98100,0,0,273,0,0,0,0,0,0,0,260,2.1,2,2,24.1,77777,9,999999999,110,0.0650,0,88,999.000,999.0,99.0 +1977,11,16,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,0.6,85,98200,7,361,277,4,6,4,0,0,0,0,240,3.1,7,6,24.1,2740,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,0.6,82,98200,168,1399,266,77,349,33,7700,21300,5100,580,250,3.1,1,1,19.3,77777,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,1.7,71,98200,374,1399,281,200,479,68,20200,40700,9300,1250,250,3.6,1,1,24.1,77777,9,999999999,120,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,1.7,59,98300,535,1399,298,330,594,97,33700,55600,12300,1870,260,4.1,3,3,24.1,77777,9,999999999,120,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,0.0,50,98200,639,1399,310,264,168,186,28700,17000,20900,4510,240,6.2,10,7,24.1,3960,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.0,-0.6,48,98200,679,1399,314,329,183,238,35400,18600,26300,5880,250,5.2,10,8,24.1,4570,9,999999999,100,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,-0.6,43,98000,653,1399,306,360,431,155,37700,42700,17700,3180,270,6.7,6,3,24.1,77777,9,999999999,100,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,-1.1,41,98000,562,1399,308,350,568,117,35500,53300,14000,2220,260,6.2,7,4,24.1,7620,9,999999999,100,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,10.6,-1.1,45,98100,412,1399,332,73,4,72,8500,200,8400,2890,280,7.7,10,10,24.1,3050,9,999999999,100,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,0.0,54,98100,214,1399,317,46,11,44,5200,200,5100,1560,230,7.2,10,9,24.1,3050,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,-0.6,52,98100,24,664,316,10,3,10,0,0,0,0,240,7.2,9,9,24.1,3050,9,999999999,100,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,0.0,58,98100,0,0,312,0,0,0,0,0,0,0,230,4.1,9,9,24.1,3050,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,-0.6,56,98100,0,0,300,0,0,0,0,0,0,0,220,6.2,7,7,24.1,3050,9,999999999,100,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,0.6,63,98100,0,0,303,0,0,0,0,0,0,0,240,7.7,8,8,24.1,3050,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,1.1,65,98100,0,0,319,0,0,0,0,0,0,0,240,5.7,10,10,24.1,1830,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,1.7,68,98000,0,0,320,0,0,0,0,0,0,0,240,4.1,10,10,24.1,1830,9,999999999,120,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,2.2,74,98000,0,0,318,0,0,0,0,0,0,0,250,4.1,10,10,24.1,1830,9,999999999,120,0.0740,0,88,999.000,999.0,99.0 +1977,11,16,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,2.2,76,97900,0,0,316,0,0,0,0,0,0,0,260,3.6,10,10,24.1,1830,9,999999999,120,0.0740,0,88,999.000,999.0,99.0 +1977,11,17,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,2.2,79,97900,0,0,313,0,0,0,0,0,0,0,220,4.1,10,10,19.3,1680,9,999999999,120,0.0740,0,88,999.000,999.0,99.0 +1977,11,17,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,2.2,82,98000,0,0,311,0,0,0,0,0,0,0,210,5.2,10,10,19.3,1370,9,999999999,120,0.0740,0,88,999.000,999.0,99.0 +1977,11,17,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.7,79,97900,0,0,291,0,0,0,0,0,0,0,230,5.2,7,7,24.1,2740,9,999999999,120,0.0740,0,88,999.000,999.0,99.0 +1977,11,17,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,1.1,86,97900,0,0,270,0,0,0,0,0,0,0,240,4.6,2,2,24.1,77777,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1977,11,17,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,1.1,89,98000,0,0,273,0,0,0,0,0,0,0,230,4.6,4,4,24.1,77777,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1977,11,17,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.6,92,98000,0,0,260,0,0,0,0,0,0,0,250,5.2,1,1,24.1,77777,9,999999999,110,0.0740,0,88,999.000,999.0,99.0 +1977,11,17,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,0.0,92,98000,6,338,261,5,22,3,0,0,0,0,240,6.2,2,2,11.3,77777,9,999999999,110,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,0.0,85,98000,163,1399,282,45,36,41,5000,2500,4700,980,230,7.7,8,8,11.3,240,9,999999999,110,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,0.0,79,98000,369,1399,269,215,550,66,21800,46600,9500,1210,220,6.2,2,2,11.3,77777,9,999999999,110,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,0.0,70,98100,530,1399,285,244,287,133,26000,28000,15300,2700,260,9.3,6,6,12.9,550,9,999999999,110,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-1.1,56,98000,634,1399,289,380,562,120,38900,54300,14200,2400,250,7.7,4,4,19.3,77777,9,999999999,100,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-2.8,49,98000,674,1399,300,199,51,174,21900,5000,19400,5310,250,10.8,8,8,24.1,2130,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,-2.2,56,98100,648,1399,296,297,147,228,32000,14800,25100,5550,250,11.3,8,8,24.1,1070,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-2.2,58,98100,557,1399,294,180,66,154,19800,6400,17300,4360,250,10.3,8,8,24.1,1070,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-2.8,55,98100,408,1399,299,166,205,105,17600,18300,12200,2060,260,8.8,9,9,24.1,1160,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-2.8,55,98200,211,1399,299,39,43,33,4400,3000,4000,700,250,6.2,9,9,24.1,1680,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-2.8,55,98300,23,641,308,14,1,14,0,0,0,0,270,7.7,10,10,24.1,1680,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,-2.8,53,98300,0,0,310,0,0,0,0,0,0,0,250,8.2,10,10,24.1,1680,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,-2.8,55,98300,0,0,308,0,0,0,0,0,0,0,260,8.2,10,10,24.1,1160,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,-2.8,62,98400,0,0,281,0,0,0,0,0,0,0,260,8.8,7,7,24.1,1680,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,-3.3,60,98400,0,0,300,0,0,0,0,0,0,0,280,9.3,10,10,24.1,1400,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.9,-3.3,60,98500,0,0,300,0,0,0,0,0,0,0,270,6.7,10,10,24.1,1400,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-3.9,60,98500,0,0,297,0,0,0,0,0,0,0,270,7.7,10,10,24.1,1400,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,17,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-3.9,60,98600,0,0,297,0,0,0,0,0,0,0,280,6.2,10,10,24.1,1680,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,18,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-3.3,62,98700,0,0,297,0,0,0,0,0,0,0,260,9.3,10,10,24.1,2130,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,18,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-3.3,62,98700,0,0,297,0,0,0,0,0,0,0,270,7.7,10,10,24.1,1160,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,18,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-3.9,62,98800,0,0,294,0,0,0,0,0,0,0,270,9.3,10,10,24.1,1010,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,18,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-3.9,62,98900,0,0,294,0,0,0,0,0,0,0,280,8.8,10,10,24.1,1010,9,999999999,90,0.0600,0,88,999.000,999.0,99.0 +1977,11,18,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-3.9,64,98900,0,0,292,0,0,0,0,0,0,0,300,7.2,10,10,24.1,880,9,999999999,80,0.0600,0,88,999.000,999.0,99.0 +1977,11,18,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-3.9,64,99000,0,0,292,0,0,0,0,0,0,0,270,7.2,10,10,24.1,880,9,999999999,80,0.0600,0,88,999.000,999.0,99.0 +1977,11,18,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-4.4,62,99100,5,315,291,1,0,1,0,0,0,0,300,5.7,10,10,24.1,1010,9,999999999,80,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-4.4,62,99200,158,1400,291,27,8,26,3000,500,2900,670,300,6.7,10,10,24.1,1010,9,999999999,80,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-4.4,62,99300,363,1400,291,120,4,119,13200,200,13100,3830,270,7.7,10,10,24.1,1010,9,999999999,80,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-5.0,57,99300,524,1400,293,147,7,144,16500,500,16300,5380,290,7.7,10,10,24.1,1010,9,999999999,80,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-5.0,53,99300,629,1400,267,429,771,76,44400,74600,10700,1600,290,8.2,3,2,24.1,77777,9,999999999,80,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,-5.6,47,99400,670,1400,273,417,608,121,43000,59400,14500,2490,290,7.7,7,3,24.1,77777,9,999999999,80,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,-4.4,47,99400,644,1400,279,404,576,135,41300,55400,15700,2670,250,7.7,7,3,24.1,77777,9,999999999,80,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-3.9,51,99400,553,1400,277,360,693,81,37500,66000,11300,1630,280,6.2,3,3,24.1,77777,9,999999999,90,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,-4.4,47,99400,404,1400,267,256,696,51,26200,61700,8300,1020,290,7.2,0,0,24.1,77777,9,999999999,80,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-4.4,49,99500,207,1400,265,106,463,35,10700,31400,6000,640,270,5.2,0,0,24.1,77777,9,999999999,80,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-4.4,59,99500,21,618,255,16,61,10,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,80,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-3.9,67,99600,0,0,251,0,0,0,0,0,0,0,230,2.1,0,0,24.1,77777,9,999999999,90,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-3.9,67,99600,0,0,256,0,0,0,0,0,0,0,260,3.6,1,1,24.1,77777,9,999999999,90,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-3.3,65,99700,0,0,273,0,0,0,0,0,0,0,260,2.1,6,6,24.1,3050,9,999999999,90,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-3.3,67,99800,0,0,284,0,0,0,0,0,0,0,240,3.1,9,9,24.1,3050,9,999999999,90,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-3.3,67,99800,0,0,278,0,0,0,0,0,0,0,260,2.1,8,8,24.1,3050,9,999999999,90,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-2.8,73,99800,0,0,263,0,0,0,0,0,0,0,240,2.6,8,3,24.1,77777,9,999999999,90,0.0720,0,88,999.000,999.0,99.0 +1977,11,18,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-2.8,73,99900,0,0,252,0,0,0,0,0,0,0,250,2.6,0,0,24.1,77777,9,999999999,90,0.0720,0,88,999.000,999.0,99.0 +1977,11,19,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-3.3,82,99900,0,0,260,0,0,0,0,0,0,0,250,1.5,6,6,24.1,3660,9,999999999,90,0.0720,0,88,999.000,999.0,99.0 +1977,11,19,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.3,79,100000,0,0,283,0,0,0,0,0,0,0,300,1.5,10,10,24.1,3660,9,999999999,90,0.0720,0,88,999.000,999.0,99.0 +1977,11,19,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-2.8,76,99900,0,0,288,0,0,0,0,0,0,0,360,4.1,10,10,24.1,3660,9,999999999,90,0.0720,0,88,999.000,999.0,99.0 +1977,11,19,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.9,75,100000,0,0,269,0,0,0,0,0,0,0,0,0.0,8,8,24.1,3660,9,999999999,90,0.0720,0,88,999.000,999.0,99.0 +1977,11,19,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-3.9,72,100000,0,0,285,0,0,0,0,0,0,0,320,1.5,10,10,24.1,3050,9,999999999,90,0.0720,0,88,999.000,999.0,99.0 +1977,11,19,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-3.9,70,100000,0,0,287,0,0,0,0,0,0,0,20,3.1,10,10,24.1,2440,9,999999999,90,0.0720,0,88,999.000,999.0,99.0 +1977,11,19,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-2.2,76,100000,4,268,292,0,0,0,0,0,0,0,50,3.1,10,10,19.3,2440,9,999999999,90,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-1.1,73,100100,154,1400,300,44,2,44,4900,0,4900,1360,300,1.5,10,10,19.3,2440,9,999999999,100,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,0.0,70,100100,358,1400,308,87,5,85,9700,200,9700,3080,160,3.6,10,10,14.5,2440,9,999999999,110,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,0.6,71,100200,519,1400,312,150,10,146,16800,700,16600,5400,140,3.6,10,10,11.3,3050,9,999999999,110,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,0.6,65,100100,624,1400,316,185,8,181,20900,600,20600,6930,120,4.6,10,10,11.3,3050,9,999999999,110,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,0.6,63,100000,665,1400,319,184,5,182,21000,400,20800,7230,130,6.2,10,10,11.3,3050,9,999999999,110,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,-0.6,56,99900,639,1400,320,189,6,186,21300,500,21100,7160,120,6.2,10,10,11.3,3050,9,999999999,100,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,0.6,63,99800,549,1400,319,165,1,165,18500,100,18500,6030,110,6.2,10,10,11.3,2440,9,999999999,110,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,0.6,63,99700,400,1400,319,116,2,115,12900,100,12800,3990,120,6.2,10,10,11.3,1680,9,999999999,110,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,0.0,60,99700,204,1400,318,62,1,62,6800,0,6800,1910,120,6.7,10,10,11.3,1400,9,999999999,110,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,1.1,68,99700,20,595,317,7,0,7,0,0,0,0,110,7.7,10,10,11.3,1160,9,999999999,110,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,2.8,83,99600,0,0,314,0,0,0,0,0,0,0,120,8.8,10,10,11.3,1010,9,999999999,130,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,2.2,79,99600,0,0,313,0,0,0,0,0,0,0,120,8.2,10,10,11.3,1160,9,999999999,120,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,2.8,86,99500,0,0,311,0,0,0,0,0,0,0,120,7.7,10,10,11.3,1160,9,999999999,130,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,2.8,83,99400,0,0,314,0,0,0,0,0,0,0,130,8.2,10,10,11.3,1160,9,999999999,130,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,2.2,76,99400,0,0,316,0,0,0,0,0,0,0,130,8.2,10,10,14.5,1160,9,999999999,120,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,1.1,73,99300,0,0,312,0,0,0,0,0,0,0,130,8.2,10,10,19.3,1010,9,999999999,110,0.0800,0,88,999.000,999.0,99.0 +1977,11,19,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,1.7,76,99200,0,0,313,0,0,0,0,0,0,0,130,6.2,10,10,11.3,1010,9,999999999,120,0.0800,0,88,999.000,999.0,99.0 +1977,11,20,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,1.7,73,99100,0,0,315,0,0,0,0,0,0,0,140,6.2,10,10,19.3,1010,9,999999999,120,0.0800,0,88,999.000,999.0,99.0 +1977,11,20,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,2.2,71,98900,0,0,321,0,0,0,0,0,0,0,160,7.2,10,10,24.1,2440,9,999999999,120,0.0800,0,88,999.000,999.0,99.0 +1977,11,20,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,3.3,80,98900,0,0,320,0,0,0,0,0,0,0,170,3.1,10,10,11.3,880,9,999999999,130,0.0800,0,88,999.000,999.0,99.0 +1977,11,20,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,4.4,83,98900,0,0,323,0,0,0,0,0,0,0,170,7.2,10,10,12.9,760,9,999999999,140,0.0800,0,88,999.000,999.0,99.0 +1977,11,20,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.2,5.0,86,98700,0,0,324,0,0,0,0,0,0,0,160,7.7,10,10,11.3,580,9,999999999,140,0.0800,0,88,999.000,999.0,99.0 +1977,11,20,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,5.6,86,98700,0,0,327,0,0,0,0,0,0,0,180,9.3,10,10,19.3,1010,9,999999999,150,0.0800,0,88,999.000,999.0,99.0 +1977,11,20,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,6.7,86,98600,3,245,334,3,0,3,0,0,0,0,170,8.2,10,10,19.3,460,9,999999999,160,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,7.2,86,98600,149,1401,336,42,1,42,4600,0,4600,1310,180,8.2,10,10,19.3,430,9,999999999,160,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,8.3,83,98500,353,1401,346,119,1,118,13000,100,12900,3740,180,9.3,10,10,19.3,430,9,999999999,170,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,9.4,90,98500,514,1401,347,100,1,99,11500,100,11500,4060,180,10.8,10,10,4.8,340,9,999999999,190,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,9.4,86,98400,619,1401,350,129,0,129,15000,0,15000,5420,190,8.8,10,10,8.0,430,9,999999999,190,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.7,8.9,83,98300,660,1401,350,238,0,238,26500,0,26500,8470,180,12.4,10,10,9.7,370,9,999999999,180,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,12.2,10.0,86,98100,635,1401,353,215,2,214,24000,200,23900,7770,190,11.3,10,10,9.7,310,9,999999999,190,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,13.9,11.7,87,98100,545,1401,364,180,1,179,19900,100,19900,6300,170,11.3,10,10,9.7,340,9,999999999,209,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,14.4,12.2,87,98100,397,1401,367,141,0,141,15400,0,15400,4440,180,10.8,10,10,11.3,370,9,999999999,220,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,12.2,84,98100,201,1401,370,57,1,57,6300,0,6300,1800,190,10.3,10,10,12.9,460,9,999999999,220,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,15.0,12.2,84,98200,19,595,370,6,0,6,0,0,0,0,200,9.8,10,10,12.9,520,9,999999999,220,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,11.7,6.7,72,98500,0,0,347,0,0,0,0,0,0,0,270,9.3,10,10,24.1,1010,9,999999999,160,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,10.0,2.8,61,98600,0,0,334,0,0,0,0,0,0,0,260,7.2,10,10,24.1,1400,9,999999999,130,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,9.4,2.2,61,98800,0,0,310,0,0,0,0,0,0,0,250,8.2,7,7,24.1,1830,9,999999999,120,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,1.7,66,98900,0,0,289,0,0,0,0,0,0,0,240,10.3,2,2,24.1,77777,9,999999999,120,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,-3.3,55,99100,0,0,273,0,0,0,0,0,0,0,250,6.7,7,2,24.1,77777,9,999999999,90,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-5.6,55,99200,0,0,254,0,0,0,0,0,0,0,250,10.3,0,0,24.1,77777,9,999999999,80,0.0630,0,88,999.000,999.0,99.0 +1977,11,20,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-6.7,54,99300,0,0,248,0,0,0,0,0,0,0,240,8.8,0,0,24.1,77777,9,999999999,70,0.0630,0,88,999.000,999.0,99.0 +1977,11,21,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-7.8,54,99300,0,0,244,0,0,0,0,0,0,0,250,9.3,0,0,24.1,77777,9,999999999,70,0.0630,0,88,999.000,999.0,99.0 +1977,11,21,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-7.8,59,99400,0,0,250,0,0,0,0,0,0,0,240,6.2,3,3,24.1,77777,9,999999999,70,0.0630,0,88,999.000,999.0,99.0 +1977,11,21,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-7.8,61,99500,0,0,245,0,0,0,0,0,0,0,250,9.8,2,2,24.1,77777,9,999999999,70,0.0630,0,88,999.000,999.0,99.0 +1977,11,21,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-8.3,63,99600,0,0,233,0,0,0,0,0,0,0,250,7.7,0,0,24.1,77777,9,999999999,70,0.0630,0,88,999.000,999.0,99.0 +1977,11,21,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-8.3,66,99700,0,0,231,0,0,0,0,0,0,0,280,8.2,0,0,24.1,77777,9,999999999,70,0.0630,0,88,999.000,999.0,99.0 +1977,11,21,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-8.3,72,99700,0,0,227,0,0,0,0,0,0,0,270,7.7,0,0,24.1,77777,9,999999999,70,0.0630,0,88,999.000,999.0,99.0 +1977,11,21,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-8.9,71,99900,3,222,225,2,3,2,0,0,0,0,250,8.8,0,0,24.1,77777,9,999999999,60,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-8.9,66,100000,144,1402,229,59,226,35,6000,11800,4800,630,270,9.8,1,0,24.1,77777,9,999999999,70,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-8.3,66,100100,348,1402,231,199,504,69,19900,41600,9500,1240,290,8.2,4,0,24.1,77777,9,999999999,70,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-8.3,58,100100,509,1402,242,295,495,111,30900,46400,13900,2110,270,6.2,4,1,24.1,77777,9,999999999,70,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-8.3,54,100200,614,1402,241,421,725,96,43600,70300,12700,1960,280,9.3,2,0,24.1,77777,9,999999999,70,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-8.3,50,100200,656,1402,245,457,757,96,47700,74300,12800,2030,270,7.2,1,0,24.1,77777,9,999999999,70,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-8.3,48,100200,631,1402,252,416,701,94,43300,68400,12400,1950,270,7.2,1,1,24.1,77777,9,999999999,70,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-8.3,46,100200,541,1402,254,336,603,99,34400,56600,12500,1910,280,6.2,3,1,24.1,77777,9,999999999,70,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-8.9,46,100300,393,1402,255,184,263,108,19300,23100,12700,2140,270,6.2,8,2,24.1,77777,9,999999999,70,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-8.3,52,100300,198,1402,251,78,177,52,8100,10800,6600,980,270,7.2,7,2,24.1,77777,9,999999999,70,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-8.3,56,100500,18,572,249,8,10,7,0,0,0,0,250,5.2,4,3,24.1,77777,9,999999999,70,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-8.9,58,100500,0,0,234,0,0,0,0,0,0,0,270,5.2,0,0,24.1,77777,9,999999999,60,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-8.9,61,100500,0,0,233,0,0,0,0,0,0,0,280,6.2,0,0,24.1,77777,9,999999999,70,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-9.4,61,100500,0,0,230,0,0,0,0,0,0,0,280,4.1,0,0,24.1,77777,9,999999999,60,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-10.0,58,100600,0,0,237,0,0,0,0,0,0,0,290,5.7,2,2,24.1,77777,9,999999999,60,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-11.1,58,100500,0,0,232,0,0,0,0,0,0,0,310,5.2,6,2,24.1,77777,9,999999999,60,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-11.7,55,100500,0,0,259,0,0,0,0,0,0,0,320,6.7,10,10,24.1,3660,9,999999999,60,0.1190,0,88,999.000,999.0,99.0 +1977,11,21,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-11.7,58,100500,0,0,234,0,0,0,0,0,0,0,300,4.1,10,4,24.1,77777,9,999999999,60,0.1190,0,88,999.000,999.0,99.0 +1977,11,22,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-11.7,58,100600,0,0,233,0,0,0,0,0,0,0,320,5.2,10,3,24.1,77777,9,999999999,60,0.1190,0,88,999.000,999.0,99.0 +1977,11,22,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-11.7,58,100600,0,0,233,0,0,0,0,0,0,0,10,2.6,10,3,24.1,77777,9,999999999,60,0.1190,0,88,999.000,999.0,99.0 +1977,11,22,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-11.1,60,100600,0,0,233,0,0,0,0,0,0,0,30,2.6,10,3,24.1,77777,9,999999999,60,0.1190,0,88,999.000,999.0,99.0 +1977,11,22,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-11.7,55,100600,0,0,234,0,0,0,0,0,0,0,50,2.1,10,3,24.1,77777,9,999999999,60,0.1190,0,88,999.000,999.0,99.0 +1977,11,22,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-11.7,55,100600,0,0,234,0,0,0,0,0,0,0,360,3.1,10,3,24.1,77777,9,999999999,60,0.1190,0,88,999.000,999.0,99.0 +1977,11,22,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-11.1,60,100600,0,0,233,0,0,0,0,0,0,0,360,1.5,10,3,24.1,77777,9,999999999,60,0.1190,0,88,999.000,999.0,99.0 +1977,11,22,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-10.6,60,100600,2,199,248,0,0,0,0,0,0,0,10,3.6,10,8,24.1,2740,9,999999999,60,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-9.4,63,100600,139,1402,256,29,9,28,3200,600,3100,690,310,2.1,10,9,19.3,2740,9,999999999,60,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-7.8,61,100500,344,1402,274,83,31,75,9100,2700,8400,2000,280,2.1,10,10,17.7,2740,9,999999999,70,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-6.7,59,100500,505,1402,282,113,1,113,13000,100,12900,4450,130,3.1,10,10,17.7,1220,9,999999999,70,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-5.6,62,100400,610,1402,285,165,10,160,18700,800,18400,6290,150,4.6,10,10,16.1,4570,9,999999999,80,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-5.0,59,100200,651,1402,291,176,4,174,20000,300,19900,6920,140,4.6,10,10,19.3,3050,9,999999999,80,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-5.6,53,100200,627,1402,295,162,9,158,18500,700,18200,6330,140,3.6,10,10,16.1,3050,9,999999999,80,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-6.1,48,100100,537,1402,297,148,5,146,16700,400,16600,5500,70,4.6,10,10,19.3,3050,9,999999999,80,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-5.6,51,100000,390,1402,289,138,74,117,15100,6600,13200,2980,90,4.1,10,9,19.3,3050,9,999999999,80,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-5.0,55,100000,195,1402,281,58,6,57,6300,100,6300,1780,70,6.2,10,8,24.1,3050,9,999999999,80,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-4.4,57,99900,17,549,282,9,4,8,0,0,0,0,90,5.2,8,8,24.1,3050,9,999999999,80,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-3.9,60,99800,0,0,278,0,0,0,0,0,0,0,100,7.2,7,7,24.1,2440,9,999999999,90,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-4.4,62,99800,0,0,252,0,0,0,0,0,0,0,120,6.2,0,0,24.1,77777,9,999999999,80,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-5.0,62,99700,0,0,250,0,0,0,0,0,0,0,120,6.7,0,0,24.1,77777,9,999999999,80,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-5.0,62,99700,0,0,270,0,0,0,0,0,0,0,110,4.1,7,7,19.3,1830,9,999999999,80,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-4.4,59,99600,0,0,286,0,0,0,0,0,0,0,90,6.2,9,9,19.3,1830,9,999999999,80,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-3.9,64,99500,0,0,270,0,0,0,0,0,0,0,120,6.7,6,6,19.3,1830,9,999999999,90,0.1060,0,88,999.000,999.0,99.0 +1977,11,22,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-3.3,67,99500,0,0,284,0,0,0,0,0,0,0,130,4.6,9,9,19.3,1830,9,999999999,90,0.1060,0,88,999.000,999.0,99.0 +1977,11,23,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-3.9,64,99400,0,0,292,0,0,0,0,0,0,0,130,4.6,10,10,19.3,1370,9,999999999,90,0.1060,0,88,999.000,999.0,99.0 +1977,11,23,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-3.3,70,99400,0,0,290,0,0,0,0,0,0,0,140,5.2,10,10,16.1,1010,9,999999999,90,0.1060,0,88,999.000,999.0,99.0 +1977,11,23,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-2.8,73,99300,0,0,291,0,0,0,0,0,0,0,120,4.1,10,10,16.1,460,9,999999999,90,0.1060,0,88,999.000,999.0,99.0 +1977,11,23,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.7,79,99200,0,0,292,0,0,0,0,0,0,0,130,3.6,10,10,12.9,430,9,999999999,100,0.1060,0,88,999.000,999.0,99.0 +1977,11,23,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,0.0,92,99100,0,0,291,0,0,0,0,0,0,0,160,3.1,10,10,6.4,340,9,999999999,110,0.1060,0,88,999.000,999.0,99.0 +1977,11,23,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,0.6,96,99000,0,0,292,0,0,0,0,0,0,0,140,4.1,10,10,6.4,180,9,999999999,110,0.1060,0,88,999.000,999.0,99.0 +1977,11,23,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,0.6,89,99000,1,175,297,0,0,0,0,0,0,0,160,3.1,10,10,4.0,150,9,999999999,110,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,1.1,92,98900,134,1403,297,21,3,20,2300,0,2300,730,140,3.6,10,10,2.4,150,9,999999999,110,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,1.1,92,98900,339,1403,297,44,3,44,5300,100,5300,1800,170,4.1,10,10,3.2,150,9,999999999,110,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,1.1,92,99000,500,1403,297,89,5,87,10400,300,10300,3620,210,2.1,10,10,3.2,180,9,999999999,110,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,1.1,92,98900,605,1403,297,180,7,177,20300,600,20100,6700,230,4.1,10,10,3.2,150,9,999999999,110,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,2.2,93,98800,647,1403,303,164,5,162,18800,400,18600,6560,250,5.7,10,10,9.7,240,9,999999999,120,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,1.7,89,98800,623,1403,303,204,5,201,22800,400,22600,7380,250,5.7,10,10,11.3,240,9,999999999,120,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,0.6,85,98800,534,1403,299,150,3,149,16900,200,16800,5550,250,6.7,10,10,11.3,370,9,999999999,110,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,0.6,82,98900,387,1403,301,109,1,109,12200,100,12100,3780,250,5.7,10,10,12.9,430,9,999999999,110,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-0.6,82,99000,192,1403,295,55,1,54,6000,0,6000,1710,260,5.7,10,10,12.9,430,9,999999999,100,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-0.6,82,99100,16,549,295,10,0,10,0,0,0,0,270,5.7,10,10,12.9,490,9,999999999,100,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-0.6,79,99100,0,0,298,0,0,0,0,0,0,0,270,5.2,10,10,12.9,460,9,999999999,100,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-1.1,79,99200,0,0,295,0,0,0,0,0,0,0,280,6.2,10,10,11.3,490,9,999999999,100,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,99200,0,0,293,0,0,0,0,0,0,0,290,5.7,10,10,11.3,1370,9,999999999,100,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-1.1,82,99300,0,0,293,0,0,0,0,0,0,0,290,4.6,10,10,11.3,1220,9,999999999,100,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.7,85,99300,0,0,280,0,0,0,0,0,0,0,280,3.6,9,9,11.3,2440,9,999999999,100,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.7,82,99300,0,0,290,0,0,0,0,0,0,0,290,5.2,10,10,11.3,460,9,999999999,100,0.1250,0,88,999.000,999.0,99.0 +1977,11,23,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-2.2,76,99400,0,0,292,0,0,0,0,0,0,0,300,4.1,10,10,11.3,460,9,999999999,90,0.1250,0,88,999.000,999.0,99.0 +1977,11,24,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-3.3,75,99400,0,0,286,0,0,0,0,0,0,0,290,5.7,10,10,14.5,550,9,999999999,90,0.1250,0,88,999.000,999.0,99.0 +1977,11,24,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.9,75,99500,0,0,269,0,0,0,0,0,0,0,290,5.7,8,8,19.3,520,9,999999999,90,0.1250,0,88,999.000,999.0,99.0 +1977,11,24,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-3.9,72,99500,0,0,285,0,0,0,0,0,0,0,300,6.7,10,10,24.1,580,9,999999999,90,0.1250,0,88,999.000,999.0,99.0 +1977,11,24,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-3.9,72,99500,0,0,285,0,0,0,0,0,0,0,300,4.6,10,10,24.1,580,9,999999999,90,0.1250,0,88,999.000,999.0,99.0 +1977,11,24,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-4.4,70,99600,0,0,285,0,0,0,0,0,0,0,300,5.2,10,10,24.1,580,9,999999999,80,0.1250,0,88,999.000,999.0,99.0 +1977,11,24,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-4.4,72,99600,0,0,282,0,0,0,0,0,0,0,300,4.1,10,10,24.1,580,9,999999999,80,0.1250,0,88,999.000,999.0,99.0 +1977,11,24,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-4.4,72,99600,1,129,282,1,0,1,0,0,0,0,280,4.6,10,10,16.1,580,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-3.9,72,99600,130,1403,285,33,0,33,3700,0,3700,1060,290,6.2,10,10,16.1,520,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-3.9,72,99700,334,1403,277,114,40,104,12400,3500,11600,2550,280,5.2,10,9,19.3,520,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-3.9,67,99700,495,1403,276,193,145,141,21000,13900,16000,3230,280,6.2,10,8,17.7,520,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-4.4,64,99700,601,1403,261,379,678,82,39600,65800,11300,1700,280,6.2,4,3,17.7,77777,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-4.4,64,99700,643,1403,264,376,516,135,39800,51000,16300,2720,260,4.1,5,4,24.1,77777,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-4.4,59,99600,619,1403,268,338,446,138,35600,43800,16200,2760,260,5.7,6,4,24.1,7620,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-4.4,55,99500,530,1403,264,344,744,57,35900,70400,9200,1230,260,4.6,1,1,24.1,77777,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-5.0,55,99500,383,1403,267,225,576,64,23000,49500,9400,1190,290,3.6,3,3,24.1,77777,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.0,62,99500,189,1403,261,73,169,50,7700,10000,6300,940,290,2.6,6,3,24.1,77777,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-5.0,69,99500,15,526,252,12,43,7,0,0,0,0,280,2.6,4,2,24.1,77777,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-5.0,72,99400,0,0,250,0,0,0,0,0,0,0,260,2.1,5,2,24.1,77777,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-4.4,78,99400,0,0,264,0,0,0,0,0,0,0,190,2.6,9,8,24.1,880,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-4.4,78,99300,0,0,270,0,0,0,0,0,0,0,250,1.5,9,9,24.1,880,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-4.4,75,99300,0,0,280,0,0,0,0,0,0,0,270,2.1,10,10,24.1,760,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-5.0,72,99100,0,0,271,0,0,0,0,0,0,0,120,1.5,9,9,19.3,760,9,999999999,80,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-3.9,72,99100,0,0,285,0,0,0,0,0,0,0,160,4.6,10,10,16.1,580,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,24,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-3.3,75,98900,0,0,286,0,0,0,0,0,0,0,160,6.2,10,10,6.4,460,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,25,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-2.8,82,98800,0,0,284,0,0,0,0,0,0,0,160,8.2,10,10,0.8,460,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,25,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-1.7,92,98800,0,0,282,0,0,0,0,0,0,0,270,3.1,10,10,0.8,150,9,999999999,100,0.0620,0,88,999.000,999.0,99.0 +1977,11,25,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,98700,0,0,285,0,0,0,0,0,0,0,270,2.1,10,10,0.8,90,9,999999999,100,0.0620,0,88,999.000,999.0,99.0 +1977,11,25,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-2.2,89,98500,0,0,282,0,0,0,0,0,0,0,350,3.1,10,10,0.8,210,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,25,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-2.8,89,98400,0,0,279,0,0,0,0,0,0,0,320,2.6,10,10,0.8,150,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,25,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-2.8,89,98400,0,0,279,0,0,0,0,0,0,0,310,2.6,10,10,1.6,150,9,999999999,90,0.0620,0,88,999.000,999.0,99.0 +1977,11,25,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-3.3,89,98400,1,105,276,0,0,0,0,0,0,0,280,3.1,10,10,6.4,1010,9,999999999,90,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-3.9,89,98300,125,1404,274,27,3,27,3100,0,3100,910,290,4.1,10,10,4.0,180,9,999999999,90,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-6.7,85,98400,329,1404,262,115,8,113,12500,400,12400,3490,310,7.2,10,10,4.8,400,9,999999999,70,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-8.3,81,98500,491,1404,244,195,216,118,20800,20600,13600,2340,330,9.3,8,8,12.9,580,9,999999999,70,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-9.4,81,98600,596,1404,235,216,81,181,23600,7900,20300,5120,320,7.2,7,7,24.1,3050,9,999999999,60,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-10.6,77,98600,639,1404,227,342,370,171,36500,37700,19300,3680,320,9.3,5,5,24.1,77777,9,999999999,60,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-11.7,71,98600,615,1404,226,312,207,219,33400,20700,24300,5250,310,9.3,7,5,24.1,3660,9,999999999,60,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-12.2,68,98700,527,1404,234,149,104,109,16500,10200,12700,2520,320,7.7,8,8,24.1,3660,9,999999999,50,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-12.8,68,98800,381,1404,232,179,157,136,19100,13700,15400,3010,310,9.3,8,8,24.1,3660,9,999999999,50,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-11.7,71,98800,187,1404,247,35,22,32,3800,1600,3600,830,300,8.2,10,10,4.0,610,9,999999999,60,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.3,-12.2,74,99000,14,526,242,5,1,4,0,0,0,0,310,8.2,10,10,11.3,1370,9,999999999,50,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-12.8,71,99100,0,0,235,0,0,0,0,0,0,0,310,7.7,9,9,16.1,3050,9,999999999,50,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-13.3,71,99100,0,0,239,0,0,0,0,0,0,0,300,8.2,10,10,16.1,3050,9,999999999,50,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-13.9,70,99200,0,0,217,0,0,0,0,0,0,0,300,5.2,5,5,24.1,77777,9,999999999,50,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-15.0,70,99200,0,0,204,0,0,0,0,0,0,0,310,6.2,1,1,24.1,77777,9,999999999,50,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-15.6,70,99200,0,0,198,0,0,0,0,0,0,0,300,9.3,0,0,24.1,77777,9,999999999,50,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-16.1,73,99200,0,0,195,0,0,0,0,0,0,0,310,9.8,0,0,24.1,77777,9,999999999,40,0.1210,0,88,999.000,999.0,99.0 +1977,11,25,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.8,-17.2,70,99200,0,0,192,0,0,0,0,0,0,0,310,6.2,0,0,24.1,77777,9,999999999,40,0.1210,0,88,999.000,999.0,99.0 +1977,11,26,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.8,-17.8,67,99200,0,0,192,0,0,0,0,0,0,0,300,6.2,0,0,24.1,77777,9,999999999,40,0.1210,0,88,999.000,999.0,99.0 +1977,11,26,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.9,-18.3,69,99200,0,0,188,0,0,0,0,0,0,0,300,6.2,0,0,24.1,77777,9,999999999,40,0.1210,0,88,999.000,999.0,99.0 +1977,11,26,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.0,-20.0,66,99300,0,0,184,0,0,0,0,0,0,0,300,6.2,0,0,24.1,77777,9,999999999,40,0.1210,0,88,999.000,999.0,99.0 +1977,11,26,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.6,-20.0,69,99300,0,0,182,0,0,0,0,0,0,0,300,4.6,0,0,24.1,77777,9,999999999,40,0.1210,0,88,999.000,999.0,99.0 +1977,11,26,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.6,-20.0,69,99300,0,0,182,0,0,0,0,0,0,0,300,4.1,0,0,24.1,77777,9,999999999,40,0.1210,0,88,999.000,999.0,99.0 +1977,11,26,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.6,-20.0,69,99300,0,0,182,0,0,0,0,0,0,0,290,5.2,0,0,24.1,77777,9,999999999,40,0.1210,0,88,999.000,999.0,99.0 +1977,11,26,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-16.1,-20.6,69,99400,0,82,180,1,1,0,0,0,0,0,290,4.1,0,0,24.1,77777,9,999999999,40,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-16.1,-20.6,69,99400,121,1404,180,50,229,29,5100,10800,4100,520,280,3.1,0,0,24.1,77777,9,999999999,40,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-14.4,-20.6,60,99300,325,1404,185,190,558,57,19200,45200,8700,1040,270,5.2,0,0,24.1,77777,9,999999999,40,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.2,-18.9,58,99300,486,1404,192,325,706,75,33500,65100,10900,1460,290,4.6,0,0,24.1,77777,9,999999999,40,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-18.9,51,99300,592,1404,197,419,772,87,42300,73300,11300,1650,250,4.6,0,0,24.1,77777,9,999999999,40,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-19.4,43,99200,635,1404,202,457,785,95,47600,76600,12800,1970,260,5.2,1,0,24.1,77777,9,999999999,40,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-19.4,39,99200,612,1404,209,415,713,99,43000,68900,12900,2010,280,5.7,3,1,24.1,77777,9,999999999,40,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-18.3,41,99100,524,1404,215,326,543,119,34000,51300,14800,2290,230,4.1,7,2,24.1,77777,9,999999999,40,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-16.7,49,99100,378,1404,218,180,288,100,18800,24900,12100,1960,250,4.6,8,4,24.1,77777,9,999999999,40,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-17.2,51,99100,185,1404,218,58,58,50,6300,3700,5800,1050,230,4.1,10,6,24.1,7620,9,999999999,40,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-17.2,58,99100,14,503,207,9,6,9,0,0,0,0,240,3.6,8,3,24.1,77777,9,999999999,40,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-16.7,64,99100,0,0,204,0,0,0,0,0,0,0,230,3.1,7,2,24.1,77777,9,999999999,40,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-16.1,73,99100,0,0,201,0,0,0,0,0,0,0,210,2.1,4,2,24.1,77777,9,999999999,40,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-16.1,73,99100,0,0,201,0,0,0,0,0,0,0,170,2.1,5,2,24.1,77777,9,999999999,40,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-15.6,76,99100,0,0,209,0,0,0,0,0,0,0,150,2.1,9,6,24.1,3660,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-15.0,70,99000,0,0,220,0,0,0,0,0,0,0,140,3.1,10,8,24.1,3050,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-15.0,64,99000,0,0,229,0,0,0,0,0,0,0,150,2.1,10,9,19.3,2740,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,11,26,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-12.8,65,99100,0,0,239,0,0,0,0,0,0,0,150,3.1,10,9,19.3,2740,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,11,27,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-12.2,68,99000,0,0,246,0,0,0,0,0,0,0,150,3.6,10,10,16.1,2740,9,999999999,50,0.1030,0,88,999.000,999.0,99.0 +1977,11,27,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-11.7,68,98900,0,0,249,0,0,0,0,0,0,0,160,4.1,10,10,16.1,2740,9,999999999,60,0.1030,0,88,999.000,999.0,99.0 +1977,11,27,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-10.0,81,98800,0,0,248,0,0,0,0,0,0,0,150,5.2,10,10,2.4,1520,9,999999999,60,0.1030,0,88,999.000,999.0,99.0 +1977,11,27,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-10.0,81,98700,0,0,248,0,0,0,0,0,0,0,120,5.2,10,10,2.4,910,9,999999999,60,0.1030,0,88,999.000,999.0,99.0 +1977,11,27,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-7.8,92,98600,0,0,252,0,0,0,0,0,0,0,130,5.2,10,10,2.4,460,9,999999999,70,0.1030,0,88,999.000,999.0,99.0 +1977,11,27,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-7.8,92,98600,0,0,252,0,0,0,0,0,0,0,140,5.7,10,10,3.2,460,9,999999999,70,0.1030,0,88,999.000,999.0,99.0 +1977,11,27,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-7.8,88,98500,0,59,255,0,0,0,0,0,0,0,130,5.7,10,10,6.4,610,9,999999999,70,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-7.8,85,98500,117,1405,256,33,0,33,3600,0,3600,1020,140,6.7,10,10,4.0,610,9,999999999,70,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-7.2,85,98400,320,1405,259,69,4,67,7700,200,7700,2470,150,8.2,10,10,40.2,460,9,999999999,70,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-6.7,85,98300,482,1405,262,116,3,115,13200,200,13100,4400,150,6.7,10,10,6.4,460,9,999999999,70,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-5.6,85,98200,588,1405,268,191,5,189,21300,400,21200,6840,150,5.2,10,10,3.2,460,9,999999999,80,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-5.0,88,98100,631,1405,268,182,3,180,20500,200,20400,6940,140,7.2,10,10,40.2,460,9,999999999,80,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-5.0,88,97900,608,1405,268,190,4,188,21300,300,21100,6970,130,5.2,10,10,1.3,310,9,999999999,80,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-4.4,92,97900,521,1405,269,144,2,143,16200,100,16100,5330,160,5.7,10,10,1.3,240,9,999999999,80,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-5.0,85,97900,375,1405,270,105,1,105,11700,100,11700,3630,150,4.6,10,10,1.3,370,9,999999999,80,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-3.9,89,97900,182,1405,274,50,0,50,5500,0,5500,1590,170,3.6,10,10,3.2,310,9,999999999,80,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-3.9,92,98000,13,503,271,9,0,9,0,0,0,0,210,3.1,10,10,1.3,240,9,999999999,80,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-3.9,92,98000,0,0,271,0,0,0,0,0,0,0,240,4.1,10,10,9.7,460,9,999999999,80,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-5.6,85,98200,0,0,268,0,0,0,0,0,0,0,270,5.7,10,10,19.3,460,9,999999999,80,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-6.1,85,98300,0,0,265,0,0,0,0,0,0,0,250,6.2,10,10,9.7,460,9,999999999,70,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-6.7,85,98400,0,0,262,0,0,0,0,0,0,0,260,5.7,10,10,14.5,460,9,999999999,70,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-7.8,88,98500,0,0,232,0,0,0,0,0,0,0,260,5.2,4,4,19.3,77777,9,999999999,70,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-8.9,88,98700,0,0,216,0,0,0,0,0,0,0,260,5.2,0,0,19.3,77777,9,999999999,60,0.2080,0,88,999.000,999.0,99.0 +1977,11,27,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-9.4,88,98900,0,0,225,0,0,0,0,0,0,0,250,4.6,4,4,24.1,77777,9,999999999,60,0.2080,0,88,999.000,999.0,99.0 +1977,11,28,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-10.6,84,99000,0,0,218,0,0,0,0,0,0,0,270,4.1,2,2,24.1,77777,9,999999999,60,0.2080,0,88,999.000,999.0,99.0 +1977,11,28,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-10.6,84,99200,0,0,224,0,0,0,0,0,0,0,250,4.1,5,5,24.1,77777,9,999999999,60,0.2080,0,88,999.000,999.0,99.0 +1977,11,28,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-10.6,81,99300,0,0,224,0,0,0,0,0,0,0,250,5.2,4,4,24.1,77777,9,999999999,60,0.2080,0,88,999.000,999.0,99.0 +1977,11,28,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-11.1,77,99300,0,0,219,0,0,0,0,0,0,0,250,5.2,2,2,24.1,77777,9,999999999,60,0.2080,0,88,999.000,999.0,99.0 +1977,11,28,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-12.2,74,99500,0,0,210,0,0,0,0,0,0,0,240,5.2,0,0,19.3,77777,9,999999999,50,0.2080,0,88,999.000,999.0,99.0 +1977,11,28,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-13.3,84,99600,0,0,200,0,0,0,0,0,0,0,250,5.2,0,0,16.1,77777,9,999999999,50,0.2080,0,88,999.000,999.0,99.0 +1977,11,28,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.8,-14.4,87,99800,0,35,194,0,0,0,0,0,0,0,250,5.2,0,0,12.9,77777,9,999999999,50,0.2080,0,88,999.000,999.0,99.0 +1977,11,28,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.8,-15.0,84,99900,112,1405,194,46,204,28,4600,9200,3900,500,240,4.6,0,0,12.9,77777,9,999999999,50,0.1050,0,88,999.000,999.0,99.0 +1977,11,28,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.7,-13.9,84,100000,316,1405,198,184,541,59,18600,43200,8800,1060,260,3.1,0,0,12.9,77777,9,999999999,50,0.1050,0,88,999.000,999.0,99.0 +1977,11,28,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-9.4,-13.3,74,100100,477,1405,205,319,691,78,32700,63300,11100,1500,260,4.1,0,0,12.9,77777,9,999999999,50,0.1050,0,88,999.000,999.0,99.0 +1977,11,28,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-12.8,68,100100,584,1405,215,392,697,97,40500,66700,12700,1940,300,3.6,2,1,16.1,77777,9,999999999,50,0.1050,0,88,999.000,999.0,99.0 +1977,11,28,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-12.8,62,100100,627,1405,222,386,512,153,40200,50300,17700,3100,240,4.1,5,2,16.1,77777,9,999999999,50,0.1050,0,88,999.000,999.0,99.0 +1977,11,28,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-12.2,60,100100,605,1405,228,350,375,185,36800,37700,20500,4030,260,4.1,6,3,19.3,77777,9,999999999,50,0.1050,0,88,999.000,999.0,99.0 +1977,11,28,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-12.2,57,100200,518,1405,228,337,535,136,34700,50200,16100,2650,290,4.6,7,2,19.3,77777,9,999999999,50,0.1050,0,88,999.000,999.0,99.0 +1977,11,28,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-11.7,62,100300,373,1405,234,149,85,126,16200,7600,14200,3080,210,4.6,10,6,24.1,7620,9,999999999,60,0.1050,0,88,999.000,999.0,99.0 +1977,11,28,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-11.7,62,100400,180,1405,234,69,35,64,7500,2500,7100,1410,240,2.1,10,6,20.9,7620,9,999999999,60,0.1050,0,88,999.000,999.0,99.0 +1977,11,28,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-11.7,71,100400,12,480,228,4,1,4,0,0,0,0,270,2.6,10,6,24.1,7620,9,999999999,60,0.1050,0,88,999.000,999.0,99.0 +1977,11,28,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-11.7,68,100500,0,0,242,0,0,0,0,0,0,0,250,3.1,10,9,24.1,6100,9,999999999,60,0.1050,0,88,999.000,999.0,99.0 +1977,11,28,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-11.7,74,100600,0,0,238,0,0,0,0,0,0,0,250,2.6,10,9,24.1,6100,9,999999999,60,0.1050,0,88,999.000,999.0,99.0 +1977,11,28,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-12.2,77,100600,0,0,228,0,0,0,0,0,0,0,220,2.1,10,8,24.1,4570,9,999999999,50,0.1050,0,88,999.000,999.0,99.0 +1977,11,28,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-11.7,77,100700,0,0,236,0,0,0,0,0,0,0,250,2.6,10,9,24.1,6100,9,999999999,60,0.1050,0,88,999.000,999.0,99.0 +1977,11,28,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-11.7,74,100800,0,0,238,0,0,0,0,0,0,0,240,2.6,10,9,24.1,6100,9,999999999,60,0.1050,0,88,999.000,999.0,99.0 +1977,11,28,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-11.7,77,100900,0,0,236,0,0,0,0,0,0,0,270,2.6,10,9,24.1,6100,9,999999999,60,0.1050,0,88,999.000,999.0,99.0 +1977,11,28,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-11.7,81,100800,0,0,234,0,0,0,0,0,0,0,0,0.0,9,9,24.1,4270,9,999999999,60,0.1050,0,88,999.000,999.0,99.0 +1977,11,29,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.0,-12.2,84,100800,0,0,211,0,0,0,0,0,0,0,300,2.1,2,2,24.1,77777,9,999999999,50,0.1050,0,88,999.000,999.0,99.0 +1977,11,29,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-12.8,84,100700,0,0,202,0,0,0,0,0,0,0,350,3.1,0,0,24.1,77777,9,999999999,50,0.1050,0,88,999.000,999.0,99.0 +1977,11,29,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.7,-12.8,92,100700,0,0,199,0,0,0,0,0,0,0,340,2.6,0,0,24.1,77777,9,999999999,50,0.1050,0,88,999.000,999.0,99.0 +1977,11,29,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-13.3,84,100800,0,0,200,0,0,0,0,0,0,0,10,1.5,0,0,24.1,77777,9,999999999,50,0.1050,0,88,999.000,999.0,99.0 +1977,11,29,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-13.9,88,100800,0,0,205,0,0,0,0,0,0,0,0,0.0,4,3,19.3,77777,9,999999999,50,0.1050,0,88,999.000,999.0,99.0 +1977,11,29,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-13.3,92,100700,0,0,203,0,0,0,0,0,0,0,0,0.0,3,2,19.3,77777,9,999999999,50,0.1050,0,88,999.000,999.0,99.0 +1977,11,29,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-13.3,92,100800,0,12,210,0,0,0,0,0,0,0,270,2.1,8,6,11.3,3660,9,999999999,50,0.1050,0,88,999.000,999.0,99.0 +1977,11,29,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.1,-12.2,92,100800,108,1406,208,37,50,33,4000,2400,3800,680,320,2.1,2,2,8.0,77777,9,999999999,50,0.1470,0,88,999.000,999.0,99.0 +1977,11,29,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-10.0,81,100800,311,1406,222,168,387,80,17100,30400,10400,1480,0,0.0,2,2,6.4,77777,9,999999999,60,0.1470,0,88,999.000,999.0,99.0 +1977,11,29,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-8.9,69,100700,473,1406,239,267,325,155,27700,30500,17400,3270,0,0.0,4,4,4.8,77777,9,999999999,70,0.1470,0,88,999.000,999.0,99.0 +1977,11,29,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-6.1,69,100700,580,1406,251,348,406,177,36600,40400,19800,3820,170,4.1,4,4,4.8,77777,9,999999999,80,0.1470,0,88,999.000,999.0,99.0 +1977,11,29,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-5.0,69,100500,624,1406,261,297,226,195,32100,22700,22000,4690,140,5.2,6,6,4.8,7620,9,999999999,80,0.1470,0,88,999.000,999.0,99.0 +1977,11,29,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-5.0,69,100500,602,1406,257,404,468,200,42200,46900,22100,4440,150,4.6,4,4,4.8,77777,9,999999999,80,0.1470,0,88,999.000,999.0,99.0 +1977,11,29,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-4.4,70,100400,515,1406,257,336,512,145,34400,47900,16700,2850,160,4.1,7,3,9.7,77777,9,999999999,80,0.1470,0,88,999.000,999.0,99.0 +1977,11,29,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-5.0,67,100300,371,1406,257,214,344,121,22100,29400,14300,2480,160,3.6,8,3,9.7,77777,9,999999999,80,0.1470,0,88,999.000,999.0,99.0 +1977,11,29,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-6.1,69,100300,179,1406,249,75,111,61,8000,6900,7200,1280,160,3.1,8,3,8.0,77777,9,999999999,80,0.1470,0,88,999.000,999.0,99.0 +1977,11,29,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-6.7,69,100300,12,480,247,5,3,5,0,0,0,0,160,1.5,8,3,8.0,77777,9,999999999,70,0.1470,0,88,999.000,999.0,99.0 +1977,11,29,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-7.2,78,100200,0,0,236,0,0,0,0,0,0,0,160,2.1,5,2,11.3,77777,9,999999999,70,0.1470,0,88,999.000,999.0,99.0 +1977,11,29,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-7.8,88,100200,0,0,228,0,0,0,0,0,0,0,0,0.0,5,2,11.3,77777,9,999999999,70,0.1470,0,88,999.000,999.0,99.0 +1977,11,29,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-8.3,92,100200,0,0,224,0,0,0,0,0,0,0,0,0.0,5,2,11.3,77777,9,999999999,70,0.1470,0,88,999.000,999.0,99.0 +1977,11,29,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-7.8,96,100200,0,0,217,0,0,0,0,0,0,0,190,2.1,0,0,8.0,77777,9,999999999,70,0.1470,0,88,999.000,999.0,99.0 +1977,11,29,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-10.0,84,100100,0,0,213,0,0,0,0,0,0,0,180,2.1,0,0,6.4,77777,9,999999999,60,0.1470,0,88,999.000,999.0,99.0 +1977,11,29,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-7.8,96,100000,0,0,217,0,0,0,0,0,0,0,170,2.6,0,0,6.4,77777,9,999999999,70,0.1470,0,88,999.000,999.0,99.0 +1977,11,29,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-8.3,92,99800,0,0,217,0,0,0,0,0,0,0,0,0.0,0,0,6.4,77777,9,999999999,70,0.1470,0,88,999.000,999.0,99.0 +1977,11,30,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-9.4,92,99800,0,0,212,0,0,0,0,0,0,0,0,0.0,0,0,6.4,77777,9,999999999,60,0.1470,0,88,999.000,999.0,99.0 +1977,11,30,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-10.0,92,99700,0,0,210,0,0,0,0,0,0,0,310,2.1,0,0,3.2,77777,9,999999999,60,0.1470,0,88,999.000,999.0,99.0 +1977,11,30,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-10.0,88,99600,0,0,212,0,0,0,0,0,0,0,320,2.6,2,0,3.2,77777,9,999999999,60,0.1470,0,88,999.000,999.0,99.0 +1977,11,30,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-9.4,92,99600,0,0,219,0,0,0,0,0,0,0,310,1.5,6,2,3.2,77777,9,999999999,60,0.1470,0,88,999.000,999.0,99.0 +1977,11,30,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-8.9,92,99400,0,0,221,0,0,0,0,0,0,0,0,0.0,6,2,3.2,77777,9,999999999,60,0.1470,0,88,999.000,999.0,99.0 +1977,11,30,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-7.8,92,99400,0,0,252,0,0,0,0,0,0,0,0,0.0,10,10,6.4,610,9,999999999,70,0.1470,0,88,999.000,999.0,99.0 +1977,11,30,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-4.4,92,99300,0,0,269,0,0,0,0,0,0,0,320,2.1,10,10,6.4,180,9,999999999,80,0.1470,0,88,999.000,999.0,99.0 +1977,11,30,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-3.9,89,99300,104,1395,274,15,2,15,1800,0,1800,560,340,2.1,10,10,4.8,180,9,999999999,90,0.0970,0,88,999.000,999.0,99.0 +1977,11,30,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-2.2,92,99200,307,1406,280,87,6,85,9600,300,9500,2850,20,2.1,10,10,4.8,90,9,999999999,90,0.0970,0,88,999.000,999.0,99.0 +1977,11,30,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-1.7,85,99100,469,1406,287,130,6,128,14600,400,14500,4660,330,3.1,10,10,4.8,90,9,999999999,100,0.0970,0,88,999.000,999.0,99.0 +1977,11,30,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-0.6,89,99000,576,1406,291,201,6,199,22300,500,22100,6930,30,2.6,10,10,3.2,150,9,999999999,100,0.0970,0,88,999.000,999.0,99.0 +1977,11,30,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,0.0,92,98800,620,1406,291,190,9,186,21400,700,21100,7010,30,2.1,10,10,1.3,120,9,999999999,110,0.0970,0,88,999.000,999.0,99.0 +1977,11,30,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,1.1,96,98700,599,1406,295,198,3,196,22000,300,21900,7070,30,3.1,10,10,0.4,60,9,999999999,110,0.0970,0,88,999.000,999.0,99.0 +1977,11,30,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,1.7,96,98500,513,1406,298,188,1,187,20600,100,20600,6150,50,3.6,10,10,0.2,30,9,999999999,120,0.0970,0,88,999.000,999.0,99.0 +1977,11,30,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,1.7,96,98400,368,1406,298,104,3,103,11500,200,11500,3550,30,3.1,10,10,0.2,30,9,999999999,120,0.0970,0,88,999.000,999.0,99.0 +1977,11,30,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,1.7,100,98400,177,1406,296,47,0,47,5200,0,5200,1510,20,3.1,10,10,0.2,0,9,999999999,120,0.0970,0,88,999.000,999.0,99.0 +1977,11,30,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,1.7,100,98300,11,457,296,8,0,8,0,0,0,0,20,2.6,10,10,0.2,0,9,999999999,120,0.0970,0,88,999.000,999.0,99.0 +1977,11,30,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,1.7,100,98200,0,0,296,0,0,0,0,0,0,0,20,3.1,10,10,0.2,0,9,999999999,120,0.0970,0,88,999.000,999.0,99.0 +1977,11,30,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,2.2,100,98100,0,0,298,0,0,0,0,0,0,0,20,3.1,10,10,0.8,60,9,999999999,120,0.0970,0,88,999.000,999.0,99.0 +1977,11,30,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,2.2,100,97900,0,0,298,0,0,0,0,0,0,0,20,4.1,10,10,0.8,60,9,999999999,120,0.0970,0,88,999.000,999.0,99.0 +1977,11,30,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,2.2,100,97800,0,0,298,0,0,0,0,0,0,0,20,4.1,10,10,0.8,60,9,999999999,120,0.0970,0,88,999.000,999.0,99.0 +1977,11,30,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.5,2.5,100,97500,0,0,300,0,0,0,0,0,0,0,20,4.1,10,10,1.6,60,9,999999999,120,0.0970,0,88,999.000,999.0,99.0 +1977,11,30,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,2.8,96,97400,0,0,302,0,0,0,0,0,0,0,350,4.1,10,10,3.2,120,9,999999999,120,0.0970,0,88,999.000,999.0,99.0 +1977,11,30,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.1,3.1,96,97400,0,0,303,0,0,0,0,0,0,0,300,4.1,10,10,3.2,120,9,999999999,120,0.0970,0,88,999.000,999.0,99.0 +1981,12,1,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.5,3.5,96,97100,0,0,305,0,0,0,0,0,0,0,120,4.1,10,10,6.4,180,9,999999999,110,0.0970,0,88,999.000,999.0,99.0 +1981,12,1,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.8,3.8,100,97000,0,0,307,0,0,0,0,0,0,0,120,4.1,10,10,4.0,120,9,999999999,110,0.0970,0,88,999.000,999.0,99.0 +1981,12,1,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.1,4.1,96,96900,0,0,309,0,0,0,0,0,0,0,120,4.1,10,10,4.0,90,9,999999999,120,0.0970,0,88,999.000,999.0,99.0 +1981,12,1,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,4.4,100,96800,0,0,310,0,0,0,0,0,0,0,140,4.1,10,10,4.0,120,9,999999999,140,0.0970,0,88,999.000,999.0,99.0 +1981,12,1,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,6.1,100,96700,0,0,320,0,0,0,0,0,0,0,160,5.2,10,10,0.8,60,9,999999999,150,0.0970,0,88,999.000,999.0,99.0 +1981,12,1,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,5.6,96,96600,0,0,319,0,0,0,0,0,0,0,140,3.6,10,10,0.4,30,9,999999999,140,0.0970,0,88,999.000,999.0,99.0 +1981,12,1,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,5.0,100,96600,0,0,314,0,0,0,0,0,0,0,150,2.6,10,10,0.4,30,9,999999999,140,0.0970,0,88,999.000,999.0,99.0 +1981,12,1,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,6.7,89,96600,100,1372,331,14,0,14,1600,0,1600,520,190,7.2,10,10,11.3,180,9,999999999,150,0.0820,0,88,999.000,999.0,99.0 +1981,12,1,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,5.0,89,96600,303,1407,321,52,1,52,6000,0,6000,1990,240,4.1,10,10,11.3,980,9,999999999,140,0.0820,0,88,999.000,999.0,99.0 +1981,12,1,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,3.9,83,96600,465,1407,320,97,1,96,11100,100,11000,3790,220,3.6,10,10,11.3,1400,9,999999999,130,0.0820,0,88,999.000,999.0,99.0 +1981,12,1,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,1.1,86,96700,572,1407,302,126,1,126,14500,100,14500,5120,240,6.2,10,10,8.0,430,9,999999999,110,0.0820,0,88,999.000,999.0,99.0 +1981,12,1,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,1.7,89,96600,617,1407,303,124,0,124,14400,0,14400,5240,210,4.6,10,10,9.7,430,9,999999999,120,0.0820,0,88,999.000,999.0,99.0 +1981,12,1,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,1.1,86,96600,596,1407,302,114,0,114,13300,0,13300,4830,200,4.6,10,10,11.3,580,9,999999999,110,0.0820,0,88,999.000,999.0,99.0 +1981,12,1,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,1.7,86,96600,510,1407,305,98,1,98,11400,100,11400,4010,190,5.7,10,10,16.1,520,9,999999999,120,0.0820,0,88,999.000,999.0,99.0 +1981,12,1,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,0.0,76,96600,366,1407,303,63,1,63,7300,0,7300,2480,200,6.2,10,10,19.3,1010,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1981,12,1,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,0.6,82,96700,175,1407,301,29,1,29,3300,0,3300,1060,220,5.2,10,10,8.0,340,9,999999999,110,0.0820,0,88,999.000,999.0,99.0 +1981,12,1,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,0.0,82,96700,11,457,299,5,0,5,0,0,0,0,200,5.7,10,10,16.1,340,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1981,12,1,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.0,89,96700,0,0,294,0,0,0,0,0,0,0,210,6.7,10,10,16.1,340,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1981,12,1,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.0,85,96800,0,0,296,0,0,0,0,0,0,0,210,6.2,10,10,16.1,310,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1981,12,1,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.6,89,96800,0,0,297,0,0,0,0,0,0,0,220,6.2,10,10,19.3,310,9,999999999,110,0.0820,0,88,999.000,999.0,99.0 +1981,12,1,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.6,89,96900,0,0,297,0,0,0,0,0,0,0,230,7.2,10,10,11.3,210,9,999999999,110,0.0820,0,88,999.000,999.0,99.0 +1981,12,1,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,0.6,85,96900,0,0,299,0,0,0,0,0,0,0,230,4.6,10,10,14.5,340,9,999999999,110,0.0820,0,88,999.000,999.0,99.0 +1981,12,1,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.0,85,97000,0,0,296,0,0,0,0,0,0,0,230,8.2,10,10,14.5,340,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1981,12,1,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-0.6,85,97100,0,0,293,0,0,0,0,0,0,0,260,7.2,10,10,12.9,370,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1981,12,2,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.0,89,97200,0,0,294,0,0,0,0,0,0,0,260,9.3,10,10,12.9,340,9,999999999,110,0.0820,0,88,999.000,999.0,99.0 +1981,12,2,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-0.6,89,97200,0,0,291,0,0,0,0,0,0,0,250,7.2,10,10,6.4,240,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1981,12,2,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,0.0,92,97300,0,0,291,0,0,0,0,0,0,0,250,6.7,10,10,11.3,370,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1981,12,2,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,0.0,92,97400,0,0,291,0,0,0,0,0,0,0,260,7.7,10,10,16.1,370,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1981,12,2,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.1,85,97500,0,0,290,0,0,0,0,0,0,0,260,8.2,10,10,16.1,370,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1981,12,2,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.7,82,97600,0,0,290,0,0,0,0,0,0,0,260,8.2,10,10,16.1,460,9,999999999,100,0.0820,0,88,999.000,999.0,99.0 +1981,12,2,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-2.8,82,97700,0,0,284,0,0,0,0,0,0,0,260,5.2,10,10,19.3,490,9,999999999,90,0.0820,0,88,999.000,999.0,99.0 +1981,12,2,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-2.8,82,97900,96,1349,284,25,0,25,2800,0,2800,820,230,6.2,10,10,19.3,520,9,999999999,90,0.0830,0,88,999.000,999.0,99.0 +1981,12,2,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-2.8,82,97900,299,1407,284,98,1,98,10700,0,10700,3040,220,5.7,10,10,24.1,490,9,999999999,90,0.0830,0,88,999.000,999.0,99.0 +1981,12,2,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-2.2,82,98000,461,1407,287,158,1,157,17300,100,17300,5200,230,5.7,10,10,24.1,490,9,999999999,90,0.0830,0,88,999.000,999.0,99.0 +1981,12,2,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-4.4,70,98000,569,1407,285,196,0,196,21700,0,21700,6810,240,4.6,10,10,24.1,580,9,999999999,80,0.0830,0,88,999.000,999.0,99.0 +1981,12,2,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-3.3,79,97900,614,1407,283,195,0,195,21800,0,21800,7160,250,6.7,10,10,24.1,520,9,999999999,90,0.0830,0,88,999.000,999.0,99.0 +1981,12,2,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-2.8,82,98000,593,1407,284,206,0,206,22900,0,22900,7210,250,5.2,10,10,19.3,400,9,999999999,90,0.0830,0,88,999.000,999.0,99.0 +1981,12,2,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-2.8,79,98000,508,1407,286,156,1,156,17400,100,17400,5530,230,6.7,10,10,24.1,610,9,999999999,90,0.0830,0,88,999.000,999.0,99.0 +1981,12,2,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-2.8,76,98100,365,1407,288,109,1,109,12100,100,12100,3650,220,4.6,10,10,24.1,700,9,999999999,90,0.0830,0,88,999.000,999.0,99.0 +1981,12,2,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-4.4,75,98200,174,1407,280,44,1,44,4900,0,4900,1440,260,5.7,10,10,24.1,760,9,999999999,80,0.0830,0,88,999.000,999.0,99.0 +1981,12,2,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-5.0,72,98200,11,457,271,3,1,3,0,0,0,0,240,4.1,9,9,19.3,640,9,999999999,80,0.0830,0,88,999.000,999.0,99.0 +1981,12,2,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.0,75,98300,0,0,277,0,0,0,0,0,0,0,230,3.1,10,10,19.3,640,9,999999999,80,0.0830,0,88,999.000,999.0,99.0 +1981,12,2,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.0,75,98300,0,0,277,0,0,0,0,0,0,0,260,3.1,10,10,19.3,700,9,999999999,80,0.0830,0,88,999.000,999.0,99.0 +1981,12,2,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.0,78,98300,0,0,275,0,0,0,0,0,0,0,270,2.6,10,10,19.3,760,9,999999999,80,0.0830,0,88,999.000,999.0,99.0 +1981,12,2,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.6,81,98300,0,0,262,0,0,0,0,0,0,0,230,2.6,10,9,11.3,7620,9,999999999,80,0.0830,0,88,999.000,999.0,99.0 +1981,12,2,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-5.6,88,98300,0,0,237,0,0,0,0,0,0,0,230,2.1,6,2,11.3,77777,9,999999999,80,0.0830,0,88,999.000,999.0,99.0 +1981,12,2,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-6.1,88,98300,0,0,235,0,0,0,0,0,0,0,190,2.6,7,2,11.3,77777,9,999999999,70,0.0830,0,88,999.000,999.0,99.0 +1981,12,2,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-7.8,88,98300,0,0,225,0,0,0,0,0,0,0,0,0.0,6,1,12.9,77777,9,999999999,70,0.0830,0,88,999.000,999.0,99.0 +1981,12,3,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-8.9,84,98300,0,0,222,0,0,0,0,0,0,0,250,1.5,3,1,11.3,77777,9,999999999,60,0.0830,0,88,999.000,999.0,99.0 +1981,12,3,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-8.9,88,98300,0,0,216,0,0,0,0,0,0,0,230,2.1,2,0,12.9,77777,9,999999999,60,0.0830,0,88,999.000,999.0,99.0 +1981,12,3,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-8.3,96,98400,0,0,224,0,0,0,0,0,0,0,190,2.1,3,3,11.3,77777,9,999999999,70,0.0830,0,88,999.000,999.0,99.0 +1981,12,3,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-7.8,88,98400,0,0,238,0,0,0,0,0,0,0,0,0.0,8,7,12.9,3660,9,999999999,70,0.0830,0,88,999.000,999.0,99.0 +1981,12,3,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-6.1,92,98400,0,0,260,0,0,0,0,0,0,0,0,0.0,10,10,16.1,3660,9,999999999,70,0.0830,0,88,999.000,999.0,99.0 +1981,12,3,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-6.1,92,98500,0,0,244,0,0,0,0,0,0,0,0,0.0,7,7,14.5,3660,9,999999999,70,0.0830,0,88,999.000,999.0,99.0 +1981,12,3,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-6.7,92,98500,0,0,236,0,0,0,0,0,0,0,160,2.1,7,5,8.0,3660,9,999999999,70,0.0830,0,88,999.000,999.0,99.0 +1981,12,3,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-6.1,88,98500,92,1326,241,35,79,28,3600,3100,3300,510,160,1.5,8,5,8.0,7010,9,999999999,70,0.0610,0,88,999.000,999.0,99.0 +1981,12,3,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-3.9,82,98500,295,1408,251,122,328,51,12900,25300,7600,900,140,2.1,4,3,8.0,77777,9,999999999,90,0.0610,0,88,999.000,999.0,99.0 +1981,12,3,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-2.2,85,98500,458,1408,284,100,8,97,11400,500,11200,3790,190,3.1,10,10,8.0,1400,9,999999999,90,0.0610,0,88,999.000,999.0,99.0 +1981,12,3,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-1.1,85,98500,565,1408,290,127,6,125,14600,400,14500,5050,210,4.1,10,10,11.3,1400,9,999999999,100,0.0610,0,88,999.000,999.0,99.0 +1981,12,3,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-1.1,79,98400,611,1408,295,186,3,185,20900,200,20800,6910,190,3.6,10,10,14.5,1400,9,999999999,100,0.0610,0,88,999.000,999.0,99.0 +1981,12,3,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-0.6,73,98300,590,1408,303,173,2,172,19500,200,19400,6460,190,3.6,10,10,24.1,2740,9,999999999,100,0.0610,0,88,999.000,999.0,99.0 +1981,12,3,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-0.6,70,98300,506,1408,305,147,2,146,16400,100,16400,5300,170,3.1,10,10,24.1,2740,9,999999999,100,0.0610,0,88,999.000,999.0,99.0 +1981,12,3,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-0.6,73,98300,363,1408,303,91,4,90,10200,200,10200,3220,200,2.6,10,10,24.1,2440,9,999999999,100,0.0610,0,88,999.000,999.0,99.0 +1981,12,3,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-0.6,70,98300,173,1408,305,25,0,25,2900,0,2900,930,120,3.6,10,10,16.1,1160,9,999999999,100,0.0610,0,88,999.000,999.0,99.0 +1981,12,3,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-0.6,76,98300,10,458,300,2,0,2,0,0,0,0,180,2.6,10,10,12.9,520,9,999999999,100,0.0610,0,88,999.000,999.0,99.0 +1981,12,3,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,0.6,85,98300,0,0,299,0,0,0,0,0,0,0,140,2.1,10,10,9.7,670,9,999999999,110,0.0610,0,88,999.000,999.0,99.0 +1981,12,3,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,0.6,85,98300,0,0,299,0,0,0,0,0,0,0,90,3.6,10,10,11.3,340,9,999999999,110,0.0610,0,88,999.000,999.0,99.0 +1981,12,3,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,0.6,89,98300,0,0,297,0,0,0,0,0,0,0,50,3.6,10,10,6.4,340,9,999999999,110,0.0610,0,88,999.000,999.0,99.0 +1981,12,3,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.6,92,98300,0,0,294,0,0,0,0,0,0,0,40,4.1,10,10,4.0,180,9,999999999,110,0.0610,0,88,999.000,999.0,99.0 +1981,12,3,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,0.6,96,98300,0,0,292,0,0,0,0,0,0,0,20,4.1,10,10,4.0,180,9,999999999,110,0.0610,0,88,999.000,999.0,99.0 +1981,12,3,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,1.1,96,98300,0,0,295,0,0,0,0,0,0,0,340,4.1,10,10,4.0,240,9,999999999,110,0.0610,0,88,999.000,999.0,99.0 +1981,12,3,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,1.1,92,98300,0,0,297,0,0,0,0,0,0,0,340,5.7,10,10,4.0,150,9,999999999,110,0.0610,0,88,999.000,999.0,99.0 +1981,12,4,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,1.1,92,98400,0,0,297,0,0,0,0,0,0,0,340,5.7,10,10,4.0,180,9,999999999,110,0.0610,0,88,999.000,999.0,99.0 +1981,12,4,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,1.1,92,98500,0,0,297,0,0,0,0,0,0,0,330,6.2,10,10,4.0,180,9,999999999,110,0.0610,0,88,999.000,999.0,99.0 +1981,12,4,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,1.1,92,98700,0,0,297,0,0,0,0,0,0,0,320,6.2,10,10,4.0,180,9,999999999,110,0.0610,0,88,999.000,999.0,99.0 +1981,12,4,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.6,92,98800,0,0,294,0,0,0,0,0,0,0,330,8.2,10,10,4.0,270,9,999999999,110,0.0610,0,88,999.000,999.0,99.0 +1981,12,4,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,0.6,92,99000,0,0,294,0,0,0,0,0,0,0,330,8.8,10,10,4.0,270,9,999999999,110,0.0610,0,88,999.000,999.0,99.0 +1981,12,4,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.7,82,99100,0,0,290,0,0,0,0,0,0,0,330,7.7,10,10,4.0,490,9,999999999,100,0.0610,0,88,999.000,999.0,99.0 +1981,12,4,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.7,82,99300,0,0,282,0,0,0,0,0,0,0,310,5.2,9,9,14.5,760,9,999999999,100,0.0610,0,88,999.000,999.0,99.0 +1981,12,4,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-2.2,82,99400,89,1303,269,29,22,27,3100,1300,3000,630,320,6.2,7,7,16.1,1400,9,999999999,90,0.1100,0,88,999.000,999.0,99.0 +1981,12,4,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-3.3,85,99600,291,1408,261,98,41,89,10700,3400,10000,2150,310,5.2,7,7,16.1,7620,9,999999999,90,0.1100,0,88,999.000,999.0,99.0 +1981,12,4,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-2.2,79,99600,454,1408,265,181,155,130,19600,14400,14900,2940,310,7.2,5,5,19.3,77777,9,999999999,90,0.1100,0,88,999.000,999.0,99.0 +1981,12,4,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-1.1,73,99700,562,1408,281,268,239,171,28200,23600,18800,3660,320,7.2,7,7,19.3,2130,9,999999999,100,0.1100,0,88,999.000,999.0,99.0 +1981,12,4,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-2.2,67,99700,608,1408,272,338,458,137,35500,44700,16100,2720,300,5.2,4,4,24.1,77777,9,999999999,90,0.1100,0,88,999.000,999.0,99.0 +1981,12,4,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.9,-2.8,62,99700,588,1408,260,394,734,83,41300,70800,11600,1700,300,6.2,0,0,24.1,77777,9,999999999,90,0.1100,0,88,999.000,999.0,99.0 +1981,12,4,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-2.2,67,99800,504,1408,270,302,540,106,30700,49400,12900,1960,280,7.7,3,3,24.1,77777,9,999999999,90,0.1100,0,88,999.000,999.0,99.0 +1981,12,4,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.8,-3.3,65,99800,362,1408,264,191,443,75,20000,37100,10400,1370,300,5.2,2,2,24.1,77777,9,999999999,90,0.1100,0,88,999.000,999.0,99.0 +1981,12,4,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.0,62,99900,172,1408,250,74,297,37,7400,18100,5200,640,290,5.2,0,0,24.1,77777,9,999999999,80,0.1100,0,88,999.000,999.0,99.0 +1981,12,4,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-4.4,70,99900,10,434,247,7,13,5,0,0,0,0,270,4.1,0,0,24.1,77777,9,999999999,80,0.1100,0,88,999.000,999.0,99.0 +1981,12,4,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-4.4,72,100000,0,0,244,0,0,0,0,0,0,0,260,4.6,0,0,24.1,77777,9,999999999,80,0.1100,0,88,999.000,999.0,99.0 +1981,12,4,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-4.4,72,100000,0,0,264,0,0,0,0,0,0,0,290,5.2,7,7,14.5,340,9,999999999,80,0.1100,0,88,999.000,999.0,99.0 +1981,12,4,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-4.4,75,100000,0,0,280,0,0,0,0,0,0,0,290,6.2,10,10,14.5,340,9,999999999,80,0.1100,0,88,999.000,999.0,99.0 +1981,12,4,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.0,78,100000,0,0,238,0,0,0,0,0,0,0,270,3.6,0,0,14.5,77777,9,999999999,80,0.1100,0,88,999.000,999.0,99.0 +1981,12,4,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.6,81,100000,0,0,238,0,0,0,0,0,0,0,260,3.1,1,1,14.5,77777,9,999999999,80,0.1100,0,88,999.000,999.0,99.0 +1981,12,4,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.6,81,100100,0,0,257,0,0,0,0,0,0,0,280,4.1,8,8,14.5,760,9,999999999,80,0.1100,0,88,999.000,999.0,99.0 +1981,12,4,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-5.0,69,100000,0,0,282,0,0,0,0,0,0,0,280,3.6,10,10,14.5,760,9,999999999,80,0.1100,0,88,999.000,999.0,99.0 +1981,12,5,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-5.0,69,100000,0,0,282,0,0,0,0,0,0,0,290,3.6,10,10,14.5,760,9,999999999,80,0.1100,0,88,999.000,999.0,99.0 +1981,12,5,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-5.6,67,100100,0,0,281,0,0,0,0,0,0,0,290,5.2,10,10,14.5,760,9,999999999,80,0.1100,0,88,999.000,999.0,99.0 +1981,12,5,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-5.6,67,100100,0,0,273,0,0,0,0,0,0,0,290,3.1,9,9,14.5,760,9,999999999,80,0.1100,0,88,999.000,999.0,99.0 +1981,12,5,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.7,69,100100,0,0,244,0,0,0,0,0,0,0,280,2.6,2,2,14.5,77777,9,999999999,70,0.1100,0,88,999.000,999.0,99.0 +1981,12,5,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-6.7,75,100100,0,0,233,0,0,0,0,0,0,0,270,2.6,0,0,14.5,77777,9,999999999,70,0.1100,0,88,999.000,999.0,99.0 +1981,12,5,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-6.1,85,100200,0,0,229,0,0,0,0,0,0,0,270,3.1,0,0,14.5,77777,9,999999999,80,0.1100,0,88,999.000,999.0,99.0 +1981,12,5,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-6.7,85,100200,0,0,227,0,0,0,0,0,0,0,270,2.6,0,0,9.7,77777,9,999999999,70,0.1100,0,88,999.000,999.0,99.0 +1981,12,5,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-6.7,85,100300,86,1280,227,45,329,17,4100,18100,2800,320,280,3.6,0,0,9.7,77777,9,999999999,70,0.0380,0,88,999.000,999.0,99.0 +1981,12,5,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-6.1,78,100300,287,1409,233,174,676,31,18000,55400,6600,720,270,3.1,0,0,11.3,77777,9,999999999,80,0.0380,0,88,999.000,999.0,99.0 +1981,12,5,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-5.0,72,100400,451,1409,242,304,804,41,31700,73400,8100,1010,280,2.6,0,0,11.3,77777,9,999999999,80,0.0380,0,88,999.000,999.0,99.0 +1981,12,5,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-4.4,67,100300,559,1409,248,398,867,47,41500,82200,8700,1180,260,2.6,0,0,16.1,77777,9,999999999,80,0.0380,0,88,999.000,999.0,99.0 +1981,12,5,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-4.4,62,100200,605,1409,252,437,884,50,45500,84700,9000,1250,280,2.1,0,0,19.3,77777,9,999999999,80,0.0380,0,88,999.000,999.0,99.0 +1981,12,5,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-5.6,57,100200,586,1409,251,421,879,49,43900,83900,8900,1220,240,3.6,0,0,19.3,77777,9,999999999,80,0.0380,0,88,999.000,999.0,99.0 +1981,12,5,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-3.9,60,100100,502,1409,257,347,836,44,36300,77800,8400,1090,270,2.6,0,0,19.3,77777,9,999999999,90,0.0380,0,88,999.000,999.0,99.0 +1981,12,5,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-3.9,64,100100,360,1409,253,226,727,37,23700,63100,7400,870,230,3.1,1,0,16.1,77777,9,999999999,90,0.0380,0,88,999.000,999.0,99.0 +1981,12,5,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-3.9,72,100000,171,1409,247,86,494,24,8600,33100,4600,470,260,2.6,1,0,16.1,77777,9,999999999,90,0.0380,0,88,999.000,999.0,99.0 +1981,12,5,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-5.0,78,100100,10,434,238,12,67,5,0,0,0,0,250,1.5,1,0,16.1,77777,9,999999999,80,0.0380,0,88,999.000,999.0,99.0 +1981,12,5,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.0,82,100100,0,0,236,0,0,0,0,0,0,0,0,0.0,0,0,16.1,77777,9,999999999,80,0.0380,0,88,999.000,999.0,99.0 +1981,12,5,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-6.1,85,100100,0,0,229,0,0,0,0,0,0,0,0,0.0,0,0,12.9,77777,9,999999999,80,0.0380,0,88,999.000,999.0,99.0 +1981,12,5,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-5.6,88,100000,0,0,230,0,0,0,0,0,0,0,0,0.0,0,0,11.3,77777,9,999999999,80,0.0380,0,88,999.000,999.0,99.0 +1981,12,5,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-5.6,88,100000,0,0,230,0,0,0,0,0,0,0,140,2.6,0,0,16.1,77777,9,999999999,80,0.0380,0,88,999.000,999.0,99.0 +1981,12,5,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.0,85,100000,0,0,234,0,0,0,0,0,0,0,150,2.6,0,0,9.7,77777,9,999999999,80,0.0380,0,88,999.000,999.0,99.0 +1981,12,5,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.0,82,100000,0,0,236,0,0,0,0,0,0,0,160,3.1,0,0,11.3,77777,9,999999999,80,0.0380,0,88,999.000,999.0,99.0 +1981,12,5,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-4.4,82,99900,0,0,238,0,0,0,0,0,0,0,160,3.1,2,0,11.3,77777,9,999999999,80,0.0380,0,88,999.000,999.0,99.0 +1981,12,6,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-3.9,85,99800,0,0,239,0,0,0,0,0,0,0,160,3.6,1,0,11.3,77777,9,999999999,90,0.0380,0,88,999.000,999.0,99.0 +1981,12,6,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-4.4,82,99800,0,0,238,0,0,0,0,0,0,0,160,3.6,2,0,11.3,77777,9,999999999,80,0.0380,0,88,999.000,999.0,99.0 +1981,12,6,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-4.4,82,99800,0,0,243,0,0,0,0,0,0,0,150,3.6,3,1,11.3,77777,9,999999999,80,0.0380,0,88,999.000,999.0,99.0 +1981,12,6,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-3.9,85,99800,0,0,243,0,0,0,0,0,0,0,180,4.1,3,1,11.3,77777,9,999999999,90,0.0380,0,88,999.000,999.0,99.0 +1981,12,6,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-3.9,85,99600,0,0,243,0,0,0,0,0,0,0,180,5.2,3,1,11.3,77777,9,999999999,90,0.0380,0,88,999.000,999.0,99.0 +1981,12,6,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.9,82,99700,0,0,246,0,0,0,0,0,0,0,180,3.1,3,1,11.3,77777,9,999999999,90,0.0380,0,88,999.000,999.0,99.0 +1981,12,6,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.3,79,99600,0,0,265,0,0,0,0,0,0,0,170,3.6,7,7,11.3,7620,9,999999999,90,0.0380,0,88,999.000,999.0,99.0 +1981,12,6,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-2.8,79,99600,82,1256,259,18,18,17,2000,800,2000,350,180,4.6,7,3,19.3,77777,9,999999999,90,0.1470,0,88,999.000,999.0,99.0 +1981,12,6,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-1.7,79,99400,284,1409,264,123,207,80,12800,15600,9600,1560,180,6.2,8,3,24.1,77777,9,999999999,100,0.1470,0,88,999.000,999.0,99.0 +1981,12,6,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,3.3,-1.7,70,99400,447,1409,280,139,84,112,15200,7800,12700,2520,180,6.2,10,7,24.1,7620,9,999999999,100,0.1470,0,88,999.000,999.0,99.0 +1981,12,6,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,4.4,-1.7,65,99300,556,1409,275,319,461,133,33100,44100,15700,2600,180,7.7,7,3,24.1,77777,9,999999999,100,0.1470,0,88,999.000,999.0,99.0 +1981,12,6,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,-1.1,63,99200,603,1409,284,232,197,147,25000,19800,16500,3060,180,6.7,9,5,24.1,6100,9,999999999,100,0.1470,0,88,999.000,999.0,99.0 +1981,12,6,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.2,-1.1,56,99000,584,1409,297,273,170,201,29300,16800,22300,4750,190,7.7,9,7,24.1,6100,9,999999999,100,0.1470,0,88,999.000,999.0,99.0 +1981,12,6,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,-0.6,60,99000,501,1409,306,140,40,126,15400,3800,14100,3520,190,7.7,10,9,24.1,3660,9,999999999,100,0.1470,0,88,999.000,999.0,99.0 +1981,12,6,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.7,-0.6,60,98900,359,1409,306,110,69,92,12000,6000,10500,2390,190,6.2,9,9,24.1,2740,9,999999999,100,0.1470,0,88,999.000,999.0,99.0 +1981,12,6,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,0.0,65,98800,170,1409,285,63,68,54,6700,4100,6200,1130,160,5.7,9,4,24.1,77777,9,999999999,110,0.1470,0,88,999.000,999.0,99.0 +1981,12,6,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,0.6,73,98900,10,434,294,4,0,4,0,0,0,0,190,5.2,10,8,24.1,2740,9,999999999,110,0.1470,0,88,999.000,999.0,99.0 +1981,12,6,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,4.4,0.6,76,98700,0,0,287,0,0,0,0,0,0,0,180,5.2,9,7,24.1,3350,9,999999999,110,0.1470,0,88,999.000,999.0,99.0 +1981,12,6,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.1,76,98600,0,0,301,0,0,0,0,0,0,0,180,6.2,10,9,24.1,7620,9,999999999,110,0.1470,0,88,999.000,999.0,99.0 +1981,12,6,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,0.6,73,98500,0,0,294,0,0,0,0,0,0,0,190,5.2,9,8,24.1,2740,9,999999999,110,0.1470,0,88,999.000,999.0,99.0 +1981,12,6,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,0.6,73,98400,0,0,279,0,0,0,0,0,0,0,200,5.7,3,3,24.1,77777,9,999999999,110,0.1470,0,88,999.000,999.0,99.0 +1981,12,6,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,0.6,73,98300,0,0,289,0,0,0,0,0,0,0,180,6.2,7,7,24.1,2740,9,999999999,110,0.1470,0,88,999.000,999.0,99.0 +1981,12,6,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,0.6,73,98300,0,0,309,0,0,0,0,0,0,0,210,5.2,10,10,24.1,2440,9,999999999,110,0.1470,0,88,999.000,999.0,99.0 +1981,12,6,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,0.6,73,98300,0,0,309,0,0,0,0,0,0,0,200,4.6,10,10,24.1,2440,9,999999999,110,0.1470,0,88,999.000,999.0,99.0 +1981,12,7,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.1,76,98200,0,0,309,0,0,0,0,0,0,0,190,5.7,10,10,24.1,2440,9,999999999,110,0.1470,0,88,999.000,999.0,99.0 +1981,12,7,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.1,76,98200,0,0,309,0,0,0,0,0,0,0,210,5.2,10,10,24.1,2440,9,999999999,110,0.1470,0,88,999.000,999.0,99.0 +1981,12,7,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.1,76,98100,0,0,309,0,0,0,0,0,0,0,190,3.6,10,10,11.3,2130,9,999999999,110,0.1470,0,88,999.000,999.0,99.0 +1981,12,7,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.7,79,98100,0,0,310,0,0,0,0,0,0,0,210,5.2,10,10,11.3,2130,9,999999999,120,0.1470,0,88,999.000,999.0,99.0 +1981,12,7,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.7,79,98100,0,0,310,0,0,0,0,0,0,0,230,3.6,10,10,11.3,2130,9,999999999,120,0.1470,0,88,999.000,999.0,99.0 +1981,12,7,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.7,79,98100,0,0,310,0,0,0,0,0,0,0,250,2.6,10,10,11.3,2130,9,999999999,120,0.1470,0,88,999.000,999.0,99.0 +1981,12,7,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,1.7,79,98100,0,0,302,0,0,0,0,0,0,0,230,4.1,9,9,16.1,2440,9,999999999,120,0.1470,0,88,999.000,999.0,99.0 +1981,12,7,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.0,1.7,79,98100,79,1233,302,20,14,19,2200,800,2100,470,230,5.2,9,9,11.3,2440,9,999999999,120,0.0630,0,88,999.000,999.0,99.0 +1981,12,7,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,5.6,2.2,79,98100,280,1409,313,67,2,66,7400,100,7400,2310,240,3.6,10,10,11.3,2440,9,999999999,120,0.0630,0,88,999.000,999.0,99.0 +1981,12,7,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,6.1,2.2,76,98100,444,1409,316,139,8,136,15400,500,15200,4680,240,4.1,10,10,11.3,3960,9,999999999,120,0.0630,0,88,999.000,999.0,99.0 +1981,12,7,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,7.8,2.8,71,97900,553,1409,308,162,59,138,17700,5600,15500,3970,200,6.2,8,8,12.9,3960,9,999999999,130,0.0630,0,88,999.000,999.0,99.0 +1981,12,7,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.9,2.8,66,98000,600,1409,308,358,480,150,37200,46700,17200,3010,230,3.1,7,7,16.1,3960,9,999999999,130,0.0630,0,88,999.000,999.0,99.0 +1981,12,7,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,2.8,63,98100,582,1409,322,193,207,106,21100,20700,12500,2080,270,6.7,9,9,12.9,1830,9,999999999,120,0.0630,0,88,999.000,999.0,99.0 +1981,12,7,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,2.2,61,97800,499,1409,310,209,183,143,22700,17500,16400,3280,210,4.6,7,7,14.5,1520,9,999999999,120,0.0630,0,88,999.000,999.0,99.0 +1981,12,7,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,11.1,3.3,59,98000,358,1409,319,147,226,89,15600,19100,10700,1710,260,5.2,7,7,16.1,2440,9,999999999,130,0.0630,0,88,999.000,999.0,99.0 +1981,12,7,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,9.4,3.9,69,98100,170,1409,308,52,68,43,5600,4200,5100,900,280,5.2,7,6,19.3,3660,9,999999999,130,0.0630,0,88,999.000,999.0,99.0 +1981,12,7,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,8.3,3.9,74,98200,10,435,312,4,6,3,0,0,0,0,270,3.1,8,8,19.3,2440,9,999999999,130,0.0630,0,88,999.000,999.0,99.0 +1981,12,7,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,7.8,2.2,68,98200,0,0,289,0,0,0,0,0,0,0,280,4.1,2,2,24.1,77777,9,999999999,120,0.0630,0,88,999.000,999.0,99.0 +1981,12,7,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.1,1.7,73,98300,0,0,273,0,0,0,0,0,0,0,270,3.6,0,0,24.1,77777,9,999999999,120,0.0630,0,88,999.000,999.0,99.0 +1981,12,7,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,1.1,73,98400,0,0,297,0,0,0,0,0,0,0,290,5.2,8,8,24.1,670,9,999999999,110,0.0630,0,88,999.000,999.0,99.0 +1981,12,7,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,6.7,0.6,65,98500,0,0,316,0,0,0,0,0,0,0,310,6.7,10,10,24.1,760,9,999999999,110,0.0630,0,88,999.000,999.0,99.0 +1981,12,7,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.6,-1.1,63,98600,0,0,310,0,0,0,0,0,0,0,300,6.7,10,10,24.1,670,9,999999999,100,0.0630,0,88,999.000,999.0,99.0 +1981,12,7,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,5.0,-1.7,62,98700,0,0,306,0,0,0,0,0,0,0,310,8.2,10,10,24.1,670,9,999999999,100,0.0630,0,88,999.000,999.0,99.0 +1981,12,7,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-4.4,57,98800,0,0,296,0,0,0,0,0,0,0,330,7.7,10,10,24.1,850,9,999999999,80,0.0630,0,88,999.000,999.0,99.0 +1981,12,8,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,3.3,-4.4,57,98800,0,0,296,0,0,0,0,0,0,0,310,6.7,10,10,24.1,850,9,999999999,80,0.0630,0,88,999.000,999.0,99.0 +1981,12,8,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-4.4,59,98900,0,0,294,0,0,0,0,0,0,0,300,5.2,10,10,24.1,850,9,999999999,80,0.0630,0,88,999.000,999.0,99.0 +1981,12,8,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-3.9,62,98900,0,0,294,0,0,0,0,0,0,0,290,6.7,10,10,24.1,980,9,999999999,90,0.0630,0,88,999.000,999.0,99.0 +1981,12,8,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-4.4,59,99000,0,0,294,0,0,0,0,0,0,0,310,5.2,10,10,24.1,1160,9,999999999,80,0.0630,0,88,999.000,999.0,99.0 +1981,12,8,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-5.0,59,99100,0,0,291,0,0,0,0,0,0,0,320,7.7,10,10,24.1,980,9,999999999,80,0.0630,0,88,999.000,999.0,99.0 +1981,12,8,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-5.6,57,99200,0,0,290,0,0,0,0,0,0,0,310,6.7,10,10,24.1,850,9,999999999,80,0.0630,0,88,999.000,999.0,99.0 +1981,12,8,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-5.0,62,99300,0,0,289,0,0,0,0,0,0,0,300,6.2,10,10,24.1,760,9,999999999,80,0.0630,0,88,999.000,999.0,99.0 +1981,12,8,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.0,62,99400,77,1210,289,17,6,17,1900,300,1900,420,320,6.2,10,10,24.1,670,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1981,12,8,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.0,62,99400,277,1410,289,81,1,81,8900,0,8900,2620,320,7.7,10,10,24.1,760,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1981,12,8,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.6,59,99500,441,1410,288,97,1,96,11000,100,11000,3690,300,6.2,10,10,24.1,760,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1981,12,8,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-6.1,57,99500,550,1410,287,185,6,182,20500,500,20300,6380,320,7.2,10,10,24.1,980,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1981,12,8,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-6.7,54,99500,598,1410,287,167,9,163,18900,700,18600,6280,340,7.7,10,10,24.1,1220,9,999999999,70,0.0500,0,88,999.000,999.0,99.0 +1981,12,8,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-6.7,54,99500,580,1410,287,187,4,186,20900,300,20800,6690,310,6.2,10,10,24.1,980,9,999999999,70,0.0500,0,88,999.000,999.0,99.0 +1981,12,8,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-7.2,52,99500,498,1410,286,147,4,145,16400,300,16300,5220,340,8.2,10,10,24.1,980,9,999999999,70,0.0500,0,88,999.000,999.0,99.0 +1981,12,8,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-7.2,52,99600,357,1410,286,101,3,100,11200,200,11200,3420,310,5.7,10,10,24.1,980,9,999999999,70,0.0500,0,88,999.000,999.0,99.0 +1981,12,8,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-6.7,61,99700,169,1410,280,47,1,47,5200,0,5200,1480,300,4.6,10,10,24.1,980,9,999999999,70,0.0500,0,88,999.000,999.0,99.0 +1981,12,8,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-6.7,66,99700,10,435,275,6,0,6,0,0,0,0,310,5.2,10,10,19.3,980,9,999999999,70,0.0500,0,88,999.000,999.0,99.0 +1981,12,8,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-4.4,82,99800,0,0,275,0,0,0,0,0,0,0,290,4.6,10,10,19.3,980,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1981,12,8,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.0,82,99800,0,0,273,0,0,0,0,0,0,0,310,6.2,10,10,19.3,980,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1981,12,8,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-3.9,85,99800,0,0,276,0,0,0,0,0,0,0,300,3.6,10,10,19.3,980,9,999999999,90,0.0500,0,88,999.000,999.0,99.0 +1981,12,8,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.0,85,99900,0,0,270,0,0,0,0,0,0,0,320,6.2,10,10,24.1,760,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1981,12,8,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.0,82,99900,0,0,259,0,0,0,0,0,0,0,310,3.6,8,8,24.1,850,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1981,12,8,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.6,78,99900,0,0,243,0,0,0,0,0,0,0,310,5.2,2,2,24.1,77777,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1981,12,8,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-6.1,75,99900,0,0,240,0,0,0,0,0,0,0,310,4.1,1,1,24.1,77777,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1981,12,9,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-6.1,78,100000,0,0,241,0,0,0,0,0,0,0,300,4.6,2,2,24.1,77777,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1981,12,9,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.1,72,100000,0,0,273,0,0,0,0,0,0,0,300,4.6,10,10,24.1,1160,9,999999999,80,0.0500,0,88,999.000,999.0,99.0 +1981,12,9,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-6.7,78,100000,0,0,231,0,0,0,0,0,0,0,310,4.1,0,0,24.1,77777,9,999999999,70,0.0500,0,88,999.000,999.0,99.0 +1981,12,9,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-6.7,85,100100,0,0,227,0,0,0,0,0,0,0,330,4.1,0,0,24.1,77777,9,999999999,70,0.0500,0,88,999.000,999.0,99.0 +1981,12,9,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-7.2,88,100100,0,0,223,0,0,0,0,0,0,0,310,3.6,0,0,24.1,77777,9,999999999,70,0.0500,0,88,999.000,999.0,99.0 +1981,12,9,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-7.8,88,100100,0,0,221,0,0,0,0,0,0,0,310,3.6,0,0,24.1,77777,9,999999999,70,0.0500,0,88,999.000,999.0,99.0 +1981,12,9,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-7.8,88,100100,0,0,221,0,0,0,0,0,0,0,320,3.6,0,0,24.1,77777,9,999999999,70,0.0500,0,88,999.000,999.0,99.0 +1981,12,9,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-7.8,85,100200,74,1187,222,29,90,21,2900,3200,2700,370,300,3.1,0,0,24.1,77777,9,999999999,70,0.1280,0,88,999.000,999.0,99.0 +1981,12,9,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-6.7,81,100200,274,1410,229,139,428,54,14000,32200,7700,960,310,4.1,0,0,24.1,77777,9,999999999,70,0.1280,0,88,999.000,999.0,99.0 +1981,12,9,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-6.1,75,100300,438,1410,243,207,345,97,21500,30900,11900,1810,320,6.2,2,2,24.1,77777,9,999999999,80,0.1280,0,88,999.000,999.0,99.0 +1981,12,9,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-7.2,66,100300,548,1410,252,269,274,160,28300,26900,17800,3380,350,7.2,6,6,24.1,670,9,999999999,70,0.1280,0,88,999.000,999.0,99.0 +1981,12,9,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-8.3,61,100200,596,1410,264,106,31,93,11700,3000,10500,2920,310,5.7,9,9,24.1,980,9,999999999,70,0.1280,0,88,999.000,999.0,99.0 +1981,12,9,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-8.9,58,100200,578,1410,271,162,58,138,17800,5600,15500,4050,330,7.7,10,10,24.1,850,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,9,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-8.3,61,100200,497,1410,271,113,16,108,13000,1000,12700,4260,320,6.7,10,10,24.1,850,9,999999999,70,0.1280,0,88,999.000,999.0,99.0 +1981,12,9,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-8.3,63,100100,357,1410,269,95,2,94,10600,100,10500,3280,320,7.2,10,10,24.1,980,9,999999999,70,0.1280,0,88,999.000,999.0,99.0 +1981,12,9,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-9.4,58,100200,169,1410,255,44,31,40,4800,2100,4500,970,320,7.2,8,8,24.1,980,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,9,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-10.0,58,100200,10,435,265,0,0,0,0,0,0,0,320,6.2,10,10,24.1,980,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,9,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-10.0,63,100200,0,0,233,0,0,0,0,0,0,0,320,5.2,2,2,24.1,77777,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,9,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-10.0,68,100200,0,0,240,0,0,0,0,0,0,0,320,4.1,7,7,24.1,980,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,9,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.6,74,100200,0,0,223,0,0,0,0,0,0,0,320,3.1,2,2,24.1,77777,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,9,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-10.6,77,100200,0,0,215,0,0,0,0,0,0,0,320,5.2,0,0,24.1,77777,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,9,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-10.6,77,100200,0,0,224,0,0,0,0,0,0,0,320,5.2,3,3,24.1,77777,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,9,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-10.0,74,100200,0,0,226,0,0,0,0,0,0,0,310,5.2,2,2,24.1,77777,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,9,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.6,74,100200,0,0,216,0,0,0,0,0,0,0,320,5.2,0,0,24.1,77777,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,10,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-10.6,77,100200,0,0,215,0,0,0,0,0,0,0,330,5.2,0,0,24.1,77777,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,10,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-10.6,77,100200,0,0,215,0,0,0,0,0,0,0,330,4.1,0,0,24.1,77777,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,10,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-11.1,77,100200,0,0,212,0,0,0,0,0,0,0,300,4.1,0,0,24.1,77777,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,10,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-11.1,77,100100,0,0,212,0,0,0,0,0,0,0,320,4.1,0,0,24.1,77777,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,10,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-11.1,77,100100,0,0,212,0,0,0,0,0,0,0,300,4.1,0,0,24.1,77777,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,10,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-11.1,81,100200,0,0,211,0,0,0,0,0,0,0,310,3.1,0,0,24.1,77777,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,10,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-11.1,81,100100,0,0,211,0,0,0,0,0,0,0,320,3.6,0,0,24.1,77777,9,999999999,60,0.1280,0,88,999.000,999.0,99.0 +1981,12,10,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.3,-11.1,81,100100,71,1164,211,38,243,17,3400,11300,2600,310,310,2.6,0,0,24.1,77777,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,10,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-11.1,71,100100,271,1411,216,159,628,34,16000,49500,6500,690,320,5.2,0,0,24.1,77777,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,10,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-10.6,65,100100,435,1411,226,265,684,49,27400,61900,8200,1030,340,5.2,2,1,24.1,77777,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,10,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-10.0,60,100100,545,1411,232,356,747,62,37000,70800,9500,1310,320,4.6,2,1,24.1,77777,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,10,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-10.0,53,100000,594,1411,238,392,786,56,40800,75000,9100,1300,340,6.7,2,1,24.1,77777,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,10,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-10.0,51,100000,577,1411,240,378,777,56,39400,73900,9100,1280,10,5.2,2,1,24.1,77777,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,10,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-10.0,49,99900,496,1411,245,309,697,61,31900,64600,9100,1240,330,4.6,3,2,24.1,77777,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,10,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-10.0,49,99900,356,1411,251,197,490,72,20000,40600,9700,1290,360,4.6,5,5,24.1,77777,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,10,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-10.0,53,99900,169,1411,246,77,312,39,7700,18800,5400,660,350,4.6,4,4,24.1,77777,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,10,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-10.6,63,99900,10,435,234,9,24,6,0,0,0,0,10,3.1,3,3,24.1,77777,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,10,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-10.6,71,99900,0,0,218,0,0,0,0,0,0,0,10,3.1,1,0,24.1,77777,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,10,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.6,74,99900,0,0,216,0,0,0,0,0,0,0,360,2.6,0,0,24.1,77777,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,10,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-10.6,77,99900,0,0,215,0,0,0,0,0,0,0,320,2.6,0,0,24.1,77777,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,10,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-9.4,74,99900,0,0,243,0,0,0,0,0,0,0,290,4.1,9,8,24.1,1830,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,10,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-8.3,78,99800,0,0,258,0,0,0,0,0,0,0,310,4.6,10,10,24.1,850,9,999999999,70,0.0510,0,88,999.000,999.0,99.0 +1981,12,10,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-8.9,74,99800,0,0,251,0,0,0,0,0,0,0,310,3.6,9,9,24.1,760,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,10,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-8.9,74,99800,0,0,258,0,0,0,0,0,0,0,280,3.1,10,10,24.1,670,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,11,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-8.9,74,99800,0,0,251,0,0,0,0,0,0,0,310,3.6,9,9,24.1,760,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,11,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-9.4,78,99800,0,0,234,0,0,0,0,0,0,0,310,3.1,6,6,24.1,760,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,11,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-10.0,81,99800,0,0,219,0,0,0,0,0,0,0,310,2.6,3,1,24.1,77777,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,11,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-10.6,77,99800,0,0,229,0,0,0,0,0,0,0,310,2.1,6,6,24.1,760,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,11,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-11.1,77,99800,0,0,216,0,0,0,0,0,0,0,310,2.1,4,1,24.1,77777,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,11,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-11.1,81,99800,0,0,218,0,0,0,0,0,0,0,310,1.5,10,2,24.1,77777,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,11,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-10.6,77,99900,0,0,236,0,0,0,0,0,0,0,300,3.1,10,8,24.1,7620,9,999999999,60,0.0510,0,88,999.000,999.0,99.0 +1981,12,11,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-10.6,77,99900,69,1141,232,18,36,15,1900,1300,1800,250,310,2.6,8,7,24.1,7620,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,11,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-10.0,68,99900,268,1411,230,130,375,56,13400,27500,8200,1010,360,4.6,7,2,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,11,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-10.6,60,100000,432,1411,233,249,453,107,25600,40300,13200,2020,360,4.1,7,2,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,11,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-10.6,55,99900,543,1411,245,265,354,126,27700,33700,14600,2440,330,3.1,7,6,24.1,7620,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,11,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-10.6,51,99900,592,1411,249,173,84,137,19100,8400,15500,3240,320,2.6,7,6,24.1,7620,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,11,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-10.0,47,99800,575,1411,252,288,303,162,30500,30100,18100,3430,30,2.6,4,4,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,11,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-10.0,47,99800,495,1411,244,319,720,63,32800,66600,9300,1260,20,2.6,1,1,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,11,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-10.0,47,99700,356,1411,239,214,658,45,21900,56300,7600,900,30,3.1,0,0,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,11,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-10.0,51,99800,169,1411,236,78,392,30,7900,24100,5000,540,20,2.6,1,0,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,11,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-8.9,63,99800,10,435,231,10,32,6,0,0,0,0,40,3.1,1,0,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,11,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-9.4,71,99800,0,0,223,0,0,0,0,0,0,0,30,2.1,0,0,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,11,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.0,77,99900,0,0,217,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,11,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-9.4,84,99900,0,0,216,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,11,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-9.4,84,99900,0,0,216,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,11,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-9.4,81,99900,0,0,217,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,11,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-8.9,88,99900,0,0,216,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,11,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-10.0,88,99800,0,0,212,0,0,0,0,0,0,0,240,2.1,0,0,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,12,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-10.0,88,99800,0,0,212,0,0,0,0,0,0,0,290,2.6,0,0,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,12,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-10.0,84,99900,0,0,220,0,0,0,0,0,0,0,0,0.0,2,2,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,12,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-10.0,84,99900,0,0,217,0,0,0,0,0,0,0,270,1.5,1,1,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,12,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-10.0,88,99900,0,0,219,0,0,0,0,0,0,0,290,1.5,2,2,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,12,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-10.0,84,99900,0,0,217,0,0,0,0,0,0,0,260,2.6,1,1,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,12,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-10.0,88,99900,0,0,216,0,0,0,0,0,0,0,280,2.6,1,1,24.1,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,12,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-10.0,84,100000,0,0,222,0,0,0,0,0,0,0,0,0.0,3,3,19.3,77777,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,12,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-9.4,84,100000,66,1117,220,23,35,20,2500,1500,2400,410,0,0.0,5,1,19.3,77777,9,999999999,60,0.1630,0,88,999.000,999.0,99.0 +1981,12,12,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-8.9,74,100000,265,1411,228,118,276,64,12000,20100,8200,1170,0,0.0,5,1,19.3,77777,9,999999999,60,0.1630,0,88,999.000,999.0,99.0 +1981,12,12,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-6.1,75,100100,430,1411,240,231,448,91,24100,39900,11900,1690,270,2.1,5,1,19.3,77777,9,999999999,80,0.1630,0,88,999.000,999.0,99.0 +1981,12,12,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-5.6,67,100100,541,1411,260,308,420,143,31600,39800,16300,2810,270,3.1,8,6,24.1,3050,9,999999999,80,0.1630,0,88,999.000,999.0,99.0 +1981,12,12,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-5.0,64,100000,590,1411,265,248,262,137,26700,26300,15700,2810,240,2.6,8,6,24.1,3050,9,999999999,80,0.1630,0,88,999.000,999.0,99.0 +1981,12,12,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.6,59,100000,574,1411,262,287,324,153,30500,32200,17400,3200,250,3.6,9,4,24.1,77777,9,999999999,80,0.1630,0,88,999.000,999.0,99.0 +1981,12,12,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-2.8,70,100000,494,1411,285,153,14,148,17100,1000,16700,5260,240,3.6,10,9,24.1,3050,9,999999999,90,0.1630,0,88,999.000,999.0,99.0 +1981,12,12,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-5.6,59,99900,356,1411,274,105,81,84,11500,7000,9700,1840,210,3.1,10,8,24.1,3050,9,999999999,80,0.1630,0,88,999.000,999.0,99.0 +1981,12,12,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-5.6,62,99900,169,1411,285,38,0,38,4300,0,4300,1280,210,2.6,10,10,24.1,3050,9,999999999,80,0.1630,0,88,999.000,999.0,99.0 +1981,12,12,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-5.6,64,99900,10,435,283,3,0,3,0,0,0,0,200,1.5,10,10,24.1,3050,9,999999999,80,0.1630,0,88,999.000,999.0,99.0 +1981,12,12,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-5.6,67,99900,0,0,281,0,0,0,0,0,0,0,0,0.0,10,10,24.1,3050,9,999999999,80,0.1630,0,88,999.000,999.0,99.0 +1981,12,12,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-5.0,72,99900,0,0,266,0,0,0,0,0,0,0,180,2.1,8,8,24.1,3050,9,999999999,80,0.1630,0,88,999.000,999.0,99.0 +1981,12,12,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-5.0,72,100000,0,0,279,0,0,0,0,0,0,0,0,0.0,10,10,24.1,1400,9,999999999,80,0.1630,0,88,999.000,999.0,99.0 +1981,12,12,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-4.4,72,100000,0,0,269,0,0,0,0,0,0,0,210,2.1,9,8,24.1,1400,9,999999999,80,0.1630,0,88,999.000,999.0,99.0 +1981,12,12,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-4.4,72,99900,0,0,274,0,0,0,0,0,0,0,180,2.6,9,9,24.1,1400,9,999999999,80,0.1630,0,88,999.000,999.0,99.0 +1981,12,12,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-4.4,72,99900,0,0,282,0,0,0,0,0,0,0,190,4.1,10,10,24.1,1400,9,999999999,80,0.1630,0,88,999.000,999.0,99.0 +1981,12,12,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-4.4,72,99900,0,0,282,0,0,0,0,0,0,0,180,3.6,10,10,24.1,1160,9,999999999,80,0.1630,0,88,999.000,999.0,99.0 +1981,12,13,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.9,75,99900,0,0,283,0,0,0,0,0,0,0,200,3.6,10,10,24.1,1370,9,999999999,90,0.1630,0,88,999.000,999.0,99.0 +1981,12,13,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-4.4,72,99900,0,0,282,0,0,0,0,0,0,0,180,2.1,10,10,24.1,1370,9,999999999,80,0.1630,0,88,999.000,999.0,99.0 +1981,12,13,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.9,75,99900,0,0,283,0,0,0,0,0,0,0,220,2.6,10,10,24.1,1370,9,999999999,90,0.1630,0,88,999.000,999.0,99.0 +1981,12,13,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-3.3,82,99900,0,0,281,0,0,0,0,0,0,0,200,1.5,10,10,8.0,760,9,999999999,90,0.1630,0,88,999.000,999.0,99.0 +1981,12,13,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.3,85,99900,0,0,271,0,0,0,0,0,0,0,190,2.6,9,9,16.1,670,9,999999999,90,0.1630,0,88,999.000,999.0,99.0 +1981,12,13,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-2.8,89,100000,0,0,279,0,0,0,0,0,0,0,200,2.6,10,10,19.3,670,9,999999999,90,0.1630,0,88,999.000,999.0,99.0 +1981,12,13,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-2.8,85,100000,0,0,281,0,0,0,0,0,0,0,200,3.1,10,10,16.1,670,9,999999999,90,0.1630,0,88,999.000,999.0,99.0 +1981,12,13,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-2.8,85,100000,64,1118,281,19,1,19,2100,0,2100,640,180,2.6,10,10,16.1,580,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,13,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-3.3,79,100000,262,1412,283,46,3,46,5300,100,5300,1720,190,2.1,10,10,16.1,580,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,13,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-2.8,82,100000,427,1412,284,105,2,105,11900,100,11900,3880,190,2.1,10,10,16.1,580,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,13,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-2.8,76,99900,539,1412,288,155,4,154,17500,300,17400,5680,220,2.1,10,10,19.3,1160,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,13,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-3.3,70,99900,589,1412,290,170,5,168,19200,400,19000,6340,220,3.1,10,10,19.3,1160,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,13,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-3.3,67,99900,573,1412,293,162,4,160,18200,300,18100,6050,230,2.1,10,10,19.3,1160,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,13,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-2.8,70,99800,494,1412,293,162,2,161,17900,200,17900,5520,230,1.5,10,10,19.3,1400,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,13,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,2.2,-3.3,67,99800,356,1412,293,99,0,99,11000,0,11000,3390,180,1.5,10,10,19.3,1160,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,13,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-3.3,70,99800,170,1412,290,48,1,48,5300,0,5300,1500,0,0.0,10,10,24.1,2740,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,13,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-3.3,79,99800,10,435,283,4,0,4,0,0,0,0,0,0.0,10,10,19.3,2740,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,13,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-3.3,82,99800,0,0,281,0,0,0,0,0,0,0,0,0.0,10,10,19.3,2740,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,13,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-3.9,78,99800,0,0,280,0,0,0,0,0,0,0,0,0.0,10,10,19.3,2740,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,13,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-3.9,78,99800,0,0,280,0,0,0,0,0,0,0,180,1.5,10,10,19.3,2740,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,13,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.9,75,99700,0,0,283,0,0,0,0,0,0,0,180,2.1,10,10,24.1,3050,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,13,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.3,79,99700,0,0,283,0,0,0,0,0,0,0,190,1.5,10,10,19.3,3050,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,13,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-4.4,78,99700,0,0,278,0,0,0,0,0,0,0,170,1.5,10,10,19.3,1830,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1981,12,13,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-4.4,82,99600,0,0,268,0,0,0,0,0,0,0,0,0.0,9,9,24.1,2130,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1981,12,14,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-4.4,78,99600,0,0,278,0,0,0,0,0,0,0,200,1.5,10,10,19.3,1160,9,999999999,80,0.1010,0,88,999.000,999.0,99.0 +1981,12,14,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.9,82,99600,0,0,278,0,0,0,0,0,0,0,170,1.5,10,10,16.1,760,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,14,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.9,82,99600,0,0,278,0,0,0,0,0,0,0,0,0.0,10,10,19.3,1160,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,14,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-3.9,85,99500,0,0,276,0,0,0,0,0,0,0,0,0.0,10,10,19.3,1160,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,14,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-3.3,89,99400,0,0,276,0,0,0,0,0,0,0,0,0.0,10,10,16.1,1160,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,14,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-2.8,92,99500,0,0,277,0,0,0,0,0,0,0,270,2.1,10,10,16.1,1160,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,14,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-2.2,92,99500,0,0,280,0,0,0,0,0,0,0,270,2.1,10,10,8.0,980,9,999999999,90,0.1010,0,88,999.000,999.0,99.0 +1981,12,14,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-2.8,89,99400,62,1094,279,23,0,23,2500,0,2500,730,270,2.1,10,10,8.0,980,9,999999999,90,0.0530,0,88,999.000,999.0,99.0 +1981,12,14,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-2.2,92,99400,259,1412,280,86,1,86,9400,0,9400,2600,270,1.5,10,10,8.0,1400,9,999999999,90,0.0530,0,88,999.000,999.0,99.0 +1981,12,14,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-2.2,85,99400,425,1412,284,157,1,157,17200,100,17100,4880,250,2.6,10,10,8.0,1400,9,999999999,90,0.0530,0,88,999.000,999.0,99.0 +1981,12,14,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-2.2,85,99400,537,1412,284,179,1,179,19900,100,19900,6200,260,3.1,10,10,6.4,980,9,999999999,90,0.0530,0,88,999.000,999.0,99.0 +1981,12,14,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-1.7,89,99300,587,1412,285,207,2,207,23000,200,23000,7160,260,3.1,10,10,8.0,1400,9,999999999,100,0.0530,0,88,999.000,999.0,99.0 +1981,12,14,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-1.7,85,99200,572,1412,287,196,2,196,21800,200,21800,6830,260,4.1,10,10,8.0,460,9,999999999,100,0.0530,0,88,999.000,999.0,99.0 +1981,12,14,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-2.2,82,99200,494,1412,279,224,168,164,24000,15900,18400,3750,290,3.6,9,9,9.7,460,9,999999999,90,0.0530,0,88,999.000,999.0,99.0 +1981,12,14,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-2.8,79,99200,356,1412,286,118,88,95,12800,7600,10900,2080,280,3.6,10,10,12.9,460,9,999999999,90,0.0530,0,88,999.000,999.0,99.0 +1981,12,14,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-2.8,82,99200,170,1412,276,38,27,35,4200,1900,4000,870,290,3.6,9,9,11.3,760,9,999999999,90,0.0530,0,88,999.000,999.0,99.0 +1981,12,14,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-3.3,82,99200,10,459,263,4,7,4,0,0,0,0,270,3.1,7,7,12.9,760,9,999999999,90,0.0530,0,88,999.000,999.0,99.0 +1981,12,14,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-5.6,85,99300,0,0,240,0,0,0,0,0,0,0,260,2.6,2,2,16.1,77777,9,999999999,80,0.0530,0,88,999.000,999.0,99.0 +1981,12,14,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-5.6,88,99300,0,0,230,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,80,0.0530,0,88,999.000,999.0,99.0 +1981,12,14,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-8.3,88,99300,0,0,218,0,0,0,0,0,0,0,270,2.6,0,0,24.1,77777,9,999999999,70,0.0530,0,88,999.000,999.0,99.0 +1981,12,14,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-10.0,88,99300,0,0,212,0,0,0,0,0,0,0,270,3.1,0,0,24.1,77777,9,999999999,60,0.0530,0,88,999.000,999.0,99.0 +1981,12,14,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-10.6,88,99300,0,0,209,0,0,0,0,0,0,0,280,3.1,0,0,24.1,77777,9,999999999,60,0.0530,0,88,999.000,999.0,99.0 +1981,12,14,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-10.0,88,99400,0,0,212,0,0,0,0,0,0,0,300,3.6,0,0,24.1,77777,9,999999999,60,0.0530,0,88,999.000,999.0,99.0 +1981,12,14,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-12.2,74,99400,0,0,210,0,0,0,0,0,0,0,320,5.2,0,0,24.1,77777,9,999999999,50,0.0530,0,88,999.000,999.0,99.0 +1981,12,15,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-12.8,77,99400,0,0,206,0,0,0,0,0,0,0,310,2.1,1,0,24.1,77777,9,999999999,50,0.0530,0,88,999.000,999.0,99.0 +1981,12,15,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-13.3,74,99400,0,0,205,0,0,0,0,0,0,0,310,4.1,1,0,24.1,77777,9,999999999,50,0.0530,0,88,999.000,999.0,99.0 +1981,12,15,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-13.3,74,99400,0,0,205,0,0,0,0,0,0,0,330,3.6,0,0,24.1,77777,9,999999999,50,0.0530,0,88,999.000,999.0,99.0 +1981,12,15,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-13.3,80,99300,0,0,202,0,0,0,0,0,0,0,310,3.1,0,0,24.1,77777,9,999999999,50,0.0530,0,88,999.000,999.0,99.0 +1981,12,15,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-13.9,77,99300,0,0,208,0,0,0,0,0,0,0,320,3.6,6,2,24.1,77777,9,999999999,50,0.0530,0,88,999.000,999.0,99.0 +1981,12,15,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.0,-13.3,77,99300,0,0,208,0,0,0,0,0,0,0,310,3.6,10,1,24.1,77777,9,999999999,50,0.0530,0,88,999.000,999.0,99.0 +1981,12,15,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.0,-13.3,77,99400,0,0,212,0,0,0,0,0,0,0,300,3.1,8,3,19.3,77777,9,999999999,50,0.0530,0,88,999.000,999.0,99.0 +1981,12,15,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.0,-13.3,77,99400,60,1071,224,16,9,15,1700,500,1700,370,310,4.1,9,8,24.1,6100,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,15,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.0,-13.3,77,99400,257,1412,212,116,282,63,11900,20200,8200,1150,310,5.2,8,3,24.1,77777,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,15,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-13.3,71,99400,423,1412,216,214,353,106,22000,31200,12700,2000,300,3.6,8,3,24.1,77777,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,15,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-13.3,65,99400,535,1412,220,284,411,125,29600,38900,14800,2420,300,4.1,8,3,24.1,77777,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,15,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-12.8,65,99300,586,1412,222,361,548,130,38000,53100,15800,2550,310,3.1,8,3,24.1,77777,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,15,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-12.8,62,99200,572,1412,224,336,539,115,34400,50800,13700,2200,310,3.1,8,3,24.1,77777,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,15,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-12.8,60,99100,493,1412,226,267,457,106,28200,42400,13300,2000,340,3.1,7,3,24.1,77777,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,15,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-12.8,57,99200,356,1412,229,187,386,89,19400,32000,11200,1650,290,3.1,5,4,24.1,77777,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,15,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-12.8,60,99200,171,1412,224,72,280,38,7500,16200,5600,680,310,2.1,2,2,24.1,77777,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,15,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-12.8,68,99300,11,459,211,7,20,5,0,0,0,0,290,2.1,0,0,24.1,77777,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,15,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-13.3,68,99300,0,0,209,0,0,0,0,0,0,0,290,2.6,0,0,24.1,77777,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,15,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-12.8,68,99300,0,0,222,0,0,0,0,0,0,0,300,4.1,4,4,24.1,77777,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,15,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-13.3,65,99300,0,0,236,0,0,0,0,0,0,0,300,3.1,10,9,24.1,2130,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,15,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-13.3,65,99300,0,0,236,0,0,0,0,0,0,0,310,3.6,10,9,14.5,2130,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,15,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-13.3,65,99300,0,0,236,0,0,0,0,0,0,0,310,3.1,10,9,14.5,2130,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,15,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-13.3,65,99300,0,0,243,0,0,0,0,0,0,0,300,3.1,10,10,16.1,2130,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,15,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-13.3,65,99300,0,0,243,0,0,0,0,0,0,0,280,3.1,10,10,24.1,1520,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,16,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-13.3,65,99400,0,0,236,0,0,0,0,0,0,0,280,3.6,9,9,24.1,1520,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,16,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-13.3,68,99400,0,0,241,0,0,0,0,0,0,0,290,3.1,10,10,24.1,1830,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,16,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.0,-14.4,70,99500,0,0,207,0,0,0,0,0,0,0,290,3.1,1,1,24.1,77777,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,16,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-14.4,77,99500,0,0,199,0,0,0,0,0,0,0,300,2.6,0,0,24.1,77777,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,16,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.7,-15.0,77,99500,0,0,197,0,0,0,0,0,0,0,280,3.6,0,0,24.1,77777,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,16,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-15.6,76,99600,0,0,195,0,0,0,0,0,0,0,280,2.1,0,0,24.1,77777,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,16,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.8,-15.6,80,99600,0,0,193,0,0,0,0,0,0,0,280,3.1,0,0,19.3,77777,9,999999999,50,0.0880,0,88,999.000,999.0,99.0 +1981,12,16,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.8,-15.6,80,99700,58,1048,193,31,178,16,2700,7900,2300,290,280,3.6,1,0,24.1,77777,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,16,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.1,-15.6,70,99700,254,1412,202,138,561,33,13800,43200,6000,660,260,4.1,1,1,24.1,77777,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,16,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-15.0,62,99800,421,1412,210,269,716,51,27600,64000,8400,1040,270,3.6,3,1,24.1,77777,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,16,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-13.9,62,99800,534,1412,221,349,632,106,35600,58700,13300,2000,290,3.1,6,4,24.1,7010,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,16,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-13.9,59,99700,585,1412,233,185,95,145,20300,9500,16400,3420,290,4.6,9,8,24.1,3960,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,16,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-13.9,57,99700,571,1412,246,257,128,205,27600,12600,22500,4820,270,5.7,10,10,24.1,3960,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,16,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-13.9,57,99700,493,1412,246,123,6,121,14000,400,13800,4600,280,3.6,10,10,24.1,3660,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,16,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-15.0,52,99700,357,1412,245,105,13,102,11700,700,11500,3450,250,3.1,10,10,24.1,3660,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,16,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-15.0,52,99700,172,1412,245,33,4,32,3700,0,3700,1140,280,2.6,10,10,24.1,1830,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,16,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-15.0,57,99700,11,459,235,2,3,1,0,0,0,0,0,0.0,10,9,24.1,2440,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,16,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-14.4,64,99700,0,0,238,0,0,0,0,0,0,0,310,2.1,10,10,24.1,2440,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,16,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-15.0,59,99600,0,0,239,0,0,0,0,0,0,0,350,3.1,10,10,24.1,1830,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,16,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-13.9,57,99700,0,0,246,0,0,0,0,0,0,0,350,3.1,10,10,24.1,1400,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,16,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-15.0,48,99700,0,0,249,0,0,0,0,0,0,0,10,3.1,10,10,24.1,1160,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,16,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-13.9,55,99700,0,0,249,0,0,0,0,0,0,0,290,2.1,10,10,14.5,340,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,16,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-13.3,62,99700,0,0,245,0,0,0,0,0,0,0,320,1.5,10,10,6.4,270,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,16,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-12.2,71,99600,0,0,244,0,0,0,0,0,0,0,320,3.1,10,10,8.0,310,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,17,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-12.2,71,99500,0,0,244,0,0,0,0,0,0,0,330,4.1,10,10,8.0,460,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,17,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-12.2,71,99500,0,0,244,0,0,0,0,0,0,0,330,4.1,10,10,8.0,460,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,17,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-12.8,68,99500,0,0,243,0,0,0,0,0,0,0,320,4.1,10,10,16.1,610,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,17,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-12.8,68,99400,0,0,243,0,0,0,0,0,0,0,330,5.7,10,10,8.0,1160,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,17,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-12.8,68,99400,0,0,243,0,0,0,0,0,0,0,320,7.2,10,10,2.4,460,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,17,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-12.8,68,99400,0,0,243,0,0,0,0,0,0,0,310,5.2,10,10,4.8,850,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,17,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-12.2,71,99400,0,0,244,0,0,0,0,0,0,0,310,3.6,10,10,8.0,980,9,999999999,50,0.0560,0,88,999.000,999.0,99.0 +1981,12,17,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-12.2,68,99400,56,1048,246,6,14,5,700,500,700,80,330,5.2,10,10,14.5,1160,9,999999999,50,0.0700,0,88,999.000,999.0,99.0 +1981,12,17,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-12.2,65,99500,252,1413,248,46,3,45,5200,100,5200,1670,330,7.7,10,10,4.0,910,9,999999999,50,0.0700,0,88,999.000,999.0,99.0 +1981,12,17,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-11.1,71,99500,419,1413,242,145,50,130,15900,4600,14500,3320,320,7.2,10,9,11.3,1400,9,999999999,60,0.0700,0,88,999.000,999.0,99.0 +1981,12,17,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-10.6,68,99400,532,1413,254,120,12,116,13800,800,13500,4640,320,7.7,10,10,24.1,1400,9,999999999,60,0.0700,0,88,999.000,999.0,99.0 +1981,12,17,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-8.9,74,99400,584,1413,258,129,10,125,14900,700,14600,5130,330,8.8,10,10,3.2,580,9,999999999,60,0.0700,0,88,999.000,999.0,99.0 +1981,12,17,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-8.3,81,99400,571,1413,256,149,4,147,16900,300,16800,5700,340,10.3,10,10,1.6,460,9,999999999,70,0.0700,0,88,999.000,999.0,99.0 +1981,12,17,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-8.9,81,99400,494,1413,253,118,1,117,13300,100,13300,4500,340,10.3,10,10,2.4,1400,9,999999999,60,0.0700,0,88,999.000,999.0,99.0 +1981,12,17,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-10.0,74,99500,357,1413,252,88,4,87,9900,200,9800,3120,330,9.3,10,10,3.2,520,9,999999999,60,0.0700,0,88,999.000,999.0,99.0 +1981,12,17,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-10.6,77,99600,173,1413,241,51,20,48,5500,1400,5300,1130,340,10.3,10,9,4.0,580,9,999999999,60,0.0700,0,88,999.000,999.0,99.0 +1981,12,17,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-11.1,74,99700,11,483,247,6,3,6,0,0,0,0,340,8.8,10,10,8.0,760,9,999999999,60,0.0700,0,88,999.000,999.0,99.0 +1981,12,17,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-12.2,68,99800,0,0,246,0,0,0,0,0,0,0,330,7.2,10,10,9.7,670,9,999999999,50,0.0700,0,88,999.000,999.0,99.0 +1981,12,17,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-12.8,68,99800,0,0,243,0,0,0,0,0,0,0,330,7.2,10,10,11.3,760,9,999999999,50,0.0700,0,88,999.000,999.0,99.0 +1981,12,17,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-13.3,71,99900,0,0,239,0,0,0,0,0,0,0,320,9.3,10,10,14.5,850,9,999999999,50,0.0700,0,88,999.000,999.0,99.0 +1981,12,17,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-13.9,70,99900,0,0,225,0,0,0,0,0,0,0,320,6.2,8,8,24.1,850,9,999999999,50,0.0700,0,88,999.000,999.0,99.0 +1981,12,17,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-15.6,70,99900,0,0,215,0,0,0,0,0,0,0,310,6.2,7,7,24.1,850,9,999999999,50,0.0700,0,88,999.000,999.0,99.0 +1981,12,17,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-15.0,64,100000,0,0,236,0,0,0,0,0,0,0,300,7.2,10,10,24.1,1160,9,999999999,50,0.0700,0,88,999.000,999.0,99.0 +1981,12,17,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.0,-15.0,67,100000,0,0,233,0,0,0,0,0,0,0,310,5.7,10,10,24.1,1400,9,999999999,50,0.0700,0,88,999.000,999.0,99.0 +1981,12,18,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-15.6,67,100000,0,0,231,0,0,0,0,0,0,0,320,5.7,10,10,24.1,1160,9,999999999,50,0.0700,0,88,999.000,999.0,99.0 +1981,12,18,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.6,-15.6,67,100000,0,0,231,0,0,0,0,0,0,0,320,4.1,10,10,24.1,1400,9,999999999,50,0.0700,0,88,999.000,999.0,99.0 +1981,12,18,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.1,-16.1,67,100000,0,0,218,0,0,0,0,0,0,0,310,4.6,8,8,24.1,1830,9,999999999,50,0.0700,0,88,999.000,999.0,99.0 +1981,12,18,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-16.1,73,100000,0,0,208,0,0,0,0,0,0,0,310,5.2,6,6,24.1,1830,9,999999999,50,0.0700,0,88,999.000,999.0,99.0 +1981,12,18,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.8,-16.7,73,100000,0,0,201,0,0,0,0,0,0,0,310,4.6,3,3,24.1,77777,9,999999999,40,0.0700,0,88,999.000,999.0,99.0 +1981,12,18,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.9,-16.7,80,100100,0,0,195,0,0,0,0,0,0,0,310,3.6,2,2,24.1,77777,9,999999999,40,0.0700,0,88,999.000,999.0,99.0 +1981,12,18,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.9,-16.7,80,100100,0,0,195,0,0,0,0,0,0,0,300,4.1,2,2,24.1,77777,9,999999999,40,0.0700,0,88,999.000,999.0,99.0 +1981,12,18,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.9,-16.7,80,100100,55,1024,193,23,79,17,2300,2900,2100,300,310,2.1,1,1,24.1,77777,9,999999999,40,0.1060,0,88,999.000,999.0,99.0 +1981,12,18,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.8,-16.7,73,100200,250,1413,192,132,453,49,13200,32800,7400,870,310,3.1,0,0,24.1,77777,9,999999999,40,0.1060,0,88,999.000,999.0,99.0 +1981,12,18,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.1,-15.6,70,100200,417,1413,198,253,611,68,25900,53800,9900,1280,320,3.6,0,0,24.1,77777,9,999999999,50,0.1060,0,88,999.000,999.0,99.0 +1981,12,18,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.3,-14.4,62,100100,531,1413,208,357,722,81,37100,67900,11400,1600,320,6.2,0,0,24.1,77777,9,999999999,50,0.1060,0,88,999.000,999.0,99.0 +1981,12,18,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-13.3,62,100000,583,1413,212,405,759,87,42300,72900,12000,1760,310,5.7,0,0,24.1,77777,9,999999999,50,0.1060,0,88,999.000,999.0,99.0 +1981,12,18,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-13.9,55,100000,571,1413,215,391,747,85,40800,71400,11800,1710,300,6.2,0,0,24.1,77777,9,999999999,50,0.1060,0,88,999.000,999.0,99.0 +1981,12,18,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-13.9,52,100000,494,1413,217,324,700,77,33700,64700,11000,1500,310,5.2,0,0,24.1,77777,9,999999999,50,0.1060,0,88,999.000,999.0,99.0 +1981,12,18,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-13.9,52,100000,358,1413,217,209,578,61,21500,48400,9200,1130,320,6.2,0,0,24.1,77777,9,999999999,50,0.1060,0,88,999.000,999.0,99.0 +1981,12,18,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-15.0,52,100100,174,1413,213,76,298,39,7600,18200,5400,670,280,5.2,1,0,24.1,77777,9,999999999,50,0.1060,0,88,999.000,999.0,99.0 +1981,12,18,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-15.0,54,100100,12,483,211,8,15,6,0,0,0,0,290,5.2,0,0,24.1,77777,9,999999999,50,0.1060,0,88,999.000,999.0,99.0 +1981,12,18,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-15.0,57,100200,0,0,209,0,0,0,0,0,0,0,310,6.2,0,0,24.1,77777,9,999999999,50,0.1060,0,88,999.000,999.0,99.0 +1981,12,18,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-15.0,62,100200,0,0,206,0,0,0,0,0,0,0,290,4.1,0,0,24.1,77777,9,999999999,50,0.1060,0,88,999.000,999.0,99.0 +1981,12,18,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-15.6,59,100200,0,0,205,0,0,0,0,0,0,0,280,3.6,0,0,24.1,77777,9,999999999,50,0.1060,0,88,999.000,999.0,99.0 +1981,12,18,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-10.0,-15.6,64,100200,0,0,202,0,0,0,0,0,0,0,280,4.6,0,0,24.1,77777,9,999999999,50,0.1060,0,88,999.000,999.0,99.0 +1981,12,18,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-16.1,73,100200,0,0,195,0,0,0,0,0,0,0,270,4.1,0,0,24.1,77777,9,999999999,50,0.1060,0,88,999.000,999.0,99.0 +1981,12,18,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-16.1,73,100200,0,0,195,0,0,0,0,0,0,0,300,4.1,0,0,24.1,77777,9,999999999,50,0.1060,0,88,999.000,999.0,99.0 +1981,12,18,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.8,-16.1,76,100200,0,0,193,0,0,0,0,0,0,0,290,4.1,0,0,24.1,77777,9,999999999,40,0.1060,0,88,999.000,999.0,99.0 +1981,12,19,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.3,-16.7,76,100200,0,0,191,0,0,0,0,0,0,0,300,4.6,0,0,24.1,77777,9,999999999,40,0.1060,0,88,999.000,999.0,99.0 +1981,12,19,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-14.4,-16.7,83,100200,0,0,188,0,0,0,0,0,0,0,280,3.6,0,0,24.1,77777,9,999999999,40,0.1060,0,88,999.000,999.0,99.0 +1981,12,19,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.0,-16.7,87,100200,0,0,186,0,0,0,0,0,0,0,290,4.1,0,0,24.1,77777,9,999999999,40,0.1060,0,88,999.000,999.0,99.0 +1981,12,19,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.6,-17.2,87,100200,0,0,184,0,0,0,0,0,0,0,280,4.1,0,0,24.1,77777,9,999999999,40,0.1060,0,88,999.000,999.0,99.0 +1981,12,19,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.6,-17.2,87,100200,0,0,184,0,0,0,0,0,0,0,280,4.1,0,0,24.1,77777,9,999999999,40,0.1060,0,88,999.000,999.0,99.0 +1981,12,19,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.1,-17.8,87,100300,0,0,182,0,0,0,0,0,0,0,280,3.1,0,0,24.1,77777,9,999999999,40,0.1060,0,88,999.000,999.0,99.0 +1981,12,19,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.1,-17.8,87,100300,0,0,182,0,0,0,0,0,0,0,300,4.6,0,0,24.1,77777,9,999999999,40,0.1060,0,88,999.000,999.0,99.0 +1981,12,19,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-16.1,-17.8,87,100300,53,1001,182,32,198,15,2700,8700,2200,270,290,5.2,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,19,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-15.0,-17.8,80,100400,248,1413,185,144,614,32,14400,46900,6200,640,280,3.6,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,19,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.8,-17.2,70,100400,416,1413,192,278,781,43,28900,70000,8200,980,290,4.6,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,19,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.0,-18.3,51,100300,530,1413,200,376,853,51,39200,80000,9000,1180,280,4.1,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,19,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-15.6,59,100300,583,1413,205,419,872,54,43700,83000,9300,1270,270,5.2,0,0,24.1,77777,9,999999999,50,0.0490,0,88,999.000,999.0,99.0 +1981,12,19,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-14.4,59,100200,571,1413,219,363,625,107,37300,59100,13300,2070,280,6.2,3,3,24.1,77777,9,999999999,50,0.0490,0,88,999.000,999.0,99.0 +1981,12,19,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-14.4,59,100200,494,1413,219,327,698,80,33900,64400,11300,1540,300,4.6,3,3,24.1,77777,9,999999999,50,0.0490,0,88,999.000,999.0,99.0 +1981,12,19,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-14.4,59,100200,359,1413,214,211,636,48,21600,54300,7700,940,290,4.1,1,1,24.1,77777,9,999999999,50,0.0490,0,88,999.000,999.0,99.0 +1981,12,19,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-15.6,54,100200,175,1413,209,87,483,26,8700,32500,4700,500,290,5.2,0,0,24.1,77777,9,999999999,50,0.0490,0,88,999.000,999.0,99.0 +1981,12,19,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-16.7,61,100200,12,483,199,12,60,6,0,0,0,0,280,2.1,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,19,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.7,-16.1,70,100200,0,0,196,0,0,0,0,0,0,0,260,1.5,0,0,24.1,77777,9,999999999,50,0.0490,0,88,999.000,999.0,99.0 +1981,12,19,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.8,-16.1,76,100200,0,0,193,0,0,0,0,0,0,0,240,1.5,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,19,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-14.4,-17.2,80,100200,0,0,187,0,0,0,0,0,0,0,270,2.1,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,19,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.0,-17.2,83,100200,0,0,186,0,0,0,0,0,0,0,260,3.6,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,19,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.6,-18.3,79,100200,0,0,183,0,0,0,0,0,0,0,270,2.1,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,19,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.1,-18.3,83,100200,0,0,182,0,0,0,0,0,0,0,0,0.0,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,19,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.7,-18.9,83,100200,0,0,180,0,0,0,0,0,0,0,260,2.6,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,20,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.7,-18.9,83,100200,0,0,180,0,0,0,0,0,0,0,260,3.1,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,20,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-19.4,83,100200,0,0,178,0,0,0,0,0,0,0,240,2.1,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,20,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.8,-20.6,79,100200,0,0,175,0,0,0,0,0,0,0,230,2.1,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,20,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-20.6,76,100200,0,0,177,0,0,0,0,0,0,0,250,3.1,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,20,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.8,-21.1,75,100100,0,0,175,0,0,0,0,0,0,0,250,1.5,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,20,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.8,-21.1,75,100100,0,0,175,0,0,0,0,0,0,0,210,2.1,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,20,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-18.3,-21.1,79,100100,0,0,174,0,0,0,0,0,0,0,200,2.1,0,0,24.1,77777,9,999999999,40,0.0490,0,88,999.000,999.0,99.0 +1981,12,20,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-17.8,-20.6,79,100000,52,1001,175,29,162,15,2500,7000,2100,270,220,3.1,1,0,14.5,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1981,12,20,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-16.7,-18.9,83,100000,246,1413,185,113,325,54,11600,22900,7600,970,220,5.2,3,2,14.5,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1981,12,20,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-13.3,-17.8,70,100000,414,1413,196,230,538,69,23600,47300,9700,1300,190,5.2,5,2,14.5,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1981,12,20,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-17.8,56,100000,529,1413,205,353,690,90,36300,64500,12100,1740,190,4.6,8,2,19.3,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1981,12,20,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.0,-18.3,51,99800,583,1413,208,375,640,107,38500,60800,13300,2090,320,6.2,7,3,24.1,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1981,12,20,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-9.4,-18.3,49,99700,571,1413,210,342,530,125,36000,51000,15300,2440,210,8.2,9,3,24.1,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1981,12,20,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-9.4,-18.3,49,99600,495,1413,208,321,673,83,33200,62000,11400,1590,200,7.7,8,2,24.1,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1981,12,20,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-18.3,47,99500,360,1413,212,193,404,89,20000,33600,11300,1650,180,6.7,9,3,24.1,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1981,12,20,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.0,-18.9,49,99500,177,1413,208,74,199,49,7600,11700,6100,900,180,7.2,9,3,24.1,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1981,12,20,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.7,-18.9,55,99300,13,506,200,10,21,8,0,0,0,0,180,7.2,8,2,24.1,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1981,12,20,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-18.9,58,99300,0,0,202,0,0,0,0,0,0,0,180,7.2,10,4,24.1,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1981,12,20,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.8,-18.9,61,99200,0,0,199,0,0,0,0,0,0,0,170,9.8,10,3,24.1,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1981,12,20,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.7,-18.3,58,99100,0,0,203,0,0,0,0,0,0,0,170,10.3,10,3,24.1,77777,9,999999999,40,0.0580,0,88,999.000,999.0,99.0 +1981,12,20,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-15.6,61,98900,0,0,235,0,0,0,0,0,0,0,180,12.9,10,10,24.1,1400,9,999999999,50,0.0580,0,88,999.000,999.0,99.0 +1981,12,20,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.6,74,98800,0,0,250,0,0,0,0,0,0,0,190,10.3,10,10,19.3,700,9,999999999,60,0.0580,0,88,999.000,999.0,99.0 +1981,12,20,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-11.1,65,98700,0,0,253,0,0,0,0,0,0,0,210,10.3,10,10,9.7,700,9,999999999,60,0.0580,0,88,999.000,999.0,99.0 +1981,12,20,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-8.3,81,98600,0,0,256,0,0,0,0,0,0,0,290,10.3,10,10,3.2,460,9,999999999,70,0.0580,0,88,999.000,999.0,99.0 +1981,12,21,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-7.8,85,98400,0,0,256,0,0,0,0,0,0,0,180,9.3,10,10,0.4,240,9,999999999,70,0.0580,0,88,999.000,999.0,99.0 +1981,12,21,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-6.7,88,98300,0,0,260,0,0,0,0,0,0,0,170,9.3,10,10,4.0,370,9,999999999,70,0.0580,0,88,999.000,999.0,99.0 +1981,12,21,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-6.7,85,98300,0,0,262,0,0,0,0,0,0,0,190,9.3,10,10,1.3,240,9,999999999,70,0.0580,0,88,999.000,999.0,99.0 +1981,12,21,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-6.1,88,98300,0,0,263,0,0,0,0,0,0,0,180,7.2,10,10,9.7,240,9,999999999,70,0.0580,0,88,999.000,999.0,99.0 +1981,12,21,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-5.6,88,98200,0,0,265,0,0,0,0,0,0,0,190,6.7,10,10,4.8,240,9,999999999,80,0.0580,0,88,999.000,999.0,99.0 +1981,12,21,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.0,85,98100,0,0,270,0,0,0,0,0,0,0,200,6.7,10,10,11.3,310,9,999999999,80,0.0580,0,88,999.000,999.0,99.0 +1981,12,21,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-4.4,85,98100,0,0,273,0,0,0,0,0,0,0,200,7.7,10,10,8.0,370,9,999999999,80,0.0580,0,88,999.000,999.0,99.0 +1981,12,21,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-3.9,82,98200,50,978,278,11,1,11,1300,0,1300,400,200,7.2,10,10,11.3,370,9,999999999,80,0.1130,0,88,999.000,999.0,99.0 +1981,12,21,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-3.3,85,98100,245,1414,279,58,5,57,6500,100,6500,1960,210,7.7,10,10,11.3,370,9,999999999,90,0.1130,0,88,999.000,999.0,99.0 +1981,12,21,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-3.3,82,98200,413,1414,281,117,5,116,13100,300,13000,4060,210,7.7,10,10,11.3,240,9,999999999,90,0.1130,0,88,999.000,999.0,99.0 +1981,12,21,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-2.2,89,98100,528,1414,282,203,8,200,22300,700,22000,6470,220,6.2,10,10,6.4,210,9,999999999,90,0.1130,0,88,999.000,999.0,99.0 +1981,12,21,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-2.2,85,98100,582,1414,284,146,2,145,16600,100,16500,5700,200,6.2,10,10,11.3,240,9,999999999,90,0.1130,0,88,999.000,999.0,99.0 +1981,12,21,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-2.2,85,98000,571,1414,284,173,7,170,19400,500,19200,6270,230,7.7,10,10,11.3,240,9,999999999,90,0.1130,0,88,999.000,999.0,99.0 +1981,12,21,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-1.7,89,97900,496,1414,285,146,3,145,16300,200,16200,5200,220,7.7,10,10,6.4,240,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,21,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-1.7,89,97900,362,1414,285,97,3,97,10900,200,10900,3370,210,4.6,10,10,4.0,180,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,21,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-1.1,89,97900,178,1414,288,45,1,45,5000,0,5000,1470,210,6.2,10,10,2.4,180,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,21,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-1.1,89,98000,13,507,288,6,0,6,0,0,0,0,230,6.2,10,10,2.4,180,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,21,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.1,89,97900,0,0,288,0,0,0,0,0,0,0,220,5.2,10,10,6.4,180,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,21,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-0.6,92,97900,0,0,289,0,0,0,0,0,0,0,230,4.1,10,10,3.2,120,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,21,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-0.6,92,97900,0,0,289,0,0,0,0,0,0,0,230,5.2,10,10,3.2,210,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,21,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-0.6,92,97900,0,0,289,0,0,0,0,0,0,0,230,5.7,10,10,4.8,210,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,21,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-0.6,92,98000,0,0,289,0,0,0,0,0,0,0,230,4.1,10,10,6.4,180,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,21,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,98000,0,0,285,0,0,0,0,0,0,0,250,7.2,10,10,11.3,180,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,21,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,98000,0,0,285,0,0,0,0,0,0,0,220,3.1,10,10,11.3,240,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,22,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,98000,0,0,285,0,0,0,0,0,0,0,230,5.2,10,10,11.3,210,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,22,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,98000,0,0,285,0,0,0,0,0,0,0,270,4.1,10,10,11.3,150,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,22,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,98100,0,0,285,0,0,0,0,0,0,0,250,4.1,10,10,11.3,120,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,22,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,98100,0,0,285,0,0,0,0,0,0,0,260,3.6,10,10,6.4,120,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,22,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,98100,0,0,285,0,0,0,0,0,0,0,270,4.1,10,10,9.7,120,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,22,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.7,89,98100,0,0,285,0,0,0,0,0,0,0,260,3.6,10,10,11.3,150,9,999999999,100,0.1130,0,88,999.000,999.0,99.0 +1981,12,22,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-2.2,85,98200,0,0,284,0,0,0,0,0,0,0,260,2.1,10,10,11.3,180,9,999999999,90,0.1130,0,88,999.000,999.0,99.0 +1981,12,22,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-2.2,85,98200,49,978,284,22,0,22,2400,0,2400,690,250,1.5,10,10,11.3,180,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,22,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-2.2,89,98300,243,1414,282,39,0,39,4500,0,4500,1470,0,0.0,10,10,6.4,180,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,22,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-2.2,85,98300,412,1414,284,145,1,145,15900,100,15900,4590,230,1.5,10,10,8.0,210,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,22,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-2.2,85,98400,528,1414,284,166,0,166,18500,0,18500,5870,250,3.1,10,10,6.4,240,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,22,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-2.2,85,98300,582,1414,284,193,0,192,21400,0,21400,6820,260,2.1,10,10,8.0,310,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,22,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-2.2,82,98100,572,1414,287,204,0,204,22500,0,22500,6960,300,4.1,10,10,11.3,340,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,22,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-2.8,79,98200,497,1414,286,180,1,179,19700,100,19700,5850,320,3.1,10,10,8.0,370,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,22,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-2.8,79,98100,363,1414,286,117,0,117,12900,0,12900,3770,20,3.6,10,10,8.0,370,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,22,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-2.8,79,98100,180,1414,286,56,0,56,6100,0,6100,1680,30,1.5,10,10,8.0,460,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,22,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-2.8,79,98100,14,530,286,8,0,8,0,0,0,0,30,2.1,10,10,8.0,370,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,22,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-3.3,75,98100,0,0,286,0,0,0,0,0,0,0,20,3.1,10,10,8.0,430,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,22,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-2.8,79,98000,0,0,286,0,0,0,0,0,0,0,350,3.1,10,10,11.3,460,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,22,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.3,79,98100,0,0,283,0,0,0,0,0,0,0,330,3.6,10,10,11.3,460,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,22,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.3,79,98000,0,0,283,0,0,0,0,0,0,0,330,5.7,10,10,9.7,460,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,22,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.3,79,98000,0,0,283,0,0,0,0,0,0,0,320,4.6,10,10,9.7,610,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,22,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.3,79,98100,0,0,283,0,0,0,0,0,0,0,300,3.6,10,10,9.7,760,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,22,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-3.3,79,98200,0,0,283,0,0,0,0,0,0,0,280,2.6,10,10,9.7,1220,9,999999999,90,0.1340,0,88,999.000,999.0,99.0 +1981,12,23,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-0.6,-3.9,78,98200,0,0,263,0,0,0,0,0,0,0,300,4.6,7,7,12.9,3660,9,999999999,80,0.1340,0,88,999.000,999.0,99.0 +1981,12,23,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-5.6,72,98300,0,0,256,0,0,0,0,0,0,0,300,4.6,6,6,16.1,3660,9,999999999,80,0.1340,0,88,999.000,999.0,99.0 +1981,12,23,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.7,69,98400,0,0,253,0,0,0,0,0,0,0,300,4.1,6,6,19.3,3660,9,999999999,70,0.1340,0,88,999.000,999.0,99.0 +1981,12,23,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-7.8,69,98500,0,0,244,0,0,0,0,0,0,0,300,5.7,4,4,19.3,77777,9,999999999,70,0.1340,0,88,999.000,999.0,99.0 +1981,12,23,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-8.3,75,98500,0,0,236,0,0,0,0,0,0,0,280,5.2,3,3,19.3,77777,9,999999999,70,0.1340,0,88,999.000,999.0,99.0 +1981,12,23,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-9.4,81,98700,0,0,224,0,0,0,0,0,0,0,290,5.2,2,2,19.3,77777,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1981,12,23,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-11.1,77,98800,0,0,219,0,0,0,0,0,0,0,280,4.1,6,2,19.3,77777,9,999999999,60,0.1340,0,88,999.000,999.0,99.0 +1981,12,23,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.3,-11.7,77,99000,48,954,219,29,163,15,2400,7000,2100,270,270,3.1,4,3,19.3,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,23,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-12.2,71,99100,242,1414,221,116,357,53,12000,24900,7700,950,290,4.6,4,3,19.3,77777,9,999999999,50,0.0390,0,88,999.000,999.0,99.0 +1981,12,23,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-12.2,65,99200,411,1414,224,244,635,55,24700,56200,8300,1070,260,4.6,4,3,19.3,77777,9,999999999,50,0.0390,0,88,999.000,999.0,99.0 +1981,12,23,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-12.2,60,99300,527,1414,223,344,771,52,35900,72300,8800,1180,280,5.7,1,1,24.1,77777,9,999999999,50,0.0390,0,88,999.000,999.0,99.0 +1981,12,23,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-12.2,57,99300,582,1414,220,421,890,49,44000,84800,8900,1220,270,4.6,0,0,24.1,77777,9,999999999,50,0.0390,0,88,999.000,999.0,99.0 +1981,12,23,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-11.1,58,99200,572,1414,225,405,872,48,42500,82900,8800,1200,240,6.7,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,23,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-10.6,55,99200,498,1414,229,343,841,44,36100,78100,8400,1080,230,4.1,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,23,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-10.0,56,99200,365,1414,232,230,750,35,24300,65300,7400,860,220,6.2,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,23,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-10.0,60,99300,182,1414,228,92,526,24,9700,37700,4800,510,230,5.2,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,23,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-10.0,68,99300,15,530,222,15,83,6,0,0,0,0,220,4.6,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,23,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-10.0,71,99300,0,0,220,0,0,0,0,0,0,0,210,5.2,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,23,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-10.0,74,99400,0,0,219,0,0,0,0,0,0,0,230,5.7,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,23,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-10.0,74,99300,0,0,219,0,0,0,0,0,0,0,200,5.2,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,23,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-11.1,74,99400,0,0,214,0,0,0,0,0,0,0,220,7.2,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,23,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-11.1,74,99400,0,0,214,0,0,0,0,0,0,0,220,6.7,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,23,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-11.1,77,99400,0,0,212,0,0,0,0,0,0,0,230,7.2,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,23,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-11.7,71,99400,0,0,214,0,0,0,0,0,0,0,230,7.2,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,24,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-10.6,77,99300,0,0,215,0,0,0,0,0,0,0,220,6.7,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,24,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.6,74,99400,0,0,216,0,0,0,0,0,0,0,220,6.2,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,24,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.0,77,99400,0,0,217,0,0,0,0,0,0,0,210,7.2,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,24,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.0,77,99400,0,0,217,0,0,0,0,0,0,0,230,7.2,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,24,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.0,77,99400,0,0,217,0,0,0,0,0,0,0,230,7.2,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,24,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.0,77,99500,0,0,217,0,0,0,0,0,0,0,230,5.7,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,24,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-10.0,81,99600,0,0,215,0,0,0,0,0,0,0,220,4.6,0,0,24.1,77777,9,999999999,60,0.0390,0,88,999.000,999.0,99.0 +1981,12,24,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.2,-10.0,81,99700,47,955,226,18,38,15,1800,1100,1800,260,250,6.7,4,4,24.1,77777,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,24,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-11.1,71,99700,240,1414,216,127,496,40,12900,35700,6800,730,270,6.2,0,0,24.1,77777,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,24,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-12.2,60,99900,410,1414,218,257,676,56,25900,59700,8500,1080,260,5.7,1,0,24.1,77777,9,999999999,50,0.0810,0,88,999.000,999.0,99.0 +1981,12,24,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-12.2,55,99900,527,1414,222,357,774,65,36900,72600,9700,1320,240,7.7,0,0,24.1,77777,9,999999999,50,0.0810,0,88,999.000,999.0,99.0 +1981,12,24,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-12.2,51,99800,583,1414,226,405,805,69,42100,77000,10200,1440,260,7.2,0,0,24.1,77777,9,999999999,50,0.0810,0,88,999.000,999.0,99.0 +1981,12,24,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-11.7,49,99700,573,1414,230,396,798,68,41100,76100,10100,1420,220,4.1,0,0,24.1,77777,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,24,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-11.1,49,99600,499,1414,233,331,754,62,34200,70000,9400,1250,230,4.1,0,0,24.1,77777,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,24,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-10.0,53,99600,366,1414,233,217,639,50,22200,54800,7900,960,220,5.7,0,0,24.1,77777,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,24,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-10.6,55,99600,184,1414,229,84,392,33,8600,25000,5400,590,210,6.2,0,0,24.1,77777,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,24,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-10.0,60,99600,15,554,228,11,34,7,0,0,0,0,290,5.2,0,0,24.1,77777,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,24,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.6,-10.0,71,99600,0,0,220,0,0,0,0,0,0,0,200,5.2,0,0,24.1,77777,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,24,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-10.6,71,99600,0,0,218,0,0,0,0,0,0,0,210,6.7,0,0,24.1,77777,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,24,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.6,74,99500,0,0,216,0,0,0,0,0,0,0,210,5.7,0,0,24.1,77777,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,24,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-11.1,71,99500,0,0,216,0,0,0,0,0,0,0,200,6.7,0,0,24.1,77777,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,24,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-12.2,74,99500,0,0,210,0,0,0,0,0,0,0,210,5.2,0,0,24.1,77777,9,999999999,50,0.0810,0,88,999.000,999.0,99.0 +1981,12,24,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-12.8,74,99500,0,0,216,0,0,0,0,0,0,0,230,5.2,3,3,24.1,77777,9,999999999,50,0.0810,0,88,999.000,999.0,99.0 +1981,12,24,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-12.2,80,99500,0,0,217,0,0,0,0,0,0,0,210,5.2,4,4,24.1,77777,9,999999999,50,0.0810,0,88,999.000,999.0,99.0 +1981,12,25,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-11.1,84,99500,0,0,216,0,0,0,0,0,0,0,230,6.2,2,2,24.1,77777,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,25,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-10.6,81,99500,0,0,234,0,0,0,0,0,0,0,210,3.1,8,8,24.1,3050,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,25,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-10.0,81,99500,0,0,226,0,0,0,0,0,0,0,230,4.1,4,4,24.1,77777,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,25,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-11.1,81,99500,0,0,211,0,0,0,0,0,0,0,210,4.1,0,0,24.1,77777,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,25,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-11.7,84,99400,0,0,207,0,0,0,0,0,0,0,210,1.5,0,0,24.1,77777,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,25,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-11.7,84,99400,0,0,207,0,0,0,0,0,0,0,210,2.1,0,0,24.1,77777,9,999999999,60,0.0810,0,88,999.000,999.0,99.0 +1981,12,25,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-9.4,-12.2,80,99400,0,0,206,0,0,0,0,0,0,0,220,3.1,0,0,14.5,77777,9,999999999,50,0.0810,0,88,999.000,999.0,99.0 +1981,12,25,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-11.1,84,99400,46,955,209,24,83,17,2300,2900,2100,300,200,4.1,0,0,9.7,77777,9,999999999,60,0.0990,0,88,999.000,999.0,99.0 +1981,12,25,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-8.9,84,99400,239,1414,227,116,377,50,11600,26700,7000,870,220,3.1,3,3,9.7,77777,9,999999999,60,0.0990,0,88,999.000,999.0,99.0 +1981,12,25,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-7.8,75,99400,409,1414,228,240,620,57,24900,54700,9000,1100,250,2.6,0,0,14.5,77777,9,999999999,70,0.0990,0,88,999.000,999.0,99.0 +1981,12,25,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-7.2,69,99400,527,1414,234,347,728,72,35400,67900,10000,1400,250,5.2,0,0,19.3,77777,9,999999999,70,0.0990,0,88,999.000,999.0,99.0 +1981,12,25,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-6.7,64,99300,583,1414,240,398,768,77,40900,73100,10600,1530,190,4.6,0,0,19.3,77777,9,999999999,70,0.0990,0,88,999.000,999.0,99.0 +1981,12,25,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-6.7,61,99300,574,1414,242,387,757,76,39800,71800,10500,1510,240,4.1,0,0,19.3,77777,9,999999999,70,0.0990,0,88,999.000,999.0,99.0 +1981,12,25,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-6.1,59,99200,501,1414,258,257,328,140,27200,31300,16100,2880,220,3.1,3,3,19.3,77777,9,999999999,80,0.0990,0,88,999.000,999.0,99.0 +1981,12,25,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-6.1,61,99200,368,1414,253,180,432,67,18500,36400,9000,1220,210,1.5,2,2,19.3,77777,9,999999999,80,0.0990,0,88,999.000,999.0,99.0 +1981,12,25,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-6.1,64,99200,186,1414,253,69,164,48,7300,9600,6100,900,190,3.6,3,3,19.3,77777,9,999999999,80,0.0990,0,88,999.000,999.0,99.0 +1981,12,25,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-6.7,72,99200,16,554,242,6,17,5,0,0,0,0,220,1.5,2,2,19.3,77777,9,999999999,70,0.0990,0,88,999.000,999.0,99.0 +1981,12,25,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-7.2,75,99200,0,0,238,0,0,0,0,0,0,0,150,2.6,2,2,24.1,77777,9,999999999,70,0.0990,0,88,999.000,999.0,99.0 +1981,12,25,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-7.2,78,99300,0,0,256,0,0,0,0,0,0,0,180,1.5,9,9,19.3,2740,9,999999999,70,0.0990,0,88,999.000,999.0,99.0 +1981,12,25,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-7.2,81,99300,0,0,262,0,0,0,0,0,0,0,120,2.1,10,10,19.3,3660,9,999999999,70,0.0990,0,88,999.000,999.0,99.0 +1981,12,25,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-7.8,81,99200,0,0,259,0,0,0,0,0,0,0,120,2.6,10,10,24.1,3050,9,999999999,70,0.0990,0,88,999.000,999.0,99.0 +1981,12,25,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-7.2,81,99200,0,0,262,0,0,0,0,0,0,0,160,2.1,10,10,24.1,2740,9,999999999,70,0.0990,0,88,999.000,999.0,99.0 +1981,12,25,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-6.7,81,99200,0,0,264,0,0,0,0,0,0,0,150,2.1,10,10,16.1,1520,9,999999999,70,0.0990,0,88,999.000,999.0,99.0 +1981,12,25,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-6.7,85,99200,0,0,262,0,0,0,0,0,0,0,160,2.1,10,10,16.1,1520,9,999999999,70,0.0990,0,88,999.000,999.0,99.0 +1981,12,26,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-6.7,88,99200,0,0,260,0,0,0,0,0,0,0,0,0.0,10,10,19.3,1520,9,999999999,70,0.0990,0,88,999.000,999.0,99.0 +1981,12,26,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-6.7,78,99100,0,0,266,0,0,0,0,0,0,0,0,0.0,10,10,24.1,1160,9,999999999,70,0.0990,0,88,999.000,999.0,99.0 +1981,12,26,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-6.1,81,99100,0,0,267,0,0,0,0,0,0,0,120,2.1,10,10,24.1,1520,9,999999999,80,0.0990,0,88,999.000,999.0,99.0 +1981,12,26,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-5.6,78,99000,0,0,272,0,0,0,0,0,0,0,150,2.1,10,10,24.1,1520,9,999999999,80,0.0990,0,88,999.000,999.0,99.0 +1981,12,26,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.1,72,98900,0,0,266,0,0,0,0,0,0,0,100,2.1,10,9,24.1,3050,9,999999999,80,0.0990,0,88,999.000,999.0,99.0 +1981,12,26,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-8.3,78,98900,0,0,233,0,0,0,0,0,0,0,110,2.1,8,3,24.1,77777,9,999999999,70,0.0990,0,88,999.000,999.0,99.0 +1981,12,26,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-7.2,81,98900,0,0,262,0,0,0,0,0,0,0,110,3.1,10,10,24.1,980,9,999999999,70,0.0990,0,88,999.000,999.0,99.0 +1981,12,26,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-7.2,75,98800,46,931,253,21,16,20,2300,900,2200,470,140,2.1,10,8,24.1,3050,9,999999999,70,0.0400,0,88,999.000,999.0,99.0 +1981,12,26,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-6.7,66,98800,238,1414,275,56,0,56,6300,0,6300,1920,130,3.1,10,10,19.3,2130,9,999999999,70,0.0400,0,88,999.000,999.0,99.0 +1981,12,26,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-6.7,64,98800,409,1414,277,120,6,118,13300,400,13200,4080,120,2.6,10,10,24.1,1680,9,999999999,70,0.0400,0,88,999.000,999.0,99.0 +1981,12,26,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.6,-7.2,56,98700,527,1414,282,141,15,136,16000,1100,15600,5160,140,5.2,10,10,24.1,3660,9,999999999,70,0.0400,0,88,999.000,999.0,99.0 +1981,12,26,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-3.3,82,98500,584,1414,281,192,12,187,21400,1000,21000,6730,100,4.1,10,10,14.5,1680,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1981,12,26,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-3.9,70,98400,575,1414,287,170,9,167,19200,700,18900,6220,110,5.2,10,10,24.1,1680,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1981,12,26,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-4.4,67,98200,503,1414,287,144,3,143,16100,200,16100,5200,110,4.6,10,10,14.5,1680,9,999999999,80,0.0400,0,88,999.000,999.0,99.0 +1981,12,26,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-3.9,70,98200,370,1414,287,110,3,109,12200,200,12100,3670,140,6.2,10,10,12.9,1070,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1981,12,26,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-3.3,73,98100,189,1414,280,50,23,47,5500,1600,5300,1140,130,5.2,10,9,11.3,700,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1981,12,26,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-2.8,76,98100,17,578,288,8,0,8,0,0,0,0,150,5.7,10,10,11.3,700,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1981,12,26,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-2.2,79,98000,0,0,289,0,0,0,0,0,0,0,150,5.7,10,10,11.3,610,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1981,12,26,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.7,82,98000,0,0,290,0,0,0,0,0,0,0,170,6.7,10,10,16.1,370,9,999999999,100,0.0400,0,88,999.000,999.0,99.0 +1981,12,26,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.1,-1.7,82,98000,0,0,290,0,0,0,0,0,0,0,210,4.1,10,10,12.9,340,9,999999999,100,0.0400,0,88,999.000,999.0,99.0 +1981,12,26,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-1.7,85,98000,0,0,287,0,0,0,0,0,0,0,200,5.2,10,10,12.9,340,9,999999999,100,0.0400,0,88,999.000,999.0,99.0 +1981,12,26,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-2.8,82,97900,0,0,284,0,0,0,0,0,0,0,220,3.6,10,10,16.1,240,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1981,12,26,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-3.9,82,97900,0,0,278,0,0,0,0,0,0,0,240,3.1,10,10,11.3,2740,9,999999999,80,0.0400,0,88,999.000,999.0,99.0 +1981,12,26,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-4.4,82,97800,0,0,249,0,0,0,0,0,0,0,250,3.1,9,3,11.3,77777,9,999999999,80,0.0400,0,88,999.000,999.0,99.0 +1981,12,27,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-3.9,92,97700,0,0,254,0,0,0,0,0,0,0,270,2.1,8,7,8.0,7620,9,999999999,80,0.0400,0,88,999.000,999.0,99.0 +1981,12,27,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-3.3,92,97700,0,0,246,0,0,0,0,0,0,0,130,1.5,7,2,9.7,77777,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1981,12,27,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-3.3,96,97700,0,0,246,0,0,0,0,0,0,0,0,0.0,3,3,9.7,77777,9,999999999,90,0.0400,0,88,999.000,999.0,99.0 +1981,12,27,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-4.4,88,97700,0,0,242,0,0,0,0,0,0,0,260,3.6,8,2,9.7,77777,9,999999999,80,0.0400,0,88,999.000,999.0,99.0 +1981,12,27,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-6.1,75,97700,0,0,271,0,0,0,0,0,0,0,270,4.1,10,10,14.5,850,9,999999999,70,0.0400,0,88,999.000,999.0,99.0 +1981,12,27,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-5.0,85,97700,0,0,270,0,0,0,0,0,0,0,260,4.6,10,10,9.7,760,9,999999999,80,0.0400,0,88,999.000,999.0,99.0 +1981,12,27,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-5.0,78,97900,0,0,275,0,0,0,0,0,0,0,260,5.7,10,10,11.3,310,9,999999999,80,0.0400,0,88,999.000,999.0,99.0 +1981,12,27,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-6.1,72,97900,45,931,273,9,7,8,900,400,900,210,260,6.7,10,10,8.0,760,9,999999999,70,0.0670,0,88,999.000,999.0,99.0 +1981,12,27,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-6.7,66,98000,238,1415,275,42,0,42,4800,0,4800,1550,260,7.2,10,10,8.0,460,9,999999999,70,0.0670,0,88,999.000,999.0,99.0 +1981,12,27,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-6.7,66,98100,409,1415,275,125,8,123,13900,500,13700,4180,260,8.8,10,10,8.0,460,9,999999999,70,0.0670,0,88,999.000,999.0,99.0 +1981,12,27,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-7.2,64,98200,527,1415,275,162,8,159,18100,600,17900,5710,270,8.2,10,10,6.4,520,9,999999999,70,0.0670,0,88,999.000,999.0,99.0 +1981,12,27,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-7.2,61,98200,584,1415,277,158,5,156,17900,400,17700,6010,250,7.7,10,10,9.7,980,9,999999999,70,0.0670,0,88,999.000,999.0,99.0 +1981,12,27,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-7.2,61,98200,577,1415,259,247,84,212,27000,8200,23600,5610,260,8.2,7,7,12.9,670,9,999999999,70,0.0670,0,88,999.000,999.0,99.0 +1981,12,27,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.1,-7.8,61,98300,504,1415,274,142,10,138,15900,700,15700,5090,270,8.2,10,10,12.9,670,9,999999999,70,0.0670,0,88,999.000,999.0,99.0 +1981,12,27,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-0.6,-7.8,59,98300,373,1415,276,74,6,72,8400,300,8400,2760,250,5.2,10,10,14.5,980,9,999999999,70,0.0670,0,88,999.000,999.0,99.0 +1981,12,27,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-1.7,-8.3,61,98400,191,1415,271,43,2,43,4800,0,4800,1460,260,5.7,10,10,14.5,980,9,999999999,70,0.0670,0,88,999.000,999.0,99.0 +1981,12,27,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-8.9,63,98500,18,601,247,8,15,6,0,0,0,0,260,3.1,6,6,14.5,460,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,27,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-8.9,74,98500,0,0,245,0,0,0,0,0,0,0,220,1.5,10,8,12.9,7620,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,27,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-8.9,74,98500,0,0,258,0,0,0,0,0,0,0,220,2.1,10,10,16.1,3660,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,27,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-8.9,74,98700,0,0,258,0,0,0,0,0,0,0,210,3.6,10,10,12.9,4570,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,27,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-8.3,75,98700,0,0,261,0,0,0,0,0,0,0,230,4.1,10,10,16.1,3660,9,999999999,70,0.0670,0,88,999.000,999.0,99.0 +1981,12,27,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-8.3,72,98700,0,0,263,0,0,0,0,0,0,0,190,3.1,10,10,16.1,3050,9,999999999,70,0.0670,0,88,999.000,999.0,99.0 +1981,12,27,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-8.9,74,98800,0,0,245,0,0,0,0,0,0,0,210,2.6,8,8,16.1,2440,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,27,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-9.4,81,98800,0,0,251,0,0,0,0,0,0,0,230,3.1,10,10,14.5,460,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,28,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.2,-8.9,88,98800,0,0,249,0,0,0,0,0,0,0,230,2.1,10,10,16.1,460,9,999999999,60,0.0670,0,88,999.000,999.0,99.0 +1981,12,28,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-7.8,88,98900,0,0,255,0,0,0,0,0,0,0,240,2.1,10,10,12.9,850,9,999999999,70,0.0670,0,88,999.000,999.0,99.0 +1981,12,28,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-5.6,96,98900,0,0,261,0,0,0,0,0,0,0,200,1.5,10,10,6.4,310,9,999999999,80,0.0670,0,88,999.000,999.0,99.0 +1981,12,28,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-5.0,100,98800,0,0,261,0,0,0,0,0,0,0,170,1.5,10,10,8.0,460,9,999999999,80,0.0670,0,88,999.000,999.0,99.0 +1981,12,28,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-5.6,96,98700,0,0,261,0,0,0,0,0,0,0,190,1.5,10,10,4.8,270,9,999999999,80,0.0670,0,88,999.000,999.0,99.0 +1981,12,28,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-6.1,92,98800,0,0,260,0,0,0,0,0,0,0,270,1.5,10,10,3.2,180,9,999999999,70,0.0670,0,88,999.000,999.0,99.0 +1981,12,28,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-6.1,92,98800,0,0,260,0,0,0,0,0,0,0,0,0.0,10,10,3.2,180,9,999999999,70,0.0670,0,88,999.000,999.0,99.0 +1981,12,28,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-5.6,96,98800,44,931,261,9,0,9,1100,0,1100,340,0,0.0,10,10,2.0,180,9,999999999,80,0.1170,0,88,999.000,999.0,99.0 +1981,12,28,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-5.6,92,98900,237,1415,263,54,1,54,6100,0,6100,1870,0,0.0,10,10,2.0,180,9,999999999,80,0.1170,0,88,999.000,999.0,99.0 +1981,12,28,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-5.0,92,99000,408,1415,266,86,7,84,9800,400,9700,3230,0,0.0,10,10,2.0,180,9,999999999,80,0.1170,0,88,999.000,999.0,99.0 +1981,12,28,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-5.6,85,99000,527,1415,268,181,4,180,20100,300,19900,6140,310,3.1,10,10,2.0,240,9,999999999,80,0.1170,0,88,999.000,999.0,99.0 +1981,12,28,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-5.6,81,98900,585,1415,270,191,5,189,21300,400,21100,6790,330,2.6,10,10,2.4,210,9,999999999,80,0.1170,0,88,999.000,999.0,99.0 +1981,12,28,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-5.6,81,98900,578,1415,262,199,94,160,21800,9100,18100,4560,300,4.6,9,9,4.8,1520,9,999999999,80,0.1170,0,88,999.000,999.0,99.0 +1981,12,28,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.2,-6.7,72,98900,506,1415,258,193,49,175,21100,4700,19400,4540,280,5.2,8,8,16.1,490,9,999999999,70,0.1170,0,88,999.000,999.0,99.0 +1981,12,28,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-2.8,-7.8,69,99000,375,1415,244,171,242,106,18000,20800,12400,2110,330,6.2,5,4,11.3,77777,9,999999999,70,0.1170,0,88,999.000,999.0,99.0 +1981,12,28,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.0,-8.9,74,99100,194,1415,239,68,77,58,7400,5000,6700,1220,310,5.7,6,6,9.7,520,9,999999999,60,0.1170,0,88,999.000,999.0,99.0 +1981,12,28,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.1,-9.4,78,99300,19,625,253,5,2,5,0,0,0,0,340,6.7,10,10,11.3,580,9,999999999,60,0.1170,0,88,999.000,999.0,99.0 +1981,12,28,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.0,77,99400,0,0,250,0,0,0,0,0,0,0,300,4.6,10,10,24.1,640,9,999999999,60,0.1170,0,88,999.000,999.0,99.0 +1981,12,28,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.7,-10.0,77,99500,0,0,250,0,0,0,0,0,0,0,330,6.2,10,10,19.3,460,9,999999999,60,0.1170,0,88,999.000,999.0,99.0 +1981,12,28,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-11.1,77,99600,0,0,245,0,0,0,0,0,0,0,330,5.7,10,10,16.1,460,9,999999999,60,0.1170,0,88,999.000,999.0,99.0 +1981,12,28,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-7.8,-10.6,81,99700,0,0,245,0,0,0,0,0,0,0,300,4.1,10,10,16.1,460,9,999999999,60,0.1170,0,88,999.000,999.0,99.0 +1981,12,28,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.3,-11.1,81,99700,0,0,243,0,0,0,0,0,0,0,290,3.6,10,10,19.3,460,9,999999999,60,0.1170,0,88,999.000,999.0,99.0 +1981,12,28,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-8.9,-11.7,81,99800,0,0,234,0,0,0,0,0,0,0,300,3.1,9,9,24.1,460,9,999999999,60,0.1170,0,88,999.000,999.0,99.0 +1981,12,28,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-15.6,76,99900,0,0,214,0,0,0,0,0,0,0,280,5.2,8,8,24.1,460,9,999999999,50,0.1170,0,88,999.000,999.0,99.0 +1981,12,29,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.9,-17.2,76,99900,0,0,199,0,0,0,0,0,0,0,280,2.1,4,4,24.1,77777,9,999999999,40,0.1170,0,88,999.000,999.0,99.0 +1981,12,29,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-13.9,-16.1,83,100000,0,0,190,0,0,0,0,0,0,0,270,3.6,0,0,24.1,77777,9,999999999,40,0.1170,0,88,999.000,999.0,99.0 +1981,12,29,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.1,-18.3,83,100000,0,0,182,0,0,0,0,0,0,0,260,3.1,0,0,24.1,77777,9,999999999,40,0.1170,0,88,999.000,999.0,99.0 +1981,12,29,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.8,-20.6,79,100000,0,0,175,0,0,0,0,0,0,0,0,0.0,0,0,19.3,77777,9,999999999,40,0.1170,0,88,999.000,999.0,99.0 +1981,12,29,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-18.9,87,100000,0,0,178,0,0,0,0,0,0,0,270,3.1,0,0,14.5,77777,9,999999999,40,0.1170,0,88,999.000,999.0,99.0 +1981,12,29,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-19.4,83,100100,0,0,178,0,0,0,0,0,0,0,260,2.6,0,0,16.1,77777,9,999999999,40,0.1170,0,88,999.000,999.0,99.0 +1981,12,29,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-19.4,83,100200,0,0,178,0,0,0,0,0,0,0,220,3.1,0,0,14.5,77777,9,999999999,40,0.1170,0,88,999.000,999.0,99.0 +1981,12,29,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-16.7,-18.9,83,100300,44,908,180,28,158,14,2300,6600,1900,250,0,0.0,0,0,9.7,77777,9,999999999,40,0.0520,0,88,999.000,999.0,99.0 +1981,12,29,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-14.4,-16.7,83,100300,237,1415,188,136,584,35,13500,43500,6200,660,250,2.1,0,0,8.0,77777,9,999999999,40,0.0520,0,88,999.000,999.0,99.0 +1981,12,29,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.7,-14.4,80,100400,408,1415,198,267,744,48,27500,66100,8300,990,250,3.1,0,0,9.7,77777,9,999999999,50,0.0520,0,88,999.000,999.0,99.0 +1981,12,29,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-8.9,-13.3,71,100400,528,1415,207,373,835,57,38800,78200,9500,1210,240,4.1,0,0,11.3,77777,9,999999999,50,0.0520,0,88,999.000,999.0,99.0 +1981,12,29,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-13.3,65,100300,587,1415,210,424,863,62,44200,82100,9900,1320,250,5.2,0,0,14.5,77777,9,999999999,50,0.0520,0,88,999.000,999.0,99.0 +1981,12,29,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-13.3,65,100300,580,1415,210,415,857,61,43400,81400,9800,1300,240,4.6,0,0,16.1,77777,9,999999999,50,0.0520,0,88,999.000,999.0,99.0 +1981,12,29,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-13.9,62,100200,508,1415,210,352,821,55,36900,76400,9300,1170,220,4.1,0,0,16.1,77777,9,999999999,50,0.0520,0,88,999.000,999.0,99.0 +1981,12,29,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-13.9,62,100300,377,1415,210,238,712,47,24600,61900,8000,940,210,5.2,1,0,14.5,77777,9,999999999,50,0.0520,0,88,999.000,999.0,99.0 +1981,12,29,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-9.4,-15.0,64,100400,196,1415,213,89,320,45,9300,20000,6500,810,250,3.1,3,3,12.9,77777,9,999999999,50,0.0520,0,88,999.000,999.0,99.0 +1981,12,29,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-10.6,-15.6,67,100300,21,625,214,13,28,10,0,0,0,0,210,2.1,7,6,11.3,7620,9,999999999,50,0.0520,0,88,999.000,999.0,99.0 +1981,12,29,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-16.1,73,100300,0,0,205,0,0,0,0,0,0,0,240,1.5,5,4,12.9,77777,9,999999999,50,0.0520,0,88,999.000,999.0,99.0 +1981,12,29,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-15.6,76,100300,0,0,209,0,0,0,0,0,0,0,180,3.6,7,6,12.9,7620,9,999999999,50,0.0520,0,88,999.000,999.0,99.0 +1981,12,29,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.2,-15.0,80,100300,0,0,219,0,0,0,0,0,0,0,190,3.6,10,9,12.9,7620,9,999999999,50,0.0520,0,88,999.000,999.0,99.0 +1981,12,29,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-11.7,-15.6,73,100200,0,0,227,0,0,0,0,0,0,0,180,4.1,10,10,9.7,2440,9,999999999,50,0.0520,0,88,999.000,999.0,99.0 +1981,12,29,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-12.8,-16.1,76,100200,0,0,201,0,0,0,0,0,0,0,180,3.6,7,3,8.0,77777,9,999999999,40,0.0520,0,88,999.000,999.0,99.0 +1981,12,29,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.0,-17.8,80,100200,0,0,189,0,0,0,0,0,0,0,180,3.1,3,1,8.0,77777,9,999999999,40,0.0520,0,88,999.000,999.0,99.0 +1981,12,29,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.2,-20.6,76,100300,0,0,180,0,0,0,0,0,0,0,0,0.0,3,1,9.7,77777,9,999999999,40,0.0520,0,88,999.000,999.0,99.0 +1981,12,30,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-17.8,-21.7,72,100300,0,0,178,0,0,0,0,0,0,0,230,4.1,4,1,9.7,77777,9,999999999,40,0.0520,0,88,999.000,999.0,99.0 +1981,12,30,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-18.3,-21.1,79,100300,0,0,174,0,0,0,0,0,0,0,200,3.1,0,0,11.3,77777,9,999999999,40,0.0520,0,88,999.000,999.0,99.0 +1981,12,30,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-16.1,-18.3,83,100300,0,0,196,0,0,0,0,0,0,0,190,4.1,7,7,9.7,850,9,999999999,40,0.0520,0,88,999.000,999.0,99.0 +1981,12,30,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.6,-17.2,87,100300,0,0,190,0,0,0,0,0,0,0,200,3.1,7,2,9.7,77777,9,999999999,40,0.0520,0,88,999.000,999.0,99.0 +1981,12,30,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.0,-16.1,91,100300,0,0,190,0,0,0,0,0,0,0,190,2.1,3,1,8.0,77777,9,999999999,40,0.0520,0,88,999.000,999.0,99.0 +1981,12,30,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.0,-16.1,91,100300,0,0,190,0,0,0,0,0,0,0,180,2.1,2,1,8.0,77777,9,999999999,50,0.0520,0,88,999.000,999.0,99.0 +1981,12,30,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-15.0,-16.7,87,100300,0,0,186,0,0,0,0,0,0,0,150,2.1,1,0,6.4,77777,9,999999999,40,0.0520,0,88,999.000,999.0,99.0 +1981,12,30,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-14.4,-16.7,83,100300,43,908,191,17,40,14,1700,1200,1700,240,190,3.6,2,1,3.2,77777,9,999999999,40,0.1270,0,88,999.000,999.0,99.0 +1981,12,30,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-12.8,-13.9,91,100200,236,1415,210,81,108,62,8700,7800,7400,1320,150,2.1,8,7,3.2,3960,9,999999999,50,0.1270,0,88,999.000,999.0,99.0 +1981,12,30,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-11.1,-12.8,88,100300,409,1415,214,133,100,104,14600,9000,11900,2310,150,3.1,8,6,3.2,3350,9,999999999,50,0.1270,0,88,999.000,999.0,99.0 +1981,12,30,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-7.8,-11.1,77,100300,529,1415,227,231,241,139,24500,23400,15700,2850,180,3.6,8,6,4.8,7010,9,999999999,60,0.1270,0,88,999.000,999.0,99.0 +1981,12,30,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-6.7,-10.0,77,100200,588,1415,234,262,235,164,27900,23500,18100,3480,180,4.1,9,7,6.4,7010,9,999999999,60,0.1270,0,88,999.000,999.0,99.0 +1981,12,30,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-5.6,-10.0,71,100000,582,1415,254,169,11,164,19000,800,18700,6190,190,3.6,10,10,9.7,3050,9,999999999,60,0.1270,0,88,999.000,999.0,99.0 +1981,12,30,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-4.4,-8.9,71,99900,511,1415,260,126,1,125,14200,100,14200,4790,160,5.2,10,10,9.7,3050,9,999999999,60,0.1270,0,88,999.000,999.0,99.0 +1981,12,30,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-8.3,72,99800,380,1415,263,104,4,102,11500,200,11400,3570,150,5.7,10,10,9.7,2440,9,999999999,70,0.1270,0,88,999.000,999.0,99.0 +1981,12,30,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.9,-8.9,69,99800,199,1415,255,59,29,55,6500,2100,6200,1300,140,4.1,9,9,9.7,7010,9,999999999,70,0.1270,0,88,999.000,999.0,99.0 +1981,12,30,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,-3.3,-8.3,69,99700,22,648,265,8,1,8,0,0,0,0,130,3.6,10,10,9.7,3050,9,999999999,70,0.1270,0,88,999.000,999.0,99.0 +1981,12,30,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-8.3,69,99600,0,0,265,0,0,0,0,0,0,0,140,5.2,10,10,9.7,3050,9,999999999,70,0.1270,0,88,999.000,999.0,99.0 +1981,12,30,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.3,-8.3,69,99600,0,0,265,0,0,0,0,0,0,0,130,5.2,10,10,11.3,3050,9,999999999,70,0.1270,0,88,999.000,999.0,99.0 +1981,12,30,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.8,-8.3,66,99400,0,0,267,0,0,0,0,0,0,0,140,9.3,10,10,11.3,3050,9,999999999,70,0.1270,0,88,999.000,999.0,99.0 +1981,12,30,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-7.8,66,99300,0,0,270,0,0,0,0,0,0,0,130,7.2,10,10,11.3,2440,9,999999999,70,0.1270,0,88,999.000,999.0,99.0 +1981,12,30,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-2.2,-7.8,66,99200,0,0,270,0,0,0,0,0,0,0,140,7.2,10,10,14.5,2440,9,999999999,70,0.1270,0,88,999.000,999.0,99.0 +1981,12,30,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-7.2,66,99100,0,0,272,0,0,0,0,0,0,0,140,7.2,10,10,16.1,2440,9,999999999,70,0.1270,0,88,999.000,999.0,99.0 +1981,12,30,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.7,-6.7,69,99000,0,0,273,0,0,0,0,0,0,0,140,9.8,10,10,16.1,2440,9,999999999,70,0.1270,0,88,999.000,999.0,99.0 +1981,12,31,1,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-6.7,61,98800,0,0,280,0,0,0,0,0,0,0,140,8.8,10,10,19.3,2440,9,999999999,70,0.1270,0,88,999.000,999.0,99.0 +1981,12,31,2,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-5.6,59,98800,0,0,288,0,0,0,0,0,0,0,160,7.2,10,10,19.3,2440,9,999999999,80,0.1270,0,88,999.000,999.0,99.0 +1981,12,31,3,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-4.4,59,98700,0,0,294,0,0,0,0,0,0,0,180,10.3,10,10,24.1,2440,9,999999999,80,0.1270,0,88,999.000,999.0,99.0 +1981,12,31,4,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.2,-5.0,59,98600,0,0,291,0,0,0,0,0,0,0,180,8.2,10,10,24.1,2440,9,999999999,80,0.1270,0,88,999.000,999.0,99.0 +1981,12,31,5,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,2.8,-6.1,52,98400,0,0,292,0,0,0,0,0,0,0,160,11.8,10,10,24.1,2440,9,999999999,70,0.1270,0,88,999.000,999.0,99.0 +1981,12,31,6,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,1.7,-5.6,59,98400,0,0,288,0,0,0,0,0,0,0,170,8.2,10,10,24.1,1680,9,999999999,80,0.1270,0,88,999.000,999.0,99.0 +1981,12,31,7,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.6,-4.4,70,98300,0,0,285,0,0,0,0,0,0,0,170,5.7,10,10,24.1,1680,9,999999999,80,0.1270,0,88,999.000,999.0,99.0 +1981,12,31,8,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-3.3,73,98300,43,908,288,11,1,11,1300,0,1300,400,170,5.2,10,10,24.1,1370,9,999999999,90,0.1200,0,88,999.000,999.0,99.0 +1981,12,31,9,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-2.8,76,98200,236,1415,288,53,1,53,6000,0,6000,1840,160,6.7,10,10,19.3,1160,9,999999999,90,0.1200,0,88,999.000,999.0,99.0 +1981,12,31,10,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-2.2,76,98200,409,1415,292,108,7,106,12100,400,12000,3810,190,6.2,10,10,19.3,2440,9,999999999,90,0.1200,0,88,999.000,999.0,99.0 +1981,12,31,11,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-1.7,79,98100,530,1415,292,159,4,158,17800,300,17700,5710,190,5.7,10,10,16.1,700,9,999999999,100,0.1200,0,88,999.000,999.0,99.0 +1981,12,31,12,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-1.1,82,98000,589,1415,293,125,3,124,14500,200,14400,5110,180,5.7,10,10,8.0,430,9,999999999,100,0.1200,0,88,999.000,999.0,99.0 +1981,12,31,13,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.7,-1.1,82,97900,584,1415,293,100,1,100,11800,100,11800,4300,180,3.6,10,10,9.7,340,9,999999999,100,0.1200,0,88,999.000,999.0,99.0 +1981,12,31,14,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,-0.6,89,97800,513,1415,291,92,1,92,10700,100,10700,3810,180,4.6,10,10,2.4,240,9,999999999,100,0.1200,0,88,999.000,999.0,99.0 +1981,12,31,15,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,1.1,0.0,92,97800,383,1415,291,63,2,63,7400,100,7400,2510,210,5.2,10,10,1.6,180,9,999999999,110,0.1200,0,88,999.000,999.0,99.0 +1981,12,31,16,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-1.1,92,97700,202,1415,286,61,0,61,6700,0,6700,1880,200,4.1,10,10,0.8,150,9,999999999,100,0.1200,0,88,999.000,999.0,99.0 +1981,12,31,17,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9?9*9*9*9*9*9,0.0,-1.1,92,97700,23,672,286,10,0,10,0,0,0,0,220,4.6,10,10,6.4,150,9,999999999,100,0.1200,0,88,999.000,999.0,99.0 +1981,12,31,18,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.1,92,97700,0,0,286,0,0,0,0,0,0,0,230,5.2,10,10,9.7,150,9,999999999,100,0.1200,0,88,999.000,999.0,99.0 +1981,12,31,19,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,0.0,-1.1,92,97800,0,0,286,0,0,0,0,0,0,0,240,6.2,10,10,14.5,180,9,999999999,100,0.1200,0,88,999.000,999.0,99.0 +1981,12,31,20,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-1.1,-2.8,89,97800,0,0,279,0,0,0,0,0,0,0,250,10.8,10,10,9.7,270,9,999999999,90,0.1200,0,88,999.000,999.0,99.0 +1981,12,31,21,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-3.9,-6.7,81,98000,0,0,264,0,0,0,0,0,0,0,250,9.3,10,10,9.7,310,9,999999999,70,0.1200,0,88,999.000,999.0,99.0 +1981,12,31,22,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-4.4,-7.2,81,98100,0,0,262,0,0,0,0,0,0,0,250,9.3,10,10,9.7,340,9,999999999,70,0.1200,0,88,999.000,999.0,99.0 +1981,12,31,23,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-5.0,-8.3,78,98200,0,0,258,0,0,0,0,0,0,0,270,6.7,10,10,11.3,340,9,999999999,70,0.1200,0,88,999.000,999.0,99.0 +1981,12,31,24,0,?9?9?9?9E0?9?9?9?9?9?9?9?9?9?9?9?9?9?9*_*9*9*9*9*9,-6.1,-8.9,81,98300,0,0,253,0,0,0,0,0,0,0,260,7.2,10,10,11.3,340,9,999999999,60,0.1200,0,88,999.000,999.0,99.0 diff --git a/testcases/gym-environments/five-zones/test_v2/test_installation.bat b/testcases/gym-environments/five-zones/test_v2/test_installation.bat new file mode 100644 index 00000000..d238dc21 --- /dev/null +++ b/testcases/gym-environments/five-zones/test_v2/test_installation.bat @@ -0,0 +1,11 @@ +docker run^ + --user=root^ + --detach=false^ + -e DISPLAY=${DISPLAY}^ + -v /tmp/.X11-unix:/tmp/.X11-unix^ + --rm^ + -v %CD%:/mnt/shared^ + -i^ + -t^ + mpcdrl /bin/bash -c "source activate base && export PYTHONPATH=$PYFMI_PY3_CONDA_PATH:$PYTHONPATH && cd /mnt/shared && python /mnt/shared/test_installation.py" + diff --git a/testcases/gym-environments/five-zones/test_v2/test_installation.py b/testcases/gym-environments/five-zones/test_v2/test_installation.py new file mode 100644 index 00000000..6935bd96 --- /dev/null +++ b/testcases/gym-environments/five-zones/test_v2/test_installation.py @@ -0,0 +1,61 @@ +from __future__ import print_function, unicode_literals +from __future__ import absolute_import, division +import numpy as np +import gym +import gym_fivezone_jmodelica +import tianshou as ts +## ==================================================== +# Testing JModelicaCSFiveZoneEnv-v2 installation +## =================================================== +simulation_start_time=204*3600*24. +simulation_end_time=204*3600*24.+3600*12. +time_step=15*60. + +env = gym.make("JModelicaCSFiveZoneEnv-v2", + weather_file='USA_IL_Chicago-OHare.Intl.AP.725300_TMY3.epw', + npre_step=5, + simulation_start_time=simulation_start_time, + simulation_end_time=simulation_end_time, + time_step=time_step, + log_level=7, + fmu_result_handling='memory', + fmu_result_ncp=100, + filter_flag=True, + alpha=200, + min_action=np.array([0., 0., 0.]), + max_action=np.array([1., 1., 1.]), + n_substeps=15) + +states = env.reset() +n_outputs = env.observation_space.shape[0] +print("states:") +print(states) +print("n_outputs:") +print(n_outputs) +print("(tau, simulation_start_time, simulation_end_time)") +print(env.tau, env.simulation_start_time, env.simulation_end_time) +print("action_space") +print(env.action_space) +print("alpha:") +print(env.alpha) +print(env.min_action, env.max_action) + +# test substeps +max_number_of_steps=50 +for step in range(max_number_of_steps): + observation, reward, done, _ = env.step([0.1,0.5,0.5]) + if done or step == max_number_of_steps - 1: + print("Final step:"+str(step)) + break + +substep_measurement_names, substep_measurement=env.get_substep_measurement() +print("current step is evenly divided into "+str(env.n_substeps) + " sub-steps!!!") +print(substep_measurement_names) +print(substep_measurement) +print (len(substep_measurement[0])) + +# test cost and penalty +print("============================") +print("Cost at current step is "+str(env.get_cost())) #[-3.3990643591232135] KWh in 15-min timestep +print("Maximum temperature violation at current step is "+str(env.get_temperature_violation())) #[-0.0, -0.031387453569379886, -0.0, -0.0, -0.0] K +print("\nJModelicaCSFiveZoneEnv-v2 is successfully installed!!" ) \ No newline at end of file diff --git a/testcases/gym-environments/five-zones/test_v2/test_ppo_tianshou.bat b/testcases/gym-environments/five-zones/test_v2/test_ppo_tianshou.bat new file mode 100644 index 00000000..a90af23a --- /dev/null +++ b/testcases/gym-environments/five-zones/test_v2/test_ppo_tianshou.bat @@ -0,0 +1,10 @@ +docker run^ + --user=root^ + --detach=false^ + -e DISPLAY=${DISPLAY}^ + -v /tmp/.X11-unix:/tmp/.X11-unix^ + --rm^ + -v %CD%:/mnt/shared^ + -i^ + -t^ + mpcdrl /bin/bash -c "source activate base && export PYTHONPATH=$PYFMI_PY3_CONDA_PATH:$PYTHONPATH && cd /mnt/shared && python /mnt/shared/test_ppo_tianshou.py" \ No newline at end of file diff --git a/testcases/gym-environments/five-zones/test_v2/test_ppo_tianshou.py b/testcases/gym-environments/five-zones/test_v2/test_ppo_tianshou.py new file mode 100644 index 00000000..181adb32 --- /dev/null +++ b/testcases/gym-environments/five-zones/test_v2/test_ppo_tianshou.py @@ -0,0 +1,245 @@ +import os +import gym_fivezone_jmodelica +import gym +import torch +import pprint +import datetime +import argparse +import numpy as np +import time +from torch import nn +from torch.optim.lr_scheduler import LambdaLR +from torch.utils.tensorboard import SummaryWriter +from torch.distributions import Independent, Normal + +from tianshou.policy import PPOPolicy +from tianshou.utils import BasicLogger +from tianshou.env import SubprocVectorEnv +from tianshou.utils.net.common import Net +from tianshou.trainer import onpolicy_trainer +from tianshou.utils.net.continuous import ActorProb, Critic +from tianshou.data import Collector, ReplayBuffer, VectorReplayBuffer + + +def get_args(folder): + + time_step = 15*60.0 + num_of_days = 7#31 + max_number_of_steps = int(num_of_days*24*60*60.0 / time_step) + + parser = argparse.ArgumentParser() + parser.add_argument('--task', type=str, default='JModelicaCSFiveZoneEnv-v2') + parser.add_argument('--time-step', type=float, default=time_step) + parser.add_argument('--step-per-epoch', type=int, default=max_number_of_steps) + parser.add_argument('--seed', type=int, default=0) + parser.add_argument('--buffer-size', type=int, default=4096) + parser.add_argument('--hidden-sizes', type=int, nargs='*', default=[128,128,128,128])#!!! + parser.add_argument('--lr', type=float, default=3e-4) + parser.add_argument('--gamma', type=float, default=0.99) + parser.add_argument('--epoch', type=int, default=2) + parser.add_argument('--step-per-collect', type=int, default=96*4)#!!!!!!!!!!!!! + parser.add_argument('--repeat-per-collect', type=int, default=10) + parser.add_argument('--batch-size', type=int, default=64) + parser.add_argument('--training-num', type=int, default=1) + parser.add_argument('--test-num', type=int, default=1) + # ppo special + parser.add_argument('--rew-norm', type=int, default=True) + # In theory, `vf-coef` will not make any difference if using Adam optimizer. + parser.add_argument('--vf-coef', type=float, default=0.25) + parser.add_argument('--ent-coef', type=float, default=0.0) + parser.add_argument('--gae-lambda', type=float, default=0.95) + parser.add_argument('--bound-action-method', type=str, default="clip") + parser.add_argument('--lr-decay', type=int, default=True) + parser.add_argument('--max-grad-norm', type=float, default=0.5) + parser.add_argument('--eps-clip', type=float, default=0.2) + parser.add_argument('--dual-clip', type=float, default=None) + parser.add_argument('--value-clip', type=int, default=0) + parser.add_argument('--norm-adv', type=int, default=0) + parser.add_argument('--recompute-adv', type=int, default=1) + parser.add_argument('--logdir', type=str, default='log_ppo') + parser.add_argument('--render', type=float, default=0.) + parser.add_argument( + '--device', type=str, + default='cuda' if torch.cuda.is_available() else 'cpu') + parser.add_argument('--resume-path', type=str, default=None) + parser.add_argument('--watch', default=False, action='store_true', + help='watch the play of pre-trained policy only') + parser.add_argument('--save-buffer-name', type=str, default=folder) + return parser.parse_args() + +def make_building_env(args): + weather_file_path = "./USA_IL_Chicago-OHare.Intl.AP.725300_TMY3.epw" + npre_step = 0 + simulation_start_time = 204*24*3600.0 + simulation_end_time = simulation_start_time + args.step_per_epoch*args.time_step + log_level = 0 + alpha = 1 + + def rw_func(cost, penalty): + if ( not hasattr(rw_func,'x') ): + rw_func.x = 0 + rw_func.y = 0 + + print(cost, penalty) + #res = cost + penalty + cost = cost[0] + penalty = penalty[0] + + print(cost, penalty) + + if rw_func.x > cost: + rw_func.x = cost + if rw_func.y > penalty: + rw_func.y = penalty + + print("rw_func-cost-min=", rw_func.x, ". penalty-min=", rw_func.y) + #res = penalty * 10.0 + #res = penalty * 300.0 + cost*1e4 + res = (penalty * 5000 + cost*500) / 1000 + + return res + + env = gym.make(args.task, + weather_file = weather_file_path, + npre_step = npre_step, + simulation_start_time = simulation_start_time, + simulation_end_time = simulation_end_time, + time_step = args.time_step, + log_level = log_level, + alpha = alpha, + rf = rw_func) + return env + +def test_ppo(args): + env = make_building_env(args) + args.state_shape = env.observation_space.shape or env.observation_space.n + args.action_shape = env.action_space.shape or env.action_space.n + args.max_action = env.action_space.high[0] + print("Observations shape:", args.state_shape) + print("Actions shape:", args.action_shape) + print("Max action:",args.max_action) + print("Action range:", np.min(env.action_space.low), + np.max(env.action_space.high)) + + train_envs = SubprocVectorEnv([lambda: make_building_env(args) for _ in range(args.training_num)]) + #test_envs = make_building_env(args) + test_envs = SubprocVectorEnv([lambda: make_building_env(args) for _ in range(args.test_num)]) + + # seed + np.random.seed(args.seed) + torch.manual_seed(args.seed) + train_envs.seed(args.seed) + test_envs.seed(args.seed) + # model + net_a = Net(args.state_shape, hidden_sizes=args.hidden_sizes, + activation=nn.Tanh, device=args.device) + actor = ActorProb(net_a, args.action_shape, max_action=args.max_action, + unbounded=False, device=args.device).to(args.device) + net_c = Net(args.state_shape, hidden_sizes=args.hidden_sizes, + activation=nn.Tanh, device=args.device) + critic = Critic(net_c, device=args.device).to(args.device) + + + torch.nn.init.constant_(actor.sigma_param, -0.5) + for m in list(actor.modules()) + list(critic.modules()): + if isinstance(m, torch.nn.Linear): + # orthogonal initialization + torch.nn.init.orthogonal_(m.weight, gain=np.sqrt(2)) + torch.nn.init.zeros_(m.bias) + # do last policy layer scaling, this will make initial actions have (close to) + # 0 mean and std, and will help boost performances, + # see https://arxiv.org/abs/2006.05990, Fig.24 for details + for m in actor.mu.modules(): + if isinstance(m, torch.nn.Linear): + torch.nn.init.zeros_(m.bias) + m.weight.data.copy_(0.01 * m.weight.data) + + optim = torch.optim.Adam(list(actor.parameters()) + list(critic.parameters()), lr=args.lr) + + lr_scheduler = None + if args.lr_decay: + # decay learning rate to 0 linearly + max_update_num = np.ceil(args.step_per_epoch / args.step_per_collect) * args.epoch + lr_scheduler = LambdaLR(optim, lr_lambda=lambda epoch: 1 - epoch / max_update_num) + + def dist(*logits): + return Independent(Normal(*logits), 1) + + print(env.action_space) + + policy = PPOPolicy(actor, critic, optim, dist, discount_factor=args.gamma, + gae_lambda=args.gae_lambda, max_grad_norm=args.max_grad_norm, + vf_coef=args.vf_coef, ent_coef=args.ent_coef, + reward_normalization=args.rew_norm, action_scaling=True, + action_bound_method=args.bound_action_method, + lr_scheduler=lr_scheduler, action_space=env.action_space, + eps_clip=args.eps_clip, value_clip=args.value_clip, + dual_clip=args.dual_clip, advantage_normalization=args.norm_adv, + recompute_advantage=args.recompute_adv) + + # load a previous policy + if args.resume_path: + policy.load_state_dict(torch.load(args.resume_path, map_location=args.device)) + print("Loaded agent from: ", args.resume_path) + + # collector + if args.training_num > 1: + buffer = VectorReplayBuffer(args.buffer_size, len(train_envs)) + else: + buffer = ReplayBuffer(args.buffer_size) + train_collector = Collector(policy, train_envs, buffer, exploration_noise=True) + test_collector = Collector(policy, test_envs) + # log + t0 = datetime.datetime.now().strftime("%m%d_%H%M%S") + log_file = f'seed_{args.seed}_{t0}-{args.task.replace("-", "_")}_ppo' + log_path = os.path.join(args.logdir, args.task, 'ppo', log_file) + writer = SummaryWriter(log_path) + writer.add_text("args", str(args)) + logger = BasicLogger(writer, update_interval=100, train_interval=100) + + def save_fn(policy): + torch.save(policy.state_dict(), os.path.join(log_path, 'policy.pth')) + + if not args.watch: + # trainer + result = onpolicy_trainer( + policy, train_collector, test_collector, args.epoch, args.step_per_epoch, + args.repeat_per_collect, args.test_num, args.batch_size, + step_per_collect=args.step_per_collect, save_fn=save_fn, logger=logger, + test_in_train=False) + pprint.pprint(result) + + def watch(): + print("Setup test envs ...") + policy.eval() + test_envs.seed(args.seed) + + print("Testing agent ...") + buffer = VectorReplayBuffer(args.step_per_epoch+1, len(test_envs)) + + collector = Collector(policy, test_envs, buffer, exploration_noise=False) + result = collector.collect(n_step=args.step_per_epoch) + + np.save(args.save_buffer_name+'/his_act.npy', buffer._meta.__dict__['act']) + np.save(args.save_buffer_name+'/his_obs.npy', buffer._meta.__dict__['obs']) + np.save(args.save_buffer_name+'/his_rew.npy', buffer._meta.__dict__['rew']) + print(buffer._meta.__dict__.keys()) + rew = result["rews"].mean() + print(f'Mean reward (over {result["n/ep"]} episodes): {rew}') + + watch() + + +if __name__ == '__main__': + + folder='./ppo_results' + if not os.path.exists(folder): + os.mkdir(folder) + + start = time.time() + print("Begin time {}".format(start)) + + test_ppo(get_args(folder)) + + end = time.time() + print("Total execution time {:.2f} seconds".format(end-start)) \ No newline at end of file diff --git a/testcases/gym-environments/single-zone/test_v1/dqn_results/his_act.npy b/testcases/gym-environments/single-zone/test_v1/dqn_results/his_act.npy index ce831f0b..1f3b02ca 100644 Binary files a/testcases/gym-environments/single-zone/test_v1/dqn_results/his_act.npy and b/testcases/gym-environments/single-zone/test_v1/dqn_results/his_act.npy differ diff --git a/testcases/gym-environments/single-zone/test_v1/dqn_results/his_obs.npy b/testcases/gym-environments/single-zone/test_v1/dqn_results/his_obs.npy index da71f3aa..bf7ddd6c 100644 Binary files a/testcases/gym-environments/single-zone/test_v1/dqn_results/his_obs.npy and b/testcases/gym-environments/single-zone/test_v1/dqn_results/his_obs.npy differ diff --git a/testcases/gym-environments/single-zone/test_v1/dqn_results/his_rew.npy b/testcases/gym-environments/single-zone/test_v1/dqn_results/his_rew.npy index befdb935..e3e3dd07 100644 Binary files a/testcases/gym-environments/single-zone/test_v1/dqn_results/his_rew.npy and b/testcases/gym-environments/single-zone/test_v1/dqn_results/his_rew.npy differ diff --git a/testcases/gym-environments/single-zone/test_v1/qrdqn_results/his_act.npy b/testcases/gym-environments/single-zone/test_v1/qrdqn_results/his_act.npy new file mode 100644 index 00000000..07cf2128 Binary files /dev/null and b/testcases/gym-environments/single-zone/test_v1/qrdqn_results/his_act.npy differ diff --git a/testcases/gym-environments/single-zone/test_v1/qrdqn_results/his_obs.npy b/testcases/gym-environments/single-zone/test_v1/qrdqn_results/his_obs.npy new file mode 100644 index 00000000..0c411dba Binary files /dev/null and b/testcases/gym-environments/single-zone/test_v1/qrdqn_results/his_obs.npy differ diff --git a/testcases/gym-environments/single-zone/test_v1/qrdqn_results/his_rew.npy b/testcases/gym-environments/single-zone/test_v1/qrdqn_results/his_rew.npy new file mode 100644 index 00000000..1dc213d9 Binary files /dev/null and b/testcases/gym-environments/single-zone/test_v1/qrdqn_results/his_rew.npy differ diff --git a/testcases/gym-environments/single-zone/test_v1/test_ddqn_tianshou.py b/testcases/gym-environments/single-zone/test_v1/test_ddqn_tianshou.py index de800053..708e0336 100644 --- a/testcases/gym-environments/single-zone/test_v1/test_ddqn_tianshou.py +++ b/testcases/gym-environments/single-zone/test_v1/test_ddqn_tianshou.py @@ -36,7 +36,7 @@ def get_args(folder="experiment_results"): parser.add_argument('--n-step', type=int, default=1) parser.add_argument('--target-update-freq', type=int, default=100) - parser.add_argument('--epoch', type=int, default=300) + parser.add_argument('--epoch', type=int, default=3) parser.add_argument('--step-per-epoch', type=int, default=max_number_of_steps) parser.add_argument('--step-per-collect', type=int, default=1) @@ -268,7 +268,7 @@ def test_dqn(args=get_args()): args.buffer_size, buffer_num=len(train_envs), ignore_obs_next=True) # collector - train_collector = Collector(policy, train_envs, buffer, exploration_noise=False) + train_collector = Collector(policy, train_envs, buffer, exploration_noise=True) @@ -299,7 +299,8 @@ def train_fn(epoch, env_step): # nature DQN setting, linear decay in the first 1M steps max_eps_steps = args.epoch * args.step_per_epoch * 0.9 - total_epoch_pass = epoch*args.step_per_epoch + env_step + #total_epoch_pass = epoch*args.step_per_epoch + env_step + total_epoch_pass = env_step #print("observe eps: max_eps_steps, total_epoch_pass ", max_eps_steps, total_epoch_pass) if env_step <= max_eps_steps: diff --git a/testcases/gym-environments/single-zone/test_v1/test_qrdqn_tianshou.bat b/testcases/gym-environments/single-zone/test_v1/test_qrdqn_tianshou.bat index 08cc2af7..695fc49a 100644 --- a/testcases/gym-environments/single-zone/test_v1/test_qrdqn_tianshou.bat +++ b/testcases/gym-environments/single-zone/test_v1/test_qrdqn_tianshou.bat @@ -7,5 +7,4 @@ docker run^ -v %CD%:/mnt/shared^ -i^ -t^ - mpcdrl /bin/bash -c^ - "source activate base && export PYTHONPATH=$PYFMI_PY3_CONDA_PATH:$PYTHONPATH && cd /mnt/shared && python /mnt/shared/test_qrdqn_tianshou.py" \ No newline at end of file + mpcdrl /bin/bash -c "source activate base && export PYTHONPATH=$PYFMI_PY3_CONDA_PATH:$PYTHONPATH && cd /mnt/shared && python /mnt/shared/test_qrdqn_tianshou.py" \ No newline at end of file diff --git a/testcases/gym-environments/single-zone/test_v1/test_qrdqn_tianshou.py b/testcases/gym-environments/single-zone/test_v1/test_qrdqn_tianshou.py index 502fafc5..d119efb8 100644 --- a/testcases/gym-environments/single-zone/test_v1/test_qrdqn_tianshou.py +++ b/testcases/gym-environments/single-zone/test_v1/test_qrdqn_tianshou.py @@ -37,7 +37,7 @@ def get_args(folder="experiment_results"): parser.add_argument('--num-quantiles', type=int, default=400)#!!!!!!200 parser.add_argument('--n-step', type=int, default=1) parser.add_argument('--target-update-freq', type=int, default=300) - parser.add_argument('--epoch', type=int, default=500)#!!!!!!!!!!!!300 + parser.add_argument('--epoch', type=int, default=3)#!!!!!!!!!!!!300 parser.add_argument('--step-per-collect', type=int, default=1) parser.add_argument('--update-per-step', type=float, default=1) parser.add_argument('--batch-size', type=int, default=128) diff --git a/testcases/gym-environments/single-zone/test_v2/ppo_results/his_act.npy b/testcases/gym-environments/single-zone/test_v2/ppo_results/his_act.npy new file mode 100644 index 00000000..5ef81842 Binary files /dev/null and b/testcases/gym-environments/single-zone/test_v2/ppo_results/his_act.npy differ diff --git a/testcases/gym-environments/single-zone/test_v2/ppo_results/his_obs.npy b/testcases/gym-environments/single-zone/test_v2/ppo_results/his_obs.npy new file mode 100644 index 00000000..d83d3d70 Binary files /dev/null and b/testcases/gym-environments/single-zone/test_v2/ppo_results/his_obs.npy differ diff --git a/testcases/gym-environments/single-zone/test_v2/ppo_results/his_rew.npy b/testcases/gym-environments/single-zone/test_v2/ppo_results/his_rew.npy new file mode 100644 index 00000000..6932adf5 Binary files /dev/null and b/testcases/gym-environments/single-zone/test_v2/ppo_results/his_rew.npy differ diff --git a/testcases/gym-environments/single-zone/test_v2/test_ppo_tianshou.bat b/testcases/gym-environments/single-zone/test_v2/test_ppo_tianshou.bat index e499ca6e..a90af23a 100644 --- a/testcases/gym-environments/single-zone/test_v2/test_ppo_tianshou.bat +++ b/testcases/gym-environments/single-zone/test_v2/test_ppo_tianshou.bat @@ -7,5 +7,4 @@ docker run^ -v %CD%:/mnt/shared^ -i^ -t^ - mpcdrl /bin/bash -c^ - "source activate base && export PYTHONPATH=$PYFMI_PY3_CONDA_PATH:$PYTHONPATH && cd /mnt/shared && python /mnt/shared/test_ppo_tianshou.py" \ No newline at end of file + mpcdrl /bin/bash -c "source activate base && export PYTHONPATH=$PYFMI_PY3_CONDA_PATH:$PYTHONPATH && cd /mnt/shared && python /mnt/shared/test_ppo_tianshou.py" \ No newline at end of file diff --git a/testcases/gym-environments/single-zone/test_v2/test_ppo_tianshou.py b/testcases/gym-environments/single-zone/test_v2/test_ppo_tianshou.py index 3eb9f625..9c5aa64d 100644 --- a/testcases/gym-environments/single-zone/test_v2/test_ppo_tianshou.py +++ b/testcases/gym-environments/single-zone/test_v2/test_ppo_tianshou.py @@ -36,7 +36,7 @@ def get_args(folder): parser.add_argument('--hidden-sizes', type=int, nargs='*', default=[128,128,128,128])#!!! parser.add_argument('--lr', type=float, default=3e-4) parser.add_argument('--gamma', type=float, default=0.99) - parser.add_argument('--epoch', type=int, default=1000) + parser.add_argument('--epoch', type=int, default=100) parser.add_argument('--step-per-collect', type=int, default=96*4)#!!!!!!!!!!!!! parser.add_argument('--repeat-per-collect', type=int, default=10) parser.add_argument('--batch-size', type=int, default=64) diff --git a/testcases/models/high_fidelity_models/five-zones-air-water/FMU.pdf b/testcases/models/high_fidelity_models/five-zones-air-water/FMU.pdf new file mode 100644 index 00000000..5c44dfd8 Binary files /dev/null and b/testcases/models/high_fidelity_models/five-zones-air-water/FMU.pdf differ diff --git a/testcases/models/high_fidelity_models/five-zones-air-water/FiveZone.mo b/testcases/models/high_fidelity_models/five-zones-air-water/FiveZone.mo new file mode 100644 index 00000000..88c6ca09 --- /dev/null +++ b/testcases/models/high_fidelity_models/five-zones-air-water/FiveZone.mo @@ -0,0 +1,16713 @@ +within ; +package FiveZone "Five zone VAV supervisory control" + model Guideline36TSup + "Variable air volume flow system with terminal reheat and five thermal zones" + extends Modelica.Icons.Example; + extends FiveZone.VAVReheat.BaseClasses.PartialOpenLoop(flo( + cor(T_start=273.15 + 24), + eas(T_start=273.15 + 24), + sou(T_start=273.15 + 24), + wes(T_start=273.15 + 24), + nor(T_start=273.15 + 24))); + extends FiveZone.VAVReheat.BaseClasses.EnergyMeterAirSide( + eleCoiVAV(y=cor.terHea.Q1_flow + nor.terHea.Q1_flow + wes.terHea.Q1_flow + + eas.terHea.Q1_flow + sou.terHea.Q1_flow), + eleSupFan(y=fanSup.P), + elePla(y=cooCoi.Q1_flow/cooCOP), + gasBoi(y=-heaCoi.Q1_flow)); + extends FiveZone.VAVReheat.BaseClasses.ZoneAirTemperatureDeviation( + banDevSum(each uppThreshold=24.5 + 273.15, each lowThreshold=23.5 + 273.15)); + parameter Modelica.SIunits.VolumeFlowRate VPriSysMax_flow=m_flow_nominal/1.2 + "Maximum expected system primary airflow rate at design stage"; + parameter Modelica.SIunits.VolumeFlowRate minZonPriFlo[numZon]={ + mCor_flow_nominal,mSou_flow_nominal,mEas_flow_nominal,mNor_flow_nominal, + mWes_flow_nominal}/1.2 "Minimum expected zone primary flow rate"; + parameter Modelica.SIunits.Time samplePeriod=120 + "Sample period of component, set to the same value as the trim and respond that process yPreSetReq"; + parameter Modelica.SIunits.PressureDifference dpDisRetMax=40 + "Maximum return fan discharge static pressure setpoint"; + + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVCor( + V_flow_nominal=mCor_flow_nominal/1.2, + AFlo=AFloCor, + final samplePeriod=samplePeriod, + VDisSetMin_flow=0.05*conVAVCor.V_flow_nominal, + VDisConMin_flow=0.05*conVAVCor.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4) "Controller for terminal unit corridor" + annotation (Placement(transformation(extent={{530,32},{550,52}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVSou( + V_flow_nominal=mSou_flow_nominal/1.2, + AFlo=AFloSou, + final samplePeriod=samplePeriod, + VDisSetMin_flow=0.05*conVAVSou.V_flow_nominal, + VDisConMin_flow=0.05*conVAVSou.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4) "Controller for terminal unit south" + annotation (Placement(transformation(extent={{700,30},{720,50}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVEas( + V_flow_nominal=mEas_flow_nominal/1.2, + AFlo=AFloEas, + final samplePeriod=samplePeriod, + VDisSetMin_flow=0.05*conVAVEas.V_flow_nominal, + VDisConMin_flow=0.05*conVAVEas.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4) "Controller for terminal unit east" + annotation (Placement(transformation(extent={{880,30},{900,50}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVNor( + V_flow_nominal=mNor_flow_nominal/1.2, + AFlo=AFloNor, + final samplePeriod=samplePeriod, + VDisSetMin_flow=0.05*conVAVNor.V_flow_nominal, + VDisConMin_flow=0.05*conVAVNor.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4) "Controller for terminal unit north" + annotation (Placement(transformation(extent={{1040,30},{1060,50}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVWes( + V_flow_nominal=mWes_flow_nominal/1.2, + AFlo=AFloWes, + final samplePeriod=samplePeriod, + VDisSetMin_flow=0.05*conVAVWes.V_flow_nominal, + VDisConMin_flow=0.05*conVAVWes.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4) "Controller for terminal unit west" + annotation (Placement(transformation(extent={{1240,28},{1260,48}}))); + Modelica.Blocks.Routing.Multiplex5 TDis "Discharge air temperatures" + annotation (Placement(transformation(extent={{220,270},{240,290}}))); + Modelica.Blocks.Routing.Multiplex5 VDis_flow + "Air flow rate at the terminal boxes" + annotation (Placement(transformation(extent={{220,230},{240,250}}))); + Buildings.Controls.OBC.CDL.Integers.MultiSum TZonResReq(nin=5) + "Number of zone temperature requests" + annotation (Placement(transformation(extent={{300,360},{320,380}}))); + Buildings.Controls.OBC.CDL.Integers.MultiSum PZonResReq(nin=5) + "Number of zone pressure requests" + annotation (Placement(transformation(extent={{300,330},{320,350}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant yOutDam(k=1) + "Outdoor air damper control signal" + annotation (Placement(transformation(extent={{-40,-20},{-20,0}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swiFreSta "Switch for freeze stat" + annotation (Placement(transformation(extent={{60,-202},{80,-182}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant freStaSetPoi1( + final k=273.15 + 3) "Freeze stat for heating coil" + annotation (Placement(transformation(extent={{-40,-96},{-20,-76}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant yFreHeaCoi(final k=1) + "Flow rate signal for heating coil when freeze stat is on" + annotation (Placement(transformation(extent={{0,-192},{20,-172}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.ModeAndSetPoints TZonSet[ + numZon]( + final TZonHeaOn=fill(THeaOn, numZon), + final TZonHeaOff=fill(THeaOff, numZon), + final TZonCooOff=fill(TCooOff, numZon)) "Zone setpoint temperature" + annotation (Placement(transformation(extent={{60,300},{80,320}}))); + Buildings.Controls.OBC.CDL.Routing.BooleanReplicator booRep( + final nout=numZon) "Replicate boolean input" + annotation (Placement(transformation(extent={{-120,280},{-100,300}}))); + Buildings.Controls.OBC.CDL.Routing.RealReplicator reaRep( + final nout=numZon) + "Replicate real input" + annotation (Placement(transformation(extent={{-120,320},{-100,340}}))); + FiveZone.VAVReheat.Controls.Controller conAHU( + kMinOut=0.01, + final pMaxSet=410, + final yFanMin=yFanMin, + final VPriSysMax_flow=VPriSysMax_flow, + final peaSysPop=1.2*sum({0.05*AFlo[i] for i in 1:numZon}), + kTSup=0.01, + TiTSup=120) "AHU controller" + annotation (Placement(transformation(extent={{340,514},{420,642}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.OutdoorAirFlow.Zone + zonOutAirSet[numZon]( + final AFlo=AFlo, + final have_occSen=fill(false, numZon), + final have_winSen=fill(false, numZon), + final desZonPop={0.05*AFlo[i] for i in 1:numZon}, + final minZonPriFlo=minZonPriFlo) + "Zone level calculation of the minimum outdoor airflow setpoint" + annotation (Placement(transformation(extent={{220,580},{240,600}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.OutdoorAirFlow.SumZone + zonToSys(final numZon=numZon) "Sum up zone calculation output" + annotation (Placement(transformation(extent={{280,570},{300,590}}))); + Buildings.Controls.OBC.CDL.Routing.RealReplicator reaRep1(final nout=numZon) + "Replicate design uncorrected minimum outdoor airflow setpoint" + annotation (Placement(transformation(extent={{460,580},{480,600}}))); + Buildings.Controls.OBC.CDL.Routing.BooleanReplicator booRep1(final nout=numZon) + "Replicate signal whether the outdoor airflow is required" + annotation (Placement(transformation(extent={{460,550},{480,570}}))); + + Buildings.Controls.OBC.CDL.Routing.BooleanReplicator booRepSupFan(final nout= + numZon) "Replicate boolean input" + annotation (Placement(transformation(extent={{500,630},{520,650}}))); + Modelica.Blocks.Interfaces.RealOutput PHVAC( + quantity="Power", + unit="W") + "Power consumption of HVAC equipment, W" + annotation (Placement(transformation(extent={{1400,650},{1420,670}}))); + Modelica.Blocks.Interfaces.RealOutput PBoiGas( + quantity="Power", + unit="W") + "Boiler gas consumption, W" + annotation (Placement(transformation(extent={{1400,576},{1420,596}}))); + Modelica.Blocks.Interfaces.RealOutput TRooAirSou( unit="K", + displayUnit="degC") + "Room air temperatures, K; 1- South, 2- East, 3- North, 4- West, 5- Core;" + annotation (Placement(transformation(extent={{1400,438},{1420,458}}))); + Modelica.Blocks.Interfaces.RealOutput TRooAirDevTot + "Total zone air temperature deviation, K*s" + annotation (Placement(transformation(extent={{1400,480},{1420,500}}))); + Modelica.Blocks.Interfaces.RealOutput EHVACTot( + quantity="Energy", + unit="J") + "Total electricity energy consumption of HVAC equipment, J" + annotation (Placement(transformation(extent={{1400,602},{1420,622}}))); + Modelica.Blocks.Interfaces.RealOutput EGasTot( + quantity="Energy", + unit="J") + "Total boiler gas consumption, J" + annotation (Placement(transformation(extent={{1400,534},{1420,554}}))); + Modelica.Blocks.Interfaces.RealOutput TAirOut( + unit="K", displayUnit= + "degC") "Outdoor air temperature" + annotation (Placement(transformation(extent={{1400,-260},{1420,-240}}))); + Modelica.Blocks.Interfaces.RealOutput GHI( + quantity="RadiantEnergyFluenceRate", + unit="W/m2") + "Global horizontal solar radiation, W/m2" + annotation (Placement(transformation(extent={{1400,-302},{1420,-282}}))); + Buildings.Controls.OBC.CDL.Interfaces.RealInput uTSupSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "External supply air temperature setpoint" + annotation (Placement(transformation(extent={{-422,236},{-382,276}}))); + Buildings.Utilities.Math.Min minyDam(nin=5) + "Computes lowest zone damper position" + annotation (Placement(transformation(extent={{1352,-102},{1372,-82}}))); + Modelica.Blocks.Interfaces.RealOutput yDamMin "Minimum VAV damper position" + annotation (Placement(transformation(extent={{1400,-102},{1420,-82}}))); + Modelica.Blocks.Interfaces.RealOutput yDamMax "Minimum VAV damper position" + annotation (Placement(transformation(extent={{1400,-168},{1420,-148}}))); + Buildings.Utilities.Math.Max maxyDam(nin=5) + annotation (Placement(transformation(extent={{1356,-168},{1376,-148}}))); + Modelica.Blocks.Interfaces.RealOutput TRooAirEas( unit="K", + displayUnit="degC") + "Room air temperatures, K; 1- South, 2- East, 3- North, 4- West, 5- Core;" + annotation (Placement(transformation(extent={{1400,406},{1420,426}}))); + Modelica.Blocks.Interfaces.RealOutput TRooAirNor( unit="K", + displayUnit="degC") + "Room air temperatures, K; 1- South, 2- East, 3- North, 4- West, 5- Core;" + annotation (Placement(transformation(extent={{1400,376},{1420,396}}))); + Modelica.Blocks.Interfaces.RealOutput TRooAirWes( unit="K", + displayUnit="degC") + "Room air temperatures, K; 1- South, 2- East, 3- North, 4- West, 5- Core;" + annotation (Placement(transformation(extent={{1400,346},{1420,366}}))); + Modelica.Blocks.Interfaces.RealOutput TRooAirCor( unit="K", + displayUnit="degC") + "Room air temperatures, K; 1- South, 2- East, 3- North, 4- West, 5- Core;" + annotation (Placement(transformation(extent={{1400,318},{1420,338}}))); + equation + connect(fanSup.port_b, dpDisSupFan.port_a) annotation (Line( + points={{320,-40},{320,0},{320,-10},{320,-10}}, + color={0,0,0}, + smooth=Smooth.None, + pattern=LinePattern.Dot)); + connect(conVAVCor.TZon, TRooAir.y5[1]) annotation (Line( + points={{528,42},{520,42},{520,162},{511,162}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(conVAVSou.TZon, TRooAir.y1[1]) annotation (Line( + points={{698,40},{690,40},{690,40},{680,40},{680,178},{511,178}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(TRooAir.y2[1], conVAVEas.TZon) annotation (Line( + points={{511,174},{868,174},{868,40},{878,40}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(TRooAir.y3[1], conVAVNor.TZon) annotation (Line( + points={{511,170},{1028,170},{1028,40},{1038,40}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(TRooAir.y4[1], conVAVWes.TZon) annotation (Line( + points={{511,166},{1220,166},{1220,38},{1238,38}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(conVAVCor.TDis, TSupCor.T) annotation (Line(points={{528,36},{522,36}, + {522,40},{514,40},{514,92},{569,92}}, color={0,0,127})); + connect(TSupSou.T, conVAVSou.TDis) annotation (Line(points={{749,92},{688,92}, + {688,34},{698,34}}, color={0,0,127})); + connect(TSupEas.T, conVAVEas.TDis) annotation (Line(points={{929,90},{872,90}, + {872,34},{878,34}}, color={0,0,127})); + connect(TSupNor.T, conVAVNor.TDis) annotation (Line(points={{1089,94},{1032,94}, + {1032,34},{1038,34}}, color={0,0,127})); + connect(TSupWes.T, conVAVWes.TDis) annotation (Line(points={{1289,90},{1228,90}, + {1228,32},{1238,32}}, color={0,0,127})); + connect(cor.yVAV, conVAVCor.yDam) annotation (Line(points={{566,50},{556,50},{ + 556,48},{552,48}}, color={0,0,127})); + connect(cor.yVal, conVAVCor.yVal) annotation (Line(points={{566,34},{560,34},{ + 560,43},{552,43}}, color={0,0,127})); + connect(conVAVSou.yDam, sou.yVAV) annotation (Line(points={{722,46},{730,46},{ + 730,48},{746,48}}, color={0,0,127})); + connect(conVAVSou.yVal, sou.yVal) annotation (Line(points={{722,41},{732.5,41}, + {732.5,32},{746,32}}, color={0,0,127})); + connect(conVAVEas.yVal, eas.yVal) annotation (Line(points={{902,41},{912.5,41}, + {912.5,32},{926,32}}, color={0,0,127})); + connect(conVAVEas.yDam, eas.yVAV) annotation (Line(points={{902,46},{910,46},{ + 910,48},{926,48}}, color={0,0,127})); + connect(conVAVNor.yDam, nor.yVAV) annotation (Line(points={{1062,46},{1072.5,46}, + {1072.5,48},{1086,48}}, color={0,0,127})); + connect(conVAVNor.yVal, nor.yVal) annotation (Line(points={{1062,41},{1072.5,41}, + {1072.5,32},{1086,32}}, color={0,0,127})); + connect(conVAVWes.yVal, wes.yVal) annotation (Line(points={{1262,39},{1272.5,39}, + {1272.5,32},{1286,32}}, color={0,0,127})); + connect(wes.yVAV, conVAVWes.yDam) annotation (Line(points={{1286,48},{1274,48}, + {1274,44},{1262,44}}, color={0,0,127})); + connect(conVAVCor.yZonTemResReq, TZonResReq.u[1]) annotation (Line(points={{552,38}, + {554,38},{554,220},{280,220},{280,375.6},{298,375.6}}, color= + {255,127,0})); + connect(conVAVSou.yZonTemResReq, TZonResReq.u[2]) annotation (Line(points={{722,36}, + {726,36},{726,220},{280,220},{280,372.8},{298,372.8}}, color= + {255,127,0})); + connect(conVAVEas.yZonTemResReq, TZonResReq.u[3]) annotation (Line(points={{902,36}, + {904,36},{904,220},{280,220},{280,370},{298,370}}, color={255, + 127,0})); + connect(conVAVNor.yZonTemResReq, TZonResReq.u[4]) annotation (Line(points={{1062,36}, + {1064,36},{1064,220},{280,220},{280,367.2},{298,367.2}}, + color={255,127,0})); + connect(conVAVWes.yZonTemResReq, TZonResReq.u[5]) annotation (Line(points={{1262,34}, + {1266,34},{1266,220},{280,220},{280,364.4},{298,364.4}}, + color={255,127,0})); + connect(conVAVCor.yZonPreResReq, PZonResReq.u[1]) annotation (Line(points={{552,34}, + {558,34},{558,214},{288,214},{288,345.6},{298,345.6}}, color= + {255,127,0})); + connect(conVAVSou.yZonPreResReq, PZonResReq.u[2]) annotation (Line(points={{722,32}, + {728,32},{728,214},{288,214},{288,342.8},{298,342.8}}, color= + {255,127,0})); + connect(conVAVEas.yZonPreResReq, PZonResReq.u[3]) annotation (Line(points={{902,32}, + {906,32},{906,214},{288,214},{288,340},{298,340}}, color={255, + 127,0})); + connect(conVAVNor.yZonPreResReq, PZonResReq.u[4]) annotation (Line(points={{1062,32}, + {1066,32},{1066,214},{288,214},{288,337.2},{298,337.2}}, + color={255,127,0})); + connect(conVAVWes.yZonPreResReq, PZonResReq.u[5]) annotation (Line(points={{1262,30}, + {1268,30},{1268,214},{288,214},{288,334.4},{298,334.4}}, + color={255,127,0})); + connect(VSupCor_flow.V_flow, VDis_flow.u1[1]) annotation (Line(points={{569,130}, + {472,130},{472,206},{180,206},{180,250},{218,250}}, color={0,0, + 127})); + connect(VSupSou_flow.V_flow, VDis_flow.u2[1]) annotation (Line(points={{749,130}, + {742,130},{742,206},{180,206},{180,245},{218,245}}, color={0,0, + 127})); + connect(VSupEas_flow.V_flow, VDis_flow.u3[1]) annotation (Line(points={{929,128}, + {914,128},{914,206},{180,206},{180,240},{218,240}}, color={0,0, + 127})); + connect(VSupNor_flow.V_flow, VDis_flow.u4[1]) annotation (Line(points={{1089,132}, + {1080,132},{1080,206},{180,206},{180,235},{218,235}}, color={0,0, + 127})); + connect(VSupWes_flow.V_flow, VDis_flow.u5[1]) annotation (Line(points={{1289,128}, + {1284,128},{1284,206},{180,206},{180,230},{218,230}}, color={0,0, + 127})); + connect(TSupCor.T, TDis.u1[1]) annotation (Line(points={{569,92},{466,92},{466, + 210},{176,210},{176,290},{218,290}}, color={0,0,127})); + connect(TSupSou.T, TDis.u2[1]) annotation (Line(points={{749,92},{688,92},{688, + 210},{176,210},{176,285},{218,285}}, color={0,0, + 127})); + connect(TSupEas.T, TDis.u3[1]) annotation (Line(points={{929,90},{872,90},{872, + 210},{176,210},{176,280},{218,280}}, color={0,0,127})); + connect(TSupNor.T, TDis.u4[1]) annotation (Line(points={{1089,94},{1032,94},{1032, + 210},{176,210},{176,275},{218,275}}, color={0,0,127})); + connect(TSupWes.T, TDis.u5[1]) annotation (Line(points={{1289,90},{1228,90},{1228, + 210},{176,210},{176,270},{218,270}}, color={0,0,127})); + connect(conVAVCor.VDis_flow, VSupCor_flow.V_flow) annotation (Line(points={{528,40}, + {522,40},{522,130},{569,130}}, color={0,0,127})); + connect(VSupSou_flow.V_flow, conVAVSou.VDis_flow) annotation (Line(points={{749,130}, + {690,130},{690,38},{698,38}}, color={0,0,127})); + connect(VSupEas_flow.V_flow, conVAVEas.VDis_flow) annotation (Line(points={{929,128}, + {874,128},{874,38},{878,38}}, color={0,0,127})); + connect(VSupNor_flow.V_flow, conVAVNor.VDis_flow) annotation (Line(points={{1089, + 132},{1034,132},{1034,38},{1038,38}}, color={0,0,127})); + connect(VSupWes_flow.V_flow, conVAVWes.VDis_flow) annotation (Line(points={{1289, + 128},{1230,128},{1230,36},{1238,36}}, color={0,0,127})); + connect(TSup.T, conVAVCor.TSupAHU) annotation (Line(points={{340,-29},{340,-20}, + {514,-20},{514,34},{528,34}}, color={0,0,127})); + connect(TSup.T, conVAVSou.TSupAHU) annotation (Line(points={{340,-29},{340,-20}, + {686,-20},{686,32},{698,32}}, color={0,0,127})); + connect(TSup.T, conVAVEas.TSupAHU) annotation (Line(points={{340,-29},{340,-20}, + {864,-20},{864,32},{878,32}}, color={0,0,127})); + connect(TSup.T, conVAVNor.TSupAHU) annotation (Line(points={{340,-29},{340,-20}, + {1028,-20},{1028,32},{1038,32}}, color={0,0,127})); + connect(TSup.T, conVAVWes.TSupAHU) annotation (Line(points={{340,-29},{340,-20}, + {1224,-20},{1224,30},{1238,30}}, color={0,0,127})); + connect(yOutDam.y, eco.yExh) + annotation (Line(points={{-18,-10},{-3,-10},{-3,-34}}, color={0,0,127})); + connect(swiFreSta.y, gaiHeaCoi.u) annotation (Line(points={{82,-192},{88,-192}, + {88,-210},{98,-210}}, color={0,0,127})); + connect(freSta.y, swiFreSta.u2) annotation (Line(points={{22,-92},{40,-92},{40, + -192},{58,-192}}, color={255,0,255})); + connect(yFreHeaCoi.y, swiFreSta.u1) annotation (Line(points={{22,-182},{40,-182}, + {40,-184},{58,-184}}, color={0,0,127})); + connect(TZonSet[1].yOpeMod, conVAVCor.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{520,14},{520,32},{528,32}}, + color={255,127,0})); + connect(flo.TRooAir, TZonSet.TZon) annotation (Line(points={{1094.14, + 491.333},{1164,491.333},{1164,662},{46,662},{46,313},{58,313}}, + color={0,0,127})); + connect(occSch.occupied, booRep.u) annotation (Line(points={{-297,-216},{-160, + -216},{-160,290},{-122,290}}, color={255,0,255})); + connect(occSch.tNexOcc, reaRep.u) annotation (Line(points={{-297,-204},{-180, + -204},{-180,330},{-122,330}}, + color={0,0,127})); + connect(reaRep.y, TZonSet.tNexOcc) annotation (Line(points={{-98,330},{-20,330}, + {-20,319},{58,319}}, color={0,0,127})); + connect(booRep.y, TZonSet.uOcc) annotation (Line(points={{-98,290},{-20,290},{ + -20,316.025},{58,316.025}}, color={255,0,255})); + connect(TZonSet[1].TZonHeaSet, conVAVCor.TZonHeaSet) annotation (Line(points={{82,310}, + {524,310},{524,52},{528,52}}, color={0,0,127})); + connect(TZonSet[1].TZonCooSet, conVAVCor.TZonCooSet) annotation (Line(points={{82,317}, + {524,317},{524,50},{528,50}}, color={0,0,127})); + connect(TZonSet[2].TZonHeaSet, conVAVSou.TZonHeaSet) annotation (Line(points={{82,310}, + {694,310},{694,50},{698,50}}, color={0,0,127})); + connect(TZonSet[2].TZonCooSet, conVAVSou.TZonCooSet) annotation (Line(points={{82,317}, + {694,317},{694,48},{698,48}}, color={0,0,127})); + connect(TZonSet[3].TZonHeaSet, conVAVEas.TZonHeaSet) annotation (Line(points={{82,310}, + {860,310},{860,50},{878,50}}, color={0,0,127})); + connect(TZonSet[3].TZonCooSet, conVAVEas.TZonCooSet) annotation (Line(points={{82,317}, + {860,317},{860,48},{878,48}}, color={0,0,127})); + connect(TZonSet[4].TZonCooSet, conVAVNor.TZonCooSet) annotation (Line(points={{82,317}, + {1020,317},{1020,48},{1038,48}}, color={0,0,127})); + connect(TZonSet[4].TZonHeaSet, conVAVNor.TZonHeaSet) annotation (Line(points={{82,310}, + {1020,310},{1020,50},{1038,50}}, color={0,0,127})); + connect(TZonSet[5].TZonCooSet, conVAVWes.TZonCooSet) annotation (Line(points={{82,317}, + {1200,317},{1200,46},{1238,46}}, color={0,0,127})); + connect(TZonSet[5].TZonHeaSet, conVAVWes.TZonHeaSet) annotation (Line(points={{82,310}, + {1200,310},{1200,48},{1238,48}}, color={0,0,127})); + connect(TZonSet[1].yOpeMod, conVAVSou.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{680,14},{680,30},{698,30}}, + color={255,127,0})); + connect(TZonSet[1].yOpeMod, conVAVEas.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{860,14},{860,30},{878,30}}, + color={255,127,0})); + connect(TZonSet[1].yOpeMod, conVAVNor.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{1020,14},{1020,30},{1038,30}}, + color={255,127,0})); + connect(TZonSet[1].yOpeMod, conVAVWes.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{1220,14},{1220,28},{1238,28}}, + color={255,127,0})); + connect(zonToSys.ySumDesZonPop, conAHU.sumDesZonPop) annotation (Line(points={{302,589}, + {308,589},{308,611.778},{336,611.778}}, color={0,0,127})); + connect(zonToSys.VSumDesPopBreZon_flow, conAHU.VSumDesPopBreZon_flow) + annotation (Line(points={{302,586},{310,586},{310,606.444},{336,606.444}}, + color={0,0,127})); + connect(zonToSys.VSumDesAreBreZon_flow, conAHU.VSumDesAreBreZon_flow) + annotation (Line(points={{302,583},{312,583},{312,601.111},{336,601.111}}, + color={0,0,127})); + connect(zonToSys.yDesSysVenEff, conAHU.uDesSysVenEff) annotation (Line(points={{302,580}, + {314,580},{314,595.778},{336,595.778}}, color={0,0,127})); + connect(zonToSys.VSumUncOutAir_flow, conAHU.VSumUncOutAir_flow) annotation ( + Line(points={{302,577},{316,577},{316,590.444},{336,590.444}}, color={0,0, + 127})); + connect(zonToSys.VSumSysPriAir_flow, conAHU.VSumSysPriAir_flow) annotation ( + Line(points={{302,571},{318,571},{318,585.111},{336,585.111}}, color={0,0, + 127})); + connect(zonToSys.uOutAirFra_max, conAHU.uOutAirFra_max) annotation (Line( + points={{302,574},{320,574},{320,579.778},{336,579.778}}, color={0,0,127})); + connect(zonOutAirSet.yDesZonPeaOcc, zonToSys.uDesZonPeaOcc) annotation (Line( + points={{242,599},{270,599},{270,588},{278,588}}, color={0,0,127})); + connect(zonOutAirSet.VDesPopBreZon_flow, zonToSys.VDesPopBreZon_flow) + annotation (Line(points={{242,596},{268,596},{268,586},{278,586}}, + color={0,0,127})); + connect(zonOutAirSet.VDesAreBreZon_flow, zonToSys.VDesAreBreZon_flow) + annotation (Line(points={{242,593},{266,593},{266,584},{278,584}}, + color={0,0,127})); + connect(zonOutAirSet.yDesPriOutAirFra, zonToSys.uDesPriOutAirFra) annotation ( + Line(points={{242,590},{264,590},{264,578},{278,578}}, color={0,0,127})); + connect(zonOutAirSet.VUncOutAir_flow, zonToSys.VUncOutAir_flow) annotation ( + Line(points={{242,587},{262,587},{262,576},{278,576}}, color={0,0,127})); + connect(zonOutAirSet.yPriOutAirFra, zonToSys.uPriOutAirFra) + annotation (Line(points={{242,584},{260,584},{260,574},{278,574}}, + color={0,0,127})); + connect(zonOutAirSet.VPriAir_flow, zonToSys.VPriAir_flow) annotation (Line( + points={{242,581},{258,581},{258,572},{278,572}}, color={0,0,127})); + connect(conAHU.yAveOutAirFraPlu, zonToSys.yAveOutAirFraPlu) annotation (Line( + points={{424,588.667},{440,588.667},{440,468},{270,468},{270,582},{ + 278,582}}, + color={0,0,127})); + connect(conAHU.VDesUncOutAir_flow, reaRep1.u) annotation (Line(points={{424, + 599.333},{440,599.333},{440,590},{458,590}}, + color={0,0,127})); + connect(reaRep1.y, zonOutAirSet.VUncOut_flow_nominal) annotation (Line(points={{482,590}, + {490,590},{490,464},{210,464},{210,581},{218,581}}, color={0, + 0,127})); + connect(conAHU.yReqOutAir, booRep1.u) annotation (Line(points={{424,567.333}, + {444,567.333},{444,560},{458,560}},color={255,0,255})); + connect(booRep1.y, zonOutAirSet.uReqOutAir) annotation (Line(points={{482,560}, + {496,560},{496,460},{206,460},{206,593},{218,593}}, color={255,0,255})); + connect(flo.TRooAir, zonOutAirSet.TZon) annotation (Line(points={{1094.14, + 491.333},{1164,491.333},{1164,660},{210,660},{210,590},{218,590}}, + color={0,0,127})); + connect(TDis.y, zonOutAirSet.TDis) annotation (Line(points={{241,280},{252,280}, + {252,340},{200,340},{200,587},{218,587}}, color={0,0,127})); + connect(VDis_flow.y, zonOutAirSet.VDis_flow) annotation (Line(points={{241,240}, + {260,240},{260,346},{194,346},{194,584},{218,584}}, color={0,0,127})); + connect(TZonSet[1].yOpeMod, conAHU.uOpeMod) annotation (Line(points={{82,303}, + {140,303},{140,533.556},{336,533.556}}, color={255,127,0})); + connect(TZonResReq.y, conAHU.uZonTemResReq) annotation (Line(points={{322,370}, + {330,370},{330,528.222},{336,528.222}}, color={255,127,0})); + connect(PZonResReq.y, conAHU.uZonPreResReq) annotation (Line(points={{322,340}, + {326,340},{326,522.889},{336,522.889}}, color={255,127,0})); + connect(TZonSet[1].TZonHeaSet, conAHU.TZonHeaSet) annotation (Line(points={{82,310}, + {110,310},{110,638.444},{336,638.444}}, color={0,0,127})); + connect(TZonSet[1].TZonCooSet, conAHU.TZonCooSet) annotation (Line(points={{82,317}, + {120,317},{120,633.111},{336,633.111}}, color={0,0,127})); + connect(TOut.y, conAHU.TOut) annotation (Line(points={{-279,180},{-260,180}, + {-260,627.778},{336,627.778}}, + color={0,0,127})); + connect(dpDisSupFan.p_rel, conAHU.ducStaPre) annotation (Line(points={{311,0}, + {160,0},{160,622.444},{336,622.444}}, color={0,0,127})); + connect(TSup.T, conAHU.TSup) annotation (Line(points={{340,-29},{340,-20},{ + 152,-20},{152,569.111},{336,569.111}}, + color={0,0,127})); + connect(TRet.T, conAHU.TOutCut) annotation (Line(points={{100,151},{100, + 563.778},{336,563.778}}, + color={0,0,127})); + connect(VOut1.V_flow, conAHU.VOut_flow) annotation (Line(points={{-61,-20.9}, + {-61,547.778},{336,547.778}},color={0,0,127})); + connect(TMix.T, conAHU.TMix) annotation (Line(points={{40,-29},{40,540.667}, + {336,540.667}}, + color={0,0,127})); + connect(conAHU.yOutDamPos, eco.yOut) annotation (Line(points={{424,524.667}, + {448,524.667},{448,36},{-10,36},{-10,-34}}, + color={0,0,127})); + connect(conAHU.yRetDamPos, eco.yRet) annotation (Line(points={{424,535.333}, + {442,535.333},{442,40},{-16.8,40},{-16.8,-34}}, + color={0,0,127})); + connect(conAHU.yCoo, gaiCooCoi.u) annotation (Line(points={{424,546},{452,546}, + {452,-274},{88,-274},{88,-248},{98,-248}}, color={0,0,127})); + connect(conAHU.yHea, swiFreSta.u3) annotation (Line(points={{424,556.667},{ + 458,556.667},{458,-280},{40,-280},{40,-200},{58,-200}}, + color={0,0,127})); + connect(conAHU.ySupFanSpe, fanSup.y) annotation (Line(points={{424,620.667}, + {432,620.667},{432,-14},{310,-14},{310,-28}}, + color={0,0,127})); + connect(cor.y_actual,conVAVCor.yDam_actual) annotation (Line(points={{612,58}, + {620,58},{620,74},{518,74},{518,38},{528,38}}, color={0,0,127})); + connect(sou.y_actual,conVAVSou.yDam_actual) annotation (Line(points={{792,56}, + {800,56},{800,76},{684,76},{684,36},{698,36}}, color={0,0,127})); + connect(eas.y_actual,conVAVEas.yDam_actual) annotation (Line(points={{972,56}, + {980,56},{980,74},{864,74},{864,36},{878,36}}, color={0,0,127})); + connect(nor.y_actual,conVAVNor.yDam_actual) annotation (Line(points={{1132, + 56},{1140,56},{1140,74},{1024,74},{1024,36},{1038,36}}, color={0,0, + 127})); + connect(wes.y_actual,conVAVWes.yDam_actual) annotation (Line(points={{1332, + 56},{1340,56},{1340,74},{1224,74},{1224,34},{1238,34}}, color={0,0, + 127})); + connect(flo.TRooAir, banDevSum.u1) annotation (Line(points={{1094.14, + 491.333},{1165.07,491.333},{1165.07,490},{1238,490}}, color={0,0,127})); + connect(conAHU.ySupFan, booRepSupFan.u) annotation (Line(points={{424, + 631.333},{467,631.333},{467,640},{498,640}}, + color={255,0,255})); + connect(booRepSupFan.y, banDevSum.uSupFan) annotation (Line(points={{522,640}, + {580,640},{580,656},{1154,656},{1154,484},{1238,484}}, color={ + 255,0,255})); + connect(eleTot.y, PHVAC) annotation (Line(points={{1297.02,612},{1306,612},{1306, + 660},{1410,660}}, color={0,0,127})); + connect(gasBoi.y, gasTotInt.u) + annotation (Line(points={{1241,544},{1318,544}}, color={0,0,127})); + connect(gasBoi.y, PBoiGas) annotation (Line(points={{1241,544},{1306,544},{1306, + 586},{1410,586}}, color={0,0,127})); + connect(TAirTotDev.y, TRooAirDevTot) + annotation (Line(points={{1339,490},{1410,490}}, color={0,0,127})); + connect(eleTotInt.y, EHVACTot) + annotation (Line(points={{1341,612},{1410,612}}, color={0,0,127})); + connect(gasTotInt.y, EGasTot) + annotation (Line(points={{1341,544},{1410,544}}, color={0,0,127})); + connect(weaBus.TDryBul, TAirOut) annotation (Line( + points={{-320,180},{-314,180},{-314,-282},{1342,-282},{1342,-250},{1410,-250}}, + color={255,204,51}, + thickness=0.5), Text( + string="%first", + index=-1, + extent={{-3,6},{-3,6}}, + horizontalAlignment=TextAlignment.Right)); + + connect(weaBus.HGloHor, GHI) annotation (Line( + points={{-320,180},{-318,180},{-318,-292},{1410,-292}}, + color={255,204,51}, + thickness=0.5), Text( + string="%first", + index=-1, + extent={{-6,3},{-6,3}}, + horizontalAlignment=TextAlignment.Right)); + connect(conAHU.uTSupSet, uTSupSet) annotation (Line(points={{336,635.6},{-364, + 635.6},{-364,256},{-402,256}}, color={0,0,127})); + connect(cor.y_actual, minyDam.u[1]) annotation (Line( + points={{612,58},{618,58},{618,-90},{1350,-90},{1350,-93.6}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(sou.y_actual, minyDam.u[2]) annotation (Line( + points={{792,56},{798,56},{798,-88},{1350,-88},{1350,-92.8}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(eas.y_actual, minyDam.u[3]) annotation (Line( + points={{972,56},{976,56},{976,-92},{1350,-92}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(nor.y_actual, minyDam.u[4]) annotation (Line( + points={{1132,56},{1136,56},{1136,-92},{1350,-92},{1350,-91.2}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(wes.y_actual, minyDam.u[5]) annotation (Line( + points={{1332,56},{1334,56},{1334,-88},{1350,-88},{1350,-90.4}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(minyDam.y, yDamMin) + annotation (Line(points={{1373,-92},{1410,-92}}, color={0,0,127})); + connect(maxyDam.y, yDamMax) + annotation (Line(points={{1377,-158},{1410,-158}}, color={0,0,127})); + connect(maxyDam.u[1], cor.y_actual) annotation (Line( + points={{1354,-159.6},{618,-159.6},{618,58},{612,58}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(sou.y_actual, maxyDam.u[2]) annotation (Line( + points={{792,56},{800,56},{800,-158},{818,-158},{818,-158.8},{1354,-158.8}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + + connect(eas.y_actual, maxyDam.u[3]) annotation (Line( + points={{972,56},{982,56},{982,-158},{1354,-158}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(nor.y_actual, maxyDam.u[4]) annotation (Line( + points={{1132,56},{1132,-156},{1354,-156},{1354,-157.2}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(wes.y_actual, maxyDam.u[5]) annotation (Line( + points={{1332,56},{1336,56},{1336,-156},{1354,-156},{1354,-156.4}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(flo.TRooAir[1], TRooAirSou) annotation (Line(points={{1094.14,488.4}, + {1124,488.4},{1124,468},{1322,468},{1322,448},{1410,448}}, color={0,0, + 127})); + connect(flo.TRooAir[2], TRooAirEas) annotation (Line(points={{1094.14, + 489.867},{1130,489.867},{1130,472},{1326,472},{1326,416},{1410,416}}, + color={0, + 0,127})); + connect(flo.TRooAir[3], TRooAirNor) annotation (Line(points={{1094.14, + 491.333},{1136,491.333},{1136,470},{1322,470},{1322,386},{1410,386}}, + color={0, + 0,127})); + connect(flo.TRooAir[4], TRooAirWes) annotation (Line(points={{1094.14,492.8}, + {1130,492.8},{1130,470},{1318,470},{1318,356},{1410,356}}, color={0,0, + 127})); + connect(flo.TRooAir[5], TRooAirCor) annotation (Line(points={{1094.14, + 494.267},{1128,494.267},{1128,472},{1334,472},{1334,328},{1410,328}}, + color={0, + 0,127})); + annotation ( + Diagram(coordinateSystem(preserveAspectRatio=false,extent={{-380,-320},{1400, + 680}})), + Documentation(info=" +

+This model consist of an HVAC system, a building envelope model and a model +for air flow through building leakage and through open doors. +

+

+The HVAC system is a variable air volume (VAV) flow system with economizer +and a heating and cooling coil in the air handler unit. There is also a +reheat coil and an air damper in each of the five zone inlet branches. +

+

+See the model + +Buildings.Examples.VAVReheat.BaseClasses.PartialOpenLoop +for a description of the HVAC system and the building envelope. +

+

+The control is based on ASHRAE Guideline 36, and implemented +using the sequences from the library + +Buildings.Controls.OBC.ASHRAE.G36_PR1 for +multi-zone VAV systems with economizer. The schematic diagram of the HVAC and control +sequence is shown in the figure below. +

+

+\"image\" +

+

+A similar model but with a different control sequence can be found in + +Buildings.Examples.VAVReheat.ASHRAE2006. +Note that this model, because of the frequent time sampling, +has longer computing time than + +Buildings.Examples.VAVReheat.ASHRAE2006. +The reason is that the time integrator cannot make large steps +because it needs to set a time step each time the control samples +its input. +

+", revisions=" + +"), + __Dymola_Commands(file= + "modelica://Buildings/Resources/Scripts/Dymola/Examples/VAVReheat/Guideline36.mos" + "Simulate and plot"), + experiment( + StartTime=19180800, + StopTime=19785600, + Tolerance=1e-06, + __Dymola_Algorithm="Cvode"), + Icon(coordinateSystem(extent={{-100,-100},{100,100}}))); + end Guideline36TSup; + + model Guideline36Baseline + "Variable air volume flow system with terminal reheat and five thermal zones" + extends Modelica.Icons.Example; + extends FiveZone.VAVReheat.BaseClasses.PartialOpenLoop(flo( + cor(T_start=273.15 + 24), + eas(T_start=273.15 + 24), + sou(T_start=273.15 + 24), + wes(T_start=273.15 + 24), + nor(T_start=273.15 + 24))); + extends FiveZone.VAVReheat.BaseClasses.EnergyMeterAirSide( + eleCoiVAV(y=cor.terHea.Q1_flow + nor.terHea.Q1_flow + wes.terHea.Q1_flow + + eas.terHea.Q1_flow + sou.terHea.Q1_flow), + eleSupFan(y=fanSup.P), + elePla(y=cooCoi.Q1_flow/cooCOP), + gasBoi(y=-heaCoi.Q1_flow)); + extends FiveZone.VAVReheat.BaseClasses.ZoneAirTemperatureDeviation( + banDevSum(each uppThreshold=24.5 + 273.15, each lowThreshold=23.5 + 273.15)); + parameter Modelica.SIunits.VolumeFlowRate VPriSysMax_flow=m_flow_nominal/1.2 + "Maximum expected system primary airflow rate at design stage"; + parameter Modelica.SIunits.VolumeFlowRate minZonPriFlo[numZon]={ + mCor_flow_nominal,mSou_flow_nominal,mEas_flow_nominal,mNor_flow_nominal, + mWes_flow_nominal}/1.2 "Minimum expected zone primary flow rate"; + parameter Modelica.SIunits.Time samplePeriod=120 + "Sample period of component, set to the same value as the trim and respond that process yPreSetReq"; + parameter Modelica.SIunits.PressureDifference dpDisRetMax=40 + "Maximum return fan discharge static pressure setpoint"; + + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVCor( + V_flow_nominal=mCor_flow_nominal/1.2, + AFlo=AFloCor, + final samplePeriod=samplePeriod, + VDisSetMin_flow=0.05*conVAVCor.V_flow_nominal, + VDisConMin_flow=0.05*conVAVCor.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4) "Controller for terminal unit corridor" + annotation (Placement(transformation(extent={{530,32},{550,52}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVSou( + V_flow_nominal=mSou_flow_nominal/1.2, + AFlo=AFloSou, + final samplePeriod=samplePeriod, + VDisSetMin_flow=0.05*conVAVSou.V_flow_nominal, + VDisConMin_flow=0.05*conVAVSou.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4) "Controller for terminal unit south" + annotation (Placement(transformation(extent={{700,30},{720,50}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVEas( + V_flow_nominal=mEas_flow_nominal/1.2, + AFlo=AFloEas, + final samplePeriod=samplePeriod, + VDisSetMin_flow=0.05*conVAVEas.V_flow_nominal, + VDisConMin_flow=0.05*conVAVEas.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4) "Controller for terminal unit east" + annotation (Placement(transformation(extent={{880,30},{900,50}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVNor( + V_flow_nominal=mNor_flow_nominal/1.2, + AFlo=AFloNor, + final samplePeriod=samplePeriod, + VDisSetMin_flow=0.05*conVAVNor.V_flow_nominal, + VDisConMin_flow=0.05*conVAVNor.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4) "Controller for terminal unit north" + annotation (Placement(transformation(extent={{1040,30},{1060,50}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVWes( + V_flow_nominal=mWes_flow_nominal/1.2, + AFlo=AFloWes, + final samplePeriod=samplePeriod, + VDisSetMin_flow=0.05*conVAVWes.V_flow_nominal, + VDisConMin_flow=0.05*conVAVWes.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4) "Controller for terminal unit west" + annotation (Placement(transformation(extent={{1240,28},{1260,48}}))); + Modelica.Blocks.Routing.Multiplex5 TDis "Discharge air temperatures" + annotation (Placement(transformation(extent={{220,270},{240,290}}))); + Modelica.Blocks.Routing.Multiplex5 VDis_flow + "Air flow rate at the terminal boxes" + annotation (Placement(transformation(extent={{220,230},{240,250}}))); + Buildings.Controls.OBC.CDL.Integers.MultiSum TZonResReq(nin=5) + "Number of zone temperature requests" + annotation (Placement(transformation(extent={{300,360},{320,380}}))); + Buildings.Controls.OBC.CDL.Integers.MultiSum PZonResReq(nin=5) + "Number of zone pressure requests" + annotation (Placement(transformation(extent={{300,330},{320,350}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant yOutDam(k=1) + "Outdoor air damper control signal" + annotation (Placement(transformation(extent={{-40,-20},{-20,0}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swiFreSta "Switch for freeze stat" + annotation (Placement(transformation(extent={{60,-202},{80,-182}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant freStaSetPoi1( + final k=273.15 + 3) "Freeze stat for heating coil" + annotation (Placement(transformation(extent={{-40,-96},{-20,-76}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant yFreHeaCoi(final k=1) + "Flow rate signal for heating coil when freeze stat is on" + annotation (Placement(transformation(extent={{0,-192},{20,-172}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.ModeAndSetPoints TZonSet[ + numZon]( + final TZonHeaOn=fill(THeaOn, numZon), + final TZonHeaOff=fill(THeaOff, numZon), + final TZonCooOff=fill(TCooOff, numZon)) "Zone setpoint temperature" + annotation (Placement(transformation(extent={{60,300},{80,320}}))); + Buildings.Controls.OBC.CDL.Routing.BooleanReplicator booRep( + final nout=numZon) "Replicate boolean input" + annotation (Placement(transformation(extent={{-120,280},{-100,300}}))); + Buildings.Controls.OBC.CDL.Routing.RealReplicator reaRep( + final nout=numZon) + "Replicate real input" + annotation (Placement(transformation(extent={{-120,320},{-100,340}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.Controller conAHU( + kMinOut=0.01, + final pMaxSet=410, + final yFanMin=yFanMin, + final VPriSysMax_flow=VPriSysMax_flow, + final peaSysPop=1.2*sum({0.05*AFlo[i] for i in 1:numZon}), + kTSup=0.01, + TiTSup=120) "AHU controller" + annotation (Placement(transformation(extent={{340,514},{420,642}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.OutdoorAirFlow.Zone + zonOutAirSet[numZon]( + final AFlo=AFlo, + final have_occSen=fill(false, numZon), + final have_winSen=fill(false, numZon), + final desZonPop={0.05*AFlo[i] for i in 1:numZon}, + final minZonPriFlo=minZonPriFlo) + "Zone level calculation of the minimum outdoor airflow setpoint" + annotation (Placement(transformation(extent={{220,580},{240,600}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.OutdoorAirFlow.SumZone + zonToSys(final numZon=numZon) "Sum up zone calculation output" + annotation (Placement(transformation(extent={{280,570},{300,590}}))); + Buildings.Controls.OBC.CDL.Routing.RealReplicator reaRep1(final nout=numZon) + "Replicate design uncorrected minimum outdoor airflow setpoint" + annotation (Placement(transformation(extent={{460,580},{480,600}}))); + Buildings.Controls.OBC.CDL.Routing.BooleanReplicator booRep1(final nout=numZon) + "Replicate signal whether the outdoor airflow is required" + annotation (Placement(transformation(extent={{460,550},{480,570}}))); + + Buildings.Controls.OBC.CDL.Routing.BooleanReplicator booRepSupFan(final nout= + numZon) "Replicate boolean input" + annotation (Placement(transformation(extent={{500,630},{520,650}}))); + Modelica.Blocks.Interfaces.RealOutput PHVAC( + quantity="Power", + unit="W") + "Power consumption of HVAC equipment, W" + annotation (Placement(transformation(extent={{1400,650},{1420,670}}))); + Modelica.Blocks.Interfaces.RealOutput PBoiGas( + quantity="Power", + unit="W") + "Boiler gas consumption, W" + annotation (Placement(transformation(extent={{1400,576},{1420,596}}))); + Modelica.Blocks.Interfaces.RealOutput TRooAirSou( + unit="K", + displayUnit="degC") + "Room air temperatures, K; 1- South, 2- East, 3- North, 4- West, 5- Core;" + annotation (Placement(transformation(extent={{1400,438},{1420,458}}))); + Modelica.Blocks.Interfaces.RealOutput TRooAirDevTot + "Total zone air temperature deviation, K*s" + annotation (Placement(transformation(extent={{1400,480},{1420,500}}))); + Modelica.Blocks.Interfaces.RealOutput EHVACTot( + quantity="Energy", + unit="J") + "Total electricity energy consumption of HVAC equipment, J" + annotation (Placement(transformation(extent={{1400,602},{1420,622}}))); + Modelica.Blocks.Interfaces.RealOutput EGasTot( + quantity="Energy", + unit="J") + "Total boiler gas consumption, J" + annotation (Placement(transformation(extent={{1400,534},{1420,554}}))); + Modelica.Blocks.Interfaces.RealOutput TAirOut( + unit="K", displayUnit= + "degC") "Outdoor air temperature" + annotation (Placement(transformation(extent={{1400,-260},{1420,-240}}))); + Modelica.Blocks.Interfaces.RealOutput GHI( + quantity="RadiantEnergyFluenceRate", + unit="W/m2") + "Global horizontal solar radiation, W/m2" + annotation (Placement(transformation(extent={{1400,-302},{1420,-282}}))); + Buildings.Utilities.Math.Min minyDam(nin=5) + "Computes lowest zone damper position" + annotation (Placement(transformation(extent={{1352,-102},{1372,-82}}))); + Modelica.Blocks.Interfaces.RealOutput yDamMin "Minimum VAV damper position" + annotation (Placement(transformation(extent={{1400,-102},{1420,-82}}))); + Modelica.Blocks.Interfaces.RealOutput yDamMax "Minimum VAV damper position" + annotation (Placement(transformation(extent={{1400,-168},{1420,-148}}))); + Buildings.Utilities.Math.Max maxyDam(nin=5) + annotation (Placement(transformation(extent={{1356,-168},{1376,-148}}))); + Modelica.Blocks.Interfaces.RealOutput TRooAirEas( + unit="K", + displayUnit="degC") + "Room air temperatures, K; 1- South, 2- East, 3- North, 4- West, 5- Core;" + annotation (Placement(transformation(extent={{1400,406},{1420,426}}))); + Modelica.Blocks.Interfaces.RealOutput TRooAirNor( + unit="K", + displayUnit="degC") + "Room air temperatures, K; 1- South, 2- East, 3- North, 4- West, 5- Core;" + annotation (Placement(transformation(extent={{1400,376},{1420,396}}))); + Modelica.Blocks.Interfaces.RealOutput TRooAirWes( + unit="K", + displayUnit="degC") + "Room air temperatures, K; 1- South, 2- East, 3- North, 4- West, 5- Core;" + annotation (Placement(transformation(extent={{1400,346},{1420,366}}))); + Modelica.Blocks.Interfaces.RealOutput TRooAirCor( + unit="K", + displayUnit="degC") + "Room air temperatures, K; 1- South, 2- East, 3- North, 4- West, 5- Core;" + annotation (Placement(transformation(extent={{1400,318},{1420,338}}))); + equation + connect(fanSup.port_b, dpDisSupFan.port_a) annotation (Line( + points={{320,-40},{320,0},{320,-10},{320,-10}}, + color={0,0,0}, + smooth=Smooth.None, + pattern=LinePattern.Dot)); + connect(conVAVCor.TZon, TRooAir.y5[1]) annotation (Line( + points={{528,42},{520,42},{520,162},{511,162}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(conVAVSou.TZon, TRooAir.y1[1]) annotation (Line( + points={{698,40},{690,40},{690,40},{680,40},{680,178},{511,178}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(TRooAir.y2[1], conVAVEas.TZon) annotation (Line( + points={{511,174},{868,174},{868,40},{878,40}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(TRooAir.y3[1], conVAVNor.TZon) annotation (Line( + points={{511,170},{1028,170},{1028,40},{1038,40}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(TRooAir.y4[1], conVAVWes.TZon) annotation (Line( + points={{511,166},{1220,166},{1220,38},{1238,38}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(conVAVCor.TDis, TSupCor.T) annotation (Line(points={{528,36},{522,36}, + {522,40},{514,40},{514,92},{569,92}}, color={0,0,127})); + connect(TSupSou.T, conVAVSou.TDis) annotation (Line(points={{749,92},{688,92}, + {688,34},{698,34}}, color={0,0,127})); + connect(TSupEas.T, conVAVEas.TDis) annotation (Line(points={{929,90},{872,90}, + {872,34},{878,34}}, color={0,0,127})); + connect(TSupNor.T, conVAVNor.TDis) annotation (Line(points={{1089,94},{1032,94}, + {1032,34},{1038,34}}, color={0,0,127})); + connect(TSupWes.T, conVAVWes.TDis) annotation (Line(points={{1289,90},{1228,90}, + {1228,32},{1238,32}}, color={0,0,127})); + connect(cor.yVAV, conVAVCor.yDam) annotation (Line(points={{566,50},{556,50},{ + 556,48},{552,48}}, color={0,0,127})); + connect(cor.yVal, conVAVCor.yVal) annotation (Line(points={{566,34},{560,34},{ + 560,43},{552,43}}, color={0,0,127})); + connect(conVAVSou.yDam, sou.yVAV) annotation (Line(points={{722,46},{730,46},{ + 730,48},{746,48}}, color={0,0,127})); + connect(conVAVSou.yVal, sou.yVal) annotation (Line(points={{722,41},{732.5,41}, + {732.5,32},{746,32}}, color={0,0,127})); + connect(conVAVEas.yVal, eas.yVal) annotation (Line(points={{902,41},{912.5,41}, + {912.5,32},{926,32}}, color={0,0,127})); + connect(conVAVEas.yDam, eas.yVAV) annotation (Line(points={{902,46},{910,46},{ + 910,48},{926,48}}, color={0,0,127})); + connect(conVAVNor.yDam, nor.yVAV) annotation (Line(points={{1062,46},{1072.5,46}, + {1072.5,48},{1086,48}}, color={0,0,127})); + connect(conVAVNor.yVal, nor.yVal) annotation (Line(points={{1062,41},{1072.5,41}, + {1072.5,32},{1086,32}}, color={0,0,127})); + connect(conVAVWes.yVal, wes.yVal) annotation (Line(points={{1262,39},{1272.5,39}, + {1272.5,32},{1286,32}}, color={0,0,127})); + connect(wes.yVAV, conVAVWes.yDam) annotation (Line(points={{1286,48},{1274,48}, + {1274,44},{1262,44}}, color={0,0,127})); + connect(conVAVCor.yZonTemResReq, TZonResReq.u[1]) annotation (Line(points={{552,38}, + {554,38},{554,220},{280,220},{280,375.6},{298,375.6}}, color= + {255,127,0})); + connect(conVAVSou.yZonTemResReq, TZonResReq.u[2]) annotation (Line(points={{722,36}, + {726,36},{726,220},{280,220},{280,372.8},{298,372.8}}, color= + {255,127,0})); + connect(conVAVEas.yZonTemResReq, TZonResReq.u[3]) annotation (Line(points={{902,36}, + {904,36},{904,220},{280,220},{280,370},{298,370}}, color={255, + 127,0})); + connect(conVAVNor.yZonTemResReq, TZonResReq.u[4]) annotation (Line(points={{1062,36}, + {1064,36},{1064,220},{280,220},{280,367.2},{298,367.2}}, + color={255,127,0})); + connect(conVAVWes.yZonTemResReq, TZonResReq.u[5]) annotation (Line(points={{1262,34}, + {1266,34},{1266,220},{280,220},{280,364.4},{298,364.4}}, + color={255,127,0})); + connect(conVAVCor.yZonPreResReq, PZonResReq.u[1]) annotation (Line(points={{552,34}, + {558,34},{558,214},{288,214},{288,345.6},{298,345.6}}, color= + {255,127,0})); + connect(conVAVSou.yZonPreResReq, PZonResReq.u[2]) annotation (Line(points={{722,32}, + {728,32},{728,214},{288,214},{288,342.8},{298,342.8}}, color= + {255,127,0})); + connect(conVAVEas.yZonPreResReq, PZonResReq.u[3]) annotation (Line(points={{902,32}, + {906,32},{906,214},{288,214},{288,340},{298,340}}, color={255, + 127,0})); + connect(conVAVNor.yZonPreResReq, PZonResReq.u[4]) annotation (Line(points={{1062,32}, + {1066,32},{1066,214},{288,214},{288,337.2},{298,337.2}}, + color={255,127,0})); + connect(conVAVWes.yZonPreResReq, PZonResReq.u[5]) annotation (Line(points={{1262,30}, + {1268,30},{1268,214},{288,214},{288,334.4},{298,334.4}}, + color={255,127,0})); + connect(VSupCor_flow.V_flow, VDis_flow.u1[1]) annotation (Line(points={{569,130}, + {472,130},{472,206},{180,206},{180,250},{218,250}}, color={0,0, + 127})); + connect(VSupSou_flow.V_flow, VDis_flow.u2[1]) annotation (Line(points={{749,130}, + {742,130},{742,206},{180,206},{180,245},{218,245}}, color={0,0, + 127})); + connect(VSupEas_flow.V_flow, VDis_flow.u3[1]) annotation (Line(points={{929,128}, + {914,128},{914,206},{180,206},{180,240},{218,240}}, color={0,0, + 127})); + connect(VSupNor_flow.V_flow, VDis_flow.u4[1]) annotation (Line(points={{1089,132}, + {1080,132},{1080,206},{180,206},{180,235},{218,235}}, color={0,0, + 127})); + connect(VSupWes_flow.V_flow, VDis_flow.u5[1]) annotation (Line(points={{1289,128}, + {1284,128},{1284,206},{180,206},{180,230},{218,230}}, color={0,0, + 127})); + connect(TSupCor.T, TDis.u1[1]) annotation (Line(points={{569,92},{466,92},{466, + 210},{176,210},{176,290},{218,290}}, color={0,0,127})); + connect(TSupSou.T, TDis.u2[1]) annotation (Line(points={{749,92},{688,92},{688, + 210},{176,210},{176,285},{218,285}}, color={0,0, + 127})); + connect(TSupEas.T, TDis.u3[1]) annotation (Line(points={{929,90},{872,90},{872, + 210},{176,210},{176,280},{218,280}}, color={0,0,127})); + connect(TSupNor.T, TDis.u4[1]) annotation (Line(points={{1089,94},{1032,94},{1032, + 210},{176,210},{176,275},{218,275}}, color={0,0,127})); + connect(TSupWes.T, TDis.u5[1]) annotation (Line(points={{1289,90},{1228,90},{1228, + 210},{176,210},{176,270},{218,270}}, color={0,0,127})); + connect(conVAVCor.VDis_flow, VSupCor_flow.V_flow) annotation (Line(points={{528,40}, + {522,40},{522,130},{569,130}}, color={0,0,127})); + connect(VSupSou_flow.V_flow, conVAVSou.VDis_flow) annotation (Line(points={{749,130}, + {690,130},{690,38},{698,38}}, color={0,0,127})); + connect(VSupEas_flow.V_flow, conVAVEas.VDis_flow) annotation (Line(points={{929,128}, + {874,128},{874,38},{878,38}}, color={0,0,127})); + connect(VSupNor_flow.V_flow, conVAVNor.VDis_flow) annotation (Line(points={{1089, + 132},{1034,132},{1034,38},{1038,38}}, color={0,0,127})); + connect(VSupWes_flow.V_flow, conVAVWes.VDis_flow) annotation (Line(points={{1289, + 128},{1230,128},{1230,36},{1238,36}}, color={0,0,127})); + connect(TSup.T, conVAVCor.TSupAHU) annotation (Line(points={{340,-29},{340,-20}, + {514,-20},{514,34},{528,34}}, color={0,0,127})); + connect(TSup.T, conVAVSou.TSupAHU) annotation (Line(points={{340,-29},{340,-20}, + {686,-20},{686,32},{698,32}}, color={0,0,127})); + connect(TSup.T, conVAVEas.TSupAHU) annotation (Line(points={{340,-29},{340,-20}, + {864,-20},{864,32},{878,32}}, color={0,0,127})); + connect(TSup.T, conVAVNor.TSupAHU) annotation (Line(points={{340,-29},{340,-20}, + {1028,-20},{1028,32},{1038,32}}, color={0,0,127})); + connect(TSup.T, conVAVWes.TSupAHU) annotation (Line(points={{340,-29},{340,-20}, + {1224,-20},{1224,30},{1238,30}}, color={0,0,127})); + connect(yOutDam.y, eco.yExh) + annotation (Line(points={{-18,-10},{-3,-10},{-3,-34}}, color={0,0,127})); + connect(swiFreSta.y, gaiHeaCoi.u) annotation (Line(points={{82,-192},{88,-192}, + {88,-210},{98,-210}}, color={0,0,127})); + connect(freSta.y, swiFreSta.u2) annotation (Line(points={{22,-92},{40,-92},{40, + -192},{58,-192}}, color={255,0,255})); + connect(yFreHeaCoi.y, swiFreSta.u1) annotation (Line(points={{22,-182},{40,-182}, + {40,-184},{58,-184}}, color={0,0,127})); + connect(TZonSet[1].yOpeMod, conVAVCor.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{520,14},{520,32},{528,32}}, + color={255,127,0})); + connect(flo.TRooAir, TZonSet.TZon) annotation (Line(points={{1094.14, + 491.333},{1164,491.333},{1164,662},{46,662},{46,313},{58,313}}, + color={0,0,127})); + connect(occSch.occupied, booRep.u) annotation (Line(points={{-297,-216},{-160, + -216},{-160,290},{-122,290}}, color={255,0,255})); + connect(occSch.tNexOcc, reaRep.u) annotation (Line(points={{-297,-204},{-180, + -204},{-180,330},{-122,330}}, + color={0,0,127})); + connect(reaRep.y, TZonSet.tNexOcc) annotation (Line(points={{-98,330},{-20,330}, + {-20,319},{58,319}}, color={0,0,127})); + connect(booRep.y, TZonSet.uOcc) annotation (Line(points={{-98,290},{-20,290},{ + -20,316.025},{58,316.025}}, color={255,0,255})); + connect(TZonSet[1].TZonHeaSet, conVAVCor.TZonHeaSet) annotation (Line(points={{82,310}, + {524,310},{524,52},{528,52}}, color={0,0,127})); + connect(TZonSet[1].TZonCooSet, conVAVCor.TZonCooSet) annotation (Line(points={{82,317}, + {524,317},{524,50},{528,50}}, color={0,0,127})); + connect(TZonSet[2].TZonHeaSet, conVAVSou.TZonHeaSet) annotation (Line(points={{82,310}, + {694,310},{694,50},{698,50}}, color={0,0,127})); + connect(TZonSet[2].TZonCooSet, conVAVSou.TZonCooSet) annotation (Line(points={{82,317}, + {694,317},{694,48},{698,48}}, color={0,0,127})); + connect(TZonSet[3].TZonHeaSet, conVAVEas.TZonHeaSet) annotation (Line(points={{82,310}, + {860,310},{860,50},{878,50}}, color={0,0,127})); + connect(TZonSet[3].TZonCooSet, conVAVEas.TZonCooSet) annotation (Line(points={{82,317}, + {860,317},{860,48},{878,48}}, color={0,0,127})); + connect(TZonSet[4].TZonCooSet, conVAVNor.TZonCooSet) annotation (Line(points={{82,317}, + {1020,317},{1020,48},{1038,48}}, color={0,0,127})); + connect(TZonSet[4].TZonHeaSet, conVAVNor.TZonHeaSet) annotation (Line(points={{82,310}, + {1020,310},{1020,50},{1038,50}}, color={0,0,127})); + connect(TZonSet[5].TZonCooSet, conVAVWes.TZonCooSet) annotation (Line(points={{82,317}, + {1200,317},{1200,46},{1238,46}}, color={0,0,127})); + connect(TZonSet[5].TZonHeaSet, conVAVWes.TZonHeaSet) annotation (Line(points={{82,310}, + {1200,310},{1200,48},{1238,48}}, color={0,0,127})); + connect(TZonSet[1].yOpeMod, conVAVSou.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{680,14},{680,30},{698,30}}, + color={255,127,0})); + connect(TZonSet[1].yOpeMod, conVAVEas.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{860,14},{860,30},{878,30}}, + color={255,127,0})); + connect(TZonSet[1].yOpeMod, conVAVNor.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{1020,14},{1020,30},{1038,30}}, + color={255,127,0})); + connect(TZonSet[1].yOpeMod, conVAVWes.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{1220,14},{1220,28},{1238,28}}, + color={255,127,0})); + connect(zonToSys.ySumDesZonPop, conAHU.sumDesZonPop) annotation (Line(points={{302,589}, + {308,589},{308,611.778},{336,611.778}}, color={0,0,127})); + connect(zonToSys.VSumDesPopBreZon_flow, conAHU.VSumDesPopBreZon_flow) + annotation (Line(points={{302,586},{310,586},{310,606.444},{336,606.444}}, + color={0,0,127})); + connect(zonToSys.VSumDesAreBreZon_flow, conAHU.VSumDesAreBreZon_flow) + annotation (Line(points={{302,583},{312,583},{312,601.111},{336,601.111}}, + color={0,0,127})); + connect(zonToSys.yDesSysVenEff, conAHU.uDesSysVenEff) annotation (Line(points={{302,580}, + {314,580},{314,595.778},{336,595.778}}, color={0,0,127})); + connect(zonToSys.VSumUncOutAir_flow, conAHU.VSumUncOutAir_flow) annotation ( + Line(points={{302,577},{316,577},{316,590.444},{336,590.444}}, color={0,0, + 127})); + connect(zonToSys.VSumSysPriAir_flow, conAHU.VSumSysPriAir_flow) annotation ( + Line(points={{302,571},{318,571},{318,585.111},{336,585.111}}, color={0,0, + 127})); + connect(zonToSys.uOutAirFra_max, conAHU.uOutAirFra_max) annotation (Line( + points={{302,574},{320,574},{320,579.778},{336,579.778}}, color={0,0,127})); + connect(zonOutAirSet.yDesZonPeaOcc, zonToSys.uDesZonPeaOcc) annotation (Line( + points={{242,599},{270,599},{270,588},{278,588}}, color={0,0,127})); + connect(zonOutAirSet.VDesPopBreZon_flow, zonToSys.VDesPopBreZon_flow) + annotation (Line(points={{242,596},{268,596},{268,586},{278,586}}, + color={0,0,127})); + connect(zonOutAirSet.VDesAreBreZon_flow, zonToSys.VDesAreBreZon_flow) + annotation (Line(points={{242,593},{266,593},{266,584},{278,584}}, + color={0,0,127})); + connect(zonOutAirSet.yDesPriOutAirFra, zonToSys.uDesPriOutAirFra) annotation ( + Line(points={{242,590},{264,590},{264,578},{278,578}}, color={0,0,127})); + connect(zonOutAirSet.VUncOutAir_flow, zonToSys.VUncOutAir_flow) annotation ( + Line(points={{242,587},{262,587},{262,576},{278,576}}, color={0,0,127})); + connect(zonOutAirSet.yPriOutAirFra, zonToSys.uPriOutAirFra) + annotation (Line(points={{242,584},{260,584},{260,574},{278,574}}, + color={0,0,127})); + connect(zonOutAirSet.VPriAir_flow, zonToSys.VPriAir_flow) annotation (Line( + points={{242,581},{258,581},{258,572},{278,572}}, color={0,0,127})); + connect(conAHU.yAveOutAirFraPlu, zonToSys.yAveOutAirFraPlu) annotation (Line( + points={{424,588.667},{440,588.667},{440,468},{270,468},{270,582},{ + 278,582}}, + color={0,0,127})); + connect(conAHU.VDesUncOutAir_flow, reaRep1.u) annotation (Line(points={{424, + 599.333},{440,599.333},{440,590},{458,590}}, + color={0,0,127})); + connect(reaRep1.y, zonOutAirSet.VUncOut_flow_nominal) annotation (Line(points={{482,590}, + {490,590},{490,464},{210,464},{210,581},{218,581}}, color={0, + 0,127})); + connect(conAHU.yReqOutAir, booRep1.u) annotation (Line(points={{424,567.333}, + {444,567.333},{444,560},{458,560}},color={255,0,255})); + connect(booRep1.y, zonOutAirSet.uReqOutAir) annotation (Line(points={{482,560}, + {496,560},{496,460},{206,460},{206,593},{218,593}}, color={255,0,255})); + connect(flo.TRooAir, zonOutAirSet.TZon) annotation (Line(points={{1094.14, + 491.333},{1164,491.333},{1164,660},{210,660},{210,590},{218,590}}, + color={0,0,127})); + connect(TDis.y, zonOutAirSet.TDis) annotation (Line(points={{241,280},{252,280}, + {252,340},{200,340},{200,587},{218,587}}, color={0,0,127})); + connect(VDis_flow.y, zonOutAirSet.VDis_flow) annotation (Line(points={{241,240}, + {260,240},{260,346},{194,346},{194,584},{218,584}}, color={0,0,127})); + connect(TZonSet[1].yOpeMod, conAHU.uOpeMod) annotation (Line(points={{82,303}, + {140,303},{140,533.556},{336,533.556}}, color={255,127,0})); + connect(TZonResReq.y, conAHU.uZonTemResReq) annotation (Line(points={{322,370}, + {330,370},{330,528.222},{336,528.222}}, color={255,127,0})); + connect(PZonResReq.y, conAHU.uZonPreResReq) annotation (Line(points={{322,340}, + {326,340},{326,522.889},{336,522.889}}, color={255,127,0})); + connect(TZonSet[1].TZonHeaSet, conAHU.TZonHeaSet) annotation (Line(points={{82,310}, + {110,310},{110,638.444},{336,638.444}}, color={0,0,127})); + connect(TZonSet[1].TZonCooSet, conAHU.TZonCooSet) annotation (Line(points={{82,317}, + {120,317},{120,633.111},{336,633.111}}, color={0,0,127})); + connect(TOut.y, conAHU.TOut) annotation (Line(points={{-279,180},{-260,180}, + {-260,627.778},{336,627.778}}, + color={0,0,127})); + connect(dpDisSupFan.p_rel, conAHU.ducStaPre) annotation (Line(points={{311,0}, + {160,0},{160,622.444},{336,622.444}}, color={0,0,127})); + connect(TSup.T, conAHU.TSup) annotation (Line(points={{340,-29},{340,-20},{ + 152,-20},{152,569.111},{336,569.111}}, + color={0,0,127})); + connect(TRet.T, conAHU.TOutCut) annotation (Line(points={{100,151},{100, + 563.778},{336,563.778}}, + color={0,0,127})); + connect(VOut1.V_flow, conAHU.VOut_flow) annotation (Line(points={{-61,-20.9}, + {-61,547.778},{336,547.778}},color={0,0,127})); + connect(TMix.T, conAHU.TMix) annotation (Line(points={{40,-29},{40,540.667}, + {336,540.667}}, + color={0,0,127})); + connect(conAHU.yOutDamPos, eco.yOut) annotation (Line(points={{424,524.667}, + {448,524.667},{448,36},{-10,36},{-10,-34}}, + color={0,0,127})); + connect(conAHU.yRetDamPos, eco.yRet) annotation (Line(points={{424,535.333}, + {442,535.333},{442,40},{-16.8,40},{-16.8,-34}}, + color={0,0,127})); + connect(conAHU.yCoo, gaiCooCoi.u) annotation (Line(points={{424,546},{452,546}, + {452,-274},{88,-274},{88,-248},{98,-248}}, color={0,0,127})); + connect(conAHU.yHea, swiFreSta.u3) annotation (Line(points={{424,556.667},{ + 458,556.667},{458,-280},{40,-280},{40,-200},{58,-200}}, + color={0,0,127})); + connect(conAHU.ySupFanSpe, fanSup.y) annotation (Line(points={{424,620.667}, + {432,620.667},{432,-14},{310,-14},{310,-28}}, + color={0,0,127})); + connect(cor.y_actual,conVAVCor.yDam_actual) annotation (Line(points={{612,58}, + {620,58},{620,74},{518,74},{518,38},{528,38}}, color={0,0,127})); + connect(sou.y_actual,conVAVSou.yDam_actual) annotation (Line(points={{792,56}, + {800,56},{800,76},{684,76},{684,36},{698,36}}, color={0,0,127})); + connect(eas.y_actual,conVAVEas.yDam_actual) annotation (Line(points={{972,56}, + {980,56},{980,74},{864,74},{864,36},{878,36}}, color={0,0,127})); + connect(nor.y_actual,conVAVNor.yDam_actual) annotation (Line(points={{1132, + 56},{1140,56},{1140,74},{1024,74},{1024,36},{1038,36}}, color={0,0, + 127})); + connect(wes.y_actual,conVAVWes.yDam_actual) annotation (Line(points={{1332, + 56},{1340,56},{1340,74},{1224,74},{1224,34},{1238,34}}, color={0,0, + 127})); + connect(flo.TRooAir, banDevSum.u1) annotation (Line(points={{1094.14, + 491.333},{1165.07,491.333},{1165.07,490},{1238,490}}, color={0,0,127})); + connect(conAHU.ySupFan, booRepSupFan.u) annotation (Line(points={{424, + 631.333},{467,631.333},{467,640},{498,640}}, + color={255,0,255})); + connect(booRepSupFan.y, banDevSum.uSupFan) annotation (Line(points={{522,640}, + {580,640},{580,656},{1154,656},{1154,484},{1238,484}}, color={ + 255,0,255})); + connect(eleTot.y, PHVAC) annotation (Line(points={{1297.02,612},{1306,612},{1306, + 660},{1410,660}}, color={0,0,127})); + connect(gasBoi.y, gasTotInt.u) + annotation (Line(points={{1241,544},{1318,544}}, color={0,0,127})); + connect(gasBoi.y, PBoiGas) annotation (Line(points={{1241,544},{1306,544},{1306, + 586},{1410,586}}, color={0,0,127})); + connect(TAirTotDev.y, TRooAirDevTot) + annotation (Line(points={{1339,490},{1410,490}}, color={0,0,127})); + connect(eleTotInt.y, EHVACTot) + annotation (Line(points={{1341,612},{1410,612}}, color={0,0,127})); + connect(gasTotInt.y, EGasTot) + annotation (Line(points={{1341,544},{1410,544}}, color={0,0,127})); + connect(weaBus.TDryBul, TAirOut) annotation (Line( + points={{-320,180},{-314,180},{-314,-282},{1342,-282},{1342,-250},{1410,-250}}, + color={255,204,51}, + thickness=0.5), Text( + string="%first", + index=-1, + extent={{-3,6},{-3,6}}, + horizontalAlignment=TextAlignment.Right)); + + connect(weaBus.HGloHor, GHI) annotation (Line( + points={{-320,180},{-318,180},{-318,-292},{1410,-292}}, + color={255,204,51}, + thickness=0.5), Text( + string="%first", + index=-1, + extent={{-6,3},{-6,3}}, + horizontalAlignment=TextAlignment.Right)); + connect(cor.y_actual, minyDam.u[1]) annotation (Line( + points={{612,58},{618,58},{618,-90},{1350,-90},{1350,-93.6}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(sou.y_actual, minyDam.u[2]) annotation (Line( + points={{792,56},{798,56},{798,-88},{1350,-88},{1350,-92.8}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(eas.y_actual, minyDam.u[3]) annotation (Line( + points={{972,56},{976,56},{976,-92},{1350,-92}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(nor.y_actual, minyDam.u[4]) annotation (Line( + points={{1132,56},{1136,56},{1136,-92},{1350,-92},{1350,-91.2}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(wes.y_actual, minyDam.u[5]) annotation (Line( + points={{1332,56},{1334,56},{1334,-88},{1350,-88},{1350,-90.4}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(minyDam.y, yDamMin) + annotation (Line(points={{1373,-92},{1410,-92}}, color={0,0,127})); + connect(maxyDam.y, yDamMax) + annotation (Line(points={{1377,-158},{1410,-158}}, color={0,0,127})); + connect(maxyDam.u[1], cor.y_actual) annotation (Line( + points={{1354,-159.6},{618,-159.6},{618,58},{612,58}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(sou.y_actual, maxyDam.u[2]) annotation (Line( + points={{792,56},{800,56},{800,-158},{818,-158},{818,-158.8},{1354,-158.8}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + + connect(eas.y_actual, maxyDam.u[3]) annotation (Line( + points={{972,56},{982,56},{982,-158},{1354,-158}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(nor.y_actual, maxyDam.u[4]) annotation (Line( + points={{1132,56},{1132,-156},{1354,-156},{1354,-157.2}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(wes.y_actual, maxyDam.u[5]) annotation (Line( + points={{1332,56},{1336,56},{1336,-156},{1354,-156},{1354,-156.4}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(flo.TRooAir[1], TRooAirSou) annotation (Line(points={{1094.14,488.4}, + {1124,488.4},{1124,468},{1322,468},{1322,448},{1410,448}}, color={0,0, + 127})); + connect(flo.TRooAir[2], TRooAirEas) annotation (Line(points={{1094.14, + 489.867},{1130,489.867},{1130,472},{1326,472},{1326,416},{1410,416}}, + color={0, + 0,127})); + connect(flo.TRooAir[3], TRooAirNor) annotation (Line(points={{1094.14, + 491.333},{1136,491.333},{1136,470},{1322,470},{1322,386},{1410,386}}, + color={0, + 0,127})); + connect(flo.TRooAir[4], TRooAirWes) annotation (Line(points={{1094.14,492.8}, + {1130,492.8},{1130,470},{1318,470},{1318,356},{1410,356}}, color={0,0, + 127})); + connect(flo.TRooAir[5], TRooAirCor) annotation (Line(points={{1094.14, + 494.267},{1128,494.267},{1128,472},{1334,472},{1334,328},{1410,328}}, + color={0, + 0,127})); + annotation ( + Diagram(coordinateSystem(preserveAspectRatio=false,extent={{-380,-320},{1400, + 680}})), + Documentation(info=" +

+This model consist of an HVAC system, a building envelope model and a model +for air flow through building leakage and through open doors. +

+

+The HVAC system is a variable air volume (VAV) flow system with economizer +and a heating and cooling coil in the air handler unit. There is also a +reheat coil and an air damper in each of the five zone inlet branches. +

+

+See the model + +Buildings.Examples.VAVReheat.BaseClasses.PartialOpenLoop +for a description of the HVAC system and the building envelope. +

+

+The control is based on ASHRAE Guideline 36, and implemented +using the sequences from the library + +Buildings.Controls.OBC.ASHRAE.G36_PR1 for +multi-zone VAV systems with economizer. The schematic diagram of the HVAC and control +sequence is shown in the figure below. +

+

+\"image\" +

+

+A similar model but with a different control sequence can be found in + +Buildings.Examples.VAVReheat.ASHRAE2006. +Note that this model, because of the frequent time sampling, +has longer computing time than + +Buildings.Examples.VAVReheat.ASHRAE2006. +The reason is that the time integrator cannot make large steps +because it needs to set a time step each time the control samples +its input. +

+", revisions=" + +"), + __Dymola_Commands(file= + "modelica://Buildings/Resources/Scripts/Dymola/Examples/VAVReheat/Guideline36.mos" + "Simulate and plot"), + experiment( + StartTime=19180800, + StopTime=19785600, + Tolerance=1e-06, + __Dymola_Algorithm="Cvode"), + Icon(coordinateSystem(extent={{-100,-100},{100,100}}))); + end Guideline36Baseline; + + model SystemBaseline "System example for fault injection" + extends Modelica.Icons.Example; + extends FiveZone.BaseClasses.PartialHotWaterside( + final Q_flow_boi_nominal=designHeatLoad, + minFloBypHW(k=0.1), + pumSpeHW(reset=Buildings.Types.Reset.Parameter, y_reset=0), + boiTSup( + y_start=0, + reset=Buildings.Types.Reset.Parameter, + y_reset=0), + boi(show_T=false), + triResHW(TMin=313.15, TMax=321.15)); + extends FiveZone.BaseClasses.PartialAirside( + fanSup(show_T=false), + conAHU( + pNumIgnReq=1, + TSupSetMin=284.95, + numIgnReqSupTem=1, + kTSup=0.5, + TiTSup=120), + conVAVWes( + VDisSetMin_flow=0.05*conVAVWes.V_flow_nominal, + VDisConMin_flow=0.05*conVAVWes.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4), + conVAVCor( + VDisSetMin_flow=0.05*conVAVCor.V_flow_nominal, + VDisConMin_flow=0.05*conVAVCor.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4), + conVAVSou( + VDisSetMin_flow=0.05*conVAVSou.V_flow_nominal, + VDisConMin_flow=0.05*conVAVSou.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4), + conVAVEas( + VDisSetMin_flow=0.05*conVAVEas.V_flow_nominal, + VDisConMin_flow=0.05*conVAVEas.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4), + conVAVNor( + VDisSetMin_flow=0.05*conVAVNor.V_flow_nominal, + VDisConMin_flow=0.05*conVAVNor.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4)); + extends FiveZone.BaseClasses.PartialWaterside( + redeclare + Buildings.Applications.DataCenters.ChillerCooled.Equipment.IntegratedPrimaryLoadSide + chiWSE( + use_inputFilter=true, + addPowerToMedium=false, + perPum=perPumPri), + watVal( + redeclare package Medium = MediumW, + m_flow_nominal=m1_flow_chi_nominal, + dpValve_nominal=6000, + riseTime=60), + final QEva_nominal=designCoolLoad, + pumCW(use_inputFilter=true), + resCHW(dp_nominal=139700), + temDifPreRes( + samplePeriod(displayUnit="s"), + uTri=0.9, + dpMin=0.5*dpSetPoi, + dpMax=dpSetPoi, + TMin(displayUnit="degC") = 278.15, + TMax(displayUnit="degC") = 283.15), + pumSpe(yMin=0.2)); + + extends FiveZone.VAVReheat.BaseClasses.ZoneAirTemperatureDeviation( + banDevSum(each uppThreshold=24.5 + 273.15, each lowThreshold=23.5 + 273.15)); + + extends FiveZone.BaseClasses.EnergyMeter( + eleCoiVAV(y=cor.terHea.Q1_flow + nor.terHea.Q1_flow + wes.terHea.Q1_flow + + eas.terHea.Q1_flow + sou.terHea.Q1_flow), + eleSupFan(y=fanSup.P), + eleChi(y=chiWSE.powChi[1]), + eleCHWP(y=chiWSE.powPum[1]), + eleCWP(y=pumCW.P), + eleHWP(y=pumHW.P), + eleCT(y=cooTow.PFan), + gasBoi(y=boi.QFue_flow)); + + parameter Buildings.Fluid.Movers.Data.Generic[numChi] perPumPri( + each pressure=Buildings.Fluid.Movers.BaseClasses.Characteristics.flowParameters( + V_flow=m2_flow_chi_nominal/1000*{0.2,0.6,1.0,1.2}, + dp=(dp2_chi_nominal+dp2_wse_nominal+139700+36000)*{1.5,1.3,1.0,0.6})) + "Performance data for primary pumps"; + + FiveZone.Controls.CoolingMode cooModCon( + tWai=1200, + deaBan1=1.1, + deaBan2=0.5, + deaBan3=1.1, + deaBan4=0.5) "Cooling mode controller" + annotation (Placement(transformation(extent={{1028,-266},{1048,-246}}))); + Modelica.Blocks.Sources.RealExpression towTApp(y=cooTow.TWatOut_nominal - + cooTow.TAirInWB_nominal) + "Cooling tower approach temperature" + annotation (Placement(transformation(extent={{988,-300},{1008,-280}}))); + Modelica.Blocks.Sources.RealExpression yVal5(y=if cooModCon.y == Integer(FiveZone.Types.CoolingModes.FullMechanical) + then 1 else 0) + "On/off signal for valve 5" + annotation (Placement(transformation(extent={{1060,-192},{1040,-172}}))); + Modelica.Blocks.Sources.RealExpression yVal6(y=if cooModCon.y == Integer(FiveZone.Types.CoolingModes.FreeCooling) + then 1 else 0) + "On/off signal for valve 6" + annotation (Placement(transformation(extent={{1060,-208},{1040,-188}}))); + Buildings.Controls.OBC.CDL.Continuous.Product proCHWP + annotation (Placement(transformation(extent={{1376,-260},{1396,-240}}))); + + FiveZone.Controls.PlantRequest plaReqChi + annotation (Placement(transformation(extent={{1044,-120},{1064,-100}}))); + FiveZone.Controls.ChillerPlantEnableDisable chiPlaEnaDis(yFanSpeMin=0.15, + plaReqTim=30*60) + annotation (Placement(transformation(extent={{1100,-120},{1120,-100}}))); + Modelica.Blocks.Math.BooleanToReal booToRea + annotation (Placement(transformation(extent={{1168,-126},{1188,-106}}))); + Buildings.Controls.OBC.CDL.Routing.BooleanReplicator booRepSupFan(final nout= + numZon) "Replicate boolean input" + annotation (Placement(transformation(extent={{500,634},{520,654}}))); + FiveZone.Controls.BoilerPlantEnableDisable boiPlaEnaDis( + yFanSpeMin=0.15, + plaReqTim=30*60, + TOutPla=291.15) + annotation (Placement(transformation(extent={{-278,-170},{-258,-150}}))); + Modelica.Blocks.Math.BooleanToReal booToReaHW + annotation (Placement(transformation(extent={{-218,-170},{-198,-150}}))); + FiveZone.Controls.PlantRequest plaReqBoi + annotation (Placement(transformation(extent={{-320,-170},{-300,-150}}))); + Buildings.Controls.OBC.CDL.Continuous.Product proHWVal + annotation (Placement(transformation(extent={{40,-190},{60,-170}}))); + Buildings.Controls.OBC.CDL.Continuous.Product proCHWVal + annotation (Placement(transformation(extent={{468,-118},{488,-98}}))); + + Buildings.Utilities.IO.SignalExchange.Overwrite oveActTCHWSup(description="chilled water supply temperature setpoint", u( + unit="K", + min=273.15 + 5, + max=273.15 + 10)) + "Overwrite the chilled water supply temperature setpoint" + annotation (Placement(transformation(extent={{1132,-280},{1152,-260}}))); + Buildings.Utilities.IO.SignalExchange.Read PHVAC(description="total HVAC power", + KPIs=Buildings.Utilities.IO.SignalExchange.SignalTypes.SignalsForKPIs.ElectricPower, + y(unit="W")) + "Read the total HVAC power" + annotation (Placement(transformation(extent={{1320,694},{1340,714}}))); + Buildings.Utilities.IO.SignalExchange.Read PGas(description="total gas power", + KPIs=Buildings.Utilities.IO.SignalExchange.SignalTypes.SignalsForKPIs.GasPower, + y(unit="W")) "Read the total gas power" + annotation (Placement(transformation(extent={{1320,530},{1340,550}}))); + Buildings.Utilities.IO.SignalExchange.Read dtTZonAir( + description=" total zone air temperature deviation", + KPIs=Buildings.Utilities.IO.SignalExchange.SignalTypes.SignalsForKPIs.AirZoneTemperature, + y(unit="K")) "Read the total zone air temperature deviation" + annotation (Placement(transformation(extent={{1320,438},{1340,458}}))); + + Buildings.Utilities.IO.SignalExchange.Read TOutAir( + description=" outdoor air temperature", + KPIs=Buildings.Utilities.IO.SignalExchange.SignalTypes.SignalsForKPIs.None, + y(unit="K")) "Read the outdoor air temperature" + annotation (Placement(transformation(extent={{-300,120},{-280,140}}))); + + Buildings.Utilities.IO.SignalExchange.Read GHI( + description=" global horizontal solar radiation", + KPIs=Buildings.Utilities.IO.SignalExchange.SignalTypes.SignalsForKPIs.None, + y(unit="W/m2")) "Read the global horizontal solar radiation" + annotation (Placement(transformation(extent={{-300,80},{-280,100}}))); + + Buildings.Utilities.Math.Min minyDam(nin=5) + "Computes lowest zone damper position" + annotation (Placement(transformation(extent={{1220,280},{1240,300}}))); + Buildings.Utilities.Math.Max maxyDam(nin=5) + annotation (Placement(transformation(extent={{1220,242},{1240,262}}))); + Buildings.Utilities.IO.SignalExchange.Read yDamMin( + description=" minimum zone air damper position", + KPIs=Buildings.Utilities.IO.SignalExchange.SignalTypes.SignalsForKPIs.None, + y(unit="1")) "Read the minimum zone air damper position" + annotation (Placement(transformation(extent={{1260,280},{1280,300}}))); + + Buildings.Utilities.IO.SignalExchange.Read yDamMax( + description=" maximum zone air damper position", + KPIs=Buildings.Utilities.IO.SignalExchange.SignalTypes.SignalsForKPIs.None, + y(unit="1")) "Read the maximum zone air damper position" + annotation (Placement(transformation(extent={{1260,242},{1280,262}}))); + + Buildings.Utilities.IO.SignalExchange.Read yWatVal( + description=" chilled water valve position", + KPIs=Buildings.Utilities.IO.SignalExchange.SignalTypes.SignalsForKPIs.None, + y(unit="1")) "Read the chilled water valve position" + annotation (Placement(transformation(extent={{468,-164},{488,-144}}))); + + Buildings.Utilities.IO.SignalExchange.Read yCooTowFan( + description="cooling tower fan speed", + KPIs=Buildings.Utilities.IO.SignalExchange.SignalTypes.SignalsForKPIs.None, + y(unit="1")) "Read the cooling tower fan speed" + annotation (Placement(transformation(extent={{740,-380},{760,-360}}))); + + Buildings.Utilities.IO.SignalExchange.Read yFanSpe( + description=" fan speed", + KPIs=Buildings.Utilities.IO.SignalExchange.SignalTypes.SignalsForKPIs.None, + y(unit="1")) "Read the fan speed" + annotation (Placement(transformation(extent={{300,-120},{320,-100}}))); + + equation + + connect(chiWSE.TCHWSupWSE,cooModCon. TCHWSupWSE) + annotation (Line( + points={{673,-212},{666,-212},{666,-76},{1016,-76},{1016,-260.444},{ + 1026,-260.444}}, + color={0,0,127})); + connect(towTApp.y,cooModCon. TApp) + annotation (Line( + points={{1009,-290},{1018,-290},{1018,-257.111},{1026,-257.111}}, + color={0,0,127})); + connect(cooModCon.TCHWRetWSE, TCHWRet.T) + annotation (Line( + points={{1026,-263.778},{1014,-263.778},{1014,-66},{608,-66},{608,-177}}, + color={0,0,127})); + connect(cooModCon.y, chiStaCon.cooMod) + annotation (Line( + points={{1049,-254.889},{1072,-254.889},{1072,-66},{1270,-66},{1270, + -122},{1284,-122}}, + color={255,127,0})); + connect(cooModCon.y,intToBoo.u) + annotation (Line( + points={{1049,-254.889},{1072,-254.889},{1072,-66},{1270,-66},{1270, + -154},{1284,-154}}, + color={255,127,0})); + connect(cooModCon.y, cooTowSpeCon.cooMod) annotation (Line(points={{1049, + -254.889},{1072,-254.889},{1072,-66},{1270,-66},{1270,-93.5556},{ + 1284,-93.5556}}, color={255,127,0})); + connect(cooModCon.y, CWPumCon.cooMod) annotation (Line(points={{1049, + -254.889},{1072,-254.889},{1072,-66},{1270,-66},{1270,-201},{1282, + -201}}, color={255,127,0})); + connect(yVal5.y, chiWSE.yVal5) annotation (Line(points={{1039,-182},{864,-182}, + {864,-211},{695.6,-211}}, + color={0,0,127})); + connect(watVal.port_a, cooCoi.port_b1) annotation (Line(points={{538,-98},{538, + -86},{182,-86},{182,-52},{190,-52}}, + color={0,127,255}, + thickness=0.5)); + connect(cooCoi.port_a1, TCHWSup.port_b) annotation (Line(points={{210,-52},{220, + -52},{220,-78},{642,-78},{642,-128},{758,-128}}, + color={0,127,255}, + thickness=0.5)); + connect(proCHWP.y, chiWSE.yPum[1]) annotation (Line(points={{1398,-250},{1404, + -250},{1404,-340},{704,-340},{704,-203.6},{695.6,-203.6}}, + color={0,0,127})); + connect(weaBus.TWetBul, cooModCon.TWetBul) annotation (Line( + points={{-320,180},{-320,22},{436,22},{436,-60},{1008,-60},{1008, + -253.778},{1026,-253.778}}, + color={255,204,51}, + thickness=0.5), Text( + string="%first", + index=-1, + extent={{-6,3},{-6,3}}, + horizontalAlignment=TextAlignment.Right)); + connect(weaBus.TWetBul, cooTow.TAir) annotation (Line( + points={{-320,180},{-320,24},{434,24},{434,-60},{724,-60},{724,-312},{736, + -312}}, + color={255,204,51}, + thickness=0.5), Text( + string="%first", + index=-1, + extent={{-6,3},{-6,3}}, + horizontalAlignment=TextAlignment.Right)); + connect(TCWSup.T, cooTowSpeCon.TCWSup) annotation (Line(points={{828,-305}, + {828,-64},{1274,-64},{1274,-100.667},{1284,-100.667}}, + color={0,0,127})); + connect(TCHWSup.T, cooTowSpeCon.TCHWSup) annotation (Line(points={{768,-117}, + {768,-64},{1272,-64},{1272,-104.222},{1284,-104.222}}, + color={0,0,127})); + connect(pumSpe.y, proCHWP.u2) annotation (Line(points={{1361,-248},{1366,-248}, + {1366,-256},{1374,-256}}, + color={0,0,127})); + connect(watVal.y_actual, temDifPreRes.u) annotation (Line(points={{531,-113},{ + 530,-113},{530,-122},{518,-122},{518,-72},{964,-72},{964,-242},{1088,-242}}, + color={0,0,127})); + connect(cooModCon.y, temDifPreRes.uOpeMod) annotation (Line(points={{1049, + -254.889},{1072,-254.889},{1072,-236},{1088,-236}}, + color={255,127,0})); + connect(TOut.y, chiPlaEnaDis.TOut) annotation (Line(points={{-279,180},{1078, + 180},{1078,-105.4},{1098,-105.4}}, + color={0,0,127})); + connect(chiPlaEnaDis.ySupFan, conAHU.ySupFan) annotation (Line(points={{1098, + -110},{1076,-110},{1076,629.333},{424,629.333}}, color={ + 255,0,255})); + connect(cooModCon.yPla, chiPlaEnaDis.yPla) annotation (Line(points={{1026, + -247.333},{1022,-247.333},{1022,-70},{1142,-70},{1142,-110},{1121, + -110}}, color={255,0,255})); + connect(gai.y, pumCW.y) annotation (Line(points={{1347,-206},{1400,-206},{1400, + -342},{880,-342},{880,-288},{898,-288}}, color={0,0,127})); + connect(cooTowSpeCon.y, cooTow.y) annotation (Line(points={{1307,-97.1111}, + {1402,-97.1111},{1402,-344},{722,-344},{722,-308},{736,-308}}, + color={0, + 0,127})); + connect(chiOn.y, chiWSE.on[1]) annotation (Line(points={{1347,-128},{1408,-128}, + {1408,-338},{868,-338},{868,-215.6},{695.6,-215.6}}, + color={255,0,255})); + connect(chiPlaEnaDis.yPla, booToRea.u) + annotation (Line(points={{1121,-110},{1142,-110},{1142,-116},{1166,-116}}, + color={255,0,255})); + connect(booToRea.y, proCHWP.u1) annotation (Line(points={{1189,-116},{1246,-116}, + {1246,-64},{1368,-64},{1368,-244},{1374,-244}}, + color={0,0,127})); + connect(booToRea.y, val.y) annotation (Line(points={{1189,-116},{1246,-116},{1246, + -174},{1420,-174},{1420,-342},{620,-342},{620,-296},{646,-296},{646,-304}}, + color={0,0, + 127})); + connect(conAHU.ySupFan, andFreSta.u2) annotation (Line(points={{424,629.333}, + {436,629.333},{436,658},{-50,658},{-50,-138},{-22,-138}}, + color={255,0,255})); + connect(heaCoi.port_b1, HWVal.port_a) + annotation (Line(points={{98,-52},{98,-170},{98,-170}},color={238,46,47}, + thickness=0.5)); + connect(boiPlaEnaDis.yPla, booToReaHW.u) + annotation (Line(points={{-257,-160},{-220,-160}}, color={255,0,255})); + connect(booToReaHW.y, boiIsoVal.y) annotation (Line(points={{-197,-160},{-182, + -160},{-182,-360},{242,-360},{242,-300},{292,-300},{292,-308}}, + color={0,0,127})); + connect(booToReaHW.y, proPumHW.u1) annotation (Line(points={{-197,-160},{-178, + -160},{-178,-72},{-98,-72},{-98,-210},{-42,-210},{-42,-308},{-34,-308}}, + color={0,0,127})); + connect(booToReaHW.y, proBoi.u1) annotation (Line(points={{-197,-160},{-184,-160}, + {-184,-82},{-96,-82},{-96,-208},{-40,-208},{-40,-266},{-34,-266}}, + color={0,0,127})); + connect(boiPlaEnaDis.yPla, pumSpeHW.trigger) annotation (Line(points={{-257,-160}, + {-240,-160},{-240,-82},{-92,-82},{-92,-338},{-68,-338},{-68,-332}}, + color={255,0, + 255})); + connect(boiPlaEnaDis.yPla, minFloBypHW.yPla) annotation (Line(points={{-257,-160}, + {-240,-160},{-240,-80},{-92,-80},{-92,-251},{-76,-251}}, color={255,0, + 255})); + connect(cooModCon.yPla, pumSpe.trigger) annotation (Line(points={{1026, + -247.333},{1022,-247.333},{1022,-336},{1342,-336},{1342,-260}}, color= + {255,0,255})); + connect(THWSup.port_a, heaCoi.port_a1) annotation (Line(points={{350,-214},{350, + -140},{142,-140},{142,-52},{118,-52}}, color={238,46,47}, + thickness=0.5)); + connect(wseOn.y, chiWSE.on[2]) annotation (Line(points={{1347,-154},{1408,-154}, + {1408,-338},{866,-338},{866,-215.6},{695.6,-215.6}}, + color={255,0,255})); + connect(boiPlaEnaDis.yPla, boiTSup.trigger) annotation (Line(points={{-257,-160}, + {-238,-160},{-238,-78},{-92,-78},{-92,-292},{-72,-292},{-72,-290}}, + color={255,0, + 255})); + connect(plaReqChi.yPlaReq, chiPlaEnaDis.yPlaReq) annotation (Line(points={{1065, + -110},{1072,-110},{1072,-114},{1098,-114}}, color={255,127,0})); + connect(swiFreSta.y, plaReqBoi.uPlaVal) annotation (Line(points={{42,-130},{58, + -130},{58,-70},{-250,-70},{-250,-120},{-340,-120},{-340,-160},{-322,-160}}, + color={0,0, + 127})); + connect(minFloBypHW.y, valBypBoi.y) annotation (Line(points={{-53,-248},{-44,-248}, + {-44,-358},{178,-358},{178,-230},{230,-230},{230,-240}}, + color={0,0,127})); + connect(plaReqBoi.yPlaReq, boiPlaEnaDis.yPlaReq) annotation (Line(points={{-299, + -160},{-290,-160},{-290,-164},{-280,-164}}, color={255,127,0})); + connect(boiPlaEnaDis.yPla, triResHW.uDevSta) annotation (Line(points={{-257,-160}, + {-240,-160},{-240,-80},{-182,-80},{-182,-221},{-160,-221}}, + color={255,0,255})); + connect(TOut.y, boiPlaEnaDis.TOut) annotation (Line(points={{-279,180},{-260, + 180},{-260,-68},{-252,-68},{-252,-118},{-288,-118},{-288,-155.4},{ + -280,-155.4}}, + color={0,0,127})); + connect(conAHU.ySupFan, boiPlaEnaDis.ySupFan) annotation (Line(points={{424, + 629.333},{436,629.333},{436,658},{-258,658},{-258,-110},{-292,-110}, + {-292,-160},{-280,-160}}, + color={255,0,255})); + connect(swiFreSta.y, proHWVal.u1) annotation (Line(points={{42,-130},{48,-130}, + {48,-156},{22,-156},{22,-174},{38,-174}}, color={0,0,127})); + connect(proHWVal.y, HWVal.y) + annotation (Line(points={{62,-180},{86,-180}}, color={0,0,127})); + connect(booToReaHW.y, proHWVal.u2) annotation (Line(points={{-197,-160},{-94,-160}, + {-94,-186},{38,-186}}, color={0,0,127})); + connect(proCHWVal.y, watVal.y) + annotation (Line(points={{490,-108},{526,-108}}, color={0,0,127})); + connect(booToRea.y, proCHWVal.u2) annotation (Line(points={{1189,-116},{1228,-116}, + {1228,-74},{436,-74},{436,-114},{466,-114}}, color={0,0,127})); + connect(plaReqChi.uPlaVal, conAHU.yCoo) annotation (Line(points={{1042,-110},{ + 1016,-110},{1016,-72},{388,-72},{388,44},{448,44},{448,544},{424,544}}, + color={0,0,127})); + connect(conAHU.yCoo, proCHWVal.u1) annotation (Line(points={{424,544},{450,544}, + {450,-102},{466,-102}}, color={0,0,127})); + connect(fanSup.y_actual, chiPlaEnaDis.yFanSpe) annotation (Line(points={{321, + -33},{382,-33},{382,-68},{1080,-68},{1080,-117},{1099,-117}}, color={ + 0,0,127})); + connect(fanSup.y_actual, boiPlaEnaDis.yFanSpe) annotation (Line(points={{321, + -33},{384,-33},{384,28},{16,28},{16,-66},{-256,-66},{-256,-124},{-294, + -124},{-294,-167},{-279,-167}}, color={0,0,127})); + connect(yVal6.y, chiWSE.yVal6) annotation (Line(points={{1039,-198},{866,-198}, + {866,-207.8},{695.6,-207.8}}, color={0,0,127})); + connect(temDifPreRes.TSet, oveActTCHWSup.u) annotation (Line(points={{1111,-247}, + {1116,-247},{1116,-270},{1130,-270}}, color={0,0,127})); + connect(oveActTCHWSup.y, chiWSE.TSet) annotation (Line(points={{1153,-270},{1162, + -270},{1162,-336},{872,-336},{872,-218.8},{695.6,-218.8}}, color={0,0, + 127})); + connect(oveActTCHWSup.y, cooTowSpeCon.TCHWSupSet) annotation (Line(points={{1153, + -270},{1162,-270},{1162,-66},{1272,-66},{1272,-98},{1278,-98},{1278, + -97.1111},{1284,-97.1111}}, + color={0,0,127})); + connect(oveActTCHWSup.y, cooModCon.TCHWSupSet) annotation (Line(points={{1153, + -270},{1160,-270},{1160,-312},{1020,-312},{1020,-250.222},{1026, + -250.222}}, + color={0,0,127})); + connect(gasBoi.y, PGas.u) + annotation (Line(points={{1245,554},{1282,554},{1282,540},{1318,540}}, + color={0,0,127})); + connect(flo.TRooAir, banDevSum.u1) annotation (Line(points={{1094.14, + 491.333},{1165.07,491.333},{1165.07,490},{1238,490}}, color={0,0,127})); + connect(conAHU.ySupFan, booRepSupFan.u) annotation (Line(points={{424, + 629.333},{467,629.333},{467,644},{498,644}}, + color={255,0,255})); + connect(booRepSupFan.y, banDevSum.uSupFan) annotation (Line(points={{522,644}, + {580,644},{580,656},{1154,656},{1154,484},{1238,484}}, color={ + 255,0,255})); + connect(eleTot.y, PHVAC.u) + annotation (Line(points={{1301.02,704},{1318,704}}, color={0,0,127})); + connect(TAirDev.y, dtTZonAir.u) annotation (Line(points={{1295.02,490},{ + 1300,490},{1300,448},{1318,448}}, color={0,0,127})); + connect(TOutAir.u, weaBus.TDryBul) annotation (Line(points={{-302,130},{ + -312,130},{-312,180},{-320,180}}, color={0,0,127}), Text( + string="%second", + index=1, + extent={{-6,3},{-6,3}}, + horizontalAlignment=TextAlignment.Right)); + connect(GHI.u, weaBus.HGloHor) annotation (Line(points={{-302,90},{-314,90}, + {-314,180},{-320,180}}, color={0,0,127}), Text( + string="%second", + index=1, + extent={{-6,3},{-6,3}}, + horizontalAlignment=TextAlignment.Right)); + connect(cor.y_actual, minyDam.u[1]) annotation (Line( + points={{612,58},{616,58},{616,288.4},{1218,288.4}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(cor.y_actual, maxyDam.u[1]) annotation (Line( + points={{612,58},{622,58},{622,250.4},{1218,250.4}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(sou.y_actual, minyDam.u[2]) annotation (Line( + points={{792,56},{800,56},{800,54},{806,54},{806,289.2},{1218,289.2}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(sou.y_actual, maxyDam.u[2]) annotation (Line( + points={{792,56},{830,56},{830,251.2},{1218,251.2}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(eas.y_actual, minyDam.u[3]) annotation (Line( + points={{972,56},{994,56},{994,290},{1218,290}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(eas.y_actual, maxyDam.u[3]) annotation (Line( + points={{972,56},{984,56},{984,252},{1218,252}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(nor.y_actual, minyDam.u[4]) annotation (Line( + points={{1132,56},{1142,56},{1142,290},{1218,290},{1218,290.8}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(nor.y_actual, maxyDam.u[4]) annotation (Line( + points={{1132,56},{1148,56},{1148,252.8},{1218,252.8}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(wes.y_actual, minyDam.u[5]) annotation (Line( + points={{1332,56},{1360,56},{1360,198},{1164,198},{1164,291.6},{1218, + 291.6}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(wes.y_actual, maxyDam.u[5]) annotation (Line( + points={{1332,56},{1356,56},{1356,204},{1170,204},{1170,253.6},{1218, + 253.6}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(minyDam.y, yDamMin.u) + annotation (Line(points={{1241,290},{1258,290}}, color={0,0,127})); + connect(maxyDam.y, yDamMax.u) + annotation (Line(points={{1241,252},{1258,252}}, color={0,0,127})); + connect(watVal.y_actual, yWatVal.u) annotation (Line(points={{531,-113},{ + 531,-128},{450,-128},{450,-154},{466,-154}}, color={0,0,127})); + connect(cooTow.y, yCooTowFan.u) annotation (Line(points={{736,-308},{720, + -308},{720,-370},{738,-370}}, color={0,0,127})); + connect(yFanSpe.u, fanSup.y) annotation (Line(points={{298,-110},{270,-110}, + {270,-16},{310,-16},{310,-28}}, color={0,0,127})); + annotation ( + Diagram(coordinateSystem(preserveAspectRatio=false, extent={{-400,-400},{1440, + 750}})), + experiment( + StartTime=17625600, + StopTime=18230400, + __Dymola_Algorithm="Cvode")); + end SystemBaseline; + + model SystemCoolSeasonBaseline + extends SystemBaseline( + flo( + cor(T_start=273.15 + 24), + sou(T_start=273.15 + 24), + eas(T_start=273.15 + 24), + wes(T_start=273.15 + 24), + nor(T_start=273.15 + 24)), boiPlaEnaDis(tWai=10*60)); + annotation (experiment( + StartTime=17625600, + StopTime=18230400, + Tolerance=1e-06, + __Dymola_Algorithm="Cvode")); + end SystemCoolSeasonBaseline; + + model wrappedcool "Wrapped model for cooling case" + // Input overwrite + Modelica.Blocks.Interfaces.RealInput oveAct_TSupSet(unit="K", min=273.15+12, max=273.15+18) "Supply air temperature setpoint"; + Modelica.Blocks.Interfaces.RealInput oveAct_TCHWSupSet(unit="K", min=273.15+5, max=273.15+10) "Supply chilled water temperature setpoint"; + Modelica.Blocks.Interfaces.RealInput oveAct_dpSet(unit="Pa") "Supply chilled water temperature setpoint"; + // Out read + Modelica.Blocks.Interfaces.RealOutput TZoneAirDev_y(unit="K") = modCoo.dtTZonAir.y "Total zone air temperature deviation"; + Modelica.Blocks.Interfaces.RealOutput TOutAir_y(unit="K") = modCoo.TOutAir.y "Outdoor air temperature"; + Modelica.Blocks.Interfaces.RealOutput GHI_y(unit="W/m2") = modCoo.GHI.y "Global horizontal solar radiation"; + Modelica.Blocks.Interfaces.RealOutput PHVAC_y(unit="W") = modCoo.PHVAC.y "Total HVAC power"; + Modelica.Blocks.Interfaces.RealOutput yFanSpe_y(unit="1") = modCoo.yFanSpe.y "AHU fan speed"; + Modelica.Blocks.Interfaces.RealOutput yDamMax_y(unit="1") = modCoo.yDamMax.y "Maximum zone air damper position"; + Modelica.Blocks.Interfaces.RealOutput yDamMin_y(unit="1") = modCoo.yDamMin.y "Minimum zone air damper position"; + Modelica.Blocks.Interfaces.RealOutput yWatVal_y(unit="1") = modCoo.yWatVal.y "Chilled water valve position"; + Modelica.Blocks.Interfaces.RealOutput yCooTowFan_y(unit="1") = modCoo.yCooTowFan.y "Cooling tower fan speed"; + // Original model + FiveZone.SystemCoolSeasonBaseline modCoo( + conAHU(supTemSetPoi(oveActTAirSup(uExt(y=oveAct_TSupSet),activate(y=true)))), + oveActTCHWSup(uExt(y=oveAct_TCHWSupSet),activate(y=true)), + oveActdp(uExt(y=oveAct_dpSet),activate(y=true))) "Original model with overwrites"; + annotation (Icon(coordinateSystem(preserveAspectRatio=false)), Diagram( + coordinateSystem(preserveAspectRatio=false))); + end wrappedcool; + + package VAVReheat "Variable air volume flow system with terminal reheat and five thermal zone" + extends Modelica.Icons.ExamplesPackage; + + model Guideline36 + "Variable air volume flow system with terminal reheat and five thermal zones" + extends Modelica.Icons.Example; + extends FiveZone.VAVReheat.BaseClasses.PartialOpenLoop; + + parameter Modelica.SIunits.VolumeFlowRate VPriSysMax_flow=m_flow_nominal/1.2 + "Maximum expected system primary airflow rate at design stage"; + parameter Modelica.SIunits.VolumeFlowRate minZonPriFlo[numZon]={ + mCor_flow_nominal,mSou_flow_nominal,mEas_flow_nominal,mNor_flow_nominal, + mWes_flow_nominal}/1.2 "Minimum expected zone primary flow rate"; + parameter Modelica.SIunits.Time samplePeriod=120 + "Sample period of component, set to the same value as the trim and respond that process yPreSetReq"; + parameter Modelica.SIunits.PressureDifference dpDisRetMax=40 + "Maximum return fan discharge static pressure setpoint"; + + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVCor( + V_flow_nominal=mCor_flow_nominal/1.2, + AFlo=AFloCor, + final samplePeriod=samplePeriod) "Controller for terminal unit corridor" + annotation (Placement(transformation(extent={{530,32},{550,52}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVSou( + V_flow_nominal=mSou_flow_nominal/1.2, + AFlo=AFloSou, + final samplePeriod=samplePeriod) "Controller for terminal unit south" + annotation (Placement(transformation(extent={{700,30},{720,50}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVEas( + V_flow_nominal=mEas_flow_nominal/1.2, + AFlo=AFloEas, + final samplePeriod=samplePeriod) "Controller for terminal unit east" + annotation (Placement(transformation(extent={{880,30},{900,50}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVNor( + V_flow_nominal=mNor_flow_nominal/1.2, + AFlo=AFloNor, + final samplePeriod=samplePeriod) "Controller for terminal unit north" + annotation (Placement(transformation(extent={{1040,30},{1060,50}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVWes( + V_flow_nominal=mWes_flow_nominal/1.2, + AFlo=AFloWes, + final samplePeriod=samplePeriod) "Controller for terminal unit west" + annotation (Placement(transformation(extent={{1240,28},{1260,48}}))); + Modelica.Blocks.Routing.Multiplex5 TDis "Discharge air temperatures" + annotation (Placement(transformation(extent={{220,270},{240,290}}))); + Modelica.Blocks.Routing.Multiplex5 VDis_flow + "Air flow rate at the terminal boxes" + annotation (Placement(transformation(extent={{220,230},{240,250}}))); + Buildings.Controls.OBC.CDL.Integers.MultiSum TZonResReq(nin=5) + "Number of zone temperature requests" + annotation (Placement(transformation(extent={{300,360},{320,380}}))); + Buildings.Controls.OBC.CDL.Integers.MultiSum PZonResReq(nin=5) + "Number of zone pressure requests" + annotation (Placement(transformation(extent={{300,330},{320,350}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant yOutDam(k=1) + "Outdoor air damper control signal" + annotation (Placement(transformation(extent={{-40,-20},{-20,0}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swiFreSta "Switch for freeze stat" + annotation (Placement(transformation(extent={{60,-202},{80,-182}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant freStaSetPoi1( + final k=273.15 + 3) "Freeze stat for heating coil" + annotation (Placement(transformation(extent={{-40,-96},{-20,-76}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant yFreHeaCoi(final k=1) + "Flow rate signal for heating coil when freeze stat is on" + annotation (Placement(transformation(extent={{0,-192},{20,-172}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.ModeAndSetPoints TZonSet[ + numZon]( + final TZonHeaOn=fill(THeaOn, numZon), + final TZonHeaOff=fill(THeaOff, numZon), + final TZonCooOff=fill(TCooOff, numZon)) "Zone setpoint temperature" + annotation (Placement(transformation(extent={{60,300},{80,320}}))); + Buildings.Controls.OBC.CDL.Routing.BooleanReplicator booRep( + final nout=numZon) + "Replicate boolean input" + annotation (Placement(transformation(extent={{-120,280},{-100,300}}))); + Buildings.Controls.OBC.CDL.Routing.RealReplicator reaRep( + final nout=numZon) + "Replicate real input" + annotation (Placement(transformation(extent={{-120,320},{-100,340}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.Controller conAHU( + final pMaxSet=410, + final yFanMin=yFanMin, + final VPriSysMax_flow=VPriSysMax_flow, + final peaSysPop=1.2*sum({0.05*AFlo[i] for i in 1:numZon})) "AHU controller" + annotation (Placement(transformation(extent={{340,512},{420,640}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.OutdoorAirFlow.Zone + zonOutAirSet[numZon]( + final AFlo=AFlo, + final have_occSen=fill(false, numZon), + final have_winSen=fill(false, numZon), + final desZonPop={0.05*AFlo[i] for i in 1:numZon}, + final minZonPriFlo=minZonPriFlo) + "Zone level calculation of the minimum outdoor airflow setpoint" + annotation (Placement(transformation(extent={{220,580},{240,600}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.OutdoorAirFlow.SumZone + zonToSys(final numZon=numZon) "Sum up zone calculation output" + annotation (Placement(transformation(extent={{280,570},{300,590}}))); + Buildings.Controls.OBC.CDL.Routing.RealReplicator reaRep1(final nout=numZon) + "Replicate design uncorrected minimum outdoor airflow setpoint" + annotation (Placement(transformation(extent={{460,580},{480,600}}))); + Buildings.Controls.OBC.CDL.Routing.BooleanReplicator booRep1(final nout=numZon) + "Replicate signal whether the outdoor airflow is required" + annotation (Placement(transformation(extent={{460,550},{480,570}}))); + + equation + connect(fanSup.port_b, dpDisSupFan.port_a) annotation (Line( + points={{320,-40},{320,0},{320,-10},{320,-10}}, + color={0,0,0}, + smooth=Smooth.None, + pattern=LinePattern.Dot)); + connect(conVAVCor.TZon, TRooAir.y5[1]) annotation (Line( + points={{528,42},{520,42},{520,162},{511,162}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(conVAVSou.TZon, TRooAir.y1[1]) annotation (Line( + points={{698,40},{690,40},{690,40},{680,40},{680,178},{511,178}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(TRooAir.y2[1], conVAVEas.TZon) annotation (Line( + points={{511,174},{868,174},{868,40},{878,40}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(TRooAir.y3[1], conVAVNor.TZon) annotation (Line( + points={{511,170},{1028,170},{1028,40},{1038,40}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(TRooAir.y4[1], conVAVWes.TZon) annotation (Line( + points={{511,166},{1220,166},{1220,38},{1238,38}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(conVAVCor.TDis, TSupCor.T) annotation (Line(points={{528,36},{522,36}, + {522,40},{514,40},{514,92},{569,92}}, color={0,0,127})); + connect(TSupSou.T, conVAVSou.TDis) annotation (Line(points={{749,92},{688,92}, + {688,34},{698,34}}, color={0,0,127})); + connect(TSupEas.T, conVAVEas.TDis) annotation (Line(points={{929,90},{872,90}, + {872,34},{878,34}}, color={0,0,127})); + connect(TSupNor.T, conVAVNor.TDis) annotation (Line(points={{1089,94},{1032, + 94},{1032,34},{1038,34}}, color={0,0,127})); + connect(TSupWes.T, conVAVWes.TDis) annotation (Line(points={{1289,90},{1228, + 90},{1228,32},{1238,32}}, color={0,0,127})); + connect(cor.yVAV, conVAVCor.yDam) annotation (Line(points={{566,50},{556,50},{ + 556,48},{552,48}}, color={0,0,127})); + connect(cor.yVal, conVAVCor.yVal) annotation (Line(points={{566,34},{560,34},{ + 560,43},{552,43}}, color={0,0,127})); + connect(conVAVSou.yDam, sou.yVAV) annotation (Line(points={{722,46},{730,46},{ + 730,48},{746,48}}, color={0,0,127})); + connect(conVAVSou.yVal, sou.yVal) annotation (Line(points={{722,41},{732.5,41}, + {732.5,32},{746,32}}, color={0,0,127})); + connect(conVAVEas.yVal, eas.yVal) annotation (Line(points={{902,41},{912.5,41}, + {912.5,32},{926,32}}, color={0,0,127})); + connect(conVAVEas.yDam, eas.yVAV) annotation (Line(points={{902,46},{910,46},{ + 910,48},{926,48}}, color={0,0,127})); + connect(conVAVNor.yDam, nor.yVAV) annotation (Line(points={{1062,46},{1072.5,46}, + {1072.5,48},{1086,48}}, color={0,0,127})); + connect(conVAVNor.yVal, nor.yVal) annotation (Line(points={{1062,41},{1072.5,41}, + {1072.5,32},{1086,32}}, color={0,0,127})); + connect(conVAVWes.yVal, wes.yVal) annotation (Line(points={{1262,39},{1272.5,39}, + {1272.5,32},{1286,32}}, color={0,0,127})); + connect(wes.yVAV, conVAVWes.yDam) annotation (Line(points={{1286,48},{1274,48}, + {1274,44},{1262,44}}, color={0,0,127})); + connect(conVAVCor.yZonTemResReq, TZonResReq.u[1]) annotation (Line(points={{552,38}, + {554,38},{554,220},{280,220},{280,375.6},{298,375.6}}, color= + {255,127,0})); + connect(conVAVSou.yZonTemResReq, TZonResReq.u[2]) annotation (Line(points={{722,36}, + {726,36},{726,220},{280,220},{280,372.8},{298,372.8}}, color= + {255,127,0})); + connect(conVAVEas.yZonTemResReq, TZonResReq.u[3]) annotation (Line(points={{902,36}, + {904,36},{904,220},{280,220},{280,370},{298,370}}, color={255, + 127,0})); + connect(conVAVNor.yZonTemResReq, TZonResReq.u[4]) annotation (Line(points={{1062,36}, + {1064,36},{1064,220},{280,220},{280,367.2},{298,367.2}}, + color={255,127,0})); + connect(conVAVWes.yZonTemResReq, TZonResReq.u[5]) annotation (Line(points={{1262,34}, + {1266,34},{1266,220},{280,220},{280,364.4},{298,364.4}}, + color={255,127,0})); + connect(conVAVCor.yZonPreResReq, PZonResReq.u[1]) annotation (Line(points={{552,34}, + {558,34},{558,214},{288,214},{288,345.6},{298,345.6}}, color= + {255,127,0})); + connect(conVAVSou.yZonPreResReq, PZonResReq.u[2]) annotation (Line(points={{722,32}, + {728,32},{728,214},{288,214},{288,342.8},{298,342.8}}, color= + {255,127,0})); + connect(conVAVEas.yZonPreResReq, PZonResReq.u[3]) annotation (Line(points={{902,32}, + {906,32},{906,214},{288,214},{288,340},{298,340}}, color={255, + 127,0})); + connect(conVAVNor.yZonPreResReq, PZonResReq.u[4]) annotation (Line(points={{1062,32}, + {1066,32},{1066,214},{288,214},{288,337.2},{298,337.2}}, + color={255,127,0})); + connect(conVAVWes.yZonPreResReq, PZonResReq.u[5]) annotation (Line(points={{1262,30}, + {1268,30},{1268,214},{288,214},{288,334.4},{298,334.4}}, + color={255,127,0})); + connect(VSupCor_flow.V_flow, VDis_flow.u1[1]) annotation (Line(points={{569,130}, + {472,130},{472,206},{180,206},{180,250},{218,250}}, color={0,0, + 127})); + connect(VSupSou_flow.V_flow, VDis_flow.u2[1]) annotation (Line(points={{749,130}, + {742,130},{742,206},{180,206},{180,245},{218,245}}, color={0,0, + 127})); + connect(VSupEas_flow.V_flow, VDis_flow.u3[1]) annotation (Line(points={{929,128}, + {914,128},{914,206},{180,206},{180,240},{218,240}}, color={0,0, + 127})); + connect(VSupNor_flow.V_flow, VDis_flow.u4[1]) annotation (Line(points={{1089,132}, + {1080,132},{1080,206},{180,206},{180,235},{218,235}}, color={0,0, + 127})); + connect(VSupWes_flow.V_flow, VDis_flow.u5[1]) annotation (Line(points={{1289,128}, + {1284,128},{1284,206},{180,206},{180,230},{218,230}}, color={0,0, + 127})); + connect(TSupCor.T, TDis.u1[1]) annotation (Line(points={{569,92},{466,92},{466, + 210},{176,210},{176,290},{218,290}}, color={0,0,127})); + connect(TSupSou.T, TDis.u2[1]) annotation (Line(points={{749,92},{688,92},{688, + 210},{176,210},{176,285},{218,285}}, color={0,0, + 127})); + connect(TSupEas.T, TDis.u3[1]) annotation (Line(points={{929,90},{872,90},{872, + 210},{176,210},{176,280},{218,280}}, color={0,0,127})); + connect(TSupNor.T, TDis.u4[1]) annotation (Line(points={{1089,94},{1032,94},{1032, + 210},{176,210},{176,275},{218,275}}, color={0,0,127})); + connect(TSupWes.T, TDis.u5[1]) annotation (Line(points={{1289,90},{1228,90},{1228, + 210},{176,210},{176,270},{218,270}}, color={0,0,127})); + connect(conVAVCor.VDis_flow, VSupCor_flow.V_flow) annotation (Line(points={{528,40}, + {522,40},{522,130},{569,130}}, color={0,0,127})); + connect(VSupSou_flow.V_flow, conVAVSou.VDis_flow) annotation (Line(points={{749,130}, + {690,130},{690,38},{698,38}}, color={0,0,127})); + connect(VSupEas_flow.V_flow, conVAVEas.VDis_flow) annotation (Line(points={{929,128}, + {874,128},{874,38},{878,38}}, color={0,0,127})); + connect(VSupNor_flow.V_flow, conVAVNor.VDis_flow) annotation (Line(points={{1089, + 132},{1034,132},{1034,38},{1038,38}}, color={0,0,127})); + connect(VSupWes_flow.V_flow, conVAVWes.VDis_flow) annotation (Line(points={{1289, + 128},{1230,128},{1230,36},{1238,36}}, color={0,0,127})); + connect(TSup.T, conVAVCor.TSupAHU) annotation (Line(points={{340,-29},{340, + -20},{514,-20},{514,34},{528,34}}, + color={0,0,127})); + connect(TSup.T, conVAVSou.TSupAHU) annotation (Line(points={{340,-29},{340, + -20},{686,-20},{686,32},{698,32}}, + color={0,0,127})); + connect(TSup.T, conVAVEas.TSupAHU) annotation (Line(points={{340,-29},{340, + -20},{864,-20},{864,32},{878,32}}, + color={0,0,127})); + connect(TSup.T, conVAVNor.TSupAHU) annotation (Line(points={{340,-29},{340, + -20},{1028,-20},{1028,32},{1038,32}}, + color={0,0,127})); + connect(TSup.T, conVAVWes.TSupAHU) annotation (Line(points={{340,-29},{340, + -20},{1224,-20},{1224,30},{1238,30}}, + color={0,0,127})); + connect(yOutDam.y, eco.yExh) + annotation (Line(points={{-18,-10},{-3,-10},{-3,-34}}, color={0,0,127})); + connect(swiFreSta.y, gaiHeaCoi.u) annotation (Line(points={{82,-192},{88,-192}, + {88,-210},{98,-210}}, color={0,0,127})); + connect(freSta.y, swiFreSta.u2) annotation (Line(points={{22,-92},{40,-92},{40, + -192},{58,-192}}, color={255,0,255})); + connect(yFreHeaCoi.y, swiFreSta.u1) annotation (Line(points={{22,-182},{40,-182}, + {40,-184},{58,-184}}, color={0,0,127})); + connect(TZonSet[1].yOpeMod, conVAVCor.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{520,14},{520,32},{528,32}}, + color={255,127,0})); + connect(flo.TRooAir, TZonSet.TZon) annotation (Line(points={{1094.14,491.333}, + {1164,491.333},{1164,662},{46,662},{46,313},{58,313}}, color={0,0,127})); + connect(occSch.occupied, booRep.u) annotation (Line(points={{-297,-216},{-160, + -216},{-160,290},{-122,290}}, color={255,0,255})); + connect(occSch.tNexOcc, reaRep.u) annotation (Line(points={{-297,-204},{-180,-204}, + {-180,330},{-122,330}}, color={0,0,127})); + connect(reaRep.y, TZonSet.tNexOcc) annotation (Line(points={{-98,330},{-20,330}, + {-20,319},{58,319}}, color={0,0,127})); + connect(booRep.y, TZonSet.uOcc) annotation (Line(points={{-98,290},{-20,290},{ + -20,316.025},{58,316.025}}, color={255,0,255})); + connect(TZonSet[1].TZonHeaSet, conVAVCor.TZonHeaSet) annotation (Line(points={{82,310}, + {524,310},{524,52},{528,52}}, color={0,0,127})); + connect(TZonSet[1].TZonCooSet, conVAVCor.TZonCooSet) annotation (Line(points={{82,317}, + {524,317},{524,50},{528,50}}, color={0,0,127})); + connect(TZonSet[2].TZonHeaSet, conVAVSou.TZonHeaSet) annotation (Line(points={{82,310}, + {694,310},{694,50},{698,50}}, color={0,0,127})); + connect(TZonSet[2].TZonCooSet, conVAVSou.TZonCooSet) annotation (Line(points={{82,317}, + {694,317},{694,48},{698,48}}, color={0,0,127})); + connect(TZonSet[3].TZonHeaSet, conVAVEas.TZonHeaSet) annotation (Line(points={{82,310}, + {860,310},{860,50},{878,50}}, color={0,0,127})); + connect(TZonSet[3].TZonCooSet, conVAVEas.TZonCooSet) annotation (Line(points={{82,317}, + {860,317},{860,48},{878,48}}, color={0,0,127})); + connect(TZonSet[4].TZonCooSet, conVAVNor.TZonCooSet) annotation (Line(points={{82,317}, + {1020,317},{1020,48},{1038,48}}, color={0,0,127})); + connect(TZonSet[4].TZonHeaSet, conVAVNor.TZonHeaSet) annotation (Line(points={{82,310}, + {1020,310},{1020,50},{1038,50}}, color={0,0,127})); + connect(TZonSet[5].TZonCooSet, conVAVWes.TZonCooSet) annotation (Line(points={{82,317}, + {1200,317},{1200,46},{1238,46}}, color={0,0,127})); + connect(TZonSet[5].TZonHeaSet, conVAVWes.TZonHeaSet) annotation (Line(points={{82,310}, + {1200,310},{1200,48},{1238,48}}, color={0,0,127})); + connect(TZonSet[1].yOpeMod, conVAVSou.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{680,14},{680,30},{698,30}}, + color={255,127,0})); + connect(TZonSet[1].yOpeMod, conVAVEas.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{860,14},{860,30},{878,30}}, + color={255,127,0})); + connect(TZonSet[1].yOpeMod, conVAVNor.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{1020,14},{1020,30},{1038,30}}, + color={255,127,0})); + connect(TZonSet[1].yOpeMod, conVAVWes.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{1220,14},{1220,28},{1238,28}}, + color={255,127,0})); + connect(zonToSys.ySumDesZonPop, conAHU.sumDesZonPop) annotation (Line(points={{302,589}, + {308,589},{308,609.778},{336,609.778}}, color={0,0,127})); + connect(zonToSys.VSumDesPopBreZon_flow, conAHU.VSumDesPopBreZon_flow) + annotation (Line(points={{302,586},{310,586},{310,604.444},{336,604.444}}, + color={0,0,127})); + connect(zonToSys.VSumDesAreBreZon_flow, conAHU.VSumDesAreBreZon_flow) + annotation (Line(points={{302,583},{312,583},{312,599.111},{336,599.111}}, + color={0,0,127})); + connect(zonToSys.yDesSysVenEff, conAHU.uDesSysVenEff) annotation (Line(points={{302,580}, + {314,580},{314,593.778},{336,593.778}}, color={0,0,127})); + connect(zonToSys.VSumUncOutAir_flow, conAHU.VSumUncOutAir_flow) annotation ( + Line(points={{302,577},{316,577},{316,588.444},{336,588.444}}, color={0,0, + 127})); + connect(zonToSys.VSumSysPriAir_flow, conAHU.VSumSysPriAir_flow) annotation ( + Line(points={{302,571},{318,571},{318,583.111},{336,583.111}}, color={0,0, + 127})); + connect(zonToSys.uOutAirFra_max, conAHU.uOutAirFra_max) annotation (Line( + points={{302,574},{320,574},{320,577.778},{336,577.778}}, color={0,0,127})); + connect(zonOutAirSet.yDesZonPeaOcc, zonToSys.uDesZonPeaOcc) annotation (Line( + points={{242,599},{270,599},{270,588},{278,588}}, color={0,0,127})); + connect(zonOutAirSet.VDesPopBreZon_flow, zonToSys.VDesPopBreZon_flow) + annotation (Line(points={{242,596},{268,596},{268,586},{278,586}}, + color={0,0,127})); + connect(zonOutAirSet.VDesAreBreZon_flow, zonToSys.VDesAreBreZon_flow) + annotation (Line(points={{242,593},{266,593},{266,584},{278,584}}, + color={0,0,127})); + connect(zonOutAirSet.yDesPriOutAirFra, zonToSys.uDesPriOutAirFra) annotation ( + Line(points={{242,590},{264,590},{264,578},{278,578}}, color={0,0,127})); + connect(zonOutAirSet.VUncOutAir_flow, zonToSys.VUncOutAir_flow) annotation ( + Line(points={{242,587},{262,587},{262,576},{278,576}}, color={0,0,127})); + connect(zonOutAirSet.yPriOutAirFra, zonToSys.uPriOutAirFra) + annotation (Line(points={{242,584},{260,584},{260,574},{278,574}}, + color={0,0,127})); + connect(zonOutAirSet.VPriAir_flow, zonToSys.VPriAir_flow) annotation (Line( + points={{242,581},{258,581},{258,572},{278,572}}, color={0,0,127})); + connect(conAHU.yAveOutAirFraPlu, zonToSys.yAveOutAirFraPlu) annotation (Line( + points={{424,586.667},{440,586.667},{440,468},{270,468},{270,582},{278, + 582}}, + color={0,0,127})); + connect(conAHU.VDesUncOutAir_flow, reaRep1.u) annotation (Line(points={{424, + 597.333},{440,597.333},{440,590},{458,590}}, + color={0,0,127})); + connect(reaRep1.y, zonOutAirSet.VUncOut_flow_nominal) annotation (Line(points={{482,590}, + {490,590},{490,464},{210,464},{210,581},{218,581}}, color={0, + 0,127})); + connect(conAHU.yReqOutAir, booRep1.u) annotation (Line(points={{424,565.333}, + {444,565.333},{444,560},{458,560}},color={255,0,255})); + connect(booRep1.y, zonOutAirSet.uReqOutAir) annotation (Line(points={{482,560}, + {496,560},{496,460},{206,460},{206,593},{218,593}}, color={255,0,255})); + connect(flo.TRooAir, zonOutAirSet.TZon) annotation (Line(points={{1094.14, + 491.333},{1164,491.333},{1164,660},{210,660},{210,590},{218,590}}, + color={0,0,127})); + connect(TDis.y, zonOutAirSet.TDis) annotation (Line(points={{241,280},{252,280}, + {252,340},{200,340},{200,587},{218,587}}, color={0,0,127})); + connect(VDis_flow.y, zonOutAirSet.VDis_flow) annotation (Line(points={{241,240}, + {260,240},{260,346},{194,346},{194,584},{218,584}}, color={0,0,127})); + connect(TZonSet[1].yOpeMod, conAHU.uOpeMod) annotation (Line(points={{82,303}, + {140,303},{140,531.556},{336,531.556}}, color={255,127,0})); + connect(TZonResReq.y, conAHU.uZonTemResReq) annotation (Line(points={{322,370}, + {330,370},{330,526.222},{336,526.222}}, color={255,127,0})); + connect(PZonResReq.y, conAHU.uZonPreResReq) annotation (Line(points={{322,340}, + {326,340},{326,520.889},{336,520.889}}, color={255,127,0})); + connect(TZonSet[1].TZonHeaSet, conAHU.TZonHeaSet) annotation (Line(points={{82,310}, + {110,310},{110,636.444},{336,636.444}}, color={0,0,127})); + connect(TZonSet[1].TZonCooSet, conAHU.TZonCooSet) annotation (Line(points={{82,317}, + {120,317},{120,631.111},{336,631.111}}, color={0,0,127})); + connect(TOut.y, conAHU.TOut) annotation (Line(points={{-279,180},{-260,180},{ + -260,625.778},{336,625.778}}, + color={0,0,127})); + connect(dpDisSupFan.p_rel, conAHU.ducStaPre) annotation (Line(points={{311,0}, + {160,0},{160,620.444},{336,620.444}}, color={0,0,127})); + connect(TSup.T, conAHU.TSup) annotation (Line(points={{340,-29},{340,-20},{ + 152,-20},{152,567.111},{336,567.111}}, + color={0,0,127})); + connect(TRet.T, conAHU.TOutCut) annotation (Line(points={{100,151},{100, + 561.778},{336,561.778}}, + color={0,0,127})); + connect(VOut1.V_flow, conAHU.VOut_flow) annotation (Line(points={{-61,-20.9}, + {-61,545.778},{336,545.778}},color={0,0,127})); + connect(TMix.T, conAHU.TMix) annotation (Line(points={{40,-29},{40,538.667},{ + 336,538.667}}, + color={0,0,127})); + connect(conAHU.yOutDamPos, eco.yOut) annotation (Line(points={{424,522.667},{ + 448,522.667},{448,36},{-10,36},{-10,-34}}, + color={0,0,127})); + connect(conAHU.yRetDamPos, eco.yRet) annotation (Line(points={{424,533.333},{ + 442,533.333},{442,40},{-16.8,40},{-16.8,-34}}, + color={0,0,127})); + connect(conAHU.yCoo, gaiCooCoi.u) annotation (Line(points={{424,544},{452,544}, + {452,-274},{88,-274},{88,-248},{98,-248}}, color={0,0,127})); + connect(conAHU.yHea, swiFreSta.u3) annotation (Line(points={{424,554.667},{ + 458,554.667},{458,-280},{40,-280},{40,-200},{58,-200}}, + color={0,0,127})); + connect(conAHU.ySupFanSpe, fanSup.y) annotation (Line(points={{424,618.667},{ + 432,618.667},{432,-14},{310,-14},{310,-28}}, + color={0,0,127})); + connect(cor.y_actual,conVAVCor.yDam_actual) annotation (Line(points={{612,58}, + {620,58},{620,74},{518,74},{518,38},{528,38}}, color={0,0,127})); + connect(sou.y_actual,conVAVSou.yDam_actual) annotation (Line(points={{792,56}, + {800,56},{800,76},{684,76},{684,36},{698,36}}, color={0,0,127})); + connect(eas.y_actual,conVAVEas.yDam_actual) annotation (Line(points={{972,56}, + {980,56},{980,74},{864,74},{864,36},{878,36}}, color={0,0,127})); + connect(nor.y_actual,conVAVNor.yDam_actual) annotation (Line(points={{1132, + 56},{1140,56},{1140,74},{1024,74},{1024,36},{1038,36}}, color={0,0, + 127})); + connect(wes.y_actual,conVAVWes.yDam_actual) annotation (Line(points={{1332, + 56},{1340,56},{1340,74},{1224,74},{1224,34},{1238,34}}, color={0,0, + 127})); + annotation ( + Diagram(coordinateSystem(preserveAspectRatio=false,extent={{-380,-320},{1400, + 680}})), + Documentation(info=" +

+This model consist of an HVAC system, a building envelope model and a model +for air flow through building leakage and through open doors. +

+

+The HVAC system is a variable air volume (VAV) flow system with economizer +and a heating and cooling coil in the air handler unit. There is also a +reheat coil and an air damper in each of the five zone inlet branches. +

+

+See the model + +Buildings.Examples.VAVReheat.BaseClasses.PartialOpenLoop +for a description of the HVAC system and the building envelope. +

+

+The control is based on ASHRAE Guideline 36, and implemented +using the sequences from the library + +Buildings.Controls.OBC.ASHRAE.G36_PR1 for +multi-zone VAV systems with economizer. The schematic diagram of the HVAC and control +sequence is shown in the figure below. +

+

+\"image\" +

+

+A similar model but with a different control sequence can be found in + +Buildings.Examples.VAVReheat.ASHRAE2006. +Note that this model, because of the frequent time sampling, +has longer computing time than + +Buildings.Examples.VAVReheat.ASHRAE2006. +The reason is that the time integrator cannot make large steps +because it needs to set a time step each time the control samples +its input. +

+", revisions=" + +"), + __Dymola_Commands(file= + "modelica://Buildings/Resources/Scripts/Dymola/Examples/VAVReheat/Guideline36.mos" + "Simulate and plot"), + experiment(StopTime=172800, Tolerance=1e-06), + Icon(coordinateSystem(extent={{-100,-100},{100,100}}))); + end Guideline36; + + package Controls "Package with controller models" + extends Modelica.Icons.VariantsPackage; + expandable connector ControlBus + "Empty control bus that is adapted to the signals connected to it" + extends Modelica.Icons.SignalBus; + annotation ( + Icon(coordinateSystem(preserveAspectRatio=true, extent={{-100,-100},{100, + 100}}), graphics={Rectangle( + extent={{-20,2},{22,-2}}, + lineColor={255,204,51}, + lineThickness=0.5)}), + Documentation(info=" +

+This connector defines the expandable connector ControlBus that +is used to connect control signals. +Note, this connector is empty. When using it, the actual content is +constructed by the signals connected to this bus. +

+")); + end ControlBus; + + block CoolingCoilTemperatureSetpoint "Set point scheduler for cooling coil" + extends Modelica.Blocks.Icons.Block; + import FiveZone.VAVReheat.Controls.OperationModes; + parameter Modelica.SIunits.Temperature TCooOn=273.15+12 + "Cooling setpoint during on"; + parameter Modelica.SIunits.Temperature TCooOff=273.15+30 + "Cooling setpoint during off"; + Modelica.Blocks.Sources.RealExpression TSupSetCoo( + y=if (mode.y == Integer(OperationModes.occupied) or + mode.y == Integer(OperationModes.unoccupiedPreCool) or + mode.y == Integer(OperationModes.safety)) then + TCooOn else TCooOff) "Supply air temperature setpoint for cooling" + annotation (Placement(transformation(extent={{-22,-50},{-2,-30}}))); + Modelica.Blocks.Interfaces.RealInput TSetHea( + unit="K", + displayUnit="degC") "Set point for heating coil" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Math.Add add + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + Modelica.Blocks.Sources.Constant dTMin(k=1) + "Minimum offset for cooling coil setpoint" + annotation (Placement(transformation(extent={{-20,10},{0,30}}))); + Modelica.Blocks.Math.Max max1 + annotation (Placement(transformation(extent={{60,-30},{80,-10}}))); + ControlBus controlBus + annotation (Placement(transformation(extent={{-28,-90},{-8,-70}}))); + Modelica.Blocks.Routing.IntegerPassThrough mode + annotation (Placement(transformation(extent={{40,-90},{60,-70}}))); + Modelica.Blocks.Interfaces.RealOutput TSet( + unit="K", + displayUnit="degC") "Temperature set point" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + equation + connect(dTMin.y, add.u1) annotation (Line( + points={{1,20},{10,20},{10,6},{18,6}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(add.y, max1.u1) annotation (Line( + points={{41,6.10623e-16},{52,6.10623e-16},{52,-14},{58,-14}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(TSupSetCoo.y, max1.u2) annotation (Line( + points={{-1,-40},{20,-40},{20,-26},{58,-26}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(controlBus.controlMode, mode.u) annotation (Line( + points={{-18,-80},{38,-80}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%first", + index=-1, + extent={{-6,3},{-6,3}})); + connect(max1.y, TSet) annotation (Line( + points={{81,-20},{86,-20},{86,0},{110,0},{110,5.55112e-16}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(TSetHea, add.u2) annotation (Line( + points={{-120,1.11022e-15},{-52,1.11022e-15},{-52,-6},{18,-6}}, + color={0,0,127}, + smooth=Smooth.None)); + annotation ( Icon(graphics={ + Text( + extent={{44,16},{90,-18}}, + lineColor={0,0,255}, + textString="TSetCoo"), + Text( + extent={{-88,22},{-20,-26}}, + lineColor={0,0,255}, + textString="TSetHea")})); + end CoolingCoilTemperatureSetpoint; + + model DuctStaticPressureSetpoint "Computes the duct static pressure setpoint" + extends Modelica.Blocks.Interfaces.MISO; + parameter Modelica.SIunits.AbsolutePressure pMin(displayUnit="Pa") = 100 + "Minimum duct static pressure setpoint"; + parameter Modelica.SIunits.AbsolutePressure pMax(displayUnit="Pa") = 410 + "Maximum duct static pressure setpoint"; + parameter Real k=0.1 "Gain of controller"; + parameter Modelica.SIunits.Time Ti=60 "Time constant of integrator block"; + parameter Modelica.SIunits.Time Td=60 "Time constant of derivative block"; + parameter Modelica.Blocks.Types.SimpleController controllerType=Modelica.Blocks.Types.SimpleController.PID + "Type of controller"; + Buildings.Controls.Continuous.LimPID limPID( + controllerType=controllerType, + k=k, + Ti=Ti, + Td=Td, + initType=Modelica.Blocks.Types.InitPID.InitialState, + reverseAction=true) + annotation (Placement(transformation(extent={{-20,40},{0,60}}))); + protected + Buildings.Utilities.Math.Max max(final nin=nin) + annotation (Placement(transformation(extent={{-60,-10},{-40,10}}))); + Modelica.Blocks.Sources.Constant ySet(k=0.9) + "Setpoint for maximum damper position" + annotation (Placement(transformation(extent={{-60,40},{-40,60}}))); + Modelica.Blocks.Math.Add dp(final k2=-1) "Pressure difference" + annotation (Placement(transformation(extent={{-20,-60},{0,-40}}))); + Modelica.Blocks.Sources.Constant pMaxSig(k=pMax) + annotation (Placement(transformation(extent={{-60,-40},{-40,-20}}))); + Modelica.Blocks.Sources.Constant pMinSig(k=pMin) + annotation (Placement(transformation(extent={{-60,-80},{-40,-60}}))); + Modelica.Blocks.Math.Add pSet "Pressure setpoint" + annotation (Placement(transformation(extent={{60,-10},{80,10}}))); + Modelica.Blocks.Math.Product product + annotation (Placement(transformation(extent={{20,10},{40,30}}))); + public + Modelica.Blocks.Logical.Hysteresis hysteresis(uLow=283.15, uHigh=284.15) + "Hysteresis to put fan on minimum revolution" + annotation (Placement(transformation(extent={{-60,70},{-40,90}}))); + Modelica.Blocks.Interfaces.RealInput TOut "Outside air temperature" + annotation (Placement(transformation(extent={{-140,60},{-100,100}}))); + protected + Modelica.Blocks.Sources.Constant zero(k=0) "Zero output signal" + annotation (Placement(transformation(extent={{20,42},{40,62}}))); + public + Modelica.Blocks.Logical.Switch switch1 + annotation (Placement(transformation(extent={{60,50},{80,70}}))); + equation + connect(max.u, u) annotation (Line( + points={{-62,6.66134e-16},{-80,6.66134e-16},{-80,0},{-120,0},{-120, + 1.11022e-15}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(ySet.y, limPID.u_s) annotation (Line( + points={{-39,50},{-22,50}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(max.y, limPID.u_m) annotation (Line( + points={{-39,6.10623e-16},{-10,6.10623e-16},{-10,38}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(limPID.y, product.u1) annotation (Line( + points={{1,50},{10,50},{10,26},{18,26}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(pMaxSig.y, dp.u1) annotation (Line( + points={{-39,-30},{-32,-30},{-32,-44},{-22,-44}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(pMinSig.y, dp.u2) annotation (Line( + points={{-39,-70},{-30,-70},{-30,-56},{-22,-56}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(dp.y, product.u2) annotation (Line( + points={{1,-50},{10,-50},{10,14},{18,14}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(pMinSig.y, pSet.u2) annotation (Line( + points={{-39,-70},{30,-70},{30,-6},{58,-6}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(pSet.y, y) annotation (Line( + points={{81,6.10623e-16},{90.5,6.10623e-16},{90.5,5.55112e-16},{110, + 5.55112e-16}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(hysteresis.u, TOut) annotation (Line( + points={{-62,80},{-120,80}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(product.y, switch1.u1) annotation (Line( + points={{41,20},{50,20},{50,68},{58,68}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(zero.y, switch1.u3) annotation (Line( + points={{41,52},{58,52}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(switch1.y, pSet.u1) annotation (Line( + points={{81,60},{90,60},{90,20},{52,20},{52,6},{58,6}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(hysteresis.y, switch1.u2) annotation (Line( + points={{-39,80},{46,80},{46,60},{58,60}}, + color={255,0,255}, + smooth=Smooth.None)); + annotation ( Icon(graphics={ + Text( + extent={{-76,148},{50,-26}}, + textString="PSet", + lineColor={0,0,127}), + Text( + extent={{-10,8},{44,-82}}, + lineColor={0,0,127}, + textString="%pMax"), + Text( + extent={{-16,-54},{48,-90}}, + lineColor={0,0,127}, + textString="%pMin")})); + end DuctStaticPressureSetpoint; + + block Economizer "Controller for economizer" + import FiveZone.VAVReheat.Controls.OperationModes; + parameter Modelica.SIunits.Temperature TFreSet=277.15 + "Lower limit for mixed air temperature for freeze protection"; + parameter Modelica.SIunits.TemperatureDifference dT(min=0.1) = 1 + "Temperture offset to activate economizer"; + parameter Modelica.SIunits.VolumeFlowRate VOut_flow_min(min=0) + "Minimum outside air volume flow rate"; + + Modelica.Blocks.Interfaces.RealInput TSupHeaSet + "Supply temperature setpoint for heating" annotation (Placement( + transformation(extent={{-140,-40},{-100,0}}), iconTransformation(extent= + {{-140,-40},{-100,0}}))); + Modelica.Blocks.Interfaces.RealInput TSupCooSet + "Supply temperature setpoint for cooling" + annotation (Placement(transformation(extent={{-140,-100},{-100,-60}}))); + Modelica.Blocks.Interfaces.RealInput TMix "Measured mixed air temperature" + annotation (Placement(transformation(extent={{-140,80},{-100,120}}), + iconTransformation(extent={{-140,80},{-100,120}}))); + ControlBus controlBus + annotation (Placement(transformation(extent={{-50,50},{-30,70}}))); + Modelica.Blocks.Interfaces.RealInput VOut_flow + "Measured outside air flow rate" annotation (Placement(transformation( + extent={{-140,20},{-100,60}}), iconTransformation(extent={{-140,20},{ + -100,60}}))); + Modelica.Blocks.Interfaces.RealInput TRet "Return air temperature" + annotation (Placement(transformation(extent={{-140,140},{-100,180}}), + iconTransformation(extent={{-140,140},{-100,180}}))); + Modelica.Blocks.Math.Gain gain(k=1/VOut_flow_min) "Normalize mass flow rate" + annotation (Placement(transformation(extent={{-60,-60},{-40,-40}}))); + Buildings.Controls.Continuous.LimPID conV_flow( + controllerType=Modelica.Blocks.Types.SimpleController.PI, + k=k, + Ti=Ti, + yMax=0.995, + yMin=0.005, + Td=60) "Controller for outside air flow rate" + annotation (Placement(transformation(extent={{-22,-20},{-2,0}}))); + Modelica.Blocks.Sources.Constant uni(k=1) "Unity signal" + annotation (Placement(transformation(extent={{-60,-20},{-40,0}}))); + parameter Real k=1 "Gain of controller"; + parameter Modelica.SIunits.Time Ti "Time constant of integrator block"; + Modelica.Blocks.Interfaces.RealOutput yOA + "Control signal for outside air damper" annotation (Placement( + transformation(extent={{200,70},{220,90}}), iconTransformation(extent={ + {200,70},{220,90}}))); + Modelica.Blocks.Routing.Extractor extractor(nin=6, index(start=1, fixed=true)) + "Extractor for control signal" + annotation (Placement(transformation(extent={{120,-10},{140,10}}))); + Modelica.Blocks.Sources.Constant closed(k=0) "Signal to close OA damper" + annotation (Placement(transformation(extent={{60,-90},{80,-70}}))); + Modelica.Blocks.Math.Max max + "Takes bigger signal (OA damper opens for temp. control or for minimum outside air)" + annotation (Placement(transformation(extent={{80,-10},{100,10}}))); + MixedAirTemperatureSetpoint TSetMix "Mixed air temperature setpoint" + annotation (Placement(transformation(extent={{-20,64},{0,84}}))); + EconomizerTemperatureControl yOATMix(Ti=Ti, k=k) + "Control signal for outdoor damper to track mixed air temperature setpoint" + annotation (Placement(transformation(extent={{20,160},{40,180}}))); + Buildings.Controls.Continuous.LimPID yOATFre( + k=k, + Ti=Ti, + Td=60, + controllerType=Modelica.Blocks.Types.SimpleController.PI, + yMax=1, + yMin=0) + "Control signal for outdoor damper to track freeze temperature setpoint" + annotation (Placement(transformation(extent={{20,120},{40,140}}))); + Modelica.Blocks.Math.Min min + "Takes bigger signal (OA damper opens for temp. control or for minimum outside air)" + annotation (Placement(transformation(extent={{20,-20},{40,0}}))); + Modelica.Blocks.Sources.Constant TFre(k=TFreSet) + "Setpoint for freeze protection" + annotation (Placement(transformation(extent={{-20,100},{0,120}}))); + Modelica.Blocks.Interfaces.RealOutput yRet + "Control signal for return air damper" annotation (Placement(transformation( + extent={{200,-10},{220,10}}), iconTransformation(extent={{200,-10},{ + 220,10}}))); + Buildings.Controls.OBC.CDL.Continuous.AddParameter invSig(p=1, k=-1) + "Invert control signal for interlocked damper" + annotation (Placement(transformation(extent={{170,-10},{190,10}}))); + equation + connect(VOut_flow, gain.u) annotation (Line( + points={{-120,40},{-92,40},{-92,-50},{-62,-50}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(gain.y, conV_flow.u_m) annotation (Line( + points={{-39,-50},{-12,-50},{-12,-22}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(uni.y, conV_flow.u_s) annotation (Line( + points={{-39,-10},{-24,-10}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(controlBus.controlMode, extractor.index) annotation (Line( + points={{-40,60},{-40,30},{60,30},{60,-30},{130,-30},{130,-12}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%first", + index=-1, + extent={{-6,3},{-6,3}})); + connect(max.y, extractor.u[Integer(OperationModes.occupied)]) annotation ( + Line( + points={{101,0},{118,0}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(closed.y, extractor.u[Integer(OperationModes.unoccupiedOff)]) + annotation (Line( + points={{81,-80},{110,-80},{110,0},{118,0}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(closed.y, extractor.u[Integer(OperationModes.unoccupiedNightSetBack)]) + annotation (Line( + points={{81,-80},{110,-80},{110,0},{118,0}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(max.y, extractor.u[Integer(OperationModes.unoccupiedWarmUp)]) + annotation (Line( + points={{101,0},{118,0}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(max.y, extractor.u[Integer(OperationModes.unoccupiedPreCool)]) + annotation (Line( + points={{101,0},{118,0}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(closed.y, extractor.u[Integer(OperationModes.safety)]) annotation ( + Line( + points={{81,-80},{110,-80},{110,0},{118,0}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(TSupHeaSet, TSetMix.TSupHeaSet) annotation (Line( + points={{-120,-20},{-80,-20},{-80,80},{-22,80}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(TSupCooSet, TSetMix.TSupCooSet) annotation (Line( + points={{-120,-80},{-72,-80},{-72,68},{-22,68}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(controlBus, TSetMix.controlBus) annotation (Line( + points={{-40,60},{-13,60},{-13,81}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%first", + index=-1, + extent={{-6,3},{-6,3}})); + connect(yOATMix.TRet, TRet) annotation (Line( + points={{18,176},{-90,176},{-90,160},{-120,160}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(controlBus.TOut, yOATMix.TOut) annotation (Line( + points={{-40,60},{-40,172},{18,172}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%first", + index=-1, + extent={{-6,3},{-6,3}})); + connect(yOATMix.TMix, TMix) annotation (Line( + points={{18,168},{-80,168},{-80,100},{-120,100}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(yOATMix.TMixSet, TSetMix.TSet) annotation (Line( + points={{18,164},{6,164},{6,75},{1,75}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(yOATMix.yOA, max.u1) annotation (Line( + points={{41,170},{74,170},{74,6},{78,6}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(min.u2, conV_flow.y) annotation (Line( + points={{18,-16},{10,-16},{10,-10},{-1,-10}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(min.y, max.u2) annotation (Line( + points={{41,-10},{60,-10},{60,-6},{78,-6}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(yOATFre.u_s, TMix) annotation (Line(points={{18,130},{-32,130},{-80, + 130},{-80,100},{-120,100}}, color={0,0,127})); + connect(TFre.y, yOATFre.u_m) annotation (Line(points={{1,110},{14,110},{30, + 110},{30,118}}, color={0,0,127})); + connect(yOATFre.y, min.u1) annotation (Line(points={{41,130},{48,130},{48,20}, + {10,20},{10,-4},{18,-4}}, color={0,0,127})); + connect(yRet, invSig.y) + annotation (Line(points={{210,0},{191,0}}, color={0,0,127})); + connect(extractor.y, invSig.u) + annotation (Line(points={{141,0},{168,0}}, color={0,0,127})); + connect(extractor.y, yOA) annotation (Line(points={{141,0},{160,0},{160,80},{ + 210,80}}, color={0,0,127})); + annotation ( + Diagram(coordinateSystem(preserveAspectRatio=true, extent={{-100,-100},{200, + 200}})), + Icon(coordinateSystem(preserveAspectRatio=true, extent={{-100,-100},{200, + 200}}), graphics={ + Rectangle( + extent={{-100,200},{200,-100}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Text( + extent={{-90,170},{-50,150}}, + lineColor={0,0,255}, + textString="TRet"), + Text( + extent={{-86,104},{-46,84}}, + lineColor={0,0,255}, + textString="TMix"), + Text( + extent={{-90,60},{-22,12}}, + lineColor={0,0,255}, + textString="VOut_flow"), + Text( + extent={{-90,-2},{-28,-40}}, + lineColor={0,0,255}, + textString="TSupHeaSet"), + Text( + extent={{-86,-58},{-24,-96}}, + lineColor={0,0,255}, + textString="TSupCooSet"), + Text( + extent={{138,96},{184,62}}, + lineColor={0,0,255}, + textString="yOA"), + Text( + extent={{140,20},{186,-14}}, + lineColor={0,0,255}, + textString="yRet")}), + Documentation(info=" +

+This is a controller for an economizer with +that adjust the outside air dampers to meet the set point +for the mixing air, taking into account the minimum outside +air requirement and an override for freeze protection. +

+", revisions=" + +")); + end Economizer; + + block EconomizerTemperatureControl + "Controller for economizer mixed air temperature" + extends Modelica.Blocks.Icons.Block; + import FiveZone.VAVReheat.Controls.OperationModes; + Buildings.Controls.Continuous.LimPID con( + k=k, + Ti=Ti, + yMax=0.995, + yMin=0.005, + Td=60, + controllerType=Modelica.Blocks.Types.SimpleController.PI) + "Controller for mixed air temperature" + annotation (Placement(transformation(extent={{60,-10},{80,10}}))); + parameter Real k=1 "Gain of controller"; + parameter Modelica.SIunits.Time Ti "Time constant of integrator block"; + Modelica.Blocks.Logical.Switch swi1 + annotation (Placement(transformation(extent={{0,-10},{20,10}}))); + Modelica.Blocks.Logical.Switch swi2 + annotation (Placement(transformation(extent={{0,-50},{20,-30}}))); + Modelica.Blocks.Interfaces.RealOutput yOA + "Control signal for outside air damper" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + Modelica.Blocks.Interfaces.RealInput TRet "Return air temperature" + annotation (Placement(transformation(extent={{-140,40},{-100,80}}))); + Modelica.Blocks.Interfaces.RealInput TOut "Outside air temperature" + annotation (Placement(transformation(extent={{-140,0},{-100,40}}))); + Modelica.Blocks.Interfaces.RealInput TMix "Mixed air temperature" + annotation (Placement(transformation(extent={{-140,-40},{-100,0}}))); + Modelica.Blocks.Interfaces.RealInput TMixSet + "Setpoint for mixed air temperature" + annotation (Placement(transformation(extent={{-140,-80},{-100,-40}}))); + Modelica.Blocks.Logical.Hysteresis hysConGai(uLow=-0.1, uHigh=0.1) + "Hysteresis for control gain" + annotation (Placement(transformation(extent={{-40,50},{-20,70}}))); + Modelica.Blocks.Math.Feedback feedback + annotation (Placement(transformation(extent={{-70,50},{-50,70}}))); + equation + connect(swi1.y, con.u_s) annotation (Line( + points={{21,6.10623e-16},{30,0},{40,1.27676e-15},{40,6.66134e-16},{58, + 6.66134e-16}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(swi2.y, con.u_m) annotation (Line( + points={{21,-40},{70,-40},{70,-12}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(con.y, yOA) annotation (Line( + points={{81,6.10623e-16},{90.5,6.10623e-16},{90.5,5.55112e-16},{110, + 5.55112e-16}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(swi1.u1, TMix) annotation (Line( + points={{-2,8},{-80,8},{-80,-20},{-120,-20}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(swi2.u3, TMix) annotation (Line( + points={{-2,-48},{-80,-48},{-80,-20},{-120,-20}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(swi1.u3, TMixSet) annotation (Line( + points={{-2,-8},{-60,-8},{-60,-60},{-120,-60}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(swi2.u1, TMixSet) annotation (Line( + points={{-2,-32},{-60,-32},{-60,-60},{-120,-60}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(feedback.u1, TRet) annotation (Line(points={{-68,60},{-68,60},{-88,60}, + {-88,60},{-120,60}}, color={0,0,127})); + connect(TOut, feedback.u2) + annotation (Line(points={{-120,20},{-60,20},{-60,52}}, color={0,0,127})); + connect(feedback.y, hysConGai.u) annotation (Line(points={{-51,60},{-48,60},{ + -46,60},{-42,60}}, color={0,0,127})); + connect(hysConGai.y, swi2.u2) annotation (Line(points={{-19,60},{-12,60},{-12, + -40},{-2,-40}}, color={255,0,255})); + connect(hysConGai.y, swi1.u2) annotation (Line(points={{-19,60},{-12,60},{-12, + 0},{-2,0}}, color={255,0,255})); + annotation ( Icon(coordinateSystem( + preserveAspectRatio=true, extent={{-100,-100},{100,100}}), graphics={ + Text( + extent={{-92,78},{-66,50}}, + lineColor={0,0,127}, + textString="TRet"), + Text( + extent={{-88,34},{-62,6}}, + lineColor={0,0,127}, + textString="TOut"), + Text( + extent={{-86,-6},{-60,-34}}, + lineColor={0,0,127}, + textString="TMix"), + Text( + extent={{-84,-46},{-58,-74}}, + lineColor={0,0,127}, + textString="TMixSet"), + Text( + extent={{64,14},{90,-14}}, + lineColor={0,0,127}, + textString="yOA")}), Documentation(info=" +

+This controller outputs the control signal for the outside +air damper in order to regulate the mixed air temperature +TMix. +

+

Implementation

+

+If the control error Tmix,set - Tmix < 0, +then more outside air is needed provided that Tout < Tret, +where +Tout is the outside air temperature and +Tret is the return air temperature. +However, if Tout ≥ Tret, +then less outside air is needed. +Hence, the control gain need to switch sign depending on this difference. +This is accomplished by taking the difference between these signals, +and then switching the input of the controller. +A hysteresis is used to avoid chattering, for example if +TRet has numerical noise in the simulation, or +measurement error in a real application. +

+", revisions=" + +")); + end EconomizerTemperatureControl; + + block FanVFD "Controller for fan revolution" + extends Modelica.Blocks.Interfaces.SISO; + import FiveZone.VAVReheat.Controls.OperationModes; + Buildings.Controls.Continuous.LimPID con( + yMax=1, + Td=60, + yMin=r_N_min, + k=k, + Ti=Ti, + controllerType=controllerType, + reset=Buildings.Types.Reset.Disabled) + "Controller" + annotation (Placement(transformation(extent={{-20,20},{0,40}}))); + Modelica.Blocks.Math.Gain gaiMea(k=1/xSet_nominal) + "Gain to normalize measurement signal" + annotation (Placement(transformation(extent={{-60,-10},{-40,10}}))); + parameter Real xSet_nominal "Nominal setpoint (used for normalization)"; + Modelica.Blocks.Sources.Constant off(k=0) "Off signal" + annotation (Placement(transformation(extent={{-60,-60},{-40,-40}}))); + Modelica.Blocks.Math.Gain gaiSet(k=1/xSet_nominal) + "Gain to normalize setpoint signal" + annotation (Placement(transformation(extent={{-60,20},{-40,40}}))); + Modelica.Blocks.Interfaces.RealInput u_m + "Connector of measurement input signal" annotation (Placement( + transformation( + extent={{-20,-20},{20,20}}, + rotation=90, + origin={0,-120}))); + parameter Real r_N_min=0.01 "Minimum normalized fan speed"; + parameter Modelica.Blocks.Types.Init initType=Modelica.Blocks.Types.Init.NoInit + "Type of initialization (1: no init, 2: steady state, 3/4: initial output)"; + parameter Real y_start=0 "Initial or guess value of output (= state)"; + + parameter Modelica.Blocks.Types.SimpleController + controllerType=.Modelica.Blocks.Types.SimpleController.PI + "Type of controller" + annotation (Dialog(group="Setpoint tracking")); + parameter Real k=0.5 "Gain of controller" + annotation (Dialog(group="Setpoint tracking")); + parameter Modelica.SIunits.Time Ti=15 "Time constant of integrator block" + annotation (Dialog(group="Setpoint tracking")); + + Buildings.Controls.OBC.CDL.Logical.Switch swi + annotation (Placement(transformation(extent={{40,-10},{60,10}}))); + Buildings.Controls.OBC.CDL.Interfaces.BooleanInput uFan + "Set to true to enable the fan on" + annotation (Placement(transformation(extent={{-140,40},{-100,80}}))); + equation + connect(gaiMea.y, con.u_m) annotation (Line( + points={{-39,6.10623e-16},{-10,6.10623e-16},{-10,18}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(gaiSet.y, con.u_s) annotation (Line( + points={{-39,30},{-22,30}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(u_m, gaiMea.u) annotation (Line( + points={{1.11022e-15,-120},{1.11022e-15,-92},{-80,-92},{-80,0},{-62,0},{ + -62,6.66134e-16}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(gaiSet.u, u) annotation (Line( + points={{-62,30},{-90,30},{-90,1.11022e-15},{-120,1.11022e-15}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(con.y, swi.u1) + annotation (Line(points={{1,30},{18,30},{18,8},{38,8}}, color={0,0,127})); + connect(off.y, swi.u3) annotation (Line(points={{-39,-50},{20,-50},{20,-8},{ + 38,-8}}, color={0,0,127})); + connect(swi.u2, uFan) annotation (Line(points={{38,0},{12,0},{12,60},{-120,60}}, + color={255,0,255})); + connect(swi.y, y) annotation (Line(points={{61,0},{110,0}}, color={0,0,127})); + annotation ( Icon(graphics={Text( + extent={{-90,-50},{96,-96}}, + lineColor={0,0,255}, + textString="r_N_min=%r_N_min")}), Documentation(revisions=" + +")); + end FanVFD; + + model MixedAirTemperatureSetpoint + "Mixed air temperature setpoint for economizer" + extends Modelica.Blocks.Icons.Block; + Modelica.Blocks.Routing.Extractor TSetMix( + nin=6, + index(start=2, fixed=true)) "Mixed air setpoint temperature extractor" + annotation (Placement(transformation(extent={{60,0},{80,20}}))); + Modelica.Blocks.Sources.Constant off(k=273.15 + 13) + "Setpoint temperature to close damper" + annotation (Placement(transformation(extent={{-80,20},{-60,40}}))); + Buildings.Utilities.Math.Average ave(nin=2) + annotation (Placement(transformation(extent={{-20,-70},{0,-50}}))); + Modelica.Blocks.Interfaces.RealInput TSupHeaSet + "Supply temperature setpoint for heating" + annotation (Placement(transformation(extent={{-140,40},{-100,80}}), iconTransformation(extent={{-140,40},{-100,80}}))); + Modelica.Blocks.Interfaces.RealInput TSupCooSet + "Supply temperature setpoint for cooling" + annotation (Placement(transformation(extent={{-140,-80},{-100,-40}}))); + Modelica.Blocks.Sources.Constant TPreCoo(k=273.15 + 13) + "Setpoint during pre-cooling" + annotation (Placement(transformation(extent={{-80,-20},{-60,0}}))); + ControlBus controlBus + annotation (Placement(transformation(extent={{-40,60},{-20,80}}))); + Modelica.Blocks.Interfaces.RealOutput TSet "Mixed air temperature setpoint" + annotation (Placement(transformation(extent={{100,0},{120,20}}))); + Modelica.Blocks.Routing.Multiplex2 multiplex2_1 + annotation (Placement(transformation(extent={{-60,-70},{-40,-50}}))); + equation + connect(TSetMix.u[1], ave.y) annotation (Line( + points={{58,8.33333},{14,8.33333},{14,-60},{1,-60}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(ave.y, TSetMix.u[1]) annotation (Line( + points={{1,-60},{42,-60},{42,8.33333},{58,8.33333}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(off.y, TSetMix.u[2]) annotation (Line( + points={{-59,30},{40,30},{40,12},{58,12},{58,9}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(off.y, TSetMix.u[3]) annotation (Line( + points={{-59,30},{40,30},{40,9.66667},{58,9.66667}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(off.y, TSetMix.u[4]) annotation (Line( + points={{-59,30},{9.5,30},{9.5,10.3333},{58,10.3333}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(TPreCoo.y, TSetMix.u[5]) annotation (Line( + points={{-59,-10},{0,-10},{0,11},{58,11}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(off.y, TSetMix.u[6]) annotation (Line( + points={{-59,30},{40,30},{40,11.6667},{58,11.6667}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(controlBus.controlMode, TSetMix.index) annotation (Line( + points={{-30,70},{-30,-14},{70,-14},{70,-2}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%first", + index=-1, + extent={{-6,3},{-6,3}})); + connect(TSetMix.y, TSet) annotation (Line( + points={{81,10},{110,10}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(multiplex2_1.y, ave.u) annotation (Line( + points={{-39,-60},{-22,-60}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(TSupCooSet, multiplex2_1.u2[1]) annotation (Line( + points={{-120,-60},{-90,-60},{-90,-66},{-62,-66}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(TSupHeaSet, multiplex2_1.u1[1]) annotation (Line( + points={{-120,60},{-90,60},{-90,-54},{-62,-54}}, + color={0,0,127}, + smooth=Smooth.None)); + end MixedAirTemperatureSetpoint; + + model ModeSelector "Finite State Machine for the operational modes" + Modelica.StateGraph.InitialStep initialStep(nIn=0) + annotation (Placement(transformation(extent={{-80,20},{-60,40}}))); + Modelica.StateGraph.Transition start "Starts the system" + annotation (Placement(transformation(extent={{-50,20},{-30,40}}))); + State unOccOff( + mode=FiveZone.VAVReheat.Controls.OperationModes.unoccupiedOff, + nIn=3, + nOut=4) "Unoccupied off mode, no coil protection" + annotation (Placement(transformation(extent={{-20,20},{0,40}}))); + State unOccNigSetBac( + nOut=2, + mode=FiveZone.VAVReheat.Controls.OperationModes.unoccupiedNightSetBack, + nIn=1) "Unoccupied night set back" + annotation (Placement(transformation(extent={{80,20},{100,40}}))); + Modelica.StateGraph.Transition t2( + enableTimer=true, + waitTime=60, + condition=TRooMinErrHea.y > delTRooOnOff/2) + annotation (Placement(transformation(extent={{28,20},{48,40}}))); + parameter Modelica.SIunits.TemperatureDifference delTRooOnOff(min=0.1)=1 + "Deadband in room temperature between occupied on and occupied off"; + parameter Modelica.SIunits.Temperature TRooSetHeaOcc=293.15 + "Set point for room air temperature during heating mode"; + parameter Modelica.SIunits.Temperature TRooSetCooOcc=299.15 + "Set point for room air temperature during cooling mode"; + parameter Modelica.SIunits.Temperature TSetHeaCoiOut=303.15 + "Set point for air outlet temperature at central heating coil"; + Modelica.StateGraph.Transition t1(condition=delTRooOnOff/2 < -TRooMinErrHea.y, + enableTimer=true, + waitTime=30*60) + annotation (Placement(transformation(extent={{50,70},{30,90}}))); + inner Modelica.StateGraph.StateGraphRoot stateGraphRoot + annotation (Placement(transformation(extent={{160,160},{180,180}}))); + ControlBus cb + annotation (Placement(transformation(extent={{-168,130},{-148,150}}), + iconTransformation(extent={{-176,124},{-124,176}}))); + Modelica.Blocks.Routing.RealPassThrough TRooSetHea + "Current heating setpoint temperature" + annotation (Placement(transformation(extent={{-80,170},{-60,190}}))); + State morWarUp(mode=FiveZone.VAVReheat.Controls.OperationModes.unoccupiedWarmUp, + nIn=2, + nOut=1) "Morning warm up" + annotation (Placement(transformation(extent={{-40,-100},{-20,-80}}))); + Modelica.StateGraph.TransitionWithSignal t6(enableTimer=true, waitTime=60) + annotation (Placement(transformation(extent={{-76,-100},{-56,-80}}))); + Modelica.Blocks.Logical.LessEqualThreshold occThrSho(threshold=1800) + "Signal to allow transition into morning warmup" + annotation (Placement(transformation(extent={{-140,-190},{-120,-170}}))); + Modelica.StateGraph.TransitionWithSignal t5 + annotation (Placement(transformation(extent={{118,20},{138,40}}))); + State occ( mode=FiveZone.VAVReheat.Controls.OperationModes.occupied, + nIn=3) + "Occupied mode" + annotation (Placement(transformation(extent={{60,-100},{80,-80}}))); + Modelica.Blocks.Routing.RealPassThrough TRooMin + annotation (Placement(transformation(extent={{-80,140},{-60,160}}))); + Modelica.Blocks.Math.Feedback TRooMinErrHea "Room control error for heating" + annotation (Placement(transformation(extent={{-40,170},{-20,190}}))); + Modelica.StateGraph.Transition t3(condition=TRooMin.y + delTRooOnOff/2 > + TRooSetHeaOcc or occupied.y) + annotation (Placement(transformation(extent={{10,-100},{30,-80}}))); + Modelica.Blocks.Routing.BooleanPassThrough occupied + "outputs true if building is occupied" + annotation (Placement(transformation(extent={{-80,80},{-60,100}}))); + Modelica.StateGraph.TransitionWithSignal t4(enableTimer=false) + annotation (Placement(transformation(extent={{118,120},{98,140}}))); + State morPreCoo( + nIn=1, + mode=FiveZone.VAVReheat.Controls.OperationModes.unoccupiedPreCool, + nOut=1) "Pre-cooling mode" + annotation (Placement(transformation(extent={{-40,-140},{-20,-120}}))); + Modelica.StateGraph.Transition t7(condition=TRooMin.y - delTRooOnOff/2 < + TRooSetCooOcc or occupied.y) + annotation (Placement(transformation(extent={{10,-140},{30,-120}}))); + Modelica.Blocks.Logical.And and1 + annotation (Placement(transformation(extent={{-100,-200},{-80,-180}}))); + Modelica.Blocks.Routing.RealPassThrough TRooAve "Average room temperature" + annotation (Placement(transformation(extent={{-80,110},{-60,130}}))); + Modelica.Blocks.Sources.BooleanExpression booleanExpression(y=TRooAve.y < + TRooSetCooOcc) + annotation (Placement(transformation(extent={{-198,-224},{-122,-200}}))); + PreCoolingStarter preCooSta(TRooSetCooOcc=TRooSetCooOcc) + "Model to start pre-cooling" + annotation (Placement(transformation(extent={{-140,-160},{-120,-140}}))); + Modelica.StateGraph.TransitionWithSignal t9 + annotation (Placement(transformation(extent={{-90,-140},{-70,-120}}))); + Modelica.Blocks.Logical.Not not1 + annotation (Placement(transformation(extent={{-48,-180},{-28,-160}}))); + Modelica.Blocks.Logical.And and2 + annotation (Placement(transformation(extent={{80,100},{100,120}}))); + Modelica.Blocks.Logical.Not not2 + annotation (Placement(transformation(extent={{0,100},{20,120}}))); + Modelica.StateGraph.TransitionWithSignal t8 + "changes to occupied in case precooling is deactivated" + annotation (Placement(transformation(extent={{30,-30},{50,-10}}))); + Modelica.Blocks.MathInteger.Sum sum(nu=5) + annotation (Placement(transformation(extent={{-186,134},{-174,146}}))); + Modelica.Blocks.Interfaces.BooleanOutput yFan + "True if the fans are to be switched on" + annotation (Placement(transformation(extent={{220,-10},{240,10}}))); + Modelica.Blocks.MathBoolean.Or or1(nu=4) + annotation (Placement(transformation(extent={{184,-6},{196,6}}))); + equation + connect(start.outPort, unOccOff.inPort[1]) annotation (Line( + points={{-38.5,30},{-29.75,30},{-29.75,30.6667},{-21,30.6667}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(initialStep.outPort[1], start.inPort) annotation (Line( + points={{-59.5,30},{-44,30}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(unOccOff.outPort[1], t2.inPort) annotation (Line( + points={{0.5,30.375},{8.25,30.375},{8.25,30},{34,30}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(t2.outPort, unOccNigSetBac.inPort[1]) annotation (Line( + points={{39.5,30},{79,30}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(unOccNigSetBac.outPort[1], t1.inPort) annotation (Line( + points={{100.5,30.25},{112,30.25},{112,80},{44,80}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(t1.outPort, unOccOff.inPort[2]) annotation (Line( + points={{38.5,80},{-30,80},{-30,30},{-21,30}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(cb.dTNexOcc, occThrSho.u) annotation (Line( + points={{-158,140},{-150,140},{-150,-180},{-142,-180}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%first", + index=-1, + extent={{-6,3},{-6,3}})); + connect(t6.outPort, morWarUp.inPort[1]) annotation (Line( + points={{-64.5,-90},{-41,-90},{-41,-89.5}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(t5.outPort, morWarUp.inPort[2]) annotation (Line( + points={{129.5,30},{140,30},{140,-60},{-48,-60},{-48,-90.5},{-41,-90.5}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(unOccNigSetBac.outPort[2], t5.inPort) + annotation (Line( + points={{100.5,29.75},{113.25,29.75},{113.25,30},{124,30}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(cb.TRooMin, TRooMin.u) annotation (Line( + points={{-158,140},{-92,140},{-92,150},{-82,150}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%first", + index=-1, + extent={{-6,3},{-6,3}})); + connect(TRooSetHea.y, TRooMinErrHea.u1) + annotation (Line( + points={{-59,180},{-38,180}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(TRooMin.y, TRooMinErrHea.u2) + annotation (Line( + points={{-59,150},{-30,150},{-30,172}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(unOccOff.outPort[2], t6.inPort) annotation (Line( + points={{0.5,30.125},{12,30.125},{12,-48},{-80,-48},{-80,-90},{-70,-90}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(morWarUp.outPort[1], t3.inPort) annotation (Line( + points={{-19.5,-90},{16,-90}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(cb.occupied, occupied.u) annotation (Line( + points={{-158,140},{-120,140},{-120,90},{-82,90}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%first", + index=-1, + extent={{-6,3},{-6,3}})); + connect(occ.outPort[1], t4.inPort) annotation (Line( + points={{80.5,-90},{150,-90},{150,130},{112,130}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(t4.outPort, unOccOff.inPort[3]) annotation (Line( + points={{106.5,130},{-30,130},{-30,29.3333},{-21,29.3333}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(occThrSho.y, and1.u1) annotation (Line( + points={{-119,-180},{-110,-180},{-110,-190},{-102,-190}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(and1.y, t6.condition) annotation (Line( + points={{-79,-190},{-66,-190},{-66,-102}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(and1.y, t5.condition) annotation (Line( + points={{-79,-190},{128,-190},{128,18}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(cb.TRooAve, TRooAve.u) annotation (Line( + points={{-158,140},{-100,140},{-100,120},{-82,120}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%first", + index=-1, + extent={{-6,3},{-6,3}})); + connect(booleanExpression.y, and1.u2) annotation (Line( + points={{-118.2,-212},{-110.1,-212},{-110.1,-198},{-102,-198}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(preCooSta.y, t9.condition) annotation (Line( + points={{-119,-150},{-80,-150},{-80,-142}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(t9.outPort, morPreCoo.inPort[1]) annotation (Line( + points={{-78.5,-130},{-59.75,-130},{-59.75,-130},{-41,-130}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(unOccOff.outPort[3], t9.inPort) annotation (Line( + points={{0.5,29.875},{12,29.875},{12,0},{-100,0},{-100,-130},{-84,-130}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(cb, preCooSta.controlBus) annotation (Line( + points={{-158,140},{-150,140},{-150,-144},{-136.2,-144}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%first", + index=-1, + extent={{-6,3},{-6,3}})); + connect(morPreCoo.outPort[1], t7.inPort) annotation (Line( + points={{-19.5,-130},{16,-130}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(t7.outPort, occ.inPort[2]) annotation (Line( + points={{21.5,-130},{30,-130},{30,-128},{46,-128},{46,-90},{59,-90}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(t3.outPort, occ.inPort[1]) annotation (Line( + points={{21.5,-90},{42,-90},{42,-89.3333},{59,-89.3333}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(occThrSho.y, not1.u) annotation (Line( + points={{-119,-180},{-110,-180},{-110,-170},{-50,-170}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(not1.y, and2.u2) annotation (Line( + points={{-27,-170},{144,-170},{144,84},{66,84},{66,102},{78,102}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(and2.y, t4.condition) annotation (Line( + points={{101,110},{108,110},{108,118}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(occupied.y, not2.u) annotation (Line( + points={{-59,90},{-20,90},{-20,110},{-2,110}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(not2.y, and2.u1) annotation (Line( + points={{21,110},{78,110}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(cb.TRooSetHea, TRooSetHea.u) annotation (Line( + points={{-158,140},{-92,140},{-92,180},{-82,180}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%first", + index=-1, + extent={{-6,3},{-6,3}})); + connect(t8.outPort, occ.inPort[3]) annotation (Line( + points={{41.5,-20},{52,-20},{52,-90.6667},{59,-90.6667}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(unOccOff.outPort[4], t8.inPort) annotation (Line( + points={{0.5,29.625},{12,29.625},{12,-20},{36,-20}}, + color={0,0,0}, + smooth=Smooth.None)); + connect(occupied.y, t8.condition) annotation (Line( + points={{-59,90},{-50,90},{-50,-40},{40,-40},{40,-32}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(morPreCoo.y, sum.u[1]) annotation (Line( + points={{-19,-136},{-8,-136},{-8,-68},{-192,-68},{-192,143.36},{-186, + 143.36}}, + color={255,127,0}, + smooth=Smooth.None)); + connect(morWarUp.y, sum.u[2]) annotation (Line( + points={{-19,-96},{-8,-96},{-8,-68},{-192,-68},{-192,141.68},{-186,141.68}}, + color={255,127,0}, + smooth=Smooth.None)); + connect(occ.y, sum.u[3]) annotation (Line( + points={{81,-96},{100,-96},{100,-108},{-192,-108},{-192,140},{-186,140}}, + color={255,127,0}, + smooth=Smooth.None)); + connect(unOccOff.y, sum.u[4]) annotation (Line( + points={{1,24},{6,24},{6,8},{-192,8},{-192,138.32},{-186,138.32}}, + color={255,127,0}, + smooth=Smooth.None)); + connect(unOccNigSetBac.y, sum.u[5]) annotation (Line( + points={{101,24},{112,24},{112,8},{-192,8},{-192,136.64},{-186,136.64}}, + color={255,127,0}, + smooth=Smooth.None)); + connect(sum.y, cb.controlMode) annotation (Line( + points={{-173.1,140},{-158,140}}, + color={255,127,0}, + smooth=Smooth.None), Text( + textString="%second", + index=1, + extent={{6,3},{6,3}})); + connect(yFan, or1.y) + annotation (Line(points={{230,0},{196.9,0}}, color={255,0,255})); + connect(unOccNigSetBac.active, or1.u[1]) annotation (Line(points={{90,19},{90, + 3.15},{184,3.15}}, color={255,0,255})); + connect(occ.active, or1.u[2]) annotation (Line(points={{70,-101},{70,-104},{ + 168,-104},{168,1.05},{184,1.05}}, color={255,0,255})); + connect(morWarUp.active, or1.u[3]) annotation (Line(points={{-30,-101},{-30, + -112},{170,-112},{170,-1.05},{184,-1.05}}, color={255,0,255})); + connect(morPreCoo.active, or1.u[4]) annotation (Line(points={{-30,-141},{-30, + -150},{174,-150},{174,-3.15},{184,-3.15}}, color={255,0,255})); + annotation (Diagram(coordinateSystem(preserveAspectRatio=true, extent={{-220, + -220},{220,220}})), Icon(coordinateSystem( + preserveAspectRatio=true, extent={{-220,-220},{220,220}}), graphics={ + Rectangle( + extent={{-200,200},{200,-200}}, + lineColor={0,0,0}, + fillPattern=FillPattern.Solid, + fillColor={215,215,215}), Text( + extent={{-176,80},{192,-84}}, + lineColor={0,0,255}, + textString="%name")})); + end ModeSelector; + + type OperationModes = enumeration( + occupied "Occupied", + unoccupiedOff "Unoccupied off", + unoccupiedNightSetBack "Unoccupied, night set back", + unoccupiedWarmUp "Unoccupied, warm-up", + unoccupiedPreCool "Unoccupied, pre-cool", + safety "Safety (smoke, fire, etc.)") "Enumeration for modes of operation"; + block PreCoolingStarter "Outputs true when precooling should start" + extends Modelica.Blocks.Interfaces.BooleanSignalSource; + parameter Modelica.SIunits.Temperature TOutLim = 286.15 + "Limit for activating precooling"; + parameter Modelica.SIunits.Temperature TRooSetCooOcc + "Set point for room air temperature during cooling mode"; + ControlBus controlBus + annotation (Placement(transformation(extent={{-72,50},{-52,70}}))); + Modelica.Blocks.Logical.GreaterThreshold greater(threshold=TRooSetCooOcc) + annotation (Placement(transformation(extent={{-40,0},{-20,20}}))); + Modelica.Blocks.Logical.LessThreshold greater2(threshold=1800) + annotation (Placement(transformation(extent={{-40,-80},{-20,-60}}))); + Modelica.Blocks.Logical.LessThreshold greater1(threshold=TOutLim) + annotation (Placement(transformation(extent={{-40,-40},{-20,-20}}))); + Modelica.Blocks.MathBoolean.And and3(nu=3) + annotation (Placement(transformation(extent={{28,-6},{40,6}}))); + equation + connect(controlBus.dTNexOcc, greater2.u) annotation (Line( + points={{-62,60},{-54,60},{-54,-70},{-42,-70}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%first", + index=-1, + extent={{-6,3},{-6,3}})); + connect(controlBus.TRooAve, greater.u) annotation (Line( + points={{-62,60},{-54,60},{-54,10},{-42,10}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%first", + index=-1, + extent={{-6,3},{-6,3}})); + connect(controlBus.TOut, greater1.u) annotation (Line( + points={{-62,60},{-54,60},{-54,-30},{-42,-30}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%first", + index=-1, + extent={{-6,3},{-6,3}})); + connect(and3.y, y) annotation (Line( + points={{40.9,0},{110,0}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(greater.y, and3.u[1]) annotation (Line( + points={{-19,10},{6,10},{6,2.8},{28,2.8}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(greater1.y, and3.u[2]) annotation (Line( + points={{-19,-30},{6,-30},{6,0},{28,0},{28,2.22045e-016}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(greater2.y, and3.u[3]) annotation (Line( + points={{-19,-70},{12,-70},{12,-2.8},{28,-2.8}}, + color={255,0,255}, + smooth=Smooth.None)); + end PreCoolingStarter; + + block RoomTemperatureSetpoint "Set point scheduler for room temperature" + extends Modelica.Blocks.Icons.Block; + import FiveZone.VAVReheat.Controls.OperationModes; + parameter Modelica.SIunits.Temperature THeaOn=293.15 + "Heating setpoint during on"; + parameter Modelica.SIunits.Temperature THeaOff=285.15 + "Heating setpoint during off"; + parameter Modelica.SIunits.Temperature TCooOn=297.15 + "Cooling setpoint during on"; + parameter Modelica.SIunits.Temperature TCooOff=303.15 + "Cooling setpoint during off"; + ControlBus controlBus + annotation (Placement(transformation(extent={{10,50},{30,70}}))); + Modelica.Blocks.Routing.IntegerPassThrough mode + annotation (Placement(transformation(extent={{60,50},{80,70}}))); + Modelica.Blocks.Sources.RealExpression setPoiHea( + y=if (mode.y == Integer(OperationModes.occupied) or mode.y == Integer(OperationModes.unoccupiedWarmUp) + or mode.y == Integer(OperationModes.safety)) then THeaOn else THeaOff) + annotation (Placement(transformation(extent={{-80,70},{-60,90}}))); + Modelica.Blocks.Sources.RealExpression setPoiCoo( + y=if (mode.y == Integer(OperationModes.occupied) or + mode.y == Integer(OperationModes.unoccupiedPreCool) or + mode.y == Integer(OperationModes.safety)) then TCooOn else TCooOff) + "Cooling setpoint" + annotation (Placement(transformation(extent={{-80,30},{-60,50}}))); + equation + connect(controlBus.controlMode,mode. u) annotation (Line( + points={{20,60},{58,60}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%first", + index=-1, + extent={{-6,3},{-6,3}})); + connect(setPoiHea.y, controlBus.TRooSetHea) annotation (Line( + points={{-59,80},{20,80},{20,60}}, + color={0,0,127}, + smooth=Smooth.None), Text( + textString="%second", + index=1, + extent={{6,3},{6,3}})); + connect(setPoiCoo.y, controlBus.TRooSetCoo) annotation (Line( + points={{-59,40},{20,40},{20,60}}, + color={0,0,127}, + smooth=Smooth.None), Text( + textString="%second", + index=1, + extent={{6,3},{6,3}})); + annotation ( Icon(graphics={ + Text( + extent={{-92,90},{-52,70}}, + lineColor={0,0,255}, + textString="TRet"), + Text( + extent={{-96,50},{-56,30}}, + lineColor={0,0,255}, + textString="TMix"), + Text( + extent={{-94,22},{-26,-26}}, + lineColor={0,0,255}, + textString="VOut_flow"), + Text( + extent={{-88,-22},{-26,-60}}, + lineColor={0,0,255}, + textString="TSupHeaSet"), + Text( + extent={{-86,-58},{-24,-96}}, + lineColor={0,0,255}, + textString="TSupCooSet"), + Text( + extent={{42,16},{88,-18}}, + lineColor={0,0,255}, + textString="yOA")})); + end RoomTemperatureSetpoint; + + block RoomVAV "Controller for room VAV box" + extends Modelica.Blocks.Icons.Block; + + parameter Real ratVFloMin=0.3 + "VAV box minimum airflow ratio to the cooling maximum flow rate, typically between 0.3 to 0.5"; + parameter Buildings.Controls.OBC.CDL.Types.SimpleController cooController= + Buildings.Controls.OBC.CDL.Types.SimpleController.PI "Type of controller" + annotation (Dialog(group="Cooling controller")); + parameter Real kCoo=0.1 "Gain of controller" + annotation (Dialog(group="Cooling controller")); + parameter Modelica.SIunits.Time TiCoo=120 "Time constant of integrator block" + annotation (Dialog(group="Cooling controller", enable=cooController==Buildings.Controls.OBC.CDL.Types.SimpleController.PI or + cooController==Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + parameter Modelica.SIunits.Time TdCoo=60 "Time constant of derivative block" + annotation (Dialog(group="Cooling controller", enable=cooController==Buildings.Controls.OBC.CDL.Types.SimpleController.PD or + cooController==Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + parameter Buildings.Controls.OBC.CDL.Types.SimpleController heaController= + Buildings.Controls.OBC.CDL.Types.SimpleController.PI "Type of controller" + annotation (Dialog(group="Heating controller")); + parameter Real kHea=0.1 "Gain of controller" + annotation (Dialog(group="Heating controller")); + parameter Modelica.SIunits.Time TiHea=120 "Time constant of integrator block" + annotation (Dialog(group="Heating controller", enable=heaController==Buildings.Controls.OBC.CDL.Types.SimpleController.PI or + heaController==Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + parameter Modelica.SIunits.Time TdHea=60 "Time constant of derivative block" + annotation (Dialog(group="Heating controller", enable=heaController==Buildings.Controls.OBC.CDL.Types.SimpleController.PD or + heaController==Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TRooHeaSet( + final quantity="ThermodynamicTemperature", + final unit = "K", + displayUnit = "degC") + "Setpoint temperature for room for heating" + annotation (Placement(transformation(extent={{-140,40},{-100,80}}), + iconTransformation(extent={{-140,50},{-100,90}}))); + Buildings.Controls.OBC.CDL.Interfaces.RealInput TRooCooSet( + final quantity="ThermodynamicTemperature", + final unit = "K", + displayUnit = "degC") + "Setpoint temperature for room for cooling" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}), + iconTransformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealInput TRoo( + final quantity="ThermodynamicTemperature", + final unit = "K", + displayUnit = "degC") + "Measured room temperature" + annotation (Placement(transformation(extent={{-140,-90},{-100,-50}}), + iconTransformation(extent={{-120,-80},{-100,-60}}))); + Modelica.Blocks.Interfaces.RealOutput yDam "Signal for VAV damper" + annotation (Placement(transformation(extent={{100,-10},{120,10}}), + iconTransformation(extent={{100,38},{120,58}}))); + Modelica.Blocks.Interfaces.RealOutput yVal "Signal for heating coil valve" + annotation (Placement(transformation(extent={{100,-80},{120,-60}}), + iconTransformation(extent={{100,-60},{120,-40}}))); + + Buildings.Controls.OBC.CDL.Continuous.LimPID conHea( + yMax=yMax, + Td=TdHea, + yMin=yMin, + k=kHea, + Ti=TiHea, + controllerType=heaController, + Ni=10) "Controller for heating" + annotation (Placement(transformation(extent={{40,-80},{60,-60}}))); + Buildings.Controls.OBC.CDL.Continuous.LimPID conCoo( + yMax=yMax, + Td=TdCoo, + k=kCoo, + Ti=TiCoo, + controllerType=cooController, + yMin=yMin, + reverseAction=true) + "Controller for cooling (acts on damper)" + annotation (Placement(transformation(extent={{-60,-10},{-40,10}}))); + Buildings.Controls.OBC.CDL.Continuous.Line reqFlo "Required flow rate" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant cooMax(k=1) + "Cooling maximum flow" + annotation (Placement(transformation(extent={{-20,-50},{0,-30}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant minFlo(k=ratVFloMin) + "VAV box minimum flow" + annotation (Placement(transformation(extent={{-60,30},{-40,50}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant conOne(k=1) + "Constant 1" + annotation (Placement(transformation(extent={{-60,-50},{-40,-30}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant conZer(k=0) + "Constant 0" + annotation (Placement(transformation(extent={{-20,30},{0,50}}))); + + protected + parameter Real yMax=1 "Upper limit of PID control output"; + parameter Real yMin=0 "Lower limit of PID control output"; + + equation + connect(TRooCooSet, conCoo.u_s) + annotation (Line(points={{-120,0},{-62,0}}, color={0,0,127})); + connect(TRoo, conHea.u_m) annotation (Line(points={{-120,-70},{-80,-70},{-80,-90}, + {50,-90},{50,-82}}, color={0,0,127})); + connect(TRooHeaSet, conHea.u_s) annotation (Line(points={{-120,60},{-70,60},{-70, + -70},{38,-70}}, color={0,0,127})); + connect(conHea.y, yVal) + annotation (Line(points={{62,-70},{110,-70}}, color={0,0,127})); + connect(conZer.y, reqFlo.x1) + annotation (Line(points={{2,40},{10,40},{10,8},{18,8}}, color={0,0,127})); + connect(minFlo.y, reqFlo.f1) annotation (Line(points={{-38,40},{-30,40},{-30,4}, + {18,4}}, color={0,0,127})); + connect(cooMax.y, reqFlo.f2) annotation (Line(points={{2,-40},{10,-40},{10,-8}, + {18,-8}},color={0,0,127})); + connect(conOne.y, reqFlo.x2) annotation (Line(points={{-38,-40},{-30,-40},{-30, + -4},{18,-4}}, color={0,0,127})); + connect(conCoo.y, reqFlo.u) + annotation (Line(points={{-38,0},{18,0}}, color={0,0,127})); + connect(TRoo, conCoo.u_m) annotation (Line(points={{-120,-70},{-80,-70},{-80, + -20},{-50,-20},{-50,-12}}, color={0,0,127})); + connect(reqFlo.y, yDam) + annotation (Line(points={{42,0},{72,0},{72,0},{110,0}}, color={0,0,127})); + + annotation ( + defaultComponentName="terCon", + Icon(coordinateSystem(extent={{-100,-100},{100,100}}), + graphics={ + Text( + extent={{-100,-62},{-66,-76}}, + lineColor={0,0,127}, + textString="TRoo"), + Text( + extent={{64,-38},{92,-58}}, + lineColor={0,0,127}, + textString="yVal"), + Text( + extent={{56,62},{90,40}}, + lineColor={0,0,127}, + textString="yDam"), + Text( + extent={{-96,82},{-36,60}}, + lineColor={0,0,127}, + textString="TRooHeaSet"), + Text( + extent={{-96,10},{-36,-10}}, + lineColor={0,0,127}, + textString="TRooCooSet")}), + Documentation(info=" +

+Controller for terminal VAV box with hot water reheat and pressure independent damper. +It was implemented according to + +[Advanced Variabled Air Volume System Design Guide], single maximum VAV reheat box +control. +The damper control signal yDam corresponds to the discharge air flow rate +set-point, normalized to the nominal value. +

+ +

+\"image\" +

+
+", revisions=" + +"),Diagram(coordinateSystem(extent={{-100,-100},{100,100}}))); + end RoomVAV; + + model State + "Block that outputs the mode if the state is active, or zero otherwise" + extends Modelica.StateGraph.StepWithSignal; + parameter OperationModes mode "Enter enumeration of mode"; + Modelica.Blocks.Interfaces.IntegerOutput y "Mode signal (=0 if not active)" + annotation (Placement(transformation(extent={{100,-70},{120,-50}}))); + equation + y = if localActive then Integer(mode) else 0; + annotation (Icon(graphics={Text( + extent={{-82,96},{82,-84}}, + lineColor={0,0,255}, + textString="state")})); + end State; + + block Controller + "Multizone AHU controller that composes subsequences for controlling fan speed, dampers, and supply air temperature" + + parameter Real samplePeriod( + final unit="s", + final quantity="Time")=120 + "Sample period of component, set to the same value to the trim and respond sequence"; + + parameter Boolean have_perZonRehBox=true + "Check if there is any VAV-reheat boxes on perimeter zones" + annotation (Dialog(group="System and building parameters")); + + parameter Boolean have_duaDucBox=false + "Check if the AHU serves dual duct boxes" + annotation (Dialog(group="System and building parameters")); + + parameter Boolean have_airFloMeaSta=false + "Check if the AHU has AFMS (Airflow measurement station)" + annotation (Dialog(group="System and building parameters")); + + // ----------- Parameters for economizer control ----------- + parameter Boolean use_enthalpy=false + "Set to true if enthalpy measurement is used in addition to temperature measurement" + annotation (Dialog(tab="Economizer")); + + parameter Real delta( + final unit="s", + final quantity="Time")=5 + "Time horizon over which the outdoor air flow measurment is averaged" + annotation (Dialog(tab="Economizer")); + + parameter Real delTOutHis( + final unit="K", + final displayUnit="K", + final quantity="TemperatureDifference")=1 + "Delta between the temperature hysteresis high and low limit" + annotation (Dialog(tab="Economizer")); + + parameter Real delEntHis( + final unit="J/kg", + final quantity="SpecificEnergy")=1000 + "Delta between the enthalpy hysteresis high and low limits" + annotation (Dialog(tab="Economizer", enable=use_enthalpy)); + + parameter Real retDamPhyPosMax( + final min=0, + final max=1, + final unit="1") = 1 + "Physically fixed maximum position of the return air damper" + annotation (Dialog(tab="Economizer", group="Damper limits")); + + parameter Real retDamPhyPosMin( + final min=0, + final max=1, + final unit="1") = 0 + "Physically fixed minimum position of the return air damper" + annotation (Dialog(tab="Economizer", group="Damper limits")); + + parameter Real outDamPhyPosMax( + final min=0, + final max=1, + final unit="1") = 1 + "Physically fixed maximum position of the outdoor air damper" + annotation (Dialog(tab="Economizer", group="Damper limits")); + + parameter Real outDamPhyPosMin( + final min=0, + final max=1, + final unit="1") = 0 + "Physically fixed minimum position of the outdoor air damper" + annotation (Dialog(tab="Economizer", group="Damper limits")); + + parameter Buildings.Controls.OBC.CDL.Types.SimpleController controllerTypeMinOut= + Buildings.Controls.OBC.CDL.Types.SimpleController.PI + "Type of controller" + annotation (Dialog(group="Economizer PID controller")); + + parameter Real kMinOut(final unit="1")=0.05 + "Gain of controller for minimum outdoor air intake" + annotation (Dialog(group="Economizer PID controller")); + + parameter Real TiMinOut( + final unit="s", + final quantity="Time")=1200 + "Time constant of controller for minimum outdoor air intake" + annotation (Dialog(group="Economizer PID controller", + enable=controllerTypeMinOut == Buildings.Controls.OBC.CDL.Types.SimpleController.PI + or controllerTypeMinOut == Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + + parameter Real TdMinOut( + final unit="s", + final quantity="Time")=0.1 + "Time constant of derivative block for minimum outdoor air intake" + annotation (Dialog(group="Economizer PID controller", + enable=controllerTypeMinOut == Buildings.Controls.OBC.CDL.Types.SimpleController.PD + or controllerTypeMinOut == Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + + parameter Boolean use_TMix=true + "Set to true if mixed air temperature measurement is enabled" + annotation(Dialog(group="Economizer freeze protection")); + + parameter Boolean use_G36FrePro=false + "Set to true to use G36 freeze protection" + annotation(Dialog(group="Economizer freeze protection")); + + parameter Buildings.Controls.OBC.CDL.Types.SimpleController controllerTypeFre= + Buildings.Controls.OBC.CDL.Types.SimpleController.PI + "Type of controller" + annotation(Dialog(group="Economizer freeze protection", enable=use_TMix)); + + parameter Real kFre(final unit="1/K") = 0.1 + "Gain for mixed air temperature tracking for freeze protection, used if use_TMix=true" + annotation(Dialog(group="Economizer freeze protection", enable=use_TMix)); + + parameter Real TiFre( + final unit="s", + final quantity="Time", + final max=TiMinOut)=120 + "Time constant of controller for mixed air temperature tracking for freeze protection. Require TiFre < TiMinOut" + annotation(Dialog(group="Economizer freeze protection", + enable=use_TMix + and (controllerTypeFre == Buildings.Controls.OBC.CDL.Types.SimpleController.PI + or controllerTypeFre == Buildings.Controls.OBC.CDL.Types.SimpleController.PID))); + + parameter Real TdFre( + final unit="s", + final quantity="Time")=0.1 + "Time constant of derivative block for freeze protection" + annotation (Dialog(group="Economizer freeze protection", + enable=use_TMix and + (controllerTypeFre == Buildings.Controls.OBC.CDL.Types.SimpleController.PD + or controllerTypeFre == Buildings.Controls.OBC.CDL.Types.SimpleController.PID))); + + parameter Real TFreSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")= 279.15 + "Lower limit for mixed air temperature for freeze protection, used if use_TMix=true" + annotation(Dialog(group="Economizer freeze protection", enable=use_TMix)); + + parameter Real yMinDamLim=0 + "Lower limit of damper position limits control signal output" + annotation (Dialog(tab="Economizer", group="Damper limits")); + + parameter Real yMaxDamLim=1 + "Upper limit of damper position limits control signal output" + annotation (Dialog(tab="Economizer", group="Damper limits")); + + parameter Real retDamFulOpeTim( + final unit="s", + final quantity="Time")=180 + "Time period to keep RA damper fully open before releasing it for minimum outdoor airflow control + at disable to avoid pressure fluctuations" + annotation (Dialog(tab="Economizer", group="Economizer delays at disable")); + + parameter Real disDel( + final unit="s", + final quantity="Time")=15 + "Short time delay before closing the OA damper at disable to avoid pressure fluctuations" + annotation (Dialog(tab="Economizer", group="Economizer delays at disable")); + + // ----------- parameters for fan speed control ----------- + parameter Real pIniSet( + final unit="Pa", + final displayUnit="Pa", + final quantity="PressureDifference")=60 + "Initial pressure setpoint for fan speed control" + annotation (Dialog(tab="Fan speed", group="Trim and respond for reseting duct static pressure setpoint")); + + parameter Real pMinSet( + final unit="Pa", + final displayUnit="Pa", + final quantity="PressureDifference")=25 + "Minimum pressure setpoint for fan speed control" + annotation (Dialog(tab="Fan speed", group="Trim and respond for reseting duct static pressure setpoint")); + + parameter Real pMaxSet( + final unit="Pa", + final displayUnit="Pa", + final quantity="PressureDifference")=400 + "Maximum pressure setpoint for fan speed control" + annotation (Dialog(tab="Fan speed", group="Trim and respond for reseting duct static pressure setpoint")); + + parameter Real pDelTim( + final unit="s", + final quantity="Time")=600 + "Delay time after which trim and respond is activated" + annotation (Dialog(tab="Fan speed", group="Trim and respond for reseting duct static pressure setpoint")); + + parameter Integer pNumIgnReq=2 + "Number of ignored requests for fan speed control" + annotation (Dialog(tab="Fan speed", group="Trim and respond for reseting duct static pressure setpoint")); + + parameter Real pTriAmo( + final unit="Pa", + final displayUnit="Pa", + final quantity="PressureDifference")=-12.0 + "Trim amount for fan speed control" + annotation (Dialog(tab="Fan speed", group="Trim and respond for reseting duct static pressure setpoint")); + + parameter Real pResAmo( + final unit="Pa", + final displayUnit="Pa", + final quantity="PressureDifference")=15 + "Respond amount (must be opposite in to triAmo) for fan speed control" + annotation (Dialog(tab="Fan speed", group="Trim and respond for reseting duct static pressure setpoint")); + + parameter Real pMaxRes( + final unit="Pa", + final displayUnit="Pa", + final quantity="PressureDifference")=32 + "Maximum response per time interval (same sign as resAmo) for fan speed control" + annotation (Dialog(tab="Fan speed", group="Trim and respond for reseting duct static pressure setpoint")); + + parameter Buildings.Controls.OBC.CDL.Types.SimpleController + controllerTypeFanSpe=Buildings.Controls.OBC.CDL.Types.SimpleController.PI "Type of controller" + annotation (Dialog(group="Fan speed PID controller")); + + parameter Real kFanSpe(final unit="1")=0.1 + "Gain of fan fan speed controller, normalized using pMaxSet" + annotation (Dialog(group="Fan speed PID controller")); + + parameter Real TiFanSpe( + final unit="s", + final quantity="Time")=60 + "Time constant of integrator block for fan speed" + annotation (Dialog(group="Fan speed PID controller", + enable=controllerTypeFanSpe == Buildings.Controls.OBC.CDL.Types.SimpleController.PI + or controllerTypeFanSpe == Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + + parameter Real TdFanSpe( + final unit="s", + final quantity="Time")=0.1 + "Time constant of derivative block for fan speed" + annotation (Dialog(group="Fan speed PID controller", + enable=controllerTypeFanSpe == Buildings.Controls.OBC.CDL.Types.SimpleController.PD + or controllerTypeFanSpe == Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + + parameter Real yFanMax=1 "Maximum allowed fan speed" + annotation (Dialog(group="Fan speed PID controller")); + + parameter Real yFanMin=0.1 "Lowest allowed fan speed if fan is on" + annotation (Dialog(group="Fan speed PID controller")); + + // ----------- parameters for minimum outdoor airflow setting ----------- + parameter Real VPriSysMax_flow( + final unit="m3/s", + final quantity="VolumeFlowRate") + "Maximum expected system primary airflow at design stage" + annotation (Dialog(tab="Minimum outdoor airflow rate", group="Nominal conditions")); + + parameter Real peaSysPop "Peak system population" + annotation (Dialog(tab="Minimum outdoor airflow rate", group="Nominal conditions")); + + // ----------- parameters for supply air temperature control ----------- + parameter Real TSupSetMin( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=285.15 + "Lowest cooling supply air temperature setpoint" + annotation (Dialog(tab="Supply air temperature", group="Temperature limits")); + + parameter Real TSupSetMax( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=291.15 + "Highest cooling supply air temperature setpoint. It is typically 18 degC (65 degF) in mild and dry climates, 16 degC (60 degF) or lower in humid climates" + annotation (Dialog(tab="Supply air temperature", group="Temperature limits")); + + parameter Real TSupSetDes( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=286.15 + "Nominal supply air temperature setpoint" + annotation (Dialog(tab="Supply air temperature", group="Temperature limits")); + + parameter Real TOutMin( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=289.15 + "Lower value of the outdoor air temperature reset range. Typically value is 16 degC (60 degF)" + annotation (Dialog(tab="Supply air temperature", group="Temperature limits")); + + parameter Real TOutMax( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=294.15 + "Higher value of the outdoor air temperature reset range. Typically value is 21 degC (70 degF)" + annotation (Dialog(tab="Supply air temperature", group="Temperature limits")); + + parameter Real iniSetSupTem( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=supTemSetPoi.maxSet + "Initial setpoint for supply temperature control" + annotation (Dialog(tab="Supply air temperature", group="Trim and respond for reseting TSup setpoint")); + + parameter Real maxSetSupTem( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=supTemSetPoi.TSupSetMax + "Maximum setpoint for supply temperature control" + annotation (Dialog(tab="Supply air temperature", group="Trim and respond for reseting TSup setpoint")); + + parameter Real minSetSupTem( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=supTemSetPoi.TSupSetDes + "Minimum setpoint for supply temperature control" + annotation (Dialog(tab="Supply air temperature", group="Trim and respond for reseting TSup setpoint")); + + parameter Real delTimSupTem( + final unit="s", + final quantity="Time")=600 + "Delay timer for supply temperature control" + annotation (Dialog(tab="Supply air temperature", group="Trim and respond for reseting TSup setpoint")); + + parameter Integer numIgnReqSupTem=2 + "Number of ignorable requests for supply temperature control" + annotation (Dialog(tab="Supply air temperature", group="Trim and respond for reseting TSup setpoint")); + + parameter Real triAmoSupTem( + final unit="K", + final displayUnit="K", + final quantity="TemperatureDifference")=0.1 + "Trim amount for supply temperature control" + annotation (Dialog(tab="Supply air temperature", group="Trim and respond for reseting TSup setpoint")); + + parameter Real resAmoSupTem( + final unit="K", + final displayUnit="K", + final quantity="TemperatureDifference")=-0.2 + "Response amount for supply temperature control" + annotation (Dialog(tab="Supply air temperature", group="Trim and respond for reseting TSup setpoint")); + + parameter Real maxResSupTem( + final unit="K", + final displayUnit="K", + final quantity="TemperatureDifference")=-0.6 + "Maximum response per time interval for supply temperature control" + annotation (Dialog(tab="Supply air temperature", group="Trim and respond for reseting TSup setpoint")); + + parameter Buildings.Controls.OBC.CDL.Types.SimpleController controllerTypeTSup= + Buildings.Controls.OBC.CDL.Types.SimpleController.PI + "Type of controller for supply air temperature signal" + annotation (Dialog(group="Supply air temperature")); + + parameter Real kTSup(final unit="1/K")=0.05 + "Gain of controller for supply air temperature signal" + annotation (Dialog(group="Supply air temperature")); + + parameter Real TiTSup( + final unit="s", + final quantity="Time")=600 + "Time constant of integrator block for supply air temperature control signal" + annotation (Dialog(group="Supply air temperature", + enable=controllerTypeTSup == Buildings.Controls.OBC.CDL.Types.SimpleController.PI + or controllerTypeTSup == Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + + parameter Real TdTSup( + final unit="s", + final quantity="Time")=0.1 + "Time constant of integrator block for supply air temperature control signal" + annotation (Dialog(group="Supply air temperature", + enable=controllerTypeTSup == Buildings.Controls.OBC.CDL.Types.SimpleController.PD + or controllerTypeTSup == Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + + parameter Real uHeaMax(min=-0.9)=-0.25 + "Upper limit of controller signal when heating coil is off. Require -1 < uHeaMax < uCooMin < 1." + annotation (Dialog(group="Supply air temperature")); + + parameter Real uCooMin(max=0.9)=0.25 + "Lower limit of controller signal when cooling coil is off. Require -1 < uHeaMax < uCooMin < 1." + annotation (Dialog(group="Supply air temperature")); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TZonHeaSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "Zone air temperature heating setpoint" + annotation (Placement(transformation(extent={{-240,280},{-200,320}}), + iconTransformation(extent={{-240,320},{-200,360}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TZonCooSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "Zone air temperature cooling setpoint" + annotation (Placement(transformation(extent={{-240,250},{-200,290}}), + iconTransformation(extent={{-240,290},{-200,330}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TOut( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") "Outdoor air temperature" + annotation (Placement(transformation(extent={{-240,220},{-200,260}}), + iconTransformation(extent={{-240,260},{-200,300}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput ducStaPre( + final unit="Pa", + final displayUnit="Pa") + "Measured duct static pressure" + annotation (Placement(transformation(extent={{-240,190},{-200,230}}), + iconTransformation(extent={{-240,230},{-200,270}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput sumDesZonPop( + final min=0, + final unit="1") + "Sum of the design population of the zones in the group" + annotation (Placement(transformation(extent={{-240,160},{-200,200}}), + iconTransformation(extent={{-240,170},{-200,210}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput VSumDesPopBreZon_flow( + final min=0, + final unit = "m3/s", + final quantity = "VolumeFlowRate") + "Sum of the population component design breathing zone flow rate" + annotation (Placement(transformation(extent={{-240,130},{-200,170}}), + iconTransformation(extent={{-240,140},{-200,180}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput VSumDesAreBreZon_flow( + final min=0, + final unit = "m3/s", + final quantity = "VolumeFlowRate") + "Sum of the area component design breathing zone flow rate" + annotation (Placement(transformation(extent={{-240,100},{-200,140}}), + iconTransformation(extent={{-240,110},{-200,150}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput uDesSysVenEff( + final min=0, + final unit = "1") + "Design system ventilation efficiency, equals to the minimum of all zones ventilation efficiency" + annotation (Placement(transformation(extent={{-240,70},{-200,110}}), + iconTransformation(extent={{-240,80},{-200,120}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput VSumUncOutAir_flow( + final min=0, + final unit = "m3/s", + final quantity = "VolumeFlowRate") + "Sum of all zones required uncorrected outdoor airflow rate" + annotation (Placement(transformation(extent={{-240,40},{-200,80}}), + iconTransformation(extent={{-240,50},{-200,90}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput VSumSysPriAir_flow( + final min=0, + final unit = "m3/s", + final quantity = "VolumeFlowRate") + "System primary airflow rate, equals to the sum of the measured discharged flow rate of all terminal units" + annotation (Placement(transformation(extent={{-240,10},{-200,50}}), + iconTransformation(extent={{-240,20},{-200,60}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput uOutAirFra_max( + final min=0, + final unit = "1") + "Maximum zone outdoor air fraction, equals to the maximum of primary outdoor air fraction of all zones" + annotation (Placement(transformation(extent={{-240,-20},{-200,20}}), + iconTransformation(extent={{-240,-10},{-200,30}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TSup( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "Measured supply air temperature" + annotation (Placement(transformation(extent={{-240,-50},{-200,-10}}), + iconTransformation(extent={{-240,-70},{-200,-30}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TOutCut( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "OA temperature high limit cutoff. For differential dry bulb temeprature condition use return air temperature measurement" + annotation (Placement(transformation(extent={{-240,-80},{-200,-40}}), + iconTransformation(extent={{-240,-100},{-200,-60}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput hOut( + final unit="J/kg", + final quantity="SpecificEnergy") if use_enthalpy "Outdoor air enthalpy" + annotation (Placement(transformation(extent={{-240,-110},{-200,-70}}), + iconTransformation(extent={{-240,-130},{-200,-90}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput hOutCut( + final unit="J/kg", + final quantity="SpecificEnergy") if use_enthalpy + "OA enthalpy high limit cutoff. For differential enthalpy use return air enthalpy measurement" + annotation (Placement(transformation(extent={{-240,-140},{-200,-100}}), + iconTransformation(extent={{-240,-160},{-200,-120}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput VOut_flow( + final min=0, + final unit = "m3/s", + final quantity = "VolumeFlowRate") + "Measured outdoor volumetric airflow rate" + annotation (Placement(transformation(extent={{-240,-170},{-200,-130}}), + iconTransformation(extent={{-240,-190},{-200,-150}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TMix( + final unit="K", + final displayUnit="degC", + final quantity = "ThermodynamicTemperature") if use_TMix + "Measured mixed air temperature, used for freeze protection if use_TMix=true" + annotation (Placement(transformation(extent={{-240,-200},{-200,-160}}), + iconTransformation(extent={{-240,-230},{-200,-190}}))); + + Buildings.Controls.OBC.CDL.Interfaces.IntegerInput uOpeMod + "AHU operation mode status signal" + annotation (Placement(transformation(extent={{-240,-230},{-200,-190}}), + iconTransformation(extent={{-240,-270},{-200,-230}}))); + + Buildings.Controls.OBC.CDL.Interfaces.IntegerInput uZonTemResReq + "Zone cooling supply air temperature reset request" + annotation (Placement(transformation(extent={{-240,-260},{-200,-220}}), + iconTransformation(extent={{-240,-300},{-200,-260}}))); + + Buildings.Controls.OBC.CDL.Interfaces.IntegerInput uZonPreResReq + "Zone static pressure reset requests" + annotation (Placement(transformation(extent={{-240,-290},{-200,-250}}), + iconTransformation(extent={{-240,-330},{-200,-290}}))); + + Buildings.Controls.OBC.CDL.Interfaces.IntegerInput uFreProSta if + use_G36FrePro + "Freeze protection status, used if use_G36FrePro=true" + annotation (Placement(transformation(extent={{-240,-320},{-200,-280}}), + iconTransformation(extent={{-240,-360},{-200,-320}}))); + + Buildings.Controls.OBC.CDL.Interfaces.BooleanOutput ySupFan + "Supply fan status, true if fan should be on" + annotation (Placement(transformation(extent={{200,260},{240,300}}), + iconTransformation(extent={{200,280},{240,320}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput ySupFanSpe( + final min=0, + final max=1, + final unit="1") "Supply fan speed" + annotation (Placement(transformation(extent={{200,190},{240,230}}), + iconTransformation(extent={{200,220},{240,260}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput TSupSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "Setpoint for supply air temperature" + annotation (Placement(transformation(extent={{200,160},{240,200}}), + iconTransformation(extent={{200,160},{240,200}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput VDesUncOutAir_flow( + final min=0, + final unit = "m3/s", + final quantity = "VolumeFlowRate") + "Design uncorrected minimum outdoor airflow rate" + annotation (Placement(transformation(extent={{200,120},{240,160}}), + iconTransformation(extent={{200,100},{240,140}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput yAveOutAirFraPlu( + final min=0, + final unit = "1") + "Average outdoor air flow fraction plus 1" + annotation (Placement(transformation(extent={{200,80},{240,120}}), + iconTransformation(extent={{200,40},{240,80}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput VEffOutAir_flow( + final min=0, + final unit = "m3/s", + final quantity = "VolumeFlowRate") + "Effective minimum outdoor airflow setpoint" + annotation (Placement(transformation(extent={{200,40},{240,80}}), + iconTransformation(extent={{200,-20},{240,20}}))); + + Buildings.Controls.OBC.CDL.Interfaces.BooleanOutput yReqOutAir + "True if the AHU supply fan is on and the zone is in occupied mode" + annotation (Placement(transformation(extent={{200,0},{240,40}}), + iconTransformation(extent={{200,-80},{240,-40}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput yHea( + final min=0, + final max=1, + final unit="1") + "Control signal for heating" + annotation (Placement(transformation(extent={{200,-50},{240,-10}}), + iconTransformation(extent={{200,-140},{240,-100}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput yCoo( + final min=0, + final max=1, + final unit="1") "Control signal for cooling" + annotation (Placement(transformation(extent={{200,-110},{240,-70}}), + iconTransformation(extent={{200,-200},{240,-160}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput yRetDamPos( + final min=0, + final max=1, + final unit="1") "Return air damper position" + annotation (Placement(transformation(extent={{200,-170},{240,-130}}), + iconTransformation(extent={{200,-260},{240,-220}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput yOutDamPos( + final min=0, + final max=1, + final unit="1") "Outdoor air damper position" + annotation (Placement(transformation(extent={{200,-210},{240,-170}}), + iconTransformation(extent={{200,-320},{240,-280}}))); + + Buildings.Controls.OBC.CDL.Continuous.Average TZonSetPoiAve + "Average of all zone set points" + annotation (Placement(transformation(extent={{-160,270},{-140,290}}))); + + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.SupplyFan + supFan( + final samplePeriod=samplePeriod, + final have_perZonRehBox=have_perZonRehBox, + final have_duaDucBox=have_duaDucBox, + final have_airFloMeaSta=have_airFloMeaSta, + final iniSet=pIniSet, + final minSet=pMinSet, + final maxSet=pMaxSet, + final delTim=pDelTim, + final numIgnReq=pNumIgnReq, + final triAmo=pTriAmo, + final resAmo=pResAmo, + final maxRes=pMaxRes, + final controllerType=controllerTypeFanSpe, + final k=kFanSpe, + final Ti=TiFanSpe, + final Td=TdFanSpe, + final yFanMax=yFanMax, + final yFanMin=yFanMin) + "Supply fan controller" + annotation (Placement(transformation(extent={{-160,200},{-140,220}}))); + + FiveZone.VAVReheat.Controls.SupplyTemperature supTemSetPoi( + final samplePeriod=samplePeriod, + final TSupSetMin=TSupSetMin, + final TSupSetMax=TSupSetMax, + final TSupSetDes=TSupSetDes, + final TOutMin=TOutMin, + final TOutMax=TOutMax, + final iniSet=iniSetSupTem, + final maxSet=maxSetSupTem, + final minSet=minSetSupTem, + final delTim=delTimSupTem, + final numIgnReq=numIgnReqSupTem, + final triAmo=triAmoSupTem, + final resAmo=resAmoSupTem, + final maxRes=maxResSupTem) "Setpoint for supply temperature" + annotation (Placement(transformation(extent={{0,170},{20,190}}))); + + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.OutdoorAirFlow.AHU + sysOutAirSet(final VPriSysMax_flow=VPriSysMax_flow, final peaSysPop= + peaSysPop) "Minimum outdoor airflow setpoint" + annotation (Placement(transformation(extent={{-40,70},{-20,90}}))); + + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.Economizers.Controller eco( + final use_enthalpy=use_enthalpy, + final delTOutHis=delTOutHis, + final delEntHis=delEntHis, + final retDamFulOpeTim=retDamFulOpeTim, + final disDel=disDel, + final controllerTypeMinOut=controllerTypeMinOut, + final kMinOut=kMinOut, + final TiMinOut=TiMinOut, + final TdMinOut=TdMinOut, + final retDamPhyPosMax=retDamPhyPosMax, + final retDamPhyPosMin=retDamPhyPosMin, + final outDamPhyPosMax=outDamPhyPosMax, + final outDamPhyPosMin=outDamPhyPosMin, + final uHeaMax=uHeaMax, + final uCooMin=uCooMin, + final uOutDamMax=(uHeaMax + uCooMin)/2, + final uRetDamMin=(uHeaMax + uCooMin)/2, + final TFreSet=TFreSet, + final controllerTypeFre=controllerTypeFre, + final kFre=kFre, + final TiFre=TiFre, + final TdFre=TdFre, + final delta=delta, + final use_TMix=use_TMix, + final use_G36FrePro=use_G36FrePro) "Economizer controller" + annotation (Placement(transformation(extent={{140,-170},{160,-150}}))); + + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.SupplySignals val( + final controllerType=controllerTypeTSup, + final kTSup=kTSup, + final TiTSup=TiTSup, + final TdTSup=TdTSup, + final uHeaMax=uHeaMax, + final uCooMin=uCooMin) "AHU coil valve control" + annotation (Placement(transformation(extent={{80,-70},{100,-50}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput uTSupSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "External supply air temperature setpoint" + annotation (Placement(transformation(extent={{-240,304},{-200,344}}), + iconTransformation(extent={{-240,304},{-200,344}}))); + protected + Buildings.Controls.OBC.CDL.Continuous.Division VOut_flow_normalized( + u1(final unit="m3/s"), + u2(final unit="m3/s"), + y(final unit="1")) + "Normalization of outdoor air flow intake by design minimum outdoor air intake" + annotation (Placement(transformation(extent={{20,-130},{40,-110}}))); + + equation + connect(eco.yRetDamPos, yRetDamPos) + annotation (Line(points={{161.25,-157.5},{180,-157.5},{180,-150},{220,-150}}, + color={0,0,127})); + connect(eco.yOutDamPos, yOutDamPos) + annotation (Line(points={{161.25,-162.5},{180,-162.5},{180,-190},{220,-190}}, + color={0,0,127})); + connect(eco.uSupFan, supFan.ySupFan) + annotation (Line(points={{138.75,-165},{-84,-165},{-84,217},{-138,217}}, + color={255,0,255})); + connect(supFan.ySupFanSpe, ySupFanSpe) + annotation (Line(points={{-138,210},{220,210}}, + color={0,0,127})); + connect(TOut, eco.TOut) + annotation (Line(points={{-220,240},{-60,240},{-60,-150.625},{138.75,-150.625}}, + color={0,0,127})); + connect(eco.TOutCut, TOutCut) + annotation (Line(points={{138.75,-152.5},{-74,-152.5},{-74,-60},{-220,-60}}, + color={0,0,127})); + connect(eco.hOut, hOut) + annotation (Line(points={{138.75,-154.375},{-78,-154.375},{-78,-90},{-220,-90}}, + color={0,0,127})); + connect(eco.hOutCut, hOutCut) + annotation (Line(points={{138.75,-155.625},{-94,-155.625},{-94,-120},{-220,-120}}, + color={0,0,127})); + connect(eco.uOpeMod, uOpeMod) + annotation (Line(points={{138.75,-166.875},{60,-166.875},{60,-210},{-220,-210}}, + color={255,127,0})); + connect(supTemSetPoi.TSupSet, TSupSet) + annotation (Line(points={{22,180},{220,180}}, color={0,0,127})); + connect(supTemSetPoi.TOut, TOut) + annotation (Line(points={{-2,184},{-60,184},{-60,240},{-220,240}}, + color={0,0,127})); + connect(supTemSetPoi.uSupFan, supFan.ySupFan) + annotation (Line(points={{-2,176},{-84,176},{-84,217},{-138,217}}, + color={255,0,255})); + connect(supTemSetPoi.uZonTemResReq, uZonTemResReq) + annotation (Line(points={{-2,180},{-52,180},{-52,-240},{-220,-240}}, + color={255,127,0})); + connect(supTemSetPoi.uOpeMod, uOpeMod) + annotation (Line(points={{-2,172},{-48,172},{-48,-210},{-220,-210}}, + color={255,127,0})); + connect(supFan.uOpeMod, uOpeMod) + annotation (Line(points={{-162,218},{-180,218},{-180,-210},{-220,-210}}, + color={255,127,0})); + connect(supFan.uZonPreResReq, uZonPreResReq) + annotation (Line(points={{-162,207},{-176,207},{-176,-270},{-220,-270}}, + color={255,127,0})); + connect(supFan.ducStaPre, ducStaPre) + annotation (Line(points={{-162,202},{-192,202},{-192,210},{-220,210}}, + color={0,0,127})); + connect(supTemSetPoi.TZonSetAve, TZonSetPoiAve.y) + annotation (Line(points={{-2,188},{-20,188},{-20,280},{-138,280}}, + color={0,0,127})); + connect(supFan.ySupFan, ySupFan) + annotation (Line(points={{-138,217},{60,217},{60,280},{220,280}}, + color={255,0,255})); + connect(TZonSetPoiAve.u2, TZonCooSet) + annotation (Line(points={{-162,274},{-180,274},{-180,270},{-220,270}}, + color={0,0,127})); + connect(eco.TMix, TMix) + annotation (Line(points={{138.75,-163.125},{-12,-163.125},{-12,-180},{-220,-180}}, + color={0,0,127})); + connect(TSup, val.TSup) + annotation (Line(points={{-220,-30},{-66,-30},{-66,-65},{78,-65}}, + color={0,0,127})); + connect(supFan.ySupFan, val.uSupFan) + annotation (Line(points={{-138,217},{-84,217},{-84,-55},{78,-55}}, + color={255,0,255})); + connect(val.uTSup, eco.uTSup) + annotation (Line(points={{102,-56},{120,-56},{120,-157.5},{138.75,-157.5}}, + color={0,0,127})); + connect(val.yHea, yHea) + annotation (Line(points={{102,-60},{180,-60},{180,-30},{220,-30}}, + color={0,0,127})); + connect(val.yCoo, yCoo) + annotation (Line(points={{102,-64},{180,-64},{180,-90},{220,-90}}, + color={0,0,127})); + connect(supTemSetPoi.TSupSet, val.TSupSet) + annotation (Line(points={{22,180},{60,180},{60,-60},{78,-60}}, + color={0,0,127})); + connect(TZonHeaSet, TZonSetPoiAve.u1) + annotation (Line(points={{-220,300},{-180,300},{-180,286},{-162,286}}, + color={0,0,127})); + connect(eco.uFreProSta, uFreProSta) + annotation (Line(points={{138.75,-169.375},{66,-169.375},{66,-300},{-220,-300}}, + color={255,127,0})); + connect(eco.VOut_flow_normalized, VOut_flow_normalized.y) + annotation (Line(points={{138.75,-159.375},{60,-159.375},{60,-120},{42,-120}}, + color={0,0,127})); + connect(VOut_flow_normalized.u1, VOut_flow) + annotation (Line(points={{18,-114},{-160,-114},{-160,-150},{-220,-150}}, + color={0,0,127})); + connect(sysOutAirSet.VDesUncOutAir_flow, VDesUncOutAir_flow) annotation (Line( + points={{-18,88},{0,88},{0,140},{220,140}}, color={0,0,127})); + connect(sysOutAirSet.VDesOutAir_flow, VOut_flow_normalized.u2) annotation ( + Line(points={{-18,82},{0,82},{0,-126},{18,-126}}, color={0,0,127})); + connect(sysOutAirSet.effOutAir_normalized, eco.VOutMinSet_flow_normalized) + annotation (Line(points={{-18,75},{-4,75},{-4,-161.25},{138.75,-161.25}}, + color={0,0,127})); + connect(supFan.ySupFan, sysOutAirSet.uSupFan) annotation (Line(points={{-138,217}, + {-84,217},{-84,73},{-42,73}}, color={255,0,255})); + connect(uOpeMod, sysOutAirSet.uOpeMod) annotation (Line(points={{-220,-210},{-48, + -210},{-48,71},{-42,71}}, color={255,127,0})); + connect(sysOutAirSet.yAveOutAirFraPlu, yAveOutAirFraPlu) annotation (Line( + points={{-18,85},{20,85},{20,100},{220,100}}, color={0,0,127})); + connect(sysOutAirSet.VEffOutAir_flow, VEffOutAir_flow) annotation (Line( + points={{-18,78},{20,78},{20,60},{220,60}}, color={0,0,127})); + connect(sysOutAirSet.yReqOutAir, yReqOutAir) annotation (Line(points={{-18, + 72},{16,72},{16,20},{220,20}}, color={255,0,255})); + connect(sysOutAirSet.sumDesZonPop, sumDesZonPop) annotation (Line(points={{-42, + 89},{-120,89},{-120,180},{-220,180}}, color={0,0,127})); + connect(sysOutAirSet.VSumDesPopBreZon_flow, VSumDesPopBreZon_flow) + annotation (Line(points={{-42,87},{-126,87},{-126,150},{-220,150}}, color={0, + 0,127})); + connect(sysOutAirSet.VSumDesAreBreZon_flow, VSumDesAreBreZon_flow) + annotation (Line(points={{-42,85},{-132,85},{-132,120},{-220,120}}, color={0, + 0,127})); + connect(sysOutAirSet.uDesSysVenEff, uDesSysVenEff) annotation (Line(points={{-42, + 83},{-138,83},{-138,90},{-220,90}}, color={0,0,127})); + connect(sysOutAirSet.VSumUncOutAir_flow, VSumUncOutAir_flow) annotation (Line( + points={{-42,81},{-138,81},{-138,60},{-220,60}}, color={0,0,127})); + connect(sysOutAirSet.VSumSysPriAir_flow, VSumSysPriAir_flow) annotation (Line( + points={{-42,79},{-132,79},{-132,30},{-220,30}}, color={0,0,127})); + connect(uOutAirFra_max, sysOutAirSet.uOutAirFra_max) annotation (Line(points={ + {-220,0},{-126,0},{-126,77},{-42,77}}, color={0,0,127})); + + connect(supTemSetPoi.uTSupSet, uTSupSet) annotation (Line(points={{-2,178},{-30, + 178},{-30,324},{-220,324}}, color={0,0,127})); + annotation (defaultComponentName="conAHU", + Diagram(coordinateSystem(extent={{-200,-320},{200,320}}, initialScale=0.2)), + Icon(coordinateSystem(extent={{-200,-360},{200,360}}, initialScale=0.2), + graphics={Rectangle( + extent={{200,360},{-200,-360}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), Text( + extent={{-200,450},{200,372}}, + textString="%name", + lineColor={0,0,255}), Text( + extent={{-200,348},{-116,332}}, + lineColor={0,0,0}, + textString="TZonHeaSet"), Text( + extent={{102,-48},{202,-68}}, + lineColor={255,0,255}, + textString="yReqOutAir"), Text( + extent={{-196,-238},{-122,-258}}, + lineColor={255,127,0}, + textString="uOpeMod"), Text( + extent={{-200,318},{-114,302}}, + lineColor={0,0,0}, + textString="TZonCooSet"), Text( + extent={{-198,260},{-120,242}}, + lineColor={0,0,0}, + textString="ducStaPre"), Text( + extent={{-198,288},{-162,272}}, + lineColor={0,0,0}, + textString="TOut"), Text( + extent={{-196,110},{-90,88}}, + lineColor={0,0,0}, + textString="uDesSysVenEff"), Text( + extent={{-196,140},{-22,118}}, + lineColor={0,0,0}, + textString="VSumDesAreBreZon_flow"), + Text( + extent={{-196,170},{-20,148}}, + lineColor={0,0,0}, + textString="VSumDesPopBreZon_flow"), + Text( + extent={{-196,200},{-88,182}}, + lineColor={0,0,0}, + textString="sumDesZonPop"), Text( + extent={{-200,-42},{-154,-62}}, + lineColor={0,0,0}, + textString="TSup"), Text( + extent={{-200,18},{-84,0}}, + lineColor={0,0,0}, + textString="uOutAirFra_max"), Text( + extent={{-196,48},{-62,30}}, + lineColor={0,0,0}, + textString="VSumSysPriAir_flow"), + Text( + extent={{-196,80},{-42,58}}, + lineColor={0,0,0}, + textString="VSumUncOutAir_flow"), + Text( + extent={{-200,-162},{-126,-180}}, + lineColor={0,0,0}, + textString="VOut_flow"), Text( + visible=use_enthalpy, + extent={{-200,-130},{-134,-148}}, + lineColor={0,0,0}, + textString="hOutCut"), Text( + visible=use_enthalpy, + extent={{-200,-100},{-160,-118}}, + lineColor={0,0,0}, + textString="hOut"), Text( + extent={{-198,-70},{-146,-86}}, + lineColor={0,0,0}, + textString="TOutCut"), Text( + visible=use_TMix, + extent={{-200,-200},{-154,-218}}, + lineColor={0,0,0}, + textString="TMix"), Text( + extent={{-194,-270},{-68,-290}}, + lineColor={255,127,0}, + textString="uZonTemResReq"), Text( + extent={{-192,-300},{-74,-320}}, + lineColor={255,127,0}, + textString="uZonPreResReq"), Text( + visible=use_G36FrePro, + extent={{-200,-330},{-110,-348}}, + lineColor={255,127,0}, + textString="uFreProSta"), Text( + extent={{106,252},{198,230}}, + lineColor={0,0,0}, + textString="ySupFanSpe"), Text( + extent={{122,192},{202,172}}, + lineColor={0,0,0}, + textString="TSupSet"), Text( + extent={{68,72},{196,52}}, + lineColor={0,0,0}, + textString="yAveOutAirFraPlu"), Text( + extent={{48,132},{196,110}}, + lineColor={0,0,0}, + textString="VDesUncOutAir_flow"), + Text( + extent={{150,-104},{200,-126}}, + lineColor={0,0,0}, + textString="yHea"), Text( + extent={{94,-288},{200,-308}}, + lineColor={0,0,0}, + textString="yOutDamPos"), Text( + extent={{98,-228},{198,-248}}, + lineColor={0,0,0}, + textString="yRetDamPos"), Text( + extent={{78,14},{196,-6}}, + lineColor={0,0,0}, + textString="VEffOutAir_flow"), Text( + extent={{120,312},{202,292}}, + lineColor={255,0,255}, + textString="ySupFan"), Text( + extent={{150,-166},{200,-188}}, + lineColor={0,0,0}, + textString="yCoo")}), + Documentation(info=" +

+Block that is applied for multizone VAV AHU control. It outputs the supply fan status +and the operation speed, outdoor and return air damper position, supply air +temperature setpoint and the valve position of the cooling and heating coils. +It is implemented according to the ASHRAE Guideline 36, PART 5.N. +

+

+The sequence consists of five subsequences. +

+

Supply fan speed control

+

+The fan speed control is implemented according to PART 5.N.1. It outputs +the boolean signal ySupFan to turn on or off the supply fan. +In addition, based on the pressure reset request uZonPreResReq +from the VAV zones controller, the +sequence resets the duct pressure setpoint, and uses this setpoint +to modulate the fan speed ySupFanSpe using a PI controller. +See + +Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.SupplyFan +for more detailed description. +

+

Minimum outdoor airflow setting

+

+According to current occupany, supply operation status ySupFan, +zone temperatures and the discharge air temperature, the sequence computes the +minimum outdoor airflow rate setpoint, which is used as input for the economizer control. +More detailed information can be found in + +Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.OutdoorAirFlow. +

+

Economizer control

+

+The block outputs outdoor and return air damper position, yOutDamPos and +yRetDamPos. First, it computes the position limits to satisfy the minimum +outdoor airflow requirement. Second, it determines the availability of the economizer based +on the outdoor condition. The dampers are modulated to track the supply air temperature +loop signal, which is calculated from the sequence below, subject to the minimum outdoor airflow +requirement and economizer availability. Optionally, there is also an override for freeze protection. +See + +Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.Economizers.Controller +for more detailed description. +

+

Supply air temperature setpoint

+

+Based on PART 5.N.2, the sequence first sets the maximum supply air temperature +based on reset requests collected from each zone uZonTemResReq. The +outdoor temperature TOut and operation mode uOpeMod are used +along with the maximum supply air temperature, for computing the supply air temperature +setpoint. See + +Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.SupplyTemperature +for more detailed description. +

+

Coil valve control

+

+The subsequence retrieves supply air temperature setpoint from previous sequence. +Along with the measured supply air temperature and the supply fan status, it +generates coil valve positions. See + +Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.SupplySignals +

+", + revisions=" + +")); + end Controller; + + block ControllerOve + "Multizone AHU controller that composes subsequences for controlling fan speed, dampers, and supply air temperature" + + parameter Real samplePeriod( + final unit="s", + final quantity="Time")=120 + "Sample period of component, set to the same value to the trim and respond sequence"; + + parameter Boolean have_perZonRehBox=true + "Check if there is any VAV-reheat boxes on perimeter zones" + annotation (Dialog(group="System and building parameters")); + + parameter Boolean have_duaDucBox=false + "Check if the AHU serves dual duct boxes" + annotation (Dialog(group="System and building parameters")); + + parameter Boolean have_airFloMeaSta=false + "Check if the AHU has AFMS (Airflow measurement station)" + annotation (Dialog(group="System and building parameters")); + + // ----------- Parameters for economizer control ----------- + parameter Boolean use_enthalpy=false + "Set to true if enthalpy measurement is used in addition to temperature measurement" + annotation (Dialog(tab="Economizer")); + + parameter Real delta( + final unit="s", + final quantity="Time")=5 + "Time horizon over which the outdoor air flow measurment is averaged" + annotation (Dialog(tab="Economizer")); + + parameter Real delTOutHis( + final unit="K", + final displayUnit="K", + final quantity="TemperatureDifference")=1 + "Delta between the temperature hysteresis high and low limit" + annotation (Dialog(tab="Economizer")); + + parameter Real delEntHis( + final unit="J/kg", + final quantity="SpecificEnergy")=1000 + "Delta between the enthalpy hysteresis high and low limits" + annotation (Dialog(tab="Economizer", enable=use_enthalpy)); + + parameter Real retDamPhyPosMax( + final min=0, + final max=1, + final unit="1") = 1 + "Physically fixed maximum position of the return air damper" + annotation (Dialog(tab="Economizer", group="Damper limits")); + + parameter Real retDamPhyPosMin( + final min=0, + final max=1, + final unit="1") = 0 + "Physically fixed minimum position of the return air damper" + annotation (Dialog(tab="Economizer", group="Damper limits")); + + parameter Real outDamPhyPosMax( + final min=0, + final max=1, + final unit="1") = 1 + "Physically fixed maximum position of the outdoor air damper" + annotation (Dialog(tab="Economizer", group="Damper limits")); + + parameter Real outDamPhyPosMin( + final min=0, + final max=1, + final unit="1") = 0 + "Physically fixed minimum position of the outdoor air damper" + annotation (Dialog(tab="Economizer", group="Damper limits")); + + parameter Buildings.Controls.OBC.CDL.Types.SimpleController controllerTypeMinOut= + Buildings.Controls.OBC.CDL.Types.SimpleController.PI + "Type of controller" + annotation (Dialog(group="Economizer PID controller")); + + parameter Real kMinOut(final unit="1")=0.05 + "Gain of controller for minimum outdoor air intake" + annotation (Dialog(group="Economizer PID controller")); + + parameter Real TiMinOut( + final unit="s", + final quantity="Time")=1200 + "Time constant of controller for minimum outdoor air intake" + annotation (Dialog(group="Economizer PID controller", + enable=controllerTypeMinOut == Buildings.Controls.OBC.CDL.Types.SimpleController.PI + or controllerTypeMinOut == Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + + parameter Real TdMinOut( + final unit="s", + final quantity="Time")=0.1 + "Time constant of derivative block for minimum outdoor air intake" + annotation (Dialog(group="Economizer PID controller", + enable=controllerTypeMinOut == Buildings.Controls.OBC.CDL.Types.SimpleController.PD + or controllerTypeMinOut == Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + + parameter Boolean use_TMix=true + "Set to true if mixed air temperature measurement is enabled" + annotation(Dialog(group="Economizer freeze protection")); + + parameter Boolean use_G36FrePro=false + "Set to true to use G36 freeze protection" + annotation(Dialog(group="Economizer freeze protection")); + + parameter Buildings.Controls.OBC.CDL.Types.SimpleController controllerTypeFre= + Buildings.Controls.OBC.CDL.Types.SimpleController.PI + "Type of controller" + annotation(Dialog(group="Economizer freeze protection", enable=use_TMix)); + + parameter Real kFre(final unit="1/K") = 0.1 + "Gain for mixed air temperature tracking for freeze protection, used if use_TMix=true" + annotation(Dialog(group="Economizer freeze protection", enable=use_TMix)); + + parameter Real TiFre( + final unit="s", + final quantity="Time", + final max=TiMinOut)=120 + "Time constant of controller for mixed air temperature tracking for freeze protection. Require TiFre < TiMinOut" + annotation(Dialog(group="Economizer freeze protection", + enable=use_TMix + and (controllerTypeFre == Buildings.Controls.OBC.CDL.Types.SimpleController.PI + or controllerTypeFre == Buildings.Controls.OBC.CDL.Types.SimpleController.PID))); + + parameter Real TdFre( + final unit="s", + final quantity="Time")=0.1 + "Time constant of derivative block for freeze protection" + annotation (Dialog(group="Economizer freeze protection", + enable=use_TMix and + (controllerTypeFre == Buildings.Controls.OBC.CDL.Types.SimpleController.PD + or controllerTypeFre == Buildings.Controls.OBC.CDL.Types.SimpleController.PID))); + + parameter Real TFreSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")= 279.15 + "Lower limit for mixed air temperature for freeze protection, used if use_TMix=true" + annotation(Dialog(group="Economizer freeze protection", enable=use_TMix)); + + parameter Real yMinDamLim=0 + "Lower limit of damper position limits control signal output" + annotation (Dialog(tab="Economizer", group="Damper limits")); + + parameter Real yMaxDamLim=1 + "Upper limit of damper position limits control signal output" + annotation (Dialog(tab="Economizer", group="Damper limits")); + + parameter Real retDamFulOpeTim( + final unit="s", + final quantity="Time")=180 + "Time period to keep RA damper fully open before releasing it for minimum outdoor airflow control + at disable to avoid pressure fluctuations" + annotation (Dialog(tab="Economizer", group="Economizer delays at disable")); + + parameter Real disDel( + final unit="s", + final quantity="Time")=15 + "Short time delay before closing the OA damper at disable to avoid pressure fluctuations" + annotation (Dialog(tab="Economizer", group="Economizer delays at disable")); + + // ----------- parameters for fan speed control ----------- + parameter Real pIniSet( + final unit="Pa", + final displayUnit="Pa", + final quantity="PressureDifference")=60 + "Initial pressure setpoint for fan speed control" + annotation (Dialog(tab="Fan speed", group="Trim and respond for reseting duct static pressure setpoint")); + + parameter Real pMinSet( + final unit="Pa", + final displayUnit="Pa", + final quantity="PressureDifference")=25 + "Minimum pressure setpoint for fan speed control" + annotation (Dialog(tab="Fan speed", group="Trim and respond for reseting duct static pressure setpoint")); + + parameter Real pMaxSet( + final unit="Pa", + final displayUnit="Pa", + final quantity="PressureDifference")=400 + "Maximum pressure setpoint for fan speed control" + annotation (Dialog(tab="Fan speed", group="Trim and respond for reseting duct static pressure setpoint")); + + parameter Real pDelTim( + final unit="s", + final quantity="Time")=600 + "Delay time after which trim and respond is activated" + annotation (Dialog(tab="Fan speed", group="Trim and respond for reseting duct static pressure setpoint")); + + parameter Integer pNumIgnReq=2 + "Number of ignored requests for fan speed control" + annotation (Dialog(tab="Fan speed", group="Trim and respond for reseting duct static pressure setpoint")); + + parameter Real pTriAmo( + final unit="Pa", + final displayUnit="Pa", + final quantity="PressureDifference")=-12.0 + "Trim amount for fan speed control" + annotation (Dialog(tab="Fan speed", group="Trim and respond for reseting duct static pressure setpoint")); + + parameter Real pResAmo( + final unit="Pa", + final displayUnit="Pa", + final quantity="PressureDifference")=15 + "Respond amount (must be opposite in to triAmo) for fan speed control" + annotation (Dialog(tab="Fan speed", group="Trim and respond for reseting duct static pressure setpoint")); + + parameter Real pMaxRes( + final unit="Pa", + final displayUnit="Pa", + final quantity="PressureDifference")=32 + "Maximum response per time interval (same sign as resAmo) for fan speed control" + annotation (Dialog(tab="Fan speed", group="Trim and respond for reseting duct static pressure setpoint")); + + parameter Buildings.Controls.OBC.CDL.Types.SimpleController + controllerTypeFanSpe=Buildings.Controls.OBC.CDL.Types.SimpleController.PI "Type of controller" + annotation (Dialog(group="Fan speed PID controller")); + + parameter Real kFanSpe(final unit="1")=0.1 + "Gain of fan fan speed controller, normalized using pMaxSet" + annotation (Dialog(group="Fan speed PID controller")); + + parameter Real TiFanSpe( + final unit="s", + final quantity="Time")=60 + "Time constant of integrator block for fan speed" + annotation (Dialog(group="Fan speed PID controller", + enable=controllerTypeFanSpe == Buildings.Controls.OBC.CDL.Types.SimpleController.PI + or controllerTypeFanSpe == Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + + parameter Real TdFanSpe( + final unit="s", + final quantity="Time")=0.1 + "Time constant of derivative block for fan speed" + annotation (Dialog(group="Fan speed PID controller", + enable=controllerTypeFanSpe == Buildings.Controls.OBC.CDL.Types.SimpleController.PD + or controllerTypeFanSpe == Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + + parameter Real yFanMax=1 "Maximum allowed fan speed" + annotation (Dialog(group="Fan speed PID controller")); + + parameter Real yFanMin=0.1 "Lowest allowed fan speed if fan is on" + annotation (Dialog(group="Fan speed PID controller")); + + // ----------- parameters for minimum outdoor airflow setting ----------- + parameter Real VPriSysMax_flow( + final unit="m3/s", + final quantity="VolumeFlowRate") + "Maximum expected system primary airflow at design stage" + annotation (Dialog(tab="Minimum outdoor airflow rate", group="Nominal conditions")); + + parameter Real peaSysPop "Peak system population" + annotation (Dialog(tab="Minimum outdoor airflow rate", group="Nominal conditions")); + + // ----------- parameters for supply air temperature control ----------- + parameter Real TSupSetMin( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=285.15 + "Lowest cooling supply air temperature setpoint" + annotation (Dialog(tab="Supply air temperature", group="Temperature limits")); + + parameter Real TSupSetMax( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=291.15 + "Highest cooling supply air temperature setpoint. It is typically 18 degC (65 degF) in mild and dry climates, 16 degC (60 degF) or lower in humid climates" + annotation (Dialog(tab="Supply air temperature", group="Temperature limits")); + + parameter Real TSupSetDes( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=286.15 + "Nominal supply air temperature setpoint" + annotation (Dialog(tab="Supply air temperature", group="Temperature limits")); + + parameter Real TOutMin( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=289.15 + "Lower value of the outdoor air temperature reset range. Typically value is 16 degC (60 degF)" + annotation (Dialog(tab="Supply air temperature", group="Temperature limits")); + + parameter Real TOutMax( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=294.15 + "Higher value of the outdoor air temperature reset range. Typically value is 21 degC (70 degF)" + annotation (Dialog(tab="Supply air temperature", group="Temperature limits")); + + parameter Real iniSetSupTem( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=supTemSetPoi.maxSet + "Initial setpoint for supply temperature control" + annotation (Dialog(tab="Supply air temperature", group="Trim and respond for reseting TSup setpoint")); + + parameter Real maxSetSupTem( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=supTemSetPoi.TSupSetMax + "Maximum setpoint for supply temperature control" + annotation (Dialog(tab="Supply air temperature", group="Trim and respond for reseting TSup setpoint")); + + parameter Real minSetSupTem( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=supTemSetPoi.TSupSetDes + "Minimum setpoint for supply temperature control" + annotation (Dialog(tab="Supply air temperature", group="Trim and respond for reseting TSup setpoint")); + + parameter Real delTimSupTem( + final unit="s", + final quantity="Time")=600 + "Delay timer for supply temperature control" + annotation (Dialog(tab="Supply air temperature", group="Trim and respond for reseting TSup setpoint")); + + parameter Integer numIgnReqSupTem=2 + "Number of ignorable requests for supply temperature control" + annotation (Dialog(tab="Supply air temperature", group="Trim and respond for reseting TSup setpoint")); + + parameter Real triAmoSupTem( + final unit="K", + final displayUnit="K", + final quantity="TemperatureDifference")=0.1 + "Trim amount for supply temperature control" + annotation (Dialog(tab="Supply air temperature", group="Trim and respond for reseting TSup setpoint")); + + parameter Real resAmoSupTem( + final unit="K", + final displayUnit="K", + final quantity="TemperatureDifference")=-0.2 + "Response amount for supply temperature control" + annotation (Dialog(tab="Supply air temperature", group="Trim and respond for reseting TSup setpoint")); + + parameter Real maxResSupTem( + final unit="K", + final displayUnit="K", + final quantity="TemperatureDifference")=-0.6 + "Maximum response per time interval for supply temperature control" + annotation (Dialog(tab="Supply air temperature", group="Trim and respond for reseting TSup setpoint")); + + parameter Buildings.Controls.OBC.CDL.Types.SimpleController controllerTypeTSup= + Buildings.Controls.OBC.CDL.Types.SimpleController.PI + "Type of controller for supply air temperature signal" + annotation (Dialog(group="Supply air temperature")); + + parameter Real kTSup(final unit="1/K")=0.05 + "Gain of controller for supply air temperature signal" + annotation (Dialog(group="Supply air temperature")); + + parameter Real TiTSup( + final unit="s", + final quantity="Time")=600 + "Time constant of integrator block for supply air temperature control signal" + annotation (Dialog(group="Supply air temperature", + enable=controllerTypeTSup == Buildings.Controls.OBC.CDL.Types.SimpleController.PI + or controllerTypeTSup == Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + + parameter Real TdTSup( + final unit="s", + final quantity="Time")=0.1 + "Time constant of integrator block for supply air temperature control signal" + annotation (Dialog(group="Supply air temperature", + enable=controllerTypeTSup == Buildings.Controls.OBC.CDL.Types.SimpleController.PD + or controllerTypeTSup == Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + + parameter Real uHeaMax(min=-0.9)=-0.25 + "Upper limit of controller signal when heating coil is off. Require -1 < uHeaMax < uCooMin < 1." + annotation (Dialog(group="Supply air temperature")); + + parameter Real uCooMin(max=0.9)=0.25 + "Lower limit of controller signal when cooling coil is off. Require -1 < uHeaMax < uCooMin < 1." + annotation (Dialog(group="Supply air temperature")); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TZonHeaSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "Zone air temperature heating setpoint" + annotation (Placement(transformation(extent={{-240,280},{-200,320}}), + iconTransformation(extent={{-240,320},{-200,360}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TZonCooSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "Zone air temperature cooling setpoint" + annotation (Placement(transformation(extent={{-240,250},{-200,290}}), + iconTransformation(extent={{-240,290},{-200,330}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TOut( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") "Outdoor air temperature" + annotation (Placement(transformation(extent={{-240,220},{-200,260}}), + iconTransformation(extent={{-240,260},{-200,300}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput ducStaPre( + final unit="Pa", + final displayUnit="Pa") + "Measured duct static pressure" + annotation (Placement(transformation(extent={{-240,190},{-200,230}}), + iconTransformation(extent={{-240,230},{-200,270}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput sumDesZonPop( + final min=0, + final unit="1") + "Sum of the design population of the zones in the group" + annotation (Placement(transformation(extent={{-240,160},{-200,200}}), + iconTransformation(extent={{-240,170},{-200,210}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput VSumDesPopBreZon_flow( + final min=0, + final unit = "m3/s", + final quantity = "VolumeFlowRate") + "Sum of the population component design breathing zone flow rate" + annotation (Placement(transformation(extent={{-240,130},{-200,170}}), + iconTransformation(extent={{-240,140},{-200,180}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput VSumDesAreBreZon_flow( + final min=0, + final unit = "m3/s", + final quantity = "VolumeFlowRate") + "Sum of the area component design breathing zone flow rate" + annotation (Placement(transformation(extent={{-240,100},{-200,140}}), + iconTransformation(extent={{-240,110},{-200,150}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput uDesSysVenEff( + final min=0, + final unit = "1") + "Design system ventilation efficiency, equals to the minimum of all zones ventilation efficiency" + annotation (Placement(transformation(extent={{-240,70},{-200,110}}), + iconTransformation(extent={{-240,80},{-200,120}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput VSumUncOutAir_flow( + final min=0, + final unit = "m3/s", + final quantity = "VolumeFlowRate") + "Sum of all zones required uncorrected outdoor airflow rate" + annotation (Placement(transformation(extent={{-240,40},{-200,80}}), + iconTransformation(extent={{-240,50},{-200,90}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput VSumSysPriAir_flow( + final min=0, + final unit = "m3/s", + final quantity = "VolumeFlowRate") + "System primary airflow rate, equals to the sum of the measured discharged flow rate of all terminal units" + annotation (Placement(transformation(extent={{-240,10},{-200,50}}), + iconTransformation(extent={{-240,20},{-200,60}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput uOutAirFra_max( + final min=0, + final unit = "1") + "Maximum zone outdoor air fraction, equals to the maximum of primary outdoor air fraction of all zones" + annotation (Placement(transformation(extent={{-240,-20},{-200,20}}), + iconTransformation(extent={{-240,-10},{-200,30}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TSup( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "Measured supply air temperature" + annotation (Placement(transformation(extent={{-240,-50},{-200,-10}}), + iconTransformation(extent={{-240,-70},{-200,-30}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TOutCut( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "OA temperature high limit cutoff. For differential dry bulb temeprature condition use return air temperature measurement" + annotation (Placement(transformation(extent={{-240,-80},{-200,-40}}), + iconTransformation(extent={{-240,-100},{-200,-60}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput hOut( + final unit="J/kg", + final quantity="SpecificEnergy") if use_enthalpy "Outdoor air enthalpy" + annotation (Placement(transformation(extent={{-240,-110},{-200,-70}}), + iconTransformation(extent={{-240,-130},{-200,-90}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput hOutCut( + final unit="J/kg", + final quantity="SpecificEnergy") if use_enthalpy + "OA enthalpy high limit cutoff. For differential enthalpy use return air enthalpy measurement" + annotation (Placement(transformation(extent={{-240,-140},{-200,-100}}), + iconTransformation(extent={{-240,-160},{-200,-120}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput VOut_flow( + final min=0, + final unit = "m3/s", + final quantity = "VolumeFlowRate") + "Measured outdoor volumetric airflow rate" + annotation (Placement(transformation(extent={{-240,-170},{-200,-130}}), + iconTransformation(extent={{-240,-190},{-200,-150}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TMix( + final unit="K", + final displayUnit="degC", + final quantity = "ThermodynamicTemperature") if use_TMix + "Measured mixed air temperature, used for freeze protection if use_TMix=true" + annotation (Placement(transformation(extent={{-240,-200},{-200,-160}}), + iconTransformation(extent={{-240,-230},{-200,-190}}))); + + Buildings.Controls.OBC.CDL.Interfaces.IntegerInput uOpeMod + "AHU operation mode status signal" + annotation (Placement(transformation(extent={{-240,-230},{-200,-190}}), + iconTransformation(extent={{-240,-270},{-200,-230}}))); + + Buildings.Controls.OBC.CDL.Interfaces.IntegerInput uZonTemResReq + "Zone cooling supply air temperature reset request" + annotation (Placement(transformation(extent={{-240,-260},{-200,-220}}), + iconTransformation(extent={{-240,-300},{-200,-260}}))); + + Buildings.Controls.OBC.CDL.Interfaces.IntegerInput uZonPreResReq + "Zone static pressure reset requests" + annotation (Placement(transformation(extent={{-240,-290},{-200,-250}}), + iconTransformation(extent={{-240,-330},{-200,-290}}))); + + Buildings.Controls.OBC.CDL.Interfaces.IntegerInput uFreProSta if + use_G36FrePro + "Freeze protection status, used if use_G36FrePro=true" + annotation (Placement(transformation(extent={{-240,-320},{-200,-280}}), + iconTransformation(extent={{-240,-360},{-200,-320}}))); + + Buildings.Controls.OBC.CDL.Interfaces.BooleanOutput ySupFan + "Supply fan status, true if fan should be on" + annotation (Placement(transformation(extent={{200,260},{240,300}}), + iconTransformation(extent={{200,280},{240,320}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput ySupFanSpe( + final min=0, + final max=1, + final unit="1") "Supply fan speed" + annotation (Placement(transformation(extent={{200,190},{240,230}}), + iconTransformation(extent={{200,220},{240,260}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput TSupSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "Setpoint for supply air temperature" + annotation (Placement(transformation(extent={{200,160},{240,200}}), + iconTransformation(extent={{200,160},{240,200}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput VDesUncOutAir_flow( + final min=0, + final unit = "m3/s", + final quantity = "VolumeFlowRate") + "Design uncorrected minimum outdoor airflow rate" + annotation (Placement(transformation(extent={{200,120},{240,160}}), + iconTransformation(extent={{200,100},{240,140}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput yAveOutAirFraPlu( + final min=0, + final unit = "1") + "Average outdoor air flow fraction plus 1" + annotation (Placement(transformation(extent={{200,80},{240,120}}), + iconTransformation(extent={{200,40},{240,80}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput VEffOutAir_flow( + final min=0, + final unit = "m3/s", + final quantity = "VolumeFlowRate") + "Effective minimum outdoor airflow setpoint" + annotation (Placement(transformation(extent={{200,40},{240,80}}), + iconTransformation(extent={{200,-20},{240,20}}))); + + Buildings.Controls.OBC.CDL.Interfaces.BooleanOutput yReqOutAir + "True if the AHU supply fan is on and the zone is in occupied mode" + annotation (Placement(transformation(extent={{200,0},{240,40}}), + iconTransformation(extent={{200,-80},{240,-40}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput yHea( + final min=0, + final max=1, + final unit="1") + "Control signal for heating" + annotation (Placement(transformation(extent={{200,-50},{240,-10}}), + iconTransformation(extent={{200,-140},{240,-100}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput yCoo( + final min=0, + final max=1, + final unit="1") "Control signal for cooling" + annotation (Placement(transformation(extent={{200,-110},{240,-70}}), + iconTransformation(extent={{200,-200},{240,-160}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput yRetDamPos( + final min=0, + final max=1, + final unit="1") "Return air damper position" + annotation (Placement(transformation(extent={{200,-170},{240,-130}}), + iconTransformation(extent={{200,-260},{240,-220}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput yOutDamPos( + final min=0, + final max=1, + final unit="1") "Outdoor air damper position" + annotation (Placement(transformation(extent={{200,-210},{240,-170}}), + iconTransformation(extent={{200,-320},{240,-280}}))); + + Buildings.Controls.OBC.CDL.Continuous.Average TZonSetPoiAve + "Average of all zone set points" + annotation (Placement(transformation(extent={{-160,270},{-140,290}}))); + + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.SupplyFan + supFan( + final samplePeriod=samplePeriod, + final have_perZonRehBox=have_perZonRehBox, + final have_duaDucBox=have_duaDucBox, + final have_airFloMeaSta=have_airFloMeaSta, + final iniSet=pIniSet, + final minSet=pMinSet, + final maxSet=pMaxSet, + final delTim=pDelTim, + final numIgnReq=pNumIgnReq, + final triAmo=pTriAmo, + final resAmo=pResAmo, + final maxRes=pMaxRes, + final controllerType=controllerTypeFanSpe, + final k=kFanSpe, + final Ti=TiFanSpe, + final Td=TdFanSpe, + final yFanMax=yFanMax, + final yFanMin=yFanMin) + "Supply fan controller" + annotation (Placement(transformation(extent={{-160,200},{-140,220}}))); + + FiveZone.VAVReheat.Controls.SupplyTemperatureOve + supTemSetPoi( + final samplePeriod=samplePeriod, + final TSupSetMin=TSupSetMin, + final TSupSetMax=TSupSetMax, + final TSupSetDes=TSupSetDes, + final TOutMin=TOutMin, + final TOutMax=TOutMax, + final iniSet=iniSetSupTem, + final maxSet=maxSetSupTem, + final minSet=minSetSupTem, + final delTim=delTimSupTem, + final numIgnReq=numIgnReqSupTem, + final triAmo=triAmoSupTem, + final resAmo=resAmoSupTem, + final maxRes=maxResSupTem) "Setpoint for supply temperature" + annotation (Placement(transformation(extent={{0,170},{20,190}}))); + + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.OutdoorAirFlow.AHU + sysOutAirSet(final VPriSysMax_flow=VPriSysMax_flow, final peaSysPop= + peaSysPop) "Minimum outdoor airflow setpoint" + annotation (Placement(transformation(extent={{-40,70},{-20,90}}))); + + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.Economizers.Controller eco( + final use_enthalpy=use_enthalpy, + final delTOutHis=delTOutHis, + final delEntHis=delEntHis, + final retDamFulOpeTim=retDamFulOpeTim, + final disDel=disDel, + final controllerTypeMinOut=controllerTypeMinOut, + final kMinOut=kMinOut, + final TiMinOut=TiMinOut, + final TdMinOut=TdMinOut, + final retDamPhyPosMax=retDamPhyPosMax, + final retDamPhyPosMin=retDamPhyPosMin, + final outDamPhyPosMax=outDamPhyPosMax, + final outDamPhyPosMin=outDamPhyPosMin, + final uHeaMax=uHeaMax, + final uCooMin=uCooMin, + final uOutDamMax=(uHeaMax + uCooMin)/2, + final uRetDamMin=(uHeaMax + uCooMin)/2, + final TFreSet=TFreSet, + final controllerTypeFre=controllerTypeFre, + final kFre=kFre, + final TiFre=TiFre, + final TdFre=TdFre, + final delta=delta, + final use_TMix=use_TMix, + final use_G36FrePro=use_G36FrePro) "Economizer controller" + annotation (Placement(transformation(extent={{140,-170},{160,-150}}))); + + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.SupplySignals val( + final controllerType=controllerTypeTSup, + final kTSup=kTSup, + final TiTSup=TiTSup, + final TdTSup=TdTSup, + final uHeaMax=uHeaMax, + final uCooMin=uCooMin) "AHU coil valve control" + annotation (Placement(transformation(extent={{80,-70},{100,-50}}))); + + protected + Buildings.Controls.OBC.CDL.Continuous.Division VOut_flow_normalized( + u1(final unit="m3/s"), + u2(final unit="m3/s"), + y(final unit="1")) + "Normalization of outdoor air flow intake by design minimum outdoor air intake" + annotation (Placement(transformation(extent={{20,-130},{40,-110}}))); + + equation + connect(eco.yRetDamPos, yRetDamPos) + annotation (Line(points={{161.25,-157.5},{180,-157.5},{180,-150},{220,-150}}, + color={0,0,127})); + connect(eco.yOutDamPos, yOutDamPos) + annotation (Line(points={{161.25,-162.5},{180,-162.5},{180,-190},{220,-190}}, + color={0,0,127})); + connect(eco.uSupFan, supFan.ySupFan) + annotation (Line(points={{138.75,-165},{-84,-165},{-84,217},{-138,217}}, + color={255,0,255})); + connect(supFan.ySupFanSpe, ySupFanSpe) + annotation (Line(points={{-138,210},{220,210}}, + color={0,0,127})); + connect(TOut, eco.TOut) + annotation (Line(points={{-220,240},{-60,240},{-60,-150.625},{138.75,-150.625}}, + color={0,0,127})); + connect(eco.TOutCut, TOutCut) + annotation (Line(points={{138.75,-152.5},{-74,-152.5},{-74,-60},{-220,-60}}, + color={0,0,127})); + connect(eco.hOut, hOut) + annotation (Line(points={{138.75,-154.375},{-78,-154.375},{-78,-90},{-220,-90}}, + color={0,0,127})); + connect(eco.hOutCut, hOutCut) + annotation (Line(points={{138.75,-155.625},{-94,-155.625},{-94,-120},{-220,-120}}, + color={0,0,127})); + connect(eco.uOpeMod, uOpeMod) + annotation (Line(points={{138.75,-166.875},{60,-166.875},{60,-210},{-220,-210}}, + color={255,127,0})); + connect(supTemSetPoi.TSupSet, TSupSet) + annotation (Line(points={{22,180},{220,180}}, color={0,0,127})); + connect(supTemSetPoi.TOut, TOut) + annotation (Line(points={{-2,184},{-60,184},{-60,240},{-220,240}}, + color={0,0,127})); + connect(supTemSetPoi.uSupFan, supFan.ySupFan) + annotation (Line(points={{-2,176},{-84,176},{-84,217},{-138,217}}, + color={255,0,255})); + connect(supTemSetPoi.uZonTemResReq, uZonTemResReq) + annotation (Line(points={{-2,180},{-52,180},{-52,-240},{-220,-240}}, + color={255,127,0})); + connect(supTemSetPoi.uOpeMod, uOpeMod) + annotation (Line(points={{-2,172},{-48,172},{-48,-210},{-220,-210}}, + color={255,127,0})); + connect(supFan.uOpeMod, uOpeMod) + annotation (Line(points={{-162,218},{-180,218},{-180,-210},{-220,-210}}, + color={255,127,0})); + connect(supFan.uZonPreResReq, uZonPreResReq) + annotation (Line(points={{-162,207},{-176,207},{-176,-270},{-220,-270}}, + color={255,127,0})); + connect(supFan.ducStaPre, ducStaPre) + annotation (Line(points={{-162,202},{-192,202},{-192,210},{-220,210}}, + color={0,0,127})); + connect(supTemSetPoi.TZonSetAve, TZonSetPoiAve.y) + annotation (Line(points={{-2,188},{-20,188},{-20,280},{-138,280}}, + color={0,0,127})); + connect(supFan.ySupFan, ySupFan) + annotation (Line(points={{-138,217},{60,217},{60,280},{220,280}}, + color={255,0,255})); + connect(TZonSetPoiAve.u2, TZonCooSet) + annotation (Line(points={{-162,274},{-180,274},{-180,270},{-220,270}}, + color={0,0,127})); + connect(eco.TMix, TMix) + annotation (Line(points={{138.75,-163.125},{-12,-163.125},{-12,-180},{-220,-180}}, + color={0,0,127})); + connect(TSup, val.TSup) + annotation (Line(points={{-220,-30},{-66,-30},{-66,-65},{78,-65}}, + color={0,0,127})); + connect(supFan.ySupFan, val.uSupFan) + annotation (Line(points={{-138,217},{-84,217},{-84,-55},{78,-55}}, + color={255,0,255})); + connect(val.uTSup, eco.uTSup) + annotation (Line(points={{102,-56},{120,-56},{120,-157.5},{138.75,-157.5}}, + color={0,0,127})); + connect(val.yHea, yHea) + annotation (Line(points={{102,-60},{180,-60},{180,-30},{220,-30}}, + color={0,0,127})); + connect(val.yCoo, yCoo) + annotation (Line(points={{102,-64},{180,-64},{180,-90},{220,-90}}, + color={0,0,127})); + connect(supTemSetPoi.TSupSet, val.TSupSet) + annotation (Line(points={{22,180},{60,180},{60,-60},{78,-60}}, + color={0,0,127})); + connect(TZonHeaSet, TZonSetPoiAve.u1) + annotation (Line(points={{-220,300},{-180,300},{-180,286},{-162,286}}, + color={0,0,127})); + connect(eco.uFreProSta, uFreProSta) + annotation (Line(points={{138.75,-169.375},{66,-169.375},{66,-300},{-220,-300}}, + color={255,127,0})); + connect(eco.VOut_flow_normalized, VOut_flow_normalized.y) + annotation (Line(points={{138.75,-159.375},{60,-159.375},{60,-120},{42,-120}}, + color={0,0,127})); + connect(VOut_flow_normalized.u1, VOut_flow) + annotation (Line(points={{18,-114},{-160,-114},{-160,-150},{-220,-150}}, + color={0,0,127})); + connect(sysOutAirSet.VDesUncOutAir_flow, VDesUncOutAir_flow) annotation (Line( + points={{-18,88},{0,88},{0,140},{220,140}}, color={0,0,127})); + connect(sysOutAirSet.VDesOutAir_flow, VOut_flow_normalized.u2) annotation ( + Line(points={{-18,82},{0,82},{0,-126},{18,-126}}, color={0,0,127})); + connect(sysOutAirSet.effOutAir_normalized, eco.VOutMinSet_flow_normalized) + annotation (Line(points={{-18,75},{-4,75},{-4,-161.25},{138.75,-161.25}}, + color={0,0,127})); + connect(supFan.ySupFan, sysOutAirSet.uSupFan) annotation (Line(points={{-138,217}, + {-84,217},{-84,73},{-42,73}}, color={255,0,255})); + connect(uOpeMod, sysOutAirSet.uOpeMod) annotation (Line(points={{-220,-210},{-48, + -210},{-48,71},{-42,71}}, color={255,127,0})); + connect(sysOutAirSet.yAveOutAirFraPlu, yAveOutAirFraPlu) annotation (Line( + points={{-18,85},{20,85},{20,100},{220,100}}, color={0,0,127})); + connect(sysOutAirSet.VEffOutAir_flow, VEffOutAir_flow) annotation (Line( + points={{-18,78},{20,78},{20,60},{220,60}}, color={0,0,127})); + connect(sysOutAirSet.yReqOutAir, yReqOutAir) annotation (Line(points={{-18, + 72},{16,72},{16,20},{220,20}}, color={255,0,255})); + connect(sysOutAirSet.sumDesZonPop, sumDesZonPop) annotation (Line(points={{-42, + 89},{-120,89},{-120,180},{-220,180}}, color={0,0,127})); + connect(sysOutAirSet.VSumDesPopBreZon_flow, VSumDesPopBreZon_flow) + annotation (Line(points={{-42,87},{-126,87},{-126,150},{-220,150}}, color={0, + 0,127})); + connect(sysOutAirSet.VSumDesAreBreZon_flow, VSumDesAreBreZon_flow) + annotation (Line(points={{-42,85},{-132,85},{-132,120},{-220,120}}, color={0, + 0,127})); + connect(sysOutAirSet.uDesSysVenEff, uDesSysVenEff) annotation (Line(points={{-42, + 83},{-138,83},{-138,90},{-220,90}}, color={0,0,127})); + connect(sysOutAirSet.VSumUncOutAir_flow, VSumUncOutAir_flow) annotation (Line( + points={{-42,81},{-138,81},{-138,60},{-220,60}}, color={0,0,127})); + connect(sysOutAirSet.VSumSysPriAir_flow, VSumSysPriAir_flow) annotation (Line( + points={{-42,79},{-132,79},{-132,30},{-220,30}}, color={0,0,127})); + connect(uOutAirFra_max, sysOutAirSet.uOutAirFra_max) annotation (Line(points={ + {-220,0},{-126,0},{-126,77},{-42,77}}, color={0,0,127})); + + annotation (defaultComponentName="conAHU", + Diagram(coordinateSystem(extent={{-200,-320},{200,320}}, initialScale=0.2)), + Icon(coordinateSystem(extent={{-200,-360},{200,360}}, initialScale=0.2), + graphics={Rectangle( + extent={{200,360},{-200,-360}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), Text( + extent={{-200,450},{200,372}}, + textString="%name", + lineColor={0,0,255}), Text( + extent={{-200,348},{-116,332}}, + lineColor={0,0,0}, + textString="TZonHeaSet"), Text( + extent={{102,-48},{202,-68}}, + lineColor={255,0,255}, + textString="yReqOutAir"), Text( + extent={{-196,-238},{-122,-258}}, + lineColor={255,127,0}, + textString="uOpeMod"), Text( + extent={{-200,318},{-114,302}}, + lineColor={0,0,0}, + textString="TZonCooSet"), Text( + extent={{-198,260},{-120,242}}, + lineColor={0,0,0}, + textString="ducStaPre"), Text( + extent={{-198,288},{-162,272}}, + lineColor={0,0,0}, + textString="TOut"), Text( + extent={{-196,110},{-90,88}}, + lineColor={0,0,0}, + textString="uDesSysVenEff"), Text( + extent={{-196,140},{-22,118}}, + lineColor={0,0,0}, + textString="VSumDesAreBreZon_flow"), + Text( + extent={{-196,170},{-20,148}}, + lineColor={0,0,0}, + textString="VSumDesPopBreZon_flow"), + Text( + extent={{-196,200},{-88,182}}, + lineColor={0,0,0}, + textString="sumDesZonPop"), Text( + extent={{-200,-42},{-154,-62}}, + lineColor={0,0,0}, + textString="TSup"), Text( + extent={{-200,18},{-84,0}}, + lineColor={0,0,0}, + textString="uOutAirFra_max"), Text( + extent={{-196,48},{-62,30}}, + lineColor={0,0,0}, + textString="VSumSysPriAir_flow"), + Text( + extent={{-196,80},{-42,58}}, + lineColor={0,0,0}, + textString="VSumUncOutAir_flow"), + Text( + extent={{-200,-162},{-126,-180}}, + lineColor={0,0,0}, + textString="VOut_flow"), Text( + visible=use_enthalpy, + extent={{-200,-130},{-134,-148}}, + lineColor={0,0,0}, + textString="hOutCut"), Text( + visible=use_enthalpy, + extent={{-200,-100},{-160,-118}}, + lineColor={0,0,0}, + textString="hOut"), Text( + extent={{-198,-70},{-146,-86}}, + lineColor={0,0,0}, + textString="TOutCut"), Text( + visible=use_TMix, + extent={{-200,-200},{-154,-218}}, + lineColor={0,0,0}, + textString="TMix"), Text( + extent={{-194,-270},{-68,-290}}, + lineColor={255,127,0}, + textString="uZonTemResReq"), Text( + extent={{-192,-300},{-74,-320}}, + lineColor={255,127,0}, + textString="uZonPreResReq"), Text( + visible=use_G36FrePro, + extent={{-200,-330},{-110,-348}}, + lineColor={255,127,0}, + textString="uFreProSta"), Text( + extent={{106,252},{198,230}}, + lineColor={0,0,0}, + textString="ySupFanSpe"), Text( + extent={{122,192},{202,172}}, + lineColor={0,0,0}, + textString="TSupSet"), Text( + extent={{68,72},{196,52}}, + lineColor={0,0,0}, + textString="yAveOutAirFraPlu"), Text( + extent={{48,132},{196,110}}, + lineColor={0,0,0}, + textString="VDesUncOutAir_flow"), + Text( + extent={{150,-104},{200,-126}}, + lineColor={0,0,0}, + textString="yHea"), Text( + extent={{94,-288},{200,-308}}, + lineColor={0,0,0}, + textString="yOutDamPos"), Text( + extent={{98,-228},{198,-248}}, + lineColor={0,0,0}, + textString="yRetDamPos"), Text( + extent={{78,14},{196,-6}}, + lineColor={0,0,0}, + textString="VEffOutAir_flow"), Text( + extent={{120,312},{202,292}}, + lineColor={255,0,255}, + textString="ySupFan"), Text( + extent={{150,-166},{200,-188}}, + lineColor={0,0,0}, + textString="yCoo")}), + Documentation(info=" +

+Block that is applied for multizone VAV AHU control. It outputs the supply fan status +and the operation speed, outdoor and return air damper position, supply air +temperature setpoint and the valve position of the cooling and heating coils. +It is implemented according to the ASHRAE Guideline 36, PART 5.N. +

+

+The sequence consists of five subsequences. +

+

Supply fan speed control

+

+The fan speed control is implemented according to PART 5.N.1. It outputs +the boolean signal ySupFan to turn on or off the supply fan. +In addition, based on the pressure reset request uZonPreResReq +from the VAV zones controller, the +sequence resets the duct pressure setpoint, and uses this setpoint +to modulate the fan speed ySupFanSpe using a PI controller. +See + +Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.SupplyFan +for more detailed description. +

+

Minimum outdoor airflow setting

+

+According to current occupany, supply operation status ySupFan, +zone temperatures and the discharge air temperature, the sequence computes the +minimum outdoor airflow rate setpoint, which is used as input for the economizer control. +More detailed information can be found in + +Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.OutdoorAirFlow. +

+

Economizer control

+

+The block outputs outdoor and return air damper position, yOutDamPos and +yRetDamPos. First, it computes the position limits to satisfy the minimum +outdoor airflow requirement. Second, it determines the availability of the economizer based +on the outdoor condition. The dampers are modulated to track the supply air temperature +loop signal, which is calculated from the sequence below, subject to the minimum outdoor airflow +requirement and economizer availability. Optionally, there is also an override for freeze protection. +See + +Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.Economizers.Controller +for more detailed description. +

+

Supply air temperature setpoint

+

+Based on PART 5.N.2, the sequence first sets the maximum supply air temperature +based on reset requests collected from each zone uZonTemResReq. The +outdoor temperature TOut and operation mode uOpeMod are used +along with the maximum supply air temperature, for computing the supply air temperature +setpoint. See + +Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.SupplyTemperature +for more detailed description. +

+

Coil valve control

+

+The subsequence retrieves supply air temperature setpoint from previous sequence. +Along with the measured supply air temperature and the supply fan status, it +generates coil valve positions. See + +Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.SupplySignals +

+", + revisions=" + +")); + end ControllerOve; + + block SupplyTemperature + "Supply air temperature setpoint for multi zone system" + + parameter Real TSupSetMin( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") = 285.15 + "Lowest cooling supply air temperature setpoint" + annotation (Dialog(group="Temperatures")); + parameter Real TSupSetMax( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") = 291.15 + "Highest cooling supply air temperature setpoint. It is typically 18 degC (65 degF) + in mild and dry climates, 16 degC (60 degF) or lower in humid climates" + annotation (Dialog(group="Temperatures")); + parameter Real TSupSetDes( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") = 286.15 + "Nominal supply air temperature setpoint" + annotation (Dialog(group="Temperatures")); + parameter Real TOutMin( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") = 289.15 + "Lower value of the outdoor air temperature reset range. Typically value is 16 degC (60 degF)" + annotation (Dialog(group="Temperatures")); + parameter Real TOutMax( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") = 294.15 + "Higher value of the outdoor air temperature reset range. Typically value is 21 degC (70 degF)" + annotation (Dialog(group="Temperatures")); + parameter Real TSupWarUpSetBac( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=308.15 + "Supply temperature in warm up and set back mode" + annotation (Dialog(group="Temperatures")); + parameter Real iniSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") = maxSet + "Initial setpoint" + annotation (Dialog(group="Trim and respond logic")); + parameter Real maxSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") = TSupSetMax + "Maximum setpoint" + annotation (Dialog(group="Trim and respond logic")); + parameter Real minSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") = TSupSetDes + "Minimum setpoint" + annotation (Dialog(group="Trim and respond logic")); + parameter Real delTim( + final unit="s", + final quantity="Time") = 600 + "Delay timer" + annotation(Dialog(group="Trim and respond logic")); + parameter Real samplePeriod( + final unit="s", + final quantity="Time", + final min=1E-3) = 120 + "Sample period of component" + annotation(Dialog(group="Trim and respond logic")); + parameter Integer numIgnReq = 2 + "Number of ignorable requests for TrimResponse logic" + annotation(Dialog(group="Trim and respond logic")); + parameter Real triAmo( + final unit="K", + final displayUnit="K", + final quantity="TemperatureDifference") = 0.1 + "Trim amount" + annotation (Dialog(group="Trim and respond logic")); + parameter Real resAmo( + final unit="K", + final displayUnit="K", + final quantity="TemperatureDifference") = -0.2 + "Response amount" + annotation (Dialog(group="Trim and respond logic")); + parameter Real maxRes( + final unit="K", + final displayUnit="K", + final quantity="TemperatureDifference") = -0.6 + "Maximum response per time interval" + annotation (Dialog(group="Trim and respond logic")); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TOut( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "Outdoor air temperature" + annotation (Placement(transformation(extent={{-180,40},{-140,80}}), + iconTransformation(extent={{-140,20},{-100,60}}))); + Buildings.Controls.OBC.CDL.Interfaces.RealInput TZonSetAve( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "Average of heating and cooling setpoint" + annotation (Placement(transformation(extent={{-180,70},{-140,110}}), + iconTransformation(extent={{-140,60},{-100,100}}))); + Buildings.Controls.OBC.CDL.Interfaces.BooleanInput uSupFan + "Supply fan status" + annotation (Placement(transformation(extent={{-180,-30},{-140,10}}), + iconTransformation(extent={{-140,-60},{-100,-20}}))); + Buildings.Controls.OBC.CDL.Interfaces.IntegerInput uOpeMod + "System operation mode" + annotation (Placement(transformation(extent={{-180,-120},{-140,-80}}), + iconTransformation(extent={{-140,-100},{-100,-60}}))); + Buildings.Controls.OBC.CDL.Interfaces.IntegerInput uZonTemResReq + "Zone cooling supply air temperature reset request" + annotation (Placement( transformation(extent={{-180,0},{-140,40}}), + iconTransformation(extent={{-140,-20},{-100,20}}))); + Buildings.Controls.OBC.CDL.Interfaces.RealOutput TSupSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "Setpoint for supply air temperature" + annotation (Placement(transformation(extent={{140,-20},{180,20}}), + iconTransformation(extent={{100,-20},{140,20}}))); + + Buildings.Controls.OBC.ASHRAE.G36_PR1.Generic.SetPoints.TrimAndRespond maxSupTemRes( + final delTim=delTim, + final iniSet=iniSet, + final minSet=minSet, + final maxSet=maxSet, + final samplePeriod=samplePeriod, + final numIgnReq=numIgnReq, + final triAmo=triAmo, + final resAmo=resAmo, + final maxRes=maxRes) "Maximum cooling supply temperature reset" + annotation (Placement(transformation(extent={{-100,20},{-80,40}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput uTSupSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") "Real input signal" + annotation (Placement(transformation(extent={{-180,-60},{-140,-20}}), + iconTransformation(extent={{-140,-40},{-100,0}}))); + protected + Buildings.Controls.OBC.CDL.Continuous.Line lin + "Supply temperature distributes linearly between minimum and maximum supply + air temperature, according to outdoor temperature" + annotation (Placement(transformation(extent={{20,40},{40,60}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant minOutTem(k=TOutMin) + "Lower value of the outdoor air temperature reset range" + annotation (Placement(transformation(extent={{-40,60},{-20,80}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant maxOutTem(k=TOutMax) + "Higher value of the outdoor air temperature reset range" + annotation (Placement(transformation(extent={{-40,20},{-20,40}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant minSupTem(k=TSupSetMin) + "Lowest cooling supply air temperature setpoint" + annotation (Placement(transformation(extent={{-100,-20},{-80,0}}))); + Buildings.Controls.OBC.CDL.Logical.And and2 + "Check if it is in Setup or Cool-down mode" + annotation (Placement(transformation(extent={{-40,-70},{-20,-50}}))); + Buildings.Controls.OBC.CDL.Logical.And and1 + "Check if it is in Warmup or Setback mode" + annotation (Placement(transformation(extent={{20,-100},{40,-80}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant supTemWarUpSetBac(k= + TSupWarUpSetBac) + "Supply temperature setpoint under warm-up and setback mode" + annotation (Placement(transformation(extent={{20,-130},{40,-110}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi1 + "If operation mode is setup or cool-down, setpoint shall be 35 degC" + annotation (Placement(transformation(extent={{80,-62},{100,-42}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi2 + "If operation mode is setup or cool-down, setpoint shall be TSupSetMin" + annotation (Placement(transformation(extent={{20,-70},{40,-50}}))); + Buildings.Controls.OBC.CDL.Continuous.Limiter TDea( + uMax=297.15, + uMin=294.15) + "Limiter that outputs the dead band value for the supply air temperature" + annotation (Placement(transformation(extent={{-100,80},{-80,100}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi3 + "Check output regarding supply fan status" + annotation (Placement(transformation(extent={{80,-10},{100,10}}))); + Buildings.Controls.OBC.CDL.Integers.LessThreshold intLesThr( + threshold=Buildings.Controls.OBC.ASHRAE.G36_PR1.Types.OperationModes.warmUp) + "Check if operation mode index is less than warm-up mode index (4)" + annotation (Placement(transformation(extent={{-100,-70},{-80,-50}}))); + Buildings.Controls.OBC.CDL.Integers.GreaterThreshold intGreThr( + threshold=Buildings.Controls.OBC.ASHRAE.G36_PR1.Types.OperationModes.occupied) + "Check if operation mode index is greater than occupied mode index (1)" + annotation (Placement(transformation(extent={{-100,-100},{-80,-80}}))); + Buildings.Controls.OBC.CDL.Integers.LessThreshold intLesThr1( + threshold=Buildings.Controls.OBC.ASHRAE.G36_PR1.Types.OperationModes.unoccupied) + "Check if operation mode index is less than unoccupied mode index (7)" + annotation (Placement(transformation(extent={{-40,-100},{-20,-80}}))); + Buildings.Controls.OBC.CDL.Integers.GreaterThreshold intGreThr1( + threshold=Buildings.Controls.OBC.ASHRAE.G36_PR1.Types.OperationModes.setUp) + "Check if operation mode index is greater than set up mode index (3)" + annotation (Placement(transformation(extent={{-40,-130},{-20,-110}}))); + + equation + connect(minOutTem.y, lin.x1) + annotation (Line(points={{-18,70},{0,70},{0,58},{18,58}}, + color={0,0,127})); + connect(TOut, lin.u) + annotation (Line(points={{-160,60},{-100,60},{-100,50},{18,50}}, + color={0,0,127})); + connect(maxOutTem.y, lin.x2) + annotation (Line(points={{-18,30},{0,30},{0,46},{18,46}}, + color={0,0,127})); + connect(minSupTem.y, lin.f2) + annotation (Line(points={{-78,-10},{10,-10},{10,42},{18,42}}, + color={0,0,127})); + connect(and1.y, swi1.u2) + annotation (Line(points={{42,-90},{60,-90},{60,-52},{78,-52}}, + color={255,0,255})); + connect(supTemWarUpSetBac.y, swi1.u1) + annotation (Line(points={{42,-120},{68,-120},{68,-44},{78,-44}}, + color={0,0,127})); + connect(and2.y, swi2.u2) + annotation (Line(points={{-18,-60},{18,-60}},color={255,0,255})); + connect(minSupTem.y, swi2.u1) + annotation (Line(points={{-78,-10},{0,-10},{0,-52},{18,-52}}, + color={0,0,127})); + connect(swi2.y, swi1.u3) + annotation (Line(points={{42,-60},{78,-60}}, + color={0,0,127})); + connect(TZonSetAve, TDea.u) + annotation (Line(points={{-160,90},{-102,90}}, + color={0,0,127})); + connect(uSupFan, swi3.u2) + annotation (Line(points={{-160,-10},{-120,-10},{-120,10},{-60,10},{-60,0},{78, + 0}}, color={255,0,255})); + connect(swi1.y, swi3.u1) + annotation (Line(points={{102,-52},{110,-52},{110,-20},{68,-20},{68,8},{78,8}}, + color={0,0,127})); + connect(TDea.y, swi3.u3) + annotation (Line(points={{-78,90},{60,90},{60,-8},{78,-8}}, + color={0,0,127})); + connect(intLesThr1.y, and1.u1) + annotation (Line(points={{-18,-90},{18,-90}}, + color={255,0,255})); + connect(intGreThr1.y, and1.u2) + annotation (Line(points={{-18,-120},{0,-120},{0,-98},{18,-98}}, + color={255,0,255})); + connect(intLesThr.y, and2.u1) + annotation (Line(points={{-78,-60},{-42,-60}},color={255,0,255})); + connect(intGreThr.y, and2.u2) + annotation (Line(points={{-78,-90},{-60,-90},{-60,-68},{-42,-68}}, + color={255,0,255})); + connect(uOpeMod, intLesThr.u) + annotation (Line(points={{-160,-100},{-120,-100},{-120,-60},{-102,-60}}, + color={255,127,0})); + connect(uOpeMod, intGreThr.u) + annotation (Line(points={{-160,-100},{-120,-100},{-120,-90},{-102,-90}}, + color={255,127,0})); + connect(uOpeMod, intLesThr1.u) + annotation (Line(points={{-160,-100},{-50,-100},{-50,-90},{-42,-90}}, + color={255,127,0})); + connect(uOpeMod, intGreThr1.u) + annotation (Line(points={{-160,-100},{-120,-100},{-120,-120},{-42,-120}}, + color={255,127,0})); + connect(uZonTemResReq, maxSupTemRes.numOfReq) + annotation (Line(points={{-160,20},{-112,20},{-112,22},{-102,22}}, + color={255,127,0})); + connect(uSupFan, maxSupTemRes.uDevSta) + annotation (Line(points={{-160,-10},{-120,-10},{-120,38},{-102,38}}, + color={255,0,255})); + connect(maxSupTemRes.y, lin.f1) + annotation (Line(points={{-78,30},{-60,30},{-60,54},{18,54}}, + color={0,0,127})); + connect(swi3.y, TSupSet) + annotation (Line(points={{102,0},{160,0}}, color={0,0,127})); + + connect(swi2.u3, uTSupSet) annotation (Line(points={{18,-68},{-10,-68},{-10,-40}, + {-160,-40}}, + color={0,0,127})); + annotation ( + defaultComponentName = "conTSupSet", + Icon(graphics={ + Rectangle( + extent={{-100,-100},{100,100}}, + lineColor={0,0,127}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Text( + extent={{-94,92},{-42,66}}, + lineColor={0,0,127}, + pattern=LinePattern.Dash, + textString="TZonSetAve"), + Text( + extent={{-96,46},{-68,34}}, + lineColor={0,0,127}, + pattern=LinePattern.Dash, + textString="TOut"), + Text( + extent={{-94,-22},{-14,-58}}, + lineColor={0,0,127}, + pattern=LinePattern.Dash, + textString="uZonTemResReq"), + Text( + extent={{-94,12},{-48,-12}}, + lineColor={0,0,127}, + pattern=LinePattern.Dash, + textString="uSupFan"), + Text( + extent={{-94,-70},{-50,-90}}, + lineColor={0,0,127}, + pattern=LinePattern.Dash, + textString="uOpeMod"), + Text( + extent={{68,8},{96,-8}}, + lineColor={0,0,127}, + pattern=LinePattern.Dash, + textString="TSupSet"), + Text( + extent={{-124,146},{96,108}}, + lineColor={0,0,255}, + textString="%name")}), + Diagram(coordinateSystem(preserveAspectRatio=false, extent={{-140,-140},{140,120}})), + Documentation(info=" +

+Block that outputs the supply air temperature setpoint and the coil valve control +inputs for VAV system with multiple zones, implemented according to the ASHRAE +Guideline G36, PART 5.N.2 (Supply air temperature control). +

+

+The control loop is enabled when the supply air fan uSupFan is proven on, +and disabled and the output set to Deadband otherwise. +

+

The supply air temperature setpoint is computed as follows.

+

Setpoints for TSupSetMin, TSupSetMax, +TSupSetDes, TOutMin, TOutMax

+

+The default range of outdoor air temperature (TOutMin=16°C, +TOutMax=21°C) used to reset the occupied mode TSupSet +was chosen to maximize economizer hours. It may be preferable to use a lower +range of outdoor air temperature (e.g. TOutMin=13°C, +TOutMax=18°C) to minimize fan energy. +

+

+The TSupSetMin variable is used during warm weather when little reheat +is expected to minimize fan energy. It should not be set too low or it may cause +excessive chilled water temperature reset requests which will reduce chiller +plant efficiency. It should be set no lower than the design coil leaving air +temperature. +

+

+The TSupSetMax variable is typically 18 °C in mild and dry climate, +16 °C or lower in humid climates. It should not typically be greater than +18 °C since this may lead to excessive fan energy that can offset the mechanical +cooling savings from economizer operation. +

+ +

During occupied mode (uOpeMod=1)

+

+The TSupSet shall be reset from TSupSetMin when the outdoor +air temperature is TOutMax and above, proportionally up to +maximum supply temperature when the outdoor air temperature is TOutMin and +below. The maximum supply temperature shall be reset using trim and respond logic between +TSupSetDes and TSupSetMax. Parameters suggested for the +trim and respond logic are shown in the table below. They require adjustment +during the commissioning and tuning phase. +

+ + + + + + + + + + + + + + +
Variable Value Definition
DeviceAHU Supply Fan Associated device
SP0iniSetInitial setpoint
SPminTSupSetDesMinimum setpoint
SPmaxTSupSetMaxMaximum setpoint
TddelTimDelay timer
TsamplePeriodTime step
InumIgnReqNumber of ignored requests
RuZonTemResReqNumber of requests
SPtrimtriAmoTrim amount
SPresresAmoRespond amount
SPres_maxmaxResMaximum response per time interval
+
+ +

+\"Image +

+ +

During Setup and Cool-down modes (uOpeMod=2, uOpeMod=3)

+

+Supply air temperature setpoint TSupSet shall be TSupSetMin. +

+

During Setback and Warmup modes (uOpeMod=4, uOpeMod=5)

+

+Supply air temperature setpoint TSupSet shall be TSupWarUpSetBac. +

+ +

Valves control

+

+Supply air temperature shall be controlled to setpoint using a control loop whose +output is mapped to sequence the hot water valve or modulating electric heating +coil (if applicable) or chilled water valves. +

+", + revisions=" + +")); + end SupplyTemperature; + + block SupplyTemperatureOve + "Supply air temperature setpoint for multi zone system" + + parameter Real TSupSetMin( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") = 285.15 + "Lowest cooling supply air temperature setpoint" + annotation (Dialog(group="Temperatures")); + parameter Real TSupSetMax( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") = 291.15 + "Highest cooling supply air temperature setpoint. It is typically 18 degC (65 degF) + in mild and dry climates, 16 degC (60 degF) or lower in humid climates" + annotation (Dialog(group="Temperatures")); + parameter Real TSupSetDes( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") = 286.15 + "Nominal supply air temperature setpoint" + annotation (Dialog(group="Temperatures")); + parameter Real TOutMin( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") = 289.15 + "Lower value of the outdoor air temperature reset range. Typically value is 16 degC (60 degF)" + annotation (Dialog(group="Temperatures")); + parameter Real TOutMax( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") = 294.15 + "Higher value of the outdoor air temperature reset range. Typically value is 21 degC (70 degF)" + annotation (Dialog(group="Temperatures")); + parameter Real TSupWarUpSetBac( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature")=308.15 + "Supply temperature in warm up and set back mode" + annotation (Dialog(group="Temperatures")); + parameter Real iniSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") = maxSet + "Initial setpoint" + annotation (Dialog(group="Trim and respond logic")); + parameter Real maxSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") = TSupSetMax + "Maximum setpoint" + annotation (Dialog(group="Trim and respond logic")); + parameter Real minSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") = TSupSetDes + "Minimum setpoint" + annotation (Dialog(group="Trim and respond logic")); + parameter Real delTim( + final unit="s", + final quantity="Time") = 600 + "Delay timer" + annotation(Dialog(group="Trim and respond logic")); + parameter Real samplePeriod( + final unit="s", + final quantity="Time", + final min=1E-3) = 120 + "Sample period of component" + annotation(Dialog(group="Trim and respond logic")); + parameter Integer numIgnReq = 2 + "Number of ignorable requests for TrimResponse logic" + annotation(Dialog(group="Trim and respond logic")); + parameter Real triAmo( + final unit="K", + final displayUnit="K", + final quantity="TemperatureDifference") = 0.1 + "Trim amount" + annotation (Dialog(group="Trim and respond logic")); + parameter Real resAmo( + final unit="K", + final displayUnit="K", + final quantity="TemperatureDifference") = -0.2 + "Response amount" + annotation (Dialog(group="Trim and respond logic")); + parameter Real maxRes( + final unit="K", + final displayUnit="K", + final quantity="TemperatureDifference") = -0.6 + "Maximum response per time interval" + annotation (Dialog(group="Trim and respond logic")); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TOut( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "Outdoor air temperature" + annotation (Placement(transformation(extent={{-180,40},{-140,80}}), + iconTransformation(extent={{-140,20},{-100,60}}))); + Buildings.Controls.OBC.CDL.Interfaces.RealInput TZonSetAve( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "Average of heating and cooling setpoint" + annotation (Placement(transformation(extent={{-180,70},{-140,110}}), + iconTransformation(extent={{-140,60},{-100,100}}))); + Buildings.Controls.OBC.CDL.Interfaces.BooleanInput uSupFan + "Supply fan status" + annotation (Placement(transformation(extent={{-180,-50},{-140,-10}}), + iconTransformation(extent={{-140,-60},{-100,-20}}))); + Buildings.Controls.OBC.CDL.Interfaces.IntegerInput uOpeMod + "System operation mode" + annotation (Placement(transformation(extent={{-180,-120},{-140,-80}}), + iconTransformation(extent={{-140,-100},{-100,-60}}))); + Buildings.Controls.OBC.CDL.Interfaces.IntegerInput uZonTemResReq + "Zone cooling supply air temperature reset request" + annotation (Placement( transformation(extent={{-180,0},{-140,40}}), + iconTransformation(extent={{-140,-20},{-100,20}}))); + Buildings.Controls.OBC.CDL.Interfaces.RealOutput TSupSet( + final unit="K", + final displayUnit="degC", + final quantity="ThermodynamicTemperature") + "Setpoint for supply air temperature" + annotation (Placement(transformation(extent={{140,-20},{180,20}}), + iconTransformation(extent={{100,-20},{140,20}}))); + + Buildings.Controls.OBC.ASHRAE.G36_PR1.Generic.SetPoints.TrimAndRespond maxSupTemRes( + final delTim=delTim, + final iniSet=iniSet, + final minSet=minSet, + final maxSet=maxSet, + final samplePeriod=samplePeriod, + final numIgnReq=numIgnReq, + final triAmo=triAmo, + final resAmo=resAmo, + final maxRes=maxRes) "Maximum cooling supply temperature reset" + annotation (Placement(transformation(extent={{-100,20},{-80,40}}))); + + Buildings.Utilities.IO.SignalExchange.Overwrite oveActTAirSup( + description="Supply air temperature setpoint", u( + unit="K", + min=273.15 + 12, + max=273.15 + 18)) "Overwrite the supply air temperature setpoint" + annotation (Placement(transformation(extent={{80,40},{100,60}}))); + protected + Buildings.Controls.OBC.CDL.Continuous.Line lin + "Supply temperature distributes linearly between minimum and maximum supply + air temperature, according to outdoor temperature" + annotation (Placement(transformation(extent={{20,40},{40,60}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant minOutTem(k=TOutMin) + "Lower value of the outdoor air temperature reset range" + annotation (Placement(transformation(extent={{-40,60},{-20,80}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant maxOutTem(k=TOutMax) + "Higher value of the outdoor air temperature reset range" + annotation (Placement(transformation(extent={{-40,20},{-20,40}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant minSupTem(k=TSupSetMin) + "Lowest cooling supply air temperature setpoint" + annotation (Placement(transformation(extent={{-100,-20},{-80,0}}))); + Buildings.Controls.OBC.CDL.Logical.And and2 + "Check if it is in Setup or Cool-down mode" + annotation (Placement(transformation(extent={{-40,-60},{-20,-40}}))); + Buildings.Controls.OBC.CDL.Logical.And and1 + "Check if it is in Warmup or Setback mode" + annotation (Placement(transformation(extent={{20,-100},{40,-80}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant supTemWarUpSetBac(k= + TSupWarUpSetBac) + "Supply temperature setpoint under warm-up and setback mode" + annotation (Placement(transformation(extent={{20,-130},{40,-110}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi1 + "If operation mode is setup or cool-down, setpoint shall be 35 degC" + annotation (Placement(transformation(extent={{80,-60},{100,-40}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi2 + "If operation mode is setup or cool-down, setpoint shall be TSupSetMin" + annotation (Placement(transformation(extent={{20,-60},{40,-40}}))); + Buildings.Controls.OBC.CDL.Continuous.Limiter TDea( + uMax=297.15, + uMin=294.15) + "Limiter that outputs the dead band value for the supply air temperature" + annotation (Placement(transformation(extent={{-100,80},{-80,100}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi3 + "Check output regarding supply fan status" + annotation (Placement(transformation(extent={{80,-10},{100,10}}))); + Buildings.Controls.OBC.CDL.Integers.LessThreshold intLesThr( + threshold=Buildings.Controls.OBC.ASHRAE.G36_PR1.Types.OperationModes.warmUp) + "Check if operation mode index is less than warm-up mode index (4)" + annotation (Placement(transformation(extent={{-100,-60},{-80,-40}}))); + Buildings.Controls.OBC.CDL.Integers.GreaterThreshold intGreThr( + threshold=Buildings.Controls.OBC.ASHRAE.G36_PR1.Types.OperationModes.occupied) + "Check if operation mode index is greater than occupied mode index (1)" + annotation (Placement(transformation(extent={{-100,-90},{-80,-70}}))); + Buildings.Controls.OBC.CDL.Integers.LessThreshold intLesThr1( + threshold=Buildings.Controls.OBC.ASHRAE.G36_PR1.Types.OperationModes.unoccupied) + "Check if operation mode index is less than unoccupied mode index (7)" + annotation (Placement(transformation(extent={{-40,-100},{-20,-80}}))); + Buildings.Controls.OBC.CDL.Integers.GreaterThreshold intGreThr1( + threshold=Buildings.Controls.OBC.ASHRAE.G36_PR1.Types.OperationModes.setUp) + "Check if operation mode index is greater than set up mode index (3)" + annotation (Placement(transformation(extent={{-40,-130},{-20,-110}}))); + + equation + connect(minOutTem.y, lin.x1) + annotation (Line(points={{-18,70},{0,70},{0,58},{18,58}}, + color={0,0,127})); + connect(TOut, lin.u) + annotation (Line(points={{-160,60},{-100,60},{-100,50},{18,50}}, + color={0,0,127})); + connect(maxOutTem.y, lin.x2) + annotation (Line(points={{-18,30},{0,30},{0,46},{18,46}}, + color={0,0,127})); + connect(minSupTem.y, lin.f2) + annotation (Line(points={{-78,-10},{10,-10},{10,42},{18,42}}, + color={0,0,127})); + connect(and1.y, swi1.u2) + annotation (Line(points={{42,-90},{60,-90},{60,-50},{78,-50}}, + color={255,0,255})); + connect(supTemWarUpSetBac.y, swi1.u1) + annotation (Line(points={{42,-120},{68,-120},{68,-42},{78,-42}}, + color={0,0,127})); + connect(and2.y, swi2.u2) + annotation (Line(points={{-18,-50},{18,-50}},color={255,0,255})); + connect(minSupTem.y, swi2.u1) + annotation (Line(points={{-78,-10},{-2,-10},{-2,-42},{18,-42}}, + color={0,0,127})); + connect(swi2.y, swi1.u3) + annotation (Line(points={{42,-50},{50,-50},{50,-58},{78,-58}}, + color={0,0,127})); + connect(TZonSetAve, TDea.u) + annotation (Line(points={{-160,90},{-102,90}}, + color={0,0,127})); + connect(uSupFan, swi3.u2) + annotation (Line(points={{-160,-30},{-120,-30},{-120,10},{-60,10},{-60,0}, + {78,0}}, color={255,0,255})); + connect(swi1.y, swi3.u1) + annotation (Line(points={{102,-50},{110,-50},{110,-20},{68,-20},{68,8},{78,8}}, + color={0,0,127})); + connect(TDea.y, swi3.u3) + annotation (Line(points={{-78,90},{60,90},{60,-8},{78,-8}}, + color={0,0,127})); + connect(intLesThr1.y, and1.u1) + annotation (Line(points={{-18,-90},{18,-90}}, + color={255,0,255})); + connect(intGreThr1.y, and1.u2) + annotation (Line(points={{-18,-120},{0,-120},{0,-98},{18,-98}}, + color={255,0,255})); + connect(intLesThr.y, and2.u1) + annotation (Line(points={{-78,-50},{-42,-50}},color={255,0,255})); + connect(intGreThr.y, and2.u2) + annotation (Line(points={{-78,-80},{-60,-80},{-60,-58},{-42,-58}}, + color={255,0,255})); + connect(uOpeMod, intLesThr.u) + annotation (Line(points={{-160,-100},{-120,-100},{-120,-50},{-102,-50}}, + color={255,127,0})); + connect(uOpeMod, intGreThr.u) + annotation (Line(points={{-160,-100},{-120,-100},{-120,-80},{-102,-80}}, + color={255,127,0})); + connect(uOpeMod, intLesThr1.u) + annotation (Line(points={{-160,-100},{-60,-100},{-60,-90},{-42,-90}}, + color={255,127,0})); + connect(uOpeMod, intGreThr1.u) + annotation (Line(points={{-160,-100},{-120,-100},{-120,-120},{-42,-120}}, + color={255,127,0})); + connect(uZonTemResReq, maxSupTemRes.numOfReq) + annotation (Line(points={{-160,20},{-112,20},{-112,22},{-102,22}}, + color={255,127,0})); + connect(uSupFan, maxSupTemRes.uDevSta) + annotation (Line(points={{-160,-30},{-120,-30},{-120,38},{-102,38}}, + color={255,0,255})); + connect(maxSupTemRes.y, lin.f1) + annotation (Line(points={{-78,30},{-60,30},{-60,54},{18,54}}, + color={0,0,127})); + connect(swi3.y, TSupSet) + annotation (Line(points={{102,0},{160,0}}, color={0,0,127})); + + connect(lin.y, oveActTAirSup.u) + annotation (Line(points={{42,50},{78,50}}, color={0,0,127})); + connect(oveActTAirSup.y, swi2.u3) annotation (Line(points={{101,50},{ + 120,50},{120,20},{14,20},{14,-58},{18,-58}}, color={0,0,127})); + annotation ( + defaultComponentName = "conTSupSet", + Icon(graphics={ + Rectangle( + extent={{-100,-100},{100,100}}, + lineColor={0,0,127}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Text( + extent={{-94,92},{-42,66}}, + lineColor={0,0,127}, + pattern=LinePattern.Dash, + textString="TZonSetAve"), + Text( + extent={{-96,46},{-68,34}}, + lineColor={0,0,127}, + pattern=LinePattern.Dash, + textString="TOut"), + Text( + extent={{-94,-22},{-14,-58}}, + lineColor={0,0,127}, + pattern=LinePattern.Dash, + textString="uZonTemResReq"), + Text( + extent={{-94,12},{-48,-12}}, + lineColor={0,0,127}, + pattern=LinePattern.Dash, + textString="uSupFan"), + Text( + extent={{-94,-70},{-50,-90}}, + lineColor={0,0,127}, + pattern=LinePattern.Dash, + textString="uOpeMod"), + Text( + extent={{68,8},{96,-8}}, + lineColor={0,0,127}, + pattern=LinePattern.Dash, + textString="TSupSet"), + Text( + extent={{-124,146},{96,108}}, + lineColor={0,0,255}, + textString="%name")}), + Diagram(coordinateSystem(preserveAspectRatio=false, extent={{-140,-140},{140,120}})), + Documentation(info=" +

+Block that outputs the supply air temperature setpoint and the coil valve control +inputs for VAV system with multiple zones, implemented according to the ASHRAE +Guideline G36, PART 5.N.2 (Supply air temperature control). +

+

+The control loop is enabled when the supply air fan uSupFan is proven on, +and disabled and the output set to Deadband otherwise. +

+

The supply air temperature setpoint is computed as follows.

+

Setpoints for TSupSetMin, TSupSetMax, +TSupSetDes, TOutMin, TOutMax

+

+The default range of outdoor air temperature (TOutMin=16°C, +TOutMax=21°C) used to reset the occupied mode TSupSet +was chosen to maximize economizer hours. It may be preferable to use a lower +range of outdoor air temperature (e.g. TOutMin=13°C, +TOutMax=18°C) to minimize fan energy. +

+

+The TSupSetMin variable is used during warm weather when little reheat +is expected to minimize fan energy. It should not be set too low or it may cause +excessive chilled water temperature reset requests which will reduce chiller +plant efficiency. It should be set no lower than the design coil leaving air +temperature. +

+

+The TSupSetMax variable is typically 18 °C in mild and dry climate, +16 °C or lower in humid climates. It should not typically be greater than +18 °C since this may lead to excessive fan energy that can offset the mechanical +cooling savings from economizer operation. +

+ +

During occupied mode (uOpeMod=1)

+

+The TSupSet shall be reset from TSupSetMin when the outdoor +air temperature is TOutMax and above, proportionally up to +maximum supply temperature when the outdoor air temperature is TOutMin and +below. The maximum supply temperature shall be reset using trim and respond logic between +TSupSetDes and TSupSetMax. Parameters suggested for the +trim and respond logic are shown in the table below. They require adjustment +during the commissioning and tuning phase. +

+ + + + + + + + + + + + + + +
Variable Value Definition
DeviceAHU Supply Fan Associated device
SP0iniSetInitial setpoint
SPminTSupSetDesMinimum setpoint
SPmaxTSupSetMaxMaximum setpoint
TddelTimDelay timer
TsamplePeriodTime step
InumIgnReqNumber of ignored requests
RuZonTemResReqNumber of requests
SPtrimtriAmoTrim amount
SPresresAmoRespond amount
SPres_maxmaxResMaximum response per time interval
+
+ +

+\"Image +

+ +

During Setup and Cool-down modes (uOpeMod=2, uOpeMod=3)

+

+Supply air temperature setpoint TSupSet shall be TSupSetMin. +

+

During Setback and Warmup modes (uOpeMod=4, uOpeMod=5)

+

+Supply air temperature setpoint TSupSet shall be TSupWarUpSetBac. +

+ +

Valves control

+

+Supply air temperature shall be controlled to setpoint using a control loop whose +output is mapped to sequence the hot water valve or modulating electric heating +coil (if applicable) or chilled water valves. +

+", + revisions=" + +")); + end SupplyTemperatureOve; + + block SupplyFan "Block to control multi zone VAV AHU supply fan" + + parameter Boolean have_perZonRehBox = false + "Check if there is any VAV-reheat boxes on perimeter zones" + annotation(Dialog(group="System configuration")); + parameter Boolean have_duaDucBox = false + "Check if the AHU serves dual duct boxes" + annotation(Dialog(group="System configuration")); + parameter Boolean have_airFloMeaSta = false + "Check if the AHU has AFMS (Airflow measurement station)" + annotation(Dialog(group="System configuration")); + parameter Real iniSet( + final unit="Pa", + final quantity="PressureDifference") = 120 + "Initial setpoint" + annotation (Dialog(group="Trim and respond for pressure setpoint")); + parameter Real minSet( + final unit="Pa", + final quantity="PressureDifference") = 25 + "Minimum setpoint" + annotation (Dialog(group="Trim and respond for pressure setpoint")); + parameter Real maxSet( + final unit="Pa", + final quantity="PressureDifference") + "Maximum setpoint" + annotation (Dialog(group="Trim and respond for pressure setpoint")); + parameter Real delTim( + final unit="s", + final quantity="Time")= 600 + "Delay time after which trim and respond is activated" + annotation (Dialog(group="Trim and respond for pressure setpoint")); + parameter Real samplePeriod( + final unit="s", + final quantity="Time") = 120 "Sample period" + annotation (Dialog(group="Trim and respond for pressure setpoint")); + parameter Integer numIgnReq = 2 + "Number of ignored requests" + annotation (Dialog(group="Trim and respond for pressure setpoint")); + parameter Real triAmo( + final unit="Pa", + final quantity="PressureDifference") = -12.0 + "Trim amount" + annotation (Dialog(group="Trim and respond for pressure setpoint")); + parameter Real resAmo( + final unit="Pa", + final quantity="PressureDifference") = 15 + "Respond amount (must be opposite in to triAmo)" + annotation (Dialog(group="Trim and respond for pressure setpoint")); + parameter Real maxRes( + final unit="Pa", + final quantity="PressureDifference") = 32 + "Maximum response per time interval (same sign as resAmo)" + annotation (Dialog(group="Trim and respond for pressure setpoint")); + parameter Buildings.Controls.OBC.CDL.Types.SimpleController + controllerType=Buildings.Controls.OBC.CDL.Types.SimpleController.PI "Type of controller" + annotation (Dialog(group="Fan PID controller")); + parameter Real k(final unit="1")=0.1 + "Gain of controller, normalized using maxSet" + annotation (Dialog(group="Fan PID controller")); + parameter Real Ti( + final unit="s", + final quantity="Time", + min=0)=60 + "Time constant of integrator block" + annotation (Dialog(group="Fan PID controller", + enable=controllerType==Buildings.Controls.OBC.CDL.Types.SimpleController.PI + or controllerType==Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + parameter Real Td( + final unit="s", + final quantity="Time", + final min=0) = 0.1 + "Time constant of derivative block" + annotation (Dialog(group="Fan PID controller", + enable=controllerType==Buildings.Controls.OBC.CDL.Types.SimpleController.PD + or controllerType==Buildings.Controls.OBC.CDL.Types.SimpleController.PID)); + parameter Real yFanMax(min=0.1, max=1, unit="1") = 1 + "Maximum allowed fan speed" + annotation (Dialog(group="Fan PID controller")); + parameter Real yFanMin(min=0.1, max=1, unit="1") = 0.1 + "Lowest allowed fan speed if fan is on" + annotation (Dialog(group="Fan PID controller")); + + Buildings.Controls.OBC.CDL.Interfaces.IntegerInput uOpeMod + "System operation mode" + annotation (Placement(transformation(extent={{-200,100},{-160,140}}), + iconTransformation(extent={{-140,60},{-100,100}}))); + Buildings.Controls.OBC.CDL.Interfaces.RealInput ducStaPre( + final unit="Pa", + quantity="PressureDifference") + "Measured duct static pressure" + annotation (Placement(transformation(extent={{-200,-138},{-160,-98}}), + iconTransformation(extent={{-140,-100},{-100,-60}}))); + Buildings.Controls.OBC.CDL.Interfaces.IntegerInput uZonPreResReq + "Zone static pressure reset requests" + annotation (Placement(transformation(extent={{-200,-88},{-160,-48}}), + iconTransformation(extent={{-140,-50},{-100,-10}}))); + Buildings.Controls.OBC.CDL.Interfaces.BooleanOutput ySupFan "Supply fan on status" + annotation (Placement(transformation(extent={{140,50},{180,90}}), + iconTransformation(extent={{100,50},{140,90}}))); + Buildings.Controls.OBC.CDL.Interfaces.RealOutput ySupFanSpe( + min=0, + max=1, + final unit="1") "Supply fan speed" + annotation (Placement(transformation(extent={{140,-128},{180,-88}}), + iconTransformation(extent={{100,-20},{140,20}}))); + + Buildings.Controls.OBC.ASHRAE.G36_PR1.Generic.SetPoints.TrimAndRespond staPreSetRes( + final iniSet=iniSet, + final minSet=minSet, + final maxSet=maxSet, + final delTim=delTim, + final samplePeriod=samplePeriod, + final numIgnReq=numIgnReq, + final triAmo=triAmo, + final resAmo=resAmo, + final maxRes=maxRes) "Static pressure setpoint reset using trim and respond logic" + annotation (Placement(transformation(extent={{-130,-68},{-110,-48}}))); + Buildings.Controls.OBC.CDL.Continuous.LimPID conSpe( + final controllerType=controllerType, + final k=k, + final Ti=Ti, + final Td=Td, + final yMax=yFanMax, + final yMin=yFanMin, + reset=Buildings.Controls.OBC.CDL.Types.Reset.Parameter, + y_reset=yFanMin) "Supply fan speed control" + annotation (Placement(transformation(extent={{-40,-88},{-20,-68}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput uDucStaPreSet( + final unit="Pa", + quantity="PressureDifference") + "Fixed duct static pressure setpoint" + annotation (Placement(transformation(extent={{-200,-40},{-160,0}}))); + protected + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant zerSpe(k=0) + "Zero fan speed when it becomes OFF" + annotation (Placement(transformation(extent={{20,-98},{40,-78}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi + "If fan is OFF, fan speed outputs to zero" + annotation (Placement(transformation(extent={{80,-98},{100,-118}}))); + Buildings.Controls.OBC.CDL.Logical.Or or1 + "Check whether supply fan should be ON" + annotation (Placement(transformation(extent={{80,60},{100,80}}))); + Buildings.Controls.OBC.CDL.Logical.Or or2 if have_perZonRehBox + "Setback or warmup mode" + annotation (Placement(transformation(extent={{20,30},{40,50}}))); + Buildings.Controls.OBC.CDL.Logical.Or3 or3 + "Cool-down or setup or occupied mode" + annotation (Placement(transformation(extent={{20,90},{40,110}}))); + Buildings.Controls.OBC.CDL.Logical.Sources.Constant con( + k=false) if not have_perZonRehBox + "Constant true" + annotation (Placement(transformation(extent={{20,0},{40,20}}))); + Buildings.Controls.OBC.CDL.Integers.Sources.Constant conInt( + k=Buildings.Controls.OBC.ASHRAE.G36_PR1.Types.OperationModes.coolDown) + "Cool down mode" + annotation (Placement(transformation(extent={{-120,120},{-100,140}}))); + Buildings.Controls.OBC.CDL.Integers.Sources.Constant conInt4( + k=Buildings.Controls.OBC.ASHRAE.G36_PR1.Types.OperationModes.warmUp) + "Warm-up mode" + annotation (Placement(transformation(extent={{-120,0},{-100,20}}))); + Buildings.Controls.OBC.CDL.Integers.Sources.Constant conInt1( + k=Buildings.Controls.OBC.ASHRAE.G36_PR1.Types.OperationModes.setUp) + "Set up mode" + annotation (Placement(transformation(extent={{-120,90},{-100,110}}))); + Buildings.Controls.OBC.CDL.Integers.Sources.Constant conInt2( + k=Buildings.Controls.OBC.ASHRAE.G36_PR1.Types.OperationModes.occupied) + "Occupied mode" + annotation (Placement(transformation(extent={{-120,60},{-100,80}}))); + Buildings.Controls.OBC.CDL.Integers.Sources.Constant conInt3( + k=Buildings.Controls.OBC.ASHRAE.G36_PR1.Types.OperationModes.setBack) + "Set back mode" + annotation (Placement(transformation(extent={{-120,30},{-100,50}}))); + Buildings.Controls.OBC.CDL.Integers.Equal intEqu + "Check if current operation mode is cool-down mode" + annotation (Placement(transformation(extent={{-60,120},{-40,140}}))); + Buildings.Controls.OBC.CDL.Integers.Equal intEqu1 + "Check if current operation mode is setup mode" + annotation (Placement(transformation(extent={{-60,90},{-40,110}}))); + Buildings.Controls.OBC.CDL.Integers.Equal intEqu2 + "Check if current operation mode is occupied mode" + annotation (Placement(transformation(extent={{-60,60},{-40,80}}))); + Buildings.Controls.OBC.CDL.Integers.Equal intEqu3 + "Check if current operation mode is setback mode" + annotation (Placement(transformation(extent={{-60,30},{-40,50}}))); + Buildings.Controls.OBC.CDL.Integers.Equal intEqu4 + "Check if current operation mode is warmup mode" + annotation (Placement(transformation(extent={{-60,0},{-40,20}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant gaiNor( + final k=maxSet) + "Gain for normalization of controller input" + annotation (Placement(transformation(extent={{-130,-108},{-110,-88}}))); + Buildings.Controls.OBC.CDL.Continuous.Division norPSet + "Normalization for pressure set point" + annotation (Placement(transformation(extent={{-70,-88},{-50,-68}}))); + Buildings.Controls.OBC.CDL.Continuous.Division norPMea + "Normalization of pressure measurement" + annotation (Placement(transformation(extent={{-70,-128},{-50,-108}}))); + Buildings.Controls.OBC.CDL.Discrete.FirstOrderHold firOrdHol( + final samplePeriod=samplePeriod) + "Extrapolation through the values of the last two sampled input signals" + annotation (Placement(transformation(extent={{-100,-68},{-80,-48}}))); + + equation + connect(or2.y, or1.u2) + annotation (Line(points={{42,40},{60,40},{60,62},{78,62}}, + color={255,0,255})); + connect(or1.y, ySupFan) + annotation (Line(points={{102,70},{160,70}}, + color={255,0,255})); + connect(or1.y, staPreSetRes.uDevSta) + annotation (Line(points={{102,70},{120,70},{120,-8},{-150,-8},{-150,-50},{-132, + -50}}, color={255,0,255})); + connect(or1.y, swi.u2) + annotation (Line(points={{102,70},{120,70},{120,-8},{0,-8},{0,-108},{78,-108}}, + color={255,0,255})); + connect(conSpe.y, swi.u1) + annotation (Line(points={{-18,-78},{-4,-78},{-4,-116},{78,-116}}, + color={0,0,127})); + connect(zerSpe.y, swi.u3) + annotation (Line(points={{42,-88},{60,-88},{60,-100},{78,-100}}, + color={0,0,127})); + connect(swi.y, ySupFanSpe) + annotation (Line(points={{102,-108},{160,-108}}, + color={0,0,127})); + connect(uZonPreResReq, staPreSetRes.numOfReq) + annotation (Line(points={{-180,-68},{-148,-68},{-148,-66},{-132,-66}}, + color={255,127,0})); + connect(con.y, or1.u2) + annotation (Line(points={{42,10},{60,10},{60,62},{78,62}}, + color={255,0,255})); + connect(intEqu.y, or3.u1) + annotation (Line(points={{-38,130},{0,130},{0,108},{18,108}}, + color={255,0,255})); + connect(intEqu2.y, or3.u3) + annotation (Line(points={{-38,70},{0,70},{0,92},{18,92}}, + color={255,0,255})); + connect(intEqu1.y, or3.u2) + annotation (Line(points={{-38,100},{18,100}}, color={255,0,255})); + connect(conInt.y, intEqu.u2) + annotation (Line(points={{-98,130},{-90,130},{-90,122},{-62,122}}, + color={255,127,0})); + connect(conInt1.y, intEqu1.u2) + annotation (Line(points={{-98,100},{-90,100},{-90,92},{-62,92}}, + color={255,127,0})); + connect(conInt2.y, intEqu2.u2) + annotation (Line(points={{-98,70},{-90,70},{-90,62},{-62,62}}, + color={255,127,0})); + connect(conInt3.y, intEqu3.u2) + annotation (Line(points={{-98,40},{-90,40},{-90,32},{-62,32}}, + color={255,127,0})); + connect(conInt4.y, intEqu4.u2) + annotation (Line(points={{-98,10},{-90,10},{-90,2},{-62,2}}, + color={255,127,0})); + connect(uOpeMod, intEqu.u1) + annotation (Line(points={{-180,120},{-140,120},{-140,150},{-80,150},{-80,130}, + {-62,130}}, color={255,127,0})); + connect(uOpeMod, intEqu1.u1) + annotation (Line(points={{-180,120},{-140,120},{-140,150},{-80,150},{-80,100}, + {-62,100}}, color={255,127,0})); + connect(uOpeMod, intEqu2.u1) + annotation (Line(points={{-180,120},{-140,120},{-140,150},{-80,150}, + {-80,70},{-62,70}}, color={255,127,0})); + connect(uOpeMod, intEqu3.u1) + annotation (Line(points={{-180,120},{-140,120},{-140,150},{-80,150}, + {-80,40},{-62,40}}, color={255,127,0})); + connect(uOpeMod, intEqu4.u1) + annotation (Line(points={{-180,120},{-140,120},{-140,150},{-80,150}, + {-80,10},{-62,10}}, color={255,127,0})); + connect(or3.y, or1.u1) + annotation (Line(points={{42,100},{60,100},{60,70},{78,70}}, + color={255,0,255})); + connect(intEqu3.y, or2.u1) + annotation (Line(points={{-38,40},{18,40}}, color={255,0,255})); + connect(intEqu4.y, or2.u2) + annotation (Line(points={{-38,10},{0,10},{0,32},{18,32}}, + color={255,0,255})); + connect(norPSet.y, conSpe.u_s) + annotation (Line(points={{-48,-78},{-42,-78}}, color={0,0,127})); + connect(norPMea.y, conSpe.u_m) + annotation (Line(points={{-48,-118},{-30,-118},{-30,-90}}, color={0,0,127})); + connect(staPreSetRes.y, firOrdHol.u) + annotation (Line(points={{-108,-58},{-102,-58}}, color={0,0,127})); + connect(conSpe.trigger, or1.y) + annotation (Line(points={{-36,-90},{-36,-100},{0,-100},{0,-8},{120,-8},{120, + 70},{102,70}}, color={255,0,255})); + connect(gaiNor.y, norPSet.u2) annotation (Line(points={{-108,-98},{-92,-98},{-92, + -84},{-72,-84}}, color={0,0,127})); + connect(ducStaPre, norPMea.u1) annotation (Line(points={{-180,-118},{-80,-118}, + {-80,-112},{-72,-112}}, color={0,0,127})); + connect(gaiNor.y, norPMea.u2) annotation (Line(points={{-108,-98},{-92,-98},{-92, + -124},{-72,-124}}, color={0,0,127})); + + connect(norPSet.u1, uDucStaPreSet) annotation (Line(points={{-72,-72},{-74,-72}, + {-74,-20},{-180,-20}}, color={0,0,127})); + annotation ( + defaultComponentName="conSupFan", + Diagram(coordinateSystem(preserveAspectRatio=false, extent={{-160,-140},{140,160}}), + graphics={ + Rectangle( + extent={{-156,-30},{134,-136}}, + lineColor={0,0,0}, + fillColor={215,215,215}, + fillPattern=FillPattern.Solid, + pattern=LinePattern.None), + Rectangle( + extent={{-156,156},{134,-6}}, + lineColor={0,0,0}, + fillColor={215,215,215}, + fillPattern=FillPattern.Solid, + pattern=LinePattern.None), + Text( + extent={{42,156},{124,134}}, + lineColor={0,0,255}, + fillColor={215,215,215}, + fillPattern=FillPattern.Solid, + horizontalAlignment=TextAlignment.Left, + textString="Check current operation mode"), + Text( + extent={{54,-34},{124,-46}}, + lineColor={0,0,255}, + fillColor={215,215,215}, + fillPattern=FillPattern.Solid, + horizontalAlignment=TextAlignment.Left, + textString="Reset pressure setpoint"), + Text( + extent={{-34,-114},{20,-144}}, + lineColor={0,0,255}, + fillColor={215,215,215}, + fillPattern=FillPattern.Solid, + textString="Control fan speed"), + Text( + extent={{42,142},{96,126}}, + lineColor={0,0,255}, + fillColor={215,215,215}, + fillPattern=FillPattern.Solid, + horizontalAlignment=TextAlignment.Left, + textString="Check fan on or off")}), + Icon(graphics={ + Text( + extent={{-102,140},{96,118}}, + lineColor={0,0,255}, + textString="%name"), + Rectangle( + extent={{-100,100},{100,-100}}, + lineColor={0,0,0}, + fillColor={223,211,169}, + fillPattern=FillPattern.Solid), + Text( + extent={{-96,90},{-54,70}}, + lineColor={0,0,127}, + textString="uOpeMod"), + Text( + extent={{-96,-16},{-44,-44}}, + lineColor={0,0,127}, + textString="uZonPreResReq"), + Text( + extent={{-96,-70},{-54,-90}}, + lineColor={0,0,127}, + textString="ducStaPre"), + Text( + extent={{54,-60},{96,-80}}, + lineColor={0,0,127}, + textString="sumVDis_flow"), + Text( + extent={{52,10},{94,-10}}, + lineColor={0,0,127}, + textString="yFanSpe"), + Text( + extent={{52,78},{94,58}}, + lineColor={0,0,127}, + textString="ySupFan")}), + Documentation(info=" +

+Supply fan control for a multi zone VAV AHU according to +ASHRAE guideline G36, PART 5.N.1 (Supply fan control). +

+

Supply fan start/stop

+ +

Static pressure setpoint reset

+

+Static pressure setpoint shall be reset using trim-respond logic using following +parameters as a starting point: +

+ + + + + + + + + + + + + +
Variable Value Definition
DeviceAHU Supply Fan Associated device
SP0iniSetInitial setpoint
SPminminSetMinimum setpoint
SPmaxmaxSetMaximum setpoint
TddelTimDelay timer
TsamplePeriodTime step
InumIgnReqNumber of ignored requests
RuZonPreResReqNumber of requests
SPtrimtriAmoTrim amount
SPresresAmoRespond amount
SPres_maxmaxResMaximum response per time interval
+
+

Static pressure control

+

+Supply fan speed is controlled with a PI controller to maintain duct static pressure at setpoint +when the fan is proven on. The setpoint for the PI controller and the measured +duct static pressure are normalized with the maximum design static presssure +maxSet. +Where the zone groups served by the system are small, +provide multiple sets of gains that are used in the control loop as a function +of a load indicator (such as supply fan airflow rate, the area of the zone groups +that are occupied, etc.). +

+", revisions=" + +")); + end SupplyFan; + + package Examples "Example models to test the components" + extends Modelica.Icons.ExamplesPackage; + model OperationModes "Test model for operation modes" + extends Modelica.Icons.Example; + import ModelicaVAV = FiveZone.VAVReheat; + ModelicaVAV.Controls.ModeSelector operationModes + annotation (Placement(transformation(extent={{-40,-20},{-20,0}}))); + Modelica.Thermal.HeatTransfer.Sources.PrescribedHeatFlow preHeaFlo + annotation (Placement(transformation(extent={{90,-60},{110,-40}}))); + Modelica.Thermal.HeatTransfer.Sources.FixedTemperature fixTem(T=273.15) + annotation (Placement(transformation(extent={{-40,90},{-20,110}}))); + Modelica.Thermal.HeatTransfer.Components.HeatCapacitor cap(C=20000, T(fixed= + true)) + annotation (Placement(transformation(extent={{40,100},{60,120}}))); + Modelica.Thermal.HeatTransfer.Components.ThermalConductor con(G=1) + annotation (Placement(transformation(extent={{0,90},{20,110}}))); + Modelica.Blocks.Logical.Switch switch1 + annotation (Placement(transformation(extent={{60,-60},{80,-40}}))); + Modelica.Blocks.Sources.Constant on(k=200) + annotation (Placement(transformation(extent={{20,-40},{40,-20}}))); + Modelica.Blocks.Sources.Constant off(k=0) + annotation (Placement(transformation(extent={{-60,-80},{-40,-60}}))); + Modelica.Thermal.HeatTransfer.Sensors.TemperatureSensor temperatureSensor + annotation (Placement(transformation(extent={{100,110},{120,130}}))); + Modelica.Blocks.Sources.RealExpression TRooSetHea( + y=if mode.y == Integer(ModelicaVAV.Controls.OperationModes.occupied) + then 293.15 else 287.15) + annotation (Placement(transformation(extent={{-160,40},{-140,60}}))); + Modelica.Blocks.Sources.Constant TCoiHea(k=283.15) + "Temperature after heating coil" + annotation (Placement(transformation(extent={{-160,-40},{-140,-20}}))); + ModelicaVAV.Controls.ControlBus controlBus + annotation (Placement(transformation(extent={{-60,30},{-40,50}}))); + Modelica.Blocks.Routing.IntegerPassThrough mode "Outputs the control mode" + annotation (Placement(transformation(extent={{0,20},{20,40}}))); + Modelica.Blocks.Sources.BooleanExpression modSel( + y=mode.y == Integer(ModelicaVAV.Controls.OperationModes.unoccupiedNightSetBack) or + mode.y == Integer(ModelicaVAV.Controls.OperationModes.unoccupiedWarmUp)) + annotation (Placement(transformation(extent={{-20,-60},{0,-40}}))); + Modelica.Blocks.Sources.Constant TOut(k=283.15) "Outside temperature" + annotation (Placement(transformation(extent={{-160,-80},{-140,-60}}))); + Modelica.Thermal.HeatTransfer.Sensors.TemperatureSensor temperatureSensor1 + annotation (Placement(transformation(extent={{100,142},{120,162}}))); + Modelica.Blocks.Sources.BooleanExpression modSel1( + y=mode.y == Integer(ModelicaVAV.Controls.OperationModes.occupied)) + annotation (Placement(transformation(extent={{-20,-130},{0,-110}}))); + Modelica.Thermal.HeatTransfer.Sources.PrescribedHeatFlow preHeaFlo1 + annotation (Placement(transformation(extent={{112,-130},{132,-110}}))); + Buildings.Controls.Continuous.LimPID PID(initType=Modelica.Blocks.Types.InitPID.InitialState) + annotation (Placement(transformation(extent={{-80,-130},{-60,-110}}))); + Modelica.Blocks.Logical.Switch switch2 + annotation (Placement(transformation(extent={{20,-130},{40,-110}}))); + Modelica.Blocks.Math.Gain gain(k=200) + annotation (Placement(transformation(extent={{62,-130},{82,-110}}))); + Buildings.Controls.SetPoints.OccupancySchedule occSch "Occupancy schedule" + annotation (Placement(transformation(extent={{-160,80},{-140,100}}))); + equation + connect(fixTem.port, con.port_a) annotation (Line( + points={{-20,100},{0,100}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(preHeaFlo.port, cap.port) annotation (Line( + points={{110,-50},{120,-50},{120,100},{50,100}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(con.port_b, cap.port) annotation (Line( + points={{20,100},{50,100}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(switch1.y, preHeaFlo.Q_flow) annotation (Line( + points={{81,-50},{90,-50}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(on.y, switch1.u1) annotation (Line( + points={{41,-30},{48,-30},{48,-42},{58,-42}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(off.y, switch1.u3) annotation (Line( + points={{-39,-70},{48,-70},{48,-58},{58,-58}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(cap.port, temperatureSensor.port) annotation (Line( + points={{50,100},{64,100},{64,120},{100,120}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(controlBus, operationModes.cb) annotation (Line( + points={{-50,40},{-50,-3.18182},{-36.8182,-3.18182}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(temperatureSensor.T, controlBus.TRooMin) annotation (Line( + points={{120,120},{166,120},{166,60},{-50,60},{-50,40}}, + color={0,0,127}, + smooth=Smooth.None), Text( + textString="%second", + index=1, + extent={{6,3},{6,3}})); + connect(TCoiHea.y, controlBus.TCoiHeaOut) annotation (Line( + points={{-139,-30},{-78,-30},{-78,40},{-50,40}}, + color={0,0,127}, + smooth=Smooth.None), Text( + textString="%second", + index=1, + extent={{6,3},{6,3}})); + connect(controlBus.controlMode, mode.u) annotation (Line( + points={{-50,40},{-30,40},{-30,30},{-2,30}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%first", + index=-1, + extent={{-6,3},{-6,3}})); + connect(modSel.y, switch1.u2) annotation (Line( + points={{1,-50},{58,-50}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(TOut.y, controlBus.TOut) annotation (Line( + points={{-139,-70},{-72,-70},{-72,40},{-50,40}}, + color={0,0,127}, + smooth=Smooth.None), Text( + textString="%second", + index=1, + extent={{6,3},{6,3}})); + connect(cap.port, temperatureSensor1.port) annotation (Line( + points={{50,100},{64,100},{64,152},{100,152}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(temperatureSensor1.T, controlBus.TRooAve) annotation (Line( + points={{120,152},{166,152},{166,60},{-50,60},{-50,40}}, + color={0,0,127}, + smooth=Smooth.None), Text( + textString="%second", + index=1, + extent={{6,3},{6,3}})); + connect(TRooSetHea.y, PID.u_s) + annotation (Line( + points={{-139,50},{-110,50},{-110,-120},{-82,-120}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(temperatureSensor.T, PID.u_m) annotation (Line( + points={{120,120},{166,120},{166,-150},{-70,-150},{-70,-132}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(modSel1.y, switch2.u2) annotation (Line( + points={{1,-120},{18,-120}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(off.y, switch2.u3) annotation (Line( + points={{-39,-70},{-30,-70},{-30,-132},{10,-132},{10,-128},{18,-128}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(preHeaFlo1.port, cap.port) annotation (Line( + points={{132,-120},{148,-120},{148,100},{50,100}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(PID.y, switch2.u1) annotation (Line( + points={{-59,-120},{-38,-120},{-38,-100},{8,-100},{8,-112},{18,-112}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(gain.y, preHeaFlo1.Q_flow) annotation (Line( + points={{83,-120},{112,-120}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(switch2.y, gain.u) annotation (Line( + points={{41,-120},{60,-120}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(occSch.tNexOcc, controlBus.dTNexOcc) annotation (Line( + points={{-139,96},{-50,96},{-50,40}}, + color={0,0,127}, + smooth=Smooth.None), Text( + textString="%second", + index=1, + extent={{6,3},{6,3}})); + connect(TRooSetHea.y, controlBus.TRooSetHea) annotation (Line( + points={{-139,50},{-100,50},{-100,40},{-50,40}}, + color={0,0,127}, + smooth=Smooth.None), Text( + textString="%second", + index=1, + extent={{6,3},{6,3}})); + connect(occSch.occupied, controlBus.occupied) annotation (Line( + points={{-139,84},{-50,84},{-50,40}}, + color={255,0,255}, + smooth=Smooth.None), Text( + textString="%second", + index=1, + extent={{6,3},{6,3}})); + annotation (Diagram(coordinateSystem(preserveAspectRatio=true, extent={{-200, + -200},{200,200}})), + __Dymola_Commands(file="modelica://Buildings/Resources/Scripts/Dymola/Examples/VAVReheat/Controls/Examples/OperationModes.mos" + "Simulate and plot"), + experiment( + StopTime=172800, + Tolerance=1e-6), + Documentation(info=" +

+This model tests the transition between the different modes of operation of the HVAC system. +

+")); + end OperationModes; + + model RoomVAV "Test model for the room VAV controller" + extends Modelica.Icons.Example; + + FiveZone.VAVReheat.Controls.RoomVAV vavBoxCon + "VAV terminal unit single maximum controller" + annotation (Placement(transformation(extent={{40,-10},{60,10}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant heaSet(k=273.15 + 21) + "Heating setpoint" + annotation (Placement(transformation(extent={{-40,60},{-20,80}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant cooSet(k=273.15 + 22) + "Cooling setpoint" + annotation (Placement(transformation(extent={{-40,10},{-20,30}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Ramp ram( + height=4, + duration=3600, + offset=-4) "Ramp source" + annotation (Placement(transformation(extent={{-80,-40},{-60,-20}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Sine sin( + amplitude=1, + freqHz=1/3600, + offset=273.15 + 23.5) "Sine source" + annotation (Placement(transformation(extent={{-80,-80},{-60,-60}}))); + Buildings.Controls.OBC.CDL.Continuous.Add rooTem "Room temperature" + annotation (Placement(transformation(extent={{-20,-60},{0,-40}}))); + + equation + connect(rooTem.y, vavBoxCon.TRoo) annotation (Line(points={{2,-50},{20,-50},{20, + -7},{39,-7}}, color={0,0,127})); + connect(cooSet.y, vavBoxCon.TRooCooSet) + annotation (Line(points={{-18,20},{0,20},{0,0},{38,0}}, color={0,0,127})); + connect(heaSet.y, vavBoxCon.TRooHeaSet) annotation (Line(points={{-18,70},{20, + 70},{20,7},{38,7}}, color={0,0,127})); + connect(sin.y, rooTem.u2) annotation (Line(points={{-58,-70},{-40,-70},{-40,-56}, + {-22,-56}}, color={0,0,127})); + connect(ram.y, rooTem.u1) annotation (Line(points={{-58,-30},{-40,-30},{-40,-44}, + {-22,-44}}, color={0,0,127})); + + annotation ( + __Dymola_Commands(file="modelica://Buildings/Resources/Scripts/Dymola/Examples/VAVReheat/Controls/Examples/RoomVAV.mos" + "Simulate and plot"), + experiment(StopTime=3600, Tolerance=1e-6), + Documentation(info=" +

+This model tests the VAV box contoller of transition from heating control to cooling +control. +

+"), + Icon(coordinateSystem(preserveAspectRatio=false)), Diagram( + coordinateSystem(preserveAspectRatio=false))); + end RoomVAV; + end Examples; + + end Controls; + + package ThermalZones "Package with models for the thermal zones" + extends Modelica.Icons.VariantsPackage; + model Floor "Model of a floor of the building" + replaceable package Medium = Modelica.Media.Interfaces.PartialMedium + "Medium model for air" annotation (choicesAllMatching=true); + + parameter Boolean use_windPressure=true + "Set to true to enable wind pressure"; + + parameter Buildings.HeatTransfer.Types.InteriorConvection intConMod=Buildings.HeatTransfer.Types.InteriorConvection.Temperature + "Convective heat transfer model for room-facing surfaces of opaque constructions"; + parameter Modelica.SIunits.Angle lat "Latitude"; + parameter Real winWalRat( + min=0.01, + max=0.99) = 0.33 "Window to wall ratio for exterior walls"; + parameter Modelica.SIunits.Length hWin = 1.5 "Height of windows"; + parameter Buildings.HeatTransfer.Data.Solids.Plywood matFur(x=0.15, nStaRef=5) + "Material for furniture" + annotation (Placement(transformation(extent={{140,460},{160,480}}))); + parameter Buildings.HeatTransfer.Data.Resistances.Carpet matCar "Carpet" + annotation (Placement(transformation(extent={{180,460},{200,480}}))); + parameter Buildings.HeatTransfer.Data.Solids.Concrete matCon( + x=0.1, + k=1.311, + c=836, + nStaRef=5) "Concrete" + annotation (Placement(transformation(extent={{140,430},{160,450}}))); + parameter Buildings.HeatTransfer.Data.Solids.Plywood matWoo( + x=0.01, + k=0.11, + d=544, + nStaRef=1) "Wood for exterior construction" + annotation (Placement(transformation(extent={{140,400},{160,420}}))); + parameter Buildings.HeatTransfer.Data.Solids.Generic matIns( + x=0.087, + k=0.049, + c=836.8, + d=265, + nStaRef=5) "Steelframe construction with insulation" + annotation (Placement(transformation(extent={{180,400},{200,420}}))); + parameter Buildings.HeatTransfer.Data.Solids.GypsumBoard matGyp( + x=0.0127, + k=0.16, + c=830, + d=784, + nStaRef=2) "Gypsum board" + annotation (Placement(transformation(extent={{138,372},{158,392}}))); + parameter Buildings.HeatTransfer.Data.Solids.GypsumBoard matGyp2( + x=0.025, + k=0.16, + c=830, + d=784, + nStaRef=2) "Gypsum board" + annotation (Placement(transformation(extent={{178,372},{198,392}}))); + parameter Buildings.HeatTransfer.Data.OpaqueConstructions.Generic conExtWal(final + nLay=3, material={matWoo,matIns,matGyp}) "Exterior construction" + annotation (Placement(transformation(extent={{280,460},{300,480}}))); + parameter Buildings.HeatTransfer.Data.OpaqueConstructions.Generic conIntWal(final + nLay=1, material={matGyp2}) "Interior wall construction" + annotation (Placement(transformation(extent={{320,460},{340,480}}))); + parameter Buildings.HeatTransfer.Data.OpaqueConstructions.Generic conFlo(final + nLay=1, material={matCon}) "Floor construction (opa_a is carpet)" + annotation (Placement(transformation(extent={{280,420},{300,440}}))); + parameter Buildings.HeatTransfer.Data.OpaqueConstructions.Generic conFur(final + nLay=1, material={matFur}) "Construction for internal mass of furniture" + annotation (Placement(transformation(extent={{320,420},{340,440}}))); + parameter Buildings.HeatTransfer.Data.Solids.Plywood matCarTra( + k=0.11, + d=544, + nStaRef=1, + x=0.215/0.11) "Wood for floor" + annotation (Placement(transformation(extent={{102,460},{122,480}}))); + parameter Buildings.HeatTransfer.Data.GlazingSystems.DoubleClearAir13Clear glaSys( + UFra=2, + shade=Buildings.HeatTransfer.Data.Shades.Gray(), + haveInteriorShade=false, + haveExteriorShade=false) "Data record for the glazing system" + annotation (Placement(transformation(extent={{240,460},{260,480}}))); + parameter Real kIntNor(min=0, max=1) = 1 + "Gain factor to scale internal heat gain in north zone"; + constant Modelica.SIunits.Height hRoo=2.74 "Room height"; + + parameter Boolean sampleModel = false + "Set to true to time-sample the model, which can give shorter simulation time if there is already time sampling in the system model" + annotation ( + Evaluate=true, + Dialog(tab="Experimental (may be changed in future releases)")); + + Buildings.ThermalZones.Detailed.MixedAir sou( + redeclare package Medium = Medium, + lat=lat, + AFlo=568.77/hRoo, + hRoo=hRoo, + nConExt=0, + nConExtWin=1, + datConExtWin( + layers={conExtWal}, + A={49.91*hRoo}, + glaSys={glaSys}, + wWin={winWalRat/hWin*49.91*hRoo}, + each hWin=hWin, + fFra={0.1}, + til={Buildings.Types.Tilt.Wall}, + azi={Buildings.Types.Azimuth.S}), + nConPar=2, + datConPar( + layers={conFlo,conFur}, + A={568.77/hRoo,414.68}, + til={Buildings.Types.Tilt.Floor,Buildings.Types.Tilt.Wall}), + nConBou=3, + datConBou( + layers={conIntWal,conIntWal,conIntWal}, + A={6.47,40.76,6.47}*hRoo, + til={Buildings.Types.Tilt.Wall, Buildings.Types.Tilt.Wall, Buildings.Types.Tilt.Wall}), + nSurBou=0, + nPorts=5, + intConMod=intConMod, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + final sampleModel=sampleModel) "South zone" + annotation (Placement(transformation(extent={{144,-44},{184,-4}}))); + Buildings.ThermalZones.Detailed.MixedAir eas( + redeclare package Medium = Medium, + lat=lat, + AFlo=360.0785/hRoo, + hRoo=hRoo, + nConExt=0, + nConExtWin=1, + datConExtWin( + layers={conExtWal}, + A={33.27*hRoo}, + glaSys={glaSys}, + wWin={winWalRat/hWin*33.27*hRoo}, + each hWin=hWin, + fFra={0.1}, + til={Buildings.Types.Tilt.Wall}, + azi={Buildings.Types.Azimuth.E}), + nConPar=2, + datConPar( + layers={conFlo,conFur}, + A={360.0785/hRoo,262.52}, + til={Buildings.Types.Tilt.Floor,Buildings.Types.Tilt.Wall}), + nConBou=1, + datConBou( + layers={conIntWal}, + A={24.13}*hRoo, + til={Buildings.Types.Tilt.Wall}), + nSurBou=2, + surBou( + each A=6.47*hRoo, + each absIR=0.9, + each absSol=0.9, + til={Buildings.Types.Tilt.Wall, Buildings.Types.Tilt.Wall}), + nPorts=5, + intConMod=intConMod, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + final sampleModel=sampleModel) "East zone" + annotation (Placement(transformation(extent={{304,56},{344,96}}))); + Buildings.ThermalZones.Detailed.MixedAir nor( + redeclare package Medium = Medium, + lat=lat, + AFlo=568.77/hRoo, + hRoo=hRoo, + nConExt=0, + nConExtWin=1, + datConExtWin( + layers={conExtWal}, + A={49.91*hRoo}, + glaSys={glaSys}, + wWin={winWalRat/hWin*49.91*hRoo}, + each hWin=hWin, + fFra={0.1}, + til={Buildings.Types.Tilt.Wall}, + azi={Buildings.Types.Azimuth.N}), + nConPar=2, + datConPar( + layers={conFlo,conFur}, + A={568.77/hRoo,414.68}, + til={Buildings.Types.Tilt.Floor,Buildings.Types.Tilt.Wall}), + nConBou=3, + datConBou( + layers={conIntWal,conIntWal,conIntWal}, + A={6.47,40.76,6.47}*hRoo, + til={Buildings.Types.Tilt.Wall, Buildings.Types.Tilt.Wall, Buildings.Types.Tilt.Wall}), + nSurBou=0, + nPorts=5, + intConMod=intConMod, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + final sampleModel=sampleModel) "North zone" + annotation (Placement(transformation(extent={{144,116},{184,156}}))); + Buildings.ThermalZones.Detailed.MixedAir wes( + redeclare package Medium = Medium, + lat=lat, + AFlo=360.0785/hRoo, + hRoo=hRoo, + nConExt=0, + nConExtWin=1, + datConExtWin( + layers={conExtWal}, + A={33.27*hRoo}, + glaSys={glaSys}, + wWin={winWalRat/hWin*33.27*hRoo}, + each hWin=hWin, + fFra={0.1}, + til={Buildings.Types.Tilt.Wall}, + azi={Buildings.Types.Azimuth.W}), + nConPar=2, + datConPar( + layers={conFlo,conFur}, + A={360.0785/hRoo,262.52}, + til={Buildings.Types.Tilt.Floor,Buildings.Types.Tilt.Wall}), + nConBou=1, + datConBou( + layers={conIntWal}, + A={24.13}*hRoo, + til={Buildings.Types.Tilt.Wall}), + nSurBou=2, + surBou( + each A=6.47*hRoo, + each absIR=0.9, + each absSol=0.9, + til={Buildings.Types.Tilt.Wall, Buildings.Types.Tilt.Wall}), + nPorts=5, + intConMod=intConMod, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + final sampleModel=sampleModel) "West zone" + annotation (Placement(transformation(extent={{12,36},{52,76}}))); + Buildings.ThermalZones.Detailed.MixedAir cor( + redeclare package Medium = Medium, + lat=lat, + AFlo=2698/hRoo, + hRoo=hRoo, + nConExt=0, + nConExtWin=0, + nConPar=2, + datConPar( + layers={conFlo,conFur}, + A={2698/hRoo,1967.01}, + til={Buildings.Types.Tilt.Floor,Buildings.Types.Tilt.Wall}), + nConBou=0, + nSurBou=4, + surBou( + A={40.76,24.13,40.76,24.13}*hRoo, + each absIR=0.9, + each absSol=0.9, + til={Buildings.Types.Tilt.Wall, Buildings.Types.Tilt.Wall, Buildings.Types.Tilt.Wall, Buildings.Types.Tilt.Wall}), + nPorts=11, + intConMod=intConMod, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + final sampleModel=sampleModel) "Core zone" + annotation (Placement(transformation(extent={{144,36},{184,76}}))); + Modelica.Fluid.Vessels.BaseClasses.VesselFluidPorts_b portsSou[2]( + redeclare package Medium = Medium) "Fluid inlets and outlets" + annotation (Placement(transformation(extent={{70,-42},{110,-26}}))); + Modelica.Fluid.Vessels.BaseClasses.VesselFluidPorts_b portsEas[2]( + redeclare package Medium = Medium) "Fluid inlets and outlets" + annotation (Placement(transformation(extent={{314,28},{354,44}}))); + Modelica.Fluid.Vessels.BaseClasses.VesselFluidPorts_b portsNor[2]( + redeclare package Medium = Medium) "Fluid inlets and outlets" + annotation (Placement(transformation(extent={{70,118},{110,134}}))); + Modelica.Fluid.Vessels.BaseClasses.VesselFluidPorts_b portsWes[2]( + redeclare package Medium = Medium) "Fluid inlets and outlets" + annotation (Placement(transformation(extent={{-50,38},{-10,54}}))); + Modelica.Fluid.Vessels.BaseClasses.VesselFluidPorts_b portsCor[2]( + redeclare package Medium = Medium) "Fluid inlets and outlets" + annotation (Placement(transformation(extent={{70,38},{110,54}}))); + Modelica.Blocks.Math.MatrixGain gai(K=20*[0.4; 0.4; 0.2]) + "Matrix gain to split up heat gain in radiant, convective and latent gain" + annotation (Placement(transformation(extent={{-100,100},{-80,120}}))); + Modelica.Blocks.Sources.Constant uSha(k=0) + "Control signal for the shading device" + annotation (Placement(transformation(extent={{-80,170},{-60,190}}))); + Modelica.Blocks.Routing.Replicator replicator(nout=1) + annotation (Placement(transformation(extent={{-40,170},{-20,190}}))); + Buildings.BoundaryConditions.WeatherData.Bus weaBus "Weather bus" + annotation (Placement(transformation(extent={{200,190},{220,210}}))); + RoomLeakage leaSou(redeclare package Medium = Medium, VRoo=568.77, + s=49.91/33.27, + azi=Buildings.Types.Azimuth.S, + final use_windPressure=use_windPressure) + "Model for air infiltration through the envelope" + annotation (Placement(transformation(extent={{-58,380},{-22,420}}))); + RoomLeakage leaEas(redeclare package Medium = Medium, VRoo=360.0785, + s=33.27/49.91, + azi=Buildings.Types.Azimuth.E, + final use_windPressure=use_windPressure) + "Model for air infiltration through the envelope" + annotation (Placement(transformation(extent={{-58,340},{-22,380}}))); + RoomLeakage leaNor(redeclare package Medium = Medium, VRoo=568.77, + s=49.91/33.27, + azi=Buildings.Types.Azimuth.N, + final use_windPressure=use_windPressure) + "Model for air infiltration through the envelope" + annotation (Placement(transformation(extent={{-56,300},{-20,340}}))); + RoomLeakage leaWes(redeclare package Medium = Medium, VRoo=360.0785, + s=33.27/49.91, + azi=Buildings.Types.Azimuth.W, + final use_windPressure=use_windPressure) + "Model for air infiltration through the envelope" + annotation (Placement(transformation(extent={{-56,260},{-20,300}}))); + Modelica.Thermal.HeatTransfer.Sensors.TemperatureSensor temAirSou + "Air temperature sensor" + annotation (Placement(transformation(extent={{290,340},{310,360}}))); + Modelica.Thermal.HeatTransfer.Sensors.TemperatureSensor temAirEas + "Air temperature sensor" + annotation (Placement(transformation(extent={{292,310},{312,330}}))); + Modelica.Thermal.HeatTransfer.Sensors.TemperatureSensor temAirNor + "Air temperature sensor" + annotation (Placement(transformation(extent={{292,280},{312,300}}))); + Modelica.Thermal.HeatTransfer.Sensors.TemperatureSensor temAirWes + "Air temperature sensor" + annotation (Placement(transformation(extent={{292,248},{312,268}}))); + Modelica.Thermal.HeatTransfer.Sensors.TemperatureSensor temAirPer5 + "Air temperature sensor" + annotation (Placement(transformation(extent={{294,218},{314,238}}))); + Modelica.Blocks.Routing.Multiplex5 multiplex5_1 + annotation (Placement(transformation(extent={{340,280},{360,300}}))); + Modelica.Blocks.Interfaces.RealOutput TRooAir[5]( + each unit="K", + each displayUnit="degC") "Room air temperatures" + annotation (Placement(transformation(extent={{380,150},{400,170}}), + iconTransformation(extent={{380,150},{400,170}}))); + Buildings.Airflow.Multizone.DoorDiscretizedOpen opeSouCor( + redeclare package Medium = Medium, + wOpe=10, + forceErrorControlOnFlow=false) "Opening between perimeter1 and core" + annotation (Placement(transformation(extent={{84,0},{104,20}}))); + Buildings.Airflow.Multizone.DoorDiscretizedOpen opeEasCor( + redeclare package Medium = Medium, + wOpe=10, + forceErrorControlOnFlow=false) "Opening between perimeter2 and core" + annotation (Placement(transformation(extent={{250,38},{270,58}}))); + Buildings.Airflow.Multizone.DoorDiscretizedOpen opeNorCor( + redeclare package Medium = Medium, + wOpe=10, + forceErrorControlOnFlow=false) "Opening between perimeter3 and core" + annotation (Placement(transformation(extent={{80,74},{100,94}}))); + Buildings.Airflow.Multizone.DoorDiscretizedOpen opeWesCor( + redeclare package Medium = Medium, + wOpe=10, + forceErrorControlOnFlow=false) "Opening between perimeter3 and core" + annotation (Placement(transformation(extent={{20,-20},{40,0}}))); + Modelica.Blocks.Sources.CombiTimeTable intGaiFra( + table=[0,0.05; + 8,0.05; + 9,0.9; + 12,0.9; + 12,0.8; + 13,0.8; + 13,1; + 17,1; + 19,0.1; + 24,0.05], + timeScale=3600, + extrapolation=Modelica.Blocks.Types.Extrapolation.Periodic) + "Fraction of internal heat gain" + annotation (Placement(transformation(extent={{-140,100},{-120,120}}))); + Buildings.Fluid.Sensors.RelativePressure senRelPre(redeclare package + Medium = Medium) + "Building pressure measurement" + annotation (Placement(transformation(extent={{60,240},{40,260}}))); + Buildings.Fluid.Sources.Outside out(nPorts=1, redeclare package Medium = Medium) + annotation (Placement(transformation(extent={{-58,240},{-38,260}}))); + Modelica.Blocks.Interfaces.RealOutput p_rel + "Relative pressure signal of building static pressure" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=180, + origin={-170,220}))); + + Modelica.Blocks.Math.Gain gaiIntNor[3](each k=kIntNor) + "Gain for internal heat gain amplification for north zone" + annotation (Placement(transformation(extent={{-60,134},{-40,154}}))); + Modelica.Blocks.Math.Gain gaiIntSou[3](each k=2 - kIntNor) + "Gain to change the internal heat gain for south" + annotation (Placement(transformation(extent={{-60,-38},{-40,-18}}))); + equation + connect(sou.surf_conBou[1], wes.surf_surBou[2]) annotation (Line( + points={{170,-40.6667},{170,-54},{62,-54},{62,20},{28.2,20},{28.2,42.5}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(sou.surf_conBou[2], cor.surf_surBou[1]) annotation (Line( + points={{170,-40},{170,-54},{200,-54},{200,20},{160.2,20},{160.2,41.25}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(sou.surf_conBou[3], eas.surf_surBou[1]) annotation (Line( + points={{170,-39.3333},{170,-54},{320.2,-54},{320.2,61.5}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(eas.surf_conBou[1], cor.surf_surBou[2]) annotation (Line( + points={{330,60},{330,20},{160.2,20},{160.2,41.75}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(eas.surf_surBou[2], nor.surf_conBou[1]) annotation (Line( + points={{320.2,62.5},{320.2,24},{220,24},{220,100},{170,100},{170,119.333}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(nor.surf_conBou[2], cor.surf_surBou[3]) annotation (Line( + points={{170,120},{170,100},{200,100},{200,26},{160.2,26},{160.2,42.25}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(nor.surf_conBou[3], wes.surf_surBou[1]) annotation (Line( + points={{170,120.667},{170,100},{60,100},{60,20},{28.2,20},{28.2,41.5}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(wes.surf_conBou[1], cor.surf_surBou[4]) annotation (Line( + points={{38,40},{38,30},{160.2,30},{160.2,42.75}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(uSha.y, replicator.u) annotation (Line( + points={{-59,180},{-42,180}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(replicator.y, nor.uSha) annotation (Line( + points={{-19,180},{130,180},{130,154},{142.4,154}}, + color={0,0,127}, + pattern=LinePattern.Dash, + smooth=Smooth.None)); + connect(replicator.y, wes.uSha) annotation (Line( + points={{-19,180},{-6,180},{-6,74},{10.4,74}}, + color={0,0,127}, + pattern=LinePattern.Dash, + smooth=Smooth.None)); + connect(replicator.y, eas.uSha) annotation (Line( + points={{-19,180},{232,180},{232,94},{302.4,94}}, + color={0,0,127}, + pattern=LinePattern.Dash, + smooth=Smooth.None)); + connect(replicator.y, sou.uSha) annotation (Line( + points={{-19,180},{130,180},{130,-6},{142.4,-6}}, + color={0,0,127}, + pattern=LinePattern.Dash, + smooth=Smooth.None)); + connect(replicator.y, cor.uSha) annotation (Line( + points={{-19,180},{130,180},{130,74},{142.4,74}}, + color={0,0,127}, + pattern=LinePattern.Dash, + smooth=Smooth.None)); + connect(gai.y, cor.qGai_flow) annotation (Line( + points={{-79,110},{120,110},{120,64},{142.4,64}}, + color={0,0,127}, + pattern=LinePattern.Dash, + smooth=Smooth.None)); + connect(gai.y, eas.qGai_flow) annotation (Line( + points={{-79,110},{226,110},{226,84},{302.4,84}}, + color={0,0,127}, + pattern=LinePattern.Dash, + smooth=Smooth.None)); + connect(gai.y, wes.qGai_flow) annotation (Line( + points={{-79,110},{-14,110},{-14,64},{10.4,64}}, + color={0,0,127}, + pattern=LinePattern.Dash, + smooth=Smooth.None)); + connect(sou.weaBus, weaBus) annotation (Line( + points={{181.9,-6.1},{181.9,8},{210,8},{210,200}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%second", + index=1, + extent={{6,3},{6,3}})); + connect(eas.weaBus, weaBus) annotation (Line( + points={{341.9,93.9},{341.9,120},{210,120},{210,200}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(nor.weaBus, weaBus) annotation (Line( + points={{181.9,153.9},{182,160},{182,168},{210,168},{210,200}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(wes.weaBus, weaBus) annotation (Line( + points={{49.9,73.9},{49.9,168},{210,168},{210,200}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(cor.weaBus, weaBus) annotation (Line( + points={{181.9,73.9},{181.9,90},{210,90},{210,200}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(weaBus, leaSou.weaBus) annotation (Line( + points={{210,200},{-80,200},{-80,400},{-58,400}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(weaBus, leaEas.weaBus) annotation (Line( + points={{210,200},{-80,200},{-80,360},{-58,360}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(weaBus, leaNor.weaBus) annotation (Line( + points={{210,200},{-80,200},{-80,320},{-56,320}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(weaBus, leaWes.weaBus) annotation (Line( + points={{210,200},{-80,200},{-80,280},{-56,280}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(multiplex5_1.y, TRooAir) annotation (Line( + points={{361,290},{372,290},{372,160},{390,160}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(temAirSou.T, multiplex5_1.u1[1]) annotation (Line( + points={{310,350},{328,350},{328,300},{338,300}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(temAirEas.T, multiplex5_1.u2[1]) annotation (Line( + points={{312,320},{324,320},{324,295},{338,295}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(temAirNor.T, multiplex5_1.u3[1]) annotation (Line( + points={{312,290},{338,290}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(temAirWes.T, multiplex5_1.u4[1]) annotation (Line( + points={{312,258},{324,258},{324,285},{338,285}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(temAirPer5.T, multiplex5_1.u5[1]) annotation (Line( + points={{314,228},{322,228},{322,228},{332,228},{332,280},{338,280}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(sou.heaPorAir, temAirSou.port) annotation (Line( + points={{163,-24},{224,-24},{224,100},{264,100},{264,350},{290,350}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(eas.heaPorAir, temAirEas.port) annotation (Line( + points={{323,76},{286,76},{286,320},{292,320}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(nor.heaPorAir, temAirNor.port) annotation (Line( + points={{163,136},{164,136},{164,290},{292,290}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(wes.heaPorAir, temAirWes.port) annotation (Line( + points={{31,56},{70,56},{70,114},{186,114},{186,258},{292,258}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(cor.heaPorAir, temAirPer5.port) annotation (Line( + points={{163,56},{162,56},{162,228},{294,228}}, + color={191,0,0}, + smooth=Smooth.None)); + connect(sou.ports[1], portsSou[1]) annotation (Line( + points={{149,-37.2},{114,-37.2},{114,-34},{80,-34}}, + color={0,127,255}, + smooth=Smooth.None)); + connect(sou.ports[2], portsSou[2]) annotation (Line( + points={{149,-35.6},{124,-35.6},{124,-34},{100,-34}}, + color={0,127,255}, + smooth=Smooth.None)); + connect(eas.ports[1], portsEas[1]) annotation (Line( + points={{309,62.8},{300,62.8},{300,36},{324,36}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(eas.ports[2], portsEas[2]) annotation (Line( + points={{309,64.4},{300,64.4},{300,36},{344,36}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(nor.ports[1], portsNor[1]) annotation (Line( + points={{149,122.8},{114,122.8},{114,126},{80,126}}, + color={0,127,255}, + smooth=Smooth.None)); + connect(nor.ports[2], portsNor[2]) annotation (Line( + points={{149,124.4},{124,124.4},{124,126},{100,126}}, + color={0,127,255}, + smooth=Smooth.None)); + connect(wes.ports[1], portsWes[1]) annotation (Line( + points={{17,42.8},{-12,42.8},{-12,46},{-40,46}}, + color={0,127,255}, + smooth=Smooth.None)); + connect(wes.ports[2], portsWes[2]) annotation (Line( + points={{17,44.4},{-2,44.4},{-2,46},{-20,46}}, + color={0,127,255}, + smooth=Smooth.None)); + connect(cor.ports[1], portsCor[1]) annotation (Line( + points={{149,42.3636},{114,42.3636},{114,46},{80,46}}, + color={0,127,255}, + smooth=Smooth.None)); + connect(cor.ports[2], portsCor[2]) annotation (Line( + points={{149,43.0909},{124,43.0909},{124,46},{100,46}}, + color={0,127,255}, + smooth=Smooth.None)); + connect(leaSou.port_b, sou.ports[3]) annotation (Line( + points={{-22,400},{-2,400},{-2,-72},{134,-72},{134,-34},{149,-34}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(leaEas.port_b, eas.ports[3]) annotation (Line( + points={{-22,360},{246,360},{246,66},{309,66}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(leaNor.port_b, nor.ports[3]) annotation (Line( + points={{-20,320},{138,320},{138,126},{149,126}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(leaWes.port_b, wes.ports[3]) annotation (Line( + points={{-20,280},{2,280},{2,46},{17,46}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(opeSouCor.port_b1, cor.ports[3]) annotation (Line( + points={{104,16},{116,16},{116,43.8182},{149,43.8182}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(opeSouCor.port_a2, cor.ports[4]) annotation (Line( + points={{104,4},{116,4},{116,44.5455},{149,44.5455}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(opeSouCor.port_a1, sou.ports[4]) annotation (Line( + points={{84,16},{74,16},{74,-20},{134,-20},{134,-32.4},{149,-32.4}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(opeSouCor.port_b2, sou.ports[5]) annotation (Line( + points={{84,4},{74,4},{74,-20},{134,-20},{134,-30.8},{149,-30.8}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(opeEasCor.port_b1, eas.ports[4]) annotation (Line( + points={{270,54},{290,54},{290,67.6},{309,67.6}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(opeEasCor.port_a2, eas.ports[5]) annotation (Line( + points={{270,42},{290,42},{290,69.2},{309,69.2}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(opeEasCor.port_a1, cor.ports[5]) annotation (Line( + points={{250,54},{190,54},{190,34},{142,34},{142,45.2727},{149,45.2727}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(opeEasCor.port_b2, cor.ports[6]) annotation (Line( + points={{250,42},{190,42},{190,34},{142,34},{142,46},{149,46}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(opeNorCor.port_b1, nor.ports[4]) annotation (Line( + points={{100,90},{124,90},{124,127.6},{149,127.6}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(opeNorCor.port_a2, nor.ports[5]) annotation (Line( + points={{100,78},{124,78},{124,129.2},{149,129.2}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(opeNorCor.port_a1, cor.ports[7]) annotation (Line( + points={{80,90},{76,90},{76,60},{142,60},{142,46.7273},{149,46.7273}}, + color={0,127,255}, + smooth=Smooth.None)); + connect(opeNorCor.port_b2, cor.ports[8]) annotation (Line( + points={{80,78},{76,78},{76,60},{142,60},{142,47.4545},{149,47.4545}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(opeWesCor.port_b1, cor.ports[9]) annotation (Line( + points={{40,-4},{56,-4},{56,34},{116,34},{116,48.1818},{149,48.1818}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(opeWesCor.port_a2, cor.ports[10]) annotation (Line( + points={{40,-16},{56,-16},{56,34},{116,34},{116,48.9091},{149,48.9091}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(opeWesCor.port_a1, wes.ports[4]) annotation (Line( + points={{20,-4},{2,-4},{2,47.6},{17,47.6}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(opeWesCor.port_b2, wes.ports[5]) annotation (Line( + points={{20,-16},{2,-16},{2,49.2},{17,49.2}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(intGaiFra.y, gai.u) annotation (Line( + points={{-119,110},{-102,110}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(cor.ports[11], senRelPre.port_a) annotation (Line( + points={{149,49.6364},{110,49.6364},{110,250},{60,250}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(out.weaBus, weaBus) annotation (Line( + points={{-58,250.2},{-70,250.2},{-70,250},{-80,250},{-80,200},{210,200}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None), Text( + textString="%second", + index=1, + extent={{6,3},{6,3}})); + connect(out.ports[1], senRelPre.port_b) annotation (Line( + points={{-38,250},{40,250}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(senRelPre.p_rel, p_rel) annotation (Line( + points={{50,241},{50,220},{-170,220}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(gai.y, gaiIntNor.u) annotation (Line( + points={{-79,110},{-68,110},{-68,144},{-62,144}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(gaiIntNor.y, nor.qGai_flow) annotation (Line( + points={{-39,144},{142.4,144}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(gai.y, gaiIntSou.u) annotation (Line( + points={{-79,110},{-68,110},{-68,-28},{-62,-28}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(gaiIntSou.y, sou.qGai_flow) annotation (Line( + points={{-39,-28},{68,-28},{68,-16},{142.4,-16}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + annotation (Diagram(coordinateSystem(preserveAspectRatio=true, extent={{-160,-100}, + {400,500}}, + initialScale=0.1)), Icon(coordinateSystem( + preserveAspectRatio=true, extent={{-160,-100},{400,500}}), graphics={ + Rectangle( + extent={{-80,-80},{380,180}}, + lineColor={95,95,95}, + fillColor={95,95,95}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{-60,160},{360,-60}}, + pattern=LinePattern.None, + lineColor={117,148,176}, + fillColor={170,213,255}, + fillPattern=FillPattern.Sphere), + Rectangle( + extent={{0,-80},{294,-60}}, + lineColor={95,95,95}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{0,-74},{294,-66}}, + lineColor={95,95,95}, + fillColor={170,213,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{8,8},{294,100}}, + lineColor={95,95,95}, + fillColor={95,95,95}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{20,88},{280,22}}, + pattern=LinePattern.None, + lineColor={117,148,176}, + fillColor={170,213,255}, + fillPattern=FillPattern.Sphere), + Polygon( + points={{-56,170},{20,94},{12,88},{-62,162},{-56,170}}, + smooth=Smooth.None, + fillColor={95,95,95}, + fillPattern=FillPattern.Solid, + pattern=LinePattern.None), + Polygon( + points={{290,16},{366,-60},{358,-66},{284,8},{290,16}}, + smooth=Smooth.None, + fillColor={95,95,95}, + fillPattern=FillPattern.Solid, + pattern=LinePattern.None), + Polygon( + points={{284,96},{360,168},{368,162},{292,90},{284,96}}, + smooth=Smooth.None, + fillColor={95,95,95}, + fillPattern=FillPattern.Solid, + pattern=LinePattern.None), + Rectangle( + extent={{-80,120},{-60,-20}}, + lineColor={95,95,95}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{-74,120},{-66,-20}}, + lineColor={95,95,95}, + fillColor={170,213,255}, + fillPattern=FillPattern.Solid), + Polygon( + points={{-64,-56},{18,22},{26,16},{-58,-64},{-64,-56}}, + smooth=Smooth.None, + fillColor={95,95,95}, + fillPattern=FillPattern.Solid, + pattern=LinePattern.None), + Rectangle( + extent={{360,122},{380,-18}}, + lineColor={95,95,95}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{366,122},{374,-18}}, + lineColor={95,95,95}, + fillColor={170,213,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{2,170},{296,178}}, + lineColor={95,95,95}, + fillColor={170,213,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{2,160},{296,180}}, + lineColor={95,95,95}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{2,166},{296,174}}, + lineColor={95,95,95}, + fillColor={170,213,255}, + fillPattern=FillPattern.Solid), + Text( + extent={{-84,234},{-62,200}}, + lineColor={0,0,255}, + textString="dP")}), + Documentation(revisions=" + +", info=" +

+Model of a floor that consists +of five thermal zones that are representative of one floor of the +new construction medium office building for Chicago, IL, +as described in the set of DOE Commercial Building Benchmarks. +There are four perimeter zones and one core zone. +The envelope thermal properties meet ASHRAE Standard 90.1-2004. +

+")); + end Floor; + + model RoomLeakage "Room leakage model" + extends Buildings.BaseClasses.BaseIcon; + replaceable package Medium = Modelica.Media.Interfaces.PartialMedium + "Medium in the component" annotation (choicesAllMatching=true); + parameter Modelica.SIunits.Volume VRoo "Room volume"; + parameter Boolean use_windPressure=false + "Set to true to enable wind pressure" + annotation(Evaluate=true); + Buildings.Fluid.FixedResistances.PressureDrop res( + redeclare package Medium = Medium, + dp_nominal=50, + m_flow_nominal=VRoo*1.2/3600) "Resistance model" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + Modelica.Fluid.Interfaces.FluidPort_b port_b(redeclare package Medium = + Medium) annotation (Placement(transformation(extent={{90,-10},{110,10}}))); + Buildings.Fluid.Sources.Outside_CpLowRise + amb(redeclare package Medium = Medium, nPorts=1, + s=s, + azi=azi, + Cp0=if use_windPressure then 0.6 else 0) + annotation (Placement(transformation(extent={{-60,-10},{-40,10}}))); + Buildings.BoundaryConditions.WeatherData.Bus weaBus "Bus with weather data" + annotation (Placement(transformation(extent={{-110,-10},{-90,10}}))); + Buildings.Fluid.Sensors.MassFlowRate senMasFlo1(redeclare package + Medium = Medium, + allowFlowReversal=true) "Sensor for mass flow rate" annotation (Placement( + transformation( + extent={{10,10},{-10,-10}}, + rotation=180, + origin={-10,0}))); + Modelica.Blocks.Math.Gain ACHInf(k=1/VRoo/1.2*3600, y(unit="1/h")) + "Air change per hour due to infiltration" + annotation (Placement(transformation(extent={{12,30},{32,50}}))); + parameter Real s "Side ratio, s=length of this wall/length of adjacent wall"; + parameter Modelica.SIunits.Angle azi "Surface azimuth (South:0, West:pi/2)"; + + equation + connect(res.port_b, port_b) annotation (Line(points={{40,6.10623e-16},{55, + 6.10623e-16},{55,1.16573e-15},{70,1.16573e-15},{70,5.55112e-16},{100, + 5.55112e-16}}, color={0,127,255})); + connect(amb.weaBus, weaBus) annotation (Line( + points={{-60,0.2},{-80,0.2},{-80,5.55112e-16},{-100,5.55112e-16}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(amb.ports[1], senMasFlo1.port_a) annotation (Line( + points={{-40,6.66134e-16},{-20,6.66134e-16},{-20,7.25006e-16}}, + color={0,127,255}, + smooth=Smooth.None)); + connect(senMasFlo1.port_b, res.port_a) annotation (Line( + points={{5.55112e-16,-1.72421e-15},{10,-1.72421e-15},{10,6.10623e-16},{20, + 6.10623e-16}}, + color={0,127,255}, + smooth=Smooth.None)); + connect(senMasFlo1.m_flow, ACHInf.u) annotation (Line( + points={{-10,11},{-10,40},{10,40}}, + color={0,0,127}, + smooth=Smooth.None)); + annotation ( + Icon(coordinateSystem(preserveAspectRatio=false, extent={{-100,-100},{100, + 100}}), graphics={ + Ellipse( + extent={{-80,40},{0,-40}}, + lineColor={0,0,0}, + fillPattern=FillPattern.Sphere, + fillColor={0,127,255}), + Rectangle( + extent={{20,12},{80,-12}}, + lineColor={0,0,0}, + fillPattern=FillPattern.HorizontalCylinder, + fillColor={192,192,192}), + Rectangle( + extent={{20,6},{80,-6}}, + lineColor={0,0,0}, + fillPattern=FillPattern.HorizontalCylinder, + fillColor={0,127,255}), + Line(points={{-100,0},{-80,0}}, color={0,0,255}), + Line(points={{0,0},{20,0}}, color={0,0,255}), + Line(points={{80,0},{90,0}}, color={0,0,255})}), + Documentation(info=" +

+Room leakage. +

", revisions=" + +")); + end RoomLeakage; + + model VAVBranch "Supply branch of a VAV system" + extends Modelica.Blocks.Icons.Block; + replaceable package MediumA = Modelica.Media.Interfaces.PartialMedium + "Medium model for air" annotation (choicesAllMatching=true); + replaceable package MediumW = Modelica.Media.Interfaces.PartialMedium + "Medium model for water" annotation (choicesAllMatching=true); + + parameter Boolean allowFlowReversal=true + "= false to simplify equations, assuming, but not enforcing, no flow reversal"; + + parameter Modelica.SIunits.MassFlowRate m_flow_nominal + "Mass flow rate of this thermal zone"; + parameter Modelica.SIunits.Volume VRoo "Room volume"; + + Buildings.Fluid.Actuators.Dampers.PressureIndependent vav( + redeclare package Medium = MediumA, + m_flow_nominal=m_flow_nominal, + dpDamper_nominal=220 + 20, + allowFlowReversal=allowFlowReversal) "VAV box for room" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={-50,40}))); + Buildings.Fluid.HeatExchangers.DryCoilEffectivenessNTU terHea( + redeclare package Medium1 = MediumA, + redeclare package Medium2 = MediumW, + m1_flow_nominal=m_flow_nominal, + m2_flow_nominal=m_flow_nominal*1000*(50 - 17)/4200/10, + Q_flow_nominal=m_flow_nominal*1006*(50 - 16.7), + configuration=Buildings.Fluid.Types.HeatExchangerConfiguration.CounterFlow, + dp1_nominal=0, + from_dp2=true, + dp2_nominal=0, + allowFlowReversal1=allowFlowReversal, + allowFlowReversal2=false, + T_a1_nominal=289.85, + T_a2_nominal=355.35) "Heat exchanger of terminal box" annotation (Placement( + transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={-44,0}))); + Buildings.Fluid.Sources.Boundary_pT sinTer( + redeclare package Medium = MediumW, + p(displayUnit="Pa") = 3E5, + nPorts=1) "Sink for terminal box " annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=180, + origin={40,-20}))); + Modelica.Fluid.Interfaces.FluidPort_a port_a( + redeclare package Medium = MediumA) + "Fluid connector a1 (positive design flow direction is from port_a1 to port_b1)" + annotation (Placement(transformation(extent={{-60,-110},{-40,-90}}), + iconTransformation(extent={{-60,-110},{-40,-90}}))); + Modelica.Fluid.Interfaces.FluidPort_a port_b( + redeclare package Medium = MediumA) + "Fluid connector b (positive design flow direction is from port_a1 to port_b1)" + annotation (Placement(transformation(extent={{-60,90},{-40,110}}), + iconTransformation(extent={{-60,90},{-40,110}}))); + Buildings.Fluid.Sensors.MassFlowRate senMasFlo( + redeclare package Medium = MediumA, + allowFlowReversal=allowFlowReversal) + "Sensor for mass flow rate" annotation (Placement( + transformation( + extent={{-10,10},{10,-10}}, + rotation=90, + origin={-50,70}))); + Modelica.Blocks.Math.Gain fraMasFlo(k=1/m_flow_nominal) + "Fraction of mass flow rate, relative to nominal flow" + annotation (Placement(transformation(extent={{0,70},{20,90}}))); + Modelica.Blocks.Math.Gain ACH(k=1/VRoo/1.2*3600) "Air change per hour" + annotation (Placement(transformation(extent={{0,30},{20,50}}))); + Buildings.Fluid.Sources.MassFlowSource_T souTer( + redeclare package Medium = MediumW, + nPorts=1, + use_m_flow_in=true, + T=323.15) "Source for terminal box " annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=180, + origin={40,20}))); + Modelica.Blocks.Interfaces.RealInput yVAV "Signal for VAV damper" + annotation ( + Placement(transformation(extent={{-140,20},{-100,60}}), + iconTransformation(extent={{-140,20},{-100,60}}))); + Modelica.Blocks.Interfaces.RealInput yVal + "Actuator position for reheat valve (0: closed, 1: open)" annotation ( + Placement(transformation(extent={{-140,-60},{-100,-20}}), + iconTransformation(extent={{-140,-60},{-100,-20}}))); + Buildings.Controls.OBC.CDL.Continuous.Gain gaiM_flow( + final k=m_flow_nominal*1000*15/4200/10) "Gain for mass flow rate" + annotation (Placement(transformation(extent={{80,2},{60,22}}))); + Modelica.Blocks.Interfaces.RealOutput y_actual "Actual VAV damper position" + annotation (Placement(transformation(extent={{100,46},{120,66}}), + iconTransformation(extent={{100,70},{120,90}}))); + equation + connect(fraMasFlo.u, senMasFlo.m_flow) annotation (Line( + points={{-2,80},{-24,80},{-24,70},{-39,70}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(vav.port_b, senMasFlo.port_a) annotation (Line( + points={{-50,50},{-50,60}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(ACH.u, senMasFlo.m_flow) annotation (Line( + points={{-2,40},{-24,40},{-24,70},{-39,70}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(souTer.ports[1], terHea.port_a2) annotation (Line( + points={{30,20},{-38,20},{-38,10}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(port_a, terHea.port_a1) annotation (Line( + points={{-50,-100},{-50,-10}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(senMasFlo.port_b, port_b) annotation (Line( + points={{-50,80},{-50,100}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(terHea.port_b1, vav.port_a) annotation (Line( + points={{-50,10},{-50,30}}, + color={0,127,255}, + thickness=0.5)); + connect(vav.y, yVAV) annotation (Line(points={{-62,40},{-120,40}}, + color={0,0,127})); + connect(souTer.m_flow_in, gaiM_flow.y) + annotation (Line(points={{52,12},{58,12}}, color={0,0,127})); + connect(sinTer.ports[1], terHea.port_b2) annotation (Line(points={{30,-20},{ + -38,-20},{-38,-10}}, color={0,127,255})); + connect(gaiM_flow.u, yVal) annotation (Line(points={{82,12},{90,12},{90,-40}, + {-120,-40}}, color={0,0,127})); + connect(vav.y_actual, y_actual) + annotation (Line(points={{-57,45},{-57,56},{110,56}}, color={0,0,127})); + annotation (Icon( + graphics={ + Rectangle( + extent={{-108.07,-16.1286},{93.93,-20.1286}}, + lineColor={0,0,0}, + fillPattern=FillPattern.HorizontalCylinder, + fillColor={0,127,255}, + origin={-68.1286,6.07}, + rotation=90), + Rectangle( + extent={{-68,-20},{-26,-60}}, + fillPattern=FillPattern.Solid, + fillColor={175,175,175}, + pattern=LinePattern.None), + Rectangle( + extent={{100.8,-22},{128.8,-44}}, + lineColor={0,0,0}, + fillPattern=FillPattern.HorizontalCylinder, + fillColor={192,192,192}, + origin={-82,-76.8}, + rotation=90), + Rectangle( + extent={{102.2,-11.6667},{130.2,-25.6667}}, + lineColor={0,0,0}, + fillPattern=FillPattern.HorizontalCylinder, + fillColor={0,127,255}, + origin={-67.6667,-78.2}, + rotation=90), + Polygon( + points={{-62,32},{-34,48},{-34,46},{-62,30},{-62,32}}, + pattern=LinePattern.None, + smooth=Smooth.None, + fillColor={0,0,0}, + fillPattern=FillPattern.Solid, + lineColor={0,0,0}), + Polygon( + points={{-68,-28},{-34,-28},{-34,-30},{-68,-30},{-68,-28}}, + pattern=LinePattern.None, + smooth=Smooth.None, + fillColor={0,0,0}, + fillPattern=FillPattern.Solid, + lineColor={0,0,0}), + Polygon( + points={{-68,-52},{-34,-52},{-34,-54},{-68,-54},{-68,-52}}, + pattern=LinePattern.None, + smooth=Smooth.None, + fillColor={0,0,0}, + fillPattern=FillPattern.Solid, + lineColor={0,0,0}), + Polygon( + points={{-48,-34},{-34,-28},{-34,-30},{-48,-36},{-48,-34}}, + pattern=LinePattern.None, + smooth=Smooth.None, + fillColor={0,0,0}, + fillPattern=FillPattern.Solid, + lineColor={0,0,0}), + Polygon( + points={{-48,-34},{-34,-40},{-34,-42},{-48,-36},{-48,-34}}, + pattern=LinePattern.None, + smooth=Smooth.None, + fillColor={0,0,0}, + fillPattern=FillPattern.Solid, + lineColor={0,0,0}), + Polygon( + points={{-48,-46},{-34,-52},{-34,-54},{-48,-48},{-48,-46}}, + pattern=LinePattern.None, + smooth=Smooth.None, + fillColor={0,0,0}, + fillPattern=FillPattern.Solid, + lineColor={0,0,0}), + Polygon( + points={{-48,-46},{-34,-40},{-34,-42},{-48,-48},{-48,-46}}, + pattern=LinePattern.None, + smooth=Smooth.None, + fillColor={0,0,0}, + fillPattern=FillPattern.Solid, + lineColor={0,0,0})}), Documentation(info=" +

+Model for a VAV supply branch. +The terminal VAV box has a pressure independent damper and a water reheat coil. +The pressure independent damper model includes an idealized flow rate controller +and requires a discharge air flow rate set-point (normalized to the nominal value) +as a control signal. +

+")); + end VAVBranch; + end ThermalZones; + + package Validation "Collection of validation models" + extends Modelica.Icons.ExamplesPackage; + + model Guideline36SteadyState + "Validation of detailed model that is at steady state with constant weather data" + extends FiveZone.VAVReheat.Guideline36( + weaDat( + pAtmSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, + ceiHeiSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, + totSkyCovSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, + opaSkyCovSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, + TDryBulSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, + TDewPoiSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, + TBlaSkySou=Buildings.BoundaryConditions.Types.DataSource.Parameter, + TBlaSky=293.15, + relHumSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, + winSpeSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, + winDirSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, + HInfHorSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, + HSou=Buildings.BoundaryConditions.Types.RadiationDataSource.Input_HGloHor_HDifHor), + use_windPressure=false, + sampleModel=false, + flo(gai(K=0*[0.4; 0.4; 0.2])), + occSch(occupancy=3600*24*365*{1,2}, period=2*3600*24*365)); + + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant solRad(k=0) "Solar radiation" + annotation (Placement(transformation(extent={{-400,160},{-380,180}}))); + equation + connect(weaDat.HDifHor_in, solRad.y) annotation (Line(points={{-361,170.5},{-370, + 170.5},{-370,170},{-378,170}}, color={0,0,127})); + connect(weaDat.HGloHor_in, solRad.y) annotation (Line(points={{-361,167},{-370, + 167},{-370,170},{-378,170}}, color={0,0,127})); + annotation ( + experiment( + StopTime=604800, + Tolerance=1e-06), + __Dymola_Commands(file="modelica://Buildings/Resources/Scripts/Dymola/Examples/VAVReheat/Validation/Guideline36SteadyState.mos" + "Simulate and plot"), + Diagram(coordinateSystem(extent={{-420,-300},{1360,660}})), + Icon(coordinateSystem(extent={{-100,-100},{100,100}})), + Documentation(info=" +

+This model validates that the detailed model of multiple rooms and an HVAC system +starts at and remains at exactly 20°C room air temperature +if there is no solar radiation, constant outdoor conditions, no internal gains and +no HVAC operation. +

+", revisions=" + +")); + end Guideline36SteadyState; + annotation (preferredView="info", Documentation(info=" +

+This package contains validation models for the classes in + +Buildings.Examples.VAVReheat. +

+

+Note that most validation models contain simple input data +which may not be realistic, but for which the correct +output can be obtained through an analytic solution. +The examples plot various outputs, which have been verified against these +solutions. These model outputs are stored as reference data and +used for continuous validation whenever models in the library change. +

+")); + end Validation; + + package BaseClasses "Package with base classes for Buildings.Examples.VAVReheat" + extends Modelica.Icons.BasesPackage; + + model MixingBox + "Outside air mixing box with non-interlocked air dampers" + + replaceable package Medium = + Modelica.Media.Interfaces.PartialMedium "Medium in the component" + annotation (choicesAllMatching = true); + import Modelica.Constants; + + parameter Boolean allowFlowReversal = true + "= false to simplify equations, assuming, but not enforcing, no flow reversal" + annotation(Dialog(tab="Assumptions"), Evaluate=true); + + parameter Boolean use_deltaM = true + "Set to true to use deltaM for turbulent transition, else ReC is used"; + parameter Real deltaM = 0.3 + "Fraction of nominal mass flow rate where transition to turbulent occurs" + annotation(Dialog(enable=use_deltaM)); + parameter Modelica.SIunits.Velocity v_nominal=1 "Nominal face velocity"; + + parameter Boolean roundDuct = false + "Set to true for round duct, false for square cross section" + annotation(Dialog(enable=not use_deltaM)); + parameter Real ReC=4000 + "Reynolds number where transition to turbulent starts" + annotation(Dialog(enable=not use_deltaM)); + + parameter Boolean dp_nominalIncludesDamper=false + "set to true if dp_nominal includes the pressure loss of the open damper" + annotation (Dialog(group="Nominal condition")); + + parameter Modelica.SIunits.MassFlowRate mOut_flow_nominal + "Mass flow rate outside air damper" + annotation (Dialog(group="Nominal condition")); + parameter Modelica.SIunits.PressureDifference dpOut_nominal(min=0, displayUnit="Pa") + "Pressure drop outside air leg" + annotation (Dialog(group="Nominal condition")); + + parameter Modelica.SIunits.MassFlowRate mRec_flow_nominal + "Mass flow rate recirculation air damper" + annotation (Dialog(group="Nominal condition")); + parameter Modelica.SIunits.PressureDifference dpRec_nominal(min=0, displayUnit="Pa") + "Pressure drop recirculation air leg" + annotation (Dialog(group="Nominal condition")); + + parameter Modelica.SIunits.MassFlowRate mExh_flow_nominal + "Mass flow rate exhaust air damper" + annotation (Dialog(group="Nominal condition")); + parameter Modelica.SIunits.PressureDifference dpExh_nominal(min=0, displayUnit="Pa") + "Pressure drop exhaust air leg" + annotation (Dialog(group="Nominal condition")); + + parameter Boolean from_dp=true + "= true, use m_flow = f(dp) else dp = f(m_flow)" + annotation (Dialog(tab="Advanced")); + parameter Boolean linearized=false + "= true, use linear relation between m_flow and dp for any flow rate" + annotation (Dialog(tab="Advanced")); + parameter Boolean use_constant_density=true + "Set to true to use constant density for flow friction" + annotation (Dialog(tab="Advanced")); + parameter Real a=-1.51 "Coefficient a for damper characteristics" + annotation (Dialog(tab="Damper coefficients")); + parameter Real b=0.105*90 "Coefficient b for damper characteristics" + annotation (Dialog(tab="Damper coefficients")); + parameter Real yL=15/90 "Lower value for damper curve" + annotation (Dialog(tab="Damper coefficients")); + parameter Real yU=55/90 "Upper value for damper curve" + annotation (Dialog(tab="Damper coefficients")); + parameter Real k1=0.45 + "Flow coefficient for y=1, k1 = pressure drop divided by dynamic pressure" + annotation (Dialog(tab="Damper coefficients")); + + parameter Modelica.SIunits.Time riseTime=15 + "Rise time of the filter (time to reach 99.6 % of an opening step)" + annotation (Dialog(tab="Dynamics", group="Filtered opening")); + parameter Modelica.Blocks.Types.Init init=Modelica.Blocks.Types.Init.InitialOutput + "Type of initialization (no init/steady state/initial state/initial output)" + annotation (Dialog(tab="Dynamics", group="Filtered opening")); + parameter Real y_start=1 "Initial value of output" + annotation (Dialog(tab="Dynamics", group="Filtered opening")); + + Modelica.Blocks.Interfaces.RealInput yRet( + min=0, + max=1, + final unit="1") + "Return damper position (0: closed, 1: open)" annotation (Placement( + transformation( + extent={{-20,-20},{20,20}}, + rotation=270, + origin={-68,120}), iconTransformation( + extent={{-20,-20},{20,20}}, + rotation=270, + origin={-68,120}))); + Modelica.Blocks.Interfaces.RealInput yOut( + min=0, + max=1, + final unit="1") + "Outdoor air damper signal (0: closed, 1: open)" annotation (Placement( + transformation( + extent={{-20,-20},{20,20}}, + rotation=270, + origin={0,120}), iconTransformation( + extent={{-20,-20},{20,20}}, + rotation=270, + origin={0,120}))); + Modelica.Blocks.Interfaces.RealInput yExh( + min=0, + max=1, + final unit="1") + "Exhaust air damper signal (0: closed, 1: open)" annotation (Placement( + transformation( + extent={{-20,-20},{20,20}}, + rotation=270, + origin={60,120}), iconTransformation( + extent={{-20,-20},{20,20}}, + rotation=270, + origin={70,120}))); + + Modelica.Fluid.Interfaces.FluidPort_a port_Out(redeclare package Medium = + Medium, m_flow(start=0, min=if allowFlowReversal then -Constants.inf else + 0)) + "Fluid connector a (positive design flow direction is from port_a to port_b)" + annotation (Placement(transformation(extent={{-110,50},{-90,70}}))); + Modelica.Fluid.Interfaces.FluidPort_b port_Exh(redeclare package Medium = + Medium, m_flow(start=0, max=if allowFlowReversal then +Constants.inf else + 0)) + "Fluid connector b (positive design flow direction is from port_a to port_b)" + annotation (Placement(transformation(extent={{-90,-70},{-110,-50}}))); + Modelica.Fluid.Interfaces.FluidPort_a port_Ret(redeclare package Medium = + Medium, m_flow(start=0, min=if allowFlowReversal then -Constants.inf else + 0)) + "Fluid connector a (positive design flow direction is from port_a to port_b)" + annotation (Placement(transformation(extent={{110,-70},{90,-50}}))); + Modelica.Fluid.Interfaces.FluidPort_b port_Sup(redeclare package Medium = + Medium, m_flow(start=0, max=if allowFlowReversal then +Constants.inf else + 0)) + "Fluid connector b (positive design flow direction is from port_a to port_b)" + annotation (Placement(transformation(extent={{110,50},{90,70}}))); + + Buildings.Fluid.Actuators.Dampers.Exponential damOut( + redeclare package Medium = Medium, + from_dp=from_dp, + linearized=linearized, + use_deltaM=use_deltaM, + deltaM=deltaM, + roundDuct=roundDuct, + ReC=ReC, + a=a, + b=b, + yL=yL, + yU=yU, + use_constant_density=use_constant_density, + allowFlowReversal=allowFlowReversal, + m_flow_nominal=mOut_flow_nominal, + use_inputFilter=true, + final riseTime=riseTime, + final init=init, + y_start=y_start, + dpDamper_nominal=(k1)*1.2*(1)^2/2, + dpFixed_nominal=if (dp_nominalIncludesDamper) then (dpOut_nominal) - (k1)* + 1.2*(1)^2/2 else (dpOut_nominal), + k1=k1) "Outdoor air damper" + annotation (Placement(transformation(extent={{-10,50},{10,70}}))); + + Buildings.Fluid.Actuators.Dampers.Exponential damExh( + redeclare package Medium = Medium, + m_flow_nominal=mExh_flow_nominal, + from_dp=from_dp, + linearized=linearized, + use_deltaM=use_deltaM, + deltaM=deltaM, + roundDuct=roundDuct, + ReC=ReC, + a=a, + b=b, + yL=yL, + yU=yU, + use_constant_density=use_constant_density, + allowFlowReversal=allowFlowReversal, + use_inputFilter=true, + final riseTime=riseTime, + final init=init, + y_start=y_start, + dpDamper_nominal=(k1)*1.2*(1)^2/2, + dpFixed_nominal=if (dp_nominalIncludesDamper) then (dpExh_nominal) - (k1)* + 1.2*(1)^2/2 else (dpExh_nominal), + k1=k1) "Exhaust air damper" + annotation (Placement(transformation(extent={{-20,-70},{-40,-50}}))); + + Buildings.Fluid.Actuators.Dampers.Exponential damRet( + redeclare package Medium = Medium, + m_flow_nominal=mRec_flow_nominal, + from_dp=from_dp, + linearized=linearized, + use_deltaM=use_deltaM, + deltaM=deltaM, + roundDuct=roundDuct, + ReC=ReC, + a=a, + b=b, + yL=yL, + yU=yU, + use_constant_density=use_constant_density, + allowFlowReversal=allowFlowReversal, + use_inputFilter=true, + final riseTime=riseTime, + final init=init, + y_start=y_start, + dpDamper_nominal=(k1)*1.2*(1)^2/2, + dpFixed_nominal=if (dp_nominalIncludesDamper) then (dpRec_nominal) - (k1)* + 1.2*(1)^2/2 else (dpRec_nominal), + k1=k1) "Return air damper" annotation (Placement(transformation( + origin={80,0}, + extent={{-10,-10},{10,10}}, + rotation=90))); + + protected + parameter Medium.Density rho_default=Medium.density(sta_default) + "Density, used to compute fluid volume"; + parameter Medium.ThermodynamicState sta_default= + Medium.setState_pTX(T=Medium.T_default, p=Medium.p_default, X=Medium.X_default) + "Default medium state"; + + equation + connect(damOut.port_a, port_Out) + annotation (Line(points={{-10,60},{-100,60}}, color={0,127,255})); + connect(damExh.port_b, port_Exh) annotation (Line( + points={{-40,-60},{-100,-60}}, + color={0,127,255})); + connect(port_Sup, damOut.port_b) + annotation (Line(points={{100,60},{10,60}}, color={0,127,255})); + connect(damRet.port_b, port_Sup) annotation (Line( + points={{80,10},{80,60},{100,60}}, + color={0,127,255})); + connect(port_Ret, damExh.port_a) annotation (Line( + points={{100,-60},{-20,-60}}, + color={0,127,255})); + connect(port_Ret,damRet. port_a) annotation (Line( + points={{100,-60},{80,-60},{80,-10}}, + color={0,127,255})); + + connect(damRet.y, yRet) + annotation (Line(points={{68,8.88178e-16},{-68,8.88178e-16},{-68,120}}, + color={0,0,127})); + connect(yOut, damOut.y) + annotation (Line(points={{0,120},{0,72}}, color={0,0,127})); + connect(yExh, damExh.y) annotation (Line(points={{60,120},{60,20},{-30,20},{-30, + -48}}, color={0,0,127})); + annotation ( Icon(coordinateSystem(preserveAspectRatio=true, extent={{-100, + -100},{100,100}}), graphics={ + Rectangle( + extent={{-94,12},{90,0}}, + lineColor={0,0,255}, + fillColor={0,0,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{-94,-54},{96,-66}}, + lineColor={0,0,255}, + fillColor={0,0,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{-4,6},{6,-56}}, + lineColor={0,0,255}, + fillColor={0,0,255}, + fillPattern=FillPattern.Solid), + Polygon( + points={{-86,-12},{-64,24},{-46,24},{-70,-12},{-86,-12}}, + lineColor={0,0,0}, + fillColor={0,0,0}, + fillPattern=FillPattern.Solid), + Polygon( + points={{48,12},{70,6},{48,0},{48,12}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{72,-58},{92,-62}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Polygon( + points={{72,-54},{48,-60},{72,-66},{72,-54}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{28,8},{48,4}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Polygon( + points={{-74,-76},{-52,-40},{-34,-40},{-58,-76},{-74,-76}}, + lineColor={0,0,0}, + fillColor={0,0,0}, + fillPattern=FillPattern.Solid), + Polygon( + points={{-20,-40},{2,-4},{20,-4},{-4,-40},{-20,-40}}, + lineColor={0,0,0}, + fillColor={0,0,0}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{78,66},{90,10}}, + lineColor={0,0,255}, + fillColor={0,0,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{-94,66},{-82,8}}, + lineColor={0,0,255}, + fillColor={0,0,255}, + fillPattern=FillPattern.Solid), + Line( + points={{0,100},{0,60},{-54,60},{-54,24}}, + color={0,0,255}), Text( + extent={{-50,-84},{48,-132}}, + lineColor={0,0,255}, + textString= + "%name"), + Line( + points={{-68,100},{-68,80},{-20,80},{-20,-22}}, + color={0,0,255}), + Line( + points={{70,100},{70,-84},{-60,-84}}, + color={0,0,255})}), + defaultComponentName="eco", + Documentation(revisions=" + +", info=" +

+Model of an outside air mixing box with air dampers. +Set y=0 to close the outside air and exhast air dampers. +

+

+If dp_nominalIncludesDamper=true, then the parameter dp_nominal +is equal to the pressure drop of the damper plus the fixed flow resistance at the nominal +flow rate. +If dp_nominalIncludesDamper=false, then dp_nominal +does not include the flow resistance of the air damper. +

+")); + end MixingBox; + + partial model PartialOpenLoop + "Partial model of variable air volume flow system with terminal reheat and five thermal zones" + + package MediumA = Buildings.Media.Air "Medium model for air"; + package MediumW = Buildings.Media.Water "Medium model for water"; + + constant Integer numZon=5 "Total number of served VAV boxes"; + parameter Modelica.SIunits.ThermalConductance UA_nominal(min=0)= + -designCoolLoad/Buildings.Fluid.HeatExchangers.BaseClasses.lmtd( + T_a1=26.2, + T_b1=12.8, + T_a2=6, + T_b2=12) + "Thermal conductance at nominal flow, used to compute heat capacity" + annotation (Dialog(tab="General", group="Nominal condition")); + parameter Modelica.SIunits.Volume VRooCor=AFloCor*flo.hRoo + "Room volume corridor"; + parameter Modelica.SIunits.Volume VRooSou=AFloSou*flo.hRoo + "Room volume south"; + parameter Modelica.SIunits.Volume VRooNor=AFloNor*flo.hRoo + "Room volume north"; + parameter Modelica.SIunits.Volume VRooEas=AFloEas*flo.hRoo "Room volume east"; + parameter Modelica.SIunits.Volume VRooWes=AFloWes*flo.hRoo "Room volume west"; + + parameter Modelica.SIunits.Area AFloCor=flo.cor.AFlo "Floor area corridor"; + parameter Modelica.SIunits.Area AFloSou=flo.sou.AFlo "Floor area south"; + parameter Modelica.SIunits.Area AFloNor=flo.nor.AFlo "Floor area north"; + parameter Modelica.SIunits.Area AFloEas=flo.eas.AFlo "Floor area east"; + parameter Modelica.SIunits.Area AFloWes=flo.wes.AFlo "Floor area west"; + + parameter Modelica.SIunits.Area AFlo[numZon]={flo.cor.AFlo,flo.sou.AFlo,flo.eas.AFlo, + flo.nor.AFlo,flo.wes.AFlo} "Floor area of each zone"; + final parameter Modelica.SIunits.Area ATot=sum(AFlo) "Total floor area"; + + constant Real conv=1.2/3600 "Conversion factor for nominal mass flow rate"; + parameter Modelica.SIunits.MassFlowRate mCor_flow_nominal=6*VRooCor*conv + "Design mass flow rate core"; + parameter Modelica.SIunits.MassFlowRate mSou_flow_nominal=6*VRooSou*conv + "Design mass flow rate perimeter 1"; + parameter Modelica.SIunits.MassFlowRate mEas_flow_nominal=9*VRooEas*conv + "Design mass flow rate perimeter 2"; + parameter Modelica.SIunits.MassFlowRate mNor_flow_nominal=6*VRooNor*conv + "Design mass flow rate perimeter 3"; + parameter Modelica.SIunits.MassFlowRate mWes_flow_nominal=7*VRooWes*conv + "Design mass flow rate perimeter 4"; + parameter Modelica.SIunits.MassFlowRate m_flow_nominal=0.7*(mCor_flow_nominal + + mSou_flow_nominal + mEas_flow_nominal + mNor_flow_nominal + + mWes_flow_nominal) "Nominal mass flow rate"; + parameter Modelica.SIunits.Angle lat=41.98*3.14159/180 "Latitude"; + + parameter Modelica.SIunits.Temperature THeaOn=293.15 + "Heating setpoint during on"; + parameter Modelica.SIunits.Temperature THeaOff=285.15 + "Heating setpoint during off"; + parameter Modelica.SIunits.Temperature TCooOn=297.15 + "Cooling setpoint during on"; + parameter Modelica.SIunits.Temperature TCooOff=303.15 + "Cooling setpoint during off"; + parameter Modelica.SIunits.PressureDifference dpBuiStaSet(min=0) = 12 + "Building static pressure"; + parameter Real yFanMin = 0.1 "Minimum fan speed"; + + // parameter Modelica.SIunits.HeatFlowRate QHeaCoi_nominal= 2.5*yFanMin*m_flow_nominal*1000*(20 - 4) + // "Nominal capacity of heating coil"; + + parameter Boolean allowFlowReversal=true + "= false to simplify equations, assuming, but not enforcing, no flow reversal" + annotation (Evaluate=true); + + parameter Boolean use_windPressure=true "Set to true to enable wind pressure"; + + parameter Boolean sampleModel=true + "Set to true to time-sample the model, which can give shorter simulation time if there is already time sampling in the system model" + annotation (Evaluate=true, Dialog(tab= + "Experimental (may be changed in future releases)")); + + // sizing parameter + parameter Modelica.SIunits.HeatFlowRate designCoolLoad = -m_flow_nominal*1000*15 "Design cooling load"; + parameter Modelica.SIunits.HeatFlowRate designHeatLoad = 0.6*m_flow_nominal*1006*(18 - 8) "Design heating load"; + + Buildings.Fluid.Sources.Outside amb(redeclare package Medium = MediumA, + nPorts=3) "Ambient conditions" + annotation (Placement(transformation(extent={{-136,-56},{-114,-34}}))); + // Buildings.Fluid.HeatExchangers.DryCoilCounterFlow heaCoi( + // redeclare package Medium1 = MediumW, + // redeclare package Medium2 = MediumA, + // UA_nominal = QHeaCoi_nominal/Buildings.Fluid.HeatExchangers.BaseClasses.lmtd( + // T_a1=45, + // T_b1=35, + // T_a2=3, + // T_b2=20), + // m2_flow_nominal=m_flow_nominal, + // allowFlowReversal1=false, + // allowFlowReversal2=allowFlowReversal, + // dp1_nominal=0, + // dp2_nominal=200 + 200 + 100 + 40, + // m1_flow_nominal=QHeaCoi_nominal/4200/10, + // energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial) + // "Heating coil" + // annotation (Placement(transformation(extent={{118,-36},{98,-56}}))); + + Buildings.Fluid.HeatExchangers.DryCoilEffectivenessNTU heaCoi( + redeclare package Medium1 = MediumW, + redeclare package Medium2 = MediumA, + m1_flow_nominal=designHeatLoad/4200/5, + m2_flow_nominal=0.6*m_flow_nominal, + configuration=Buildings.Fluid.Types.HeatExchangerConfiguration.CounterFlow, + Q_flow_nominal=designHeatLoad, + dp1_nominal=30000, + dp2_nominal=200 + 200 + 100 + 40, + allowFlowReversal1=false, + allowFlowReversal2=allowFlowReversal, + T_a1_nominal=318.15, + T_a2_nominal=281.65) "Heating coil" + annotation (Placement(transformation(extent={{118,-36},{98,-56}}))); + + Buildings.Fluid.HeatExchangers.WetCoilCounterFlow cooCoi( + UA_nominal=UA_nominal, + redeclare package Medium1 = MediumW, + redeclare package Medium2 = MediumA, + m1_flow_nominal=-designCoolLoad/4200/6, + m2_flow_nominal=m_flow_nominal, + dp2_nominal=0, + dp1_nominal=30000, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + allowFlowReversal1=false, + allowFlowReversal2=allowFlowReversal) "Cooling coil" + annotation (Placement(transformation(extent={{210,-36},{190,-56}}))); + Buildings.Fluid.FixedResistances.PressureDrop dpRetDuc( + m_flow_nominal=m_flow_nominal, + redeclare package Medium = MediumA, + allowFlowReversal=allowFlowReversal, + dp_nominal=490) + "Pressure drop for return duct" + annotation (Placement(transformation(extent={{400,130},{380,150}}))); + Buildings.Fluid.Movers.SpeedControlled_y fanSup( + redeclare package Medium = MediumA, + per(pressure(V_flow=m_flow_nominal/1.2*{0.2,0.6,1.0,1.2}, dp=(1030 + 220 + + 10 + 20 + dpBuiStaSet)*{1.2,1.1,1.0,0.6})), + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + addPowerToMedium=false) "Supply air fan" + annotation (Placement(transformation(extent={{300,-50},{320,-30}}))); + + Buildings.Fluid.Sensors.VolumeFlowRate senSupFlo(redeclare package + Medium = + MediumA, m_flow_nominal=m_flow_nominal) + "Sensor for supply fan flow rate" + annotation (Placement(transformation(extent={{400,-50},{420,-30}}))); + + Buildings.Fluid.Sensors.VolumeFlowRate senRetFlo(redeclare package + Medium = + MediumA, m_flow_nominal=m_flow_nominal) + "Sensor for return fan flow rate" + annotation (Placement(transformation(extent={{360,130},{340,150}}))); + + Buildings.Fluid.Sources.Boundary_pT sinHea( + redeclare package Medium = MediumW, + p=300000, + T=313.15, + nPorts=1) "Sink for heating coil" annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={80,-122}))); + Buildings.Fluid.Sources.Boundary_pT sinCoo( + redeclare package Medium = MediumW, + p=300000, + T=285.15, + nPorts=1) "Sink for cooling coil" annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={180,-120}))); + Modelica.Blocks.Routing.RealPassThrough TOut(y( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC", + min=0)) + annotation (Placement(transformation(extent={{-300,170},{-280,190}}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TSup( + redeclare package Medium = MediumA, + m_flow_nominal=m_flow_nominal, + allowFlowReversal=allowFlowReversal) + annotation (Placement(transformation(extent={{330,-50},{350,-30}}))); + Buildings.Fluid.Sensors.RelativePressure dpDisSupFan(redeclare package + Medium = + MediumA) "Supply fan static discharge pressure" annotation (Placement( + transformation( + extent={{-10,10},{10,-10}}, + rotation=90, + origin={320,0}))); + Buildings.Controls.SetPoints.OccupancySchedule occSch(occupancy=3600*{6,19}) + "Occupancy schedule" + annotation (Placement(transformation(extent={{-318,-220},{-298,-200}}))); + Buildings.Utilities.Math.Min min(nin=5) "Computes lowest room temperature" + annotation (Placement(transformation(extent={{1200,440},{1220,460}}))); + Buildings.Utilities.Math.Average ave(nin=5) + "Compute average of room temperatures" + annotation (Placement(transformation(extent={{1200,410},{1220,430}}))); + Buildings.Fluid.Sources.MassFlowSource_T souCoo( + redeclare package Medium = MediumW, + T=279.15, + nPorts=1, + use_m_flow_in=true) "Source for cooling coil" annotation (Placement( + transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={230,-120}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TRet( + redeclare package Medium = MediumA, + m_flow_nominal=m_flow_nominal, + allowFlowReversal=allowFlowReversal) "Return air temperature sensor" + annotation (Placement(transformation(extent={{110,130},{90,150}}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TMix( + redeclare package Medium = MediumA, + m_flow_nominal=m_flow_nominal, + allowFlowReversal=allowFlowReversal) "Mixed air temperature sensor" + annotation (Placement(transformation(extent={{30,-50},{50,-30}}))); + Buildings.Fluid.Sources.MassFlowSource_T souHea( + redeclare package Medium = MediumW, + T=318.15, + use_m_flow_in=true, + nPorts=1) "Source for heating coil" annotation (Placement( + transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={132,-120}))); + Buildings.Fluid.Sensors.VolumeFlowRate VOut1(redeclare package Medium = + MediumA, m_flow_nominal=m_flow_nominal) "Outside air volume flow rate" + annotation (Placement(transformation(extent={{-72,-44},{-50,-22}}))); + + FiveZone.VAVReheat.ThermalZones.VAVBranch cor( + redeclare package MediumA = MediumA, + redeclare package MediumW = MediumW, + m_flow_nominal=mCor_flow_nominal, + VRoo=VRooCor, + allowFlowReversal=allowFlowReversal) + "Zone for core of buildings (azimuth will be neglected)" + annotation (Placement(transformation(extent={{570,22},{610,62}}))); + FiveZone.VAVReheat.ThermalZones.VAVBranch sou( + redeclare package MediumA = MediumA, + redeclare package MediumW = MediumW, + m_flow_nominal=mSou_flow_nominal, + VRoo=VRooSou, + allowFlowReversal=allowFlowReversal) "South-facing thermal zone" + annotation (Placement(transformation(extent={{750,20},{790,60}}))); + FiveZone.VAVReheat.ThermalZones.VAVBranch eas( + redeclare package MediumA = MediumA, + redeclare package MediumW = MediumW, + m_flow_nominal=mEas_flow_nominal, + VRoo=VRooEas, + allowFlowReversal=allowFlowReversal) "East-facing thermal zone" + annotation (Placement(transformation(extent={{930,20},{970,60}}))); + FiveZone.VAVReheat.ThermalZones.VAVBranch nor( + redeclare package MediumA = MediumA, + redeclare package MediumW = MediumW, + m_flow_nominal=mNor_flow_nominal, + VRoo=VRooNor, + allowFlowReversal=allowFlowReversal) "North-facing thermal zone" + annotation (Placement(transformation(extent={{1090,20},{1130,60}}))); + FiveZone.VAVReheat.ThermalZones.VAVBranch wes( + redeclare package MediumA = MediumA, + redeclare package MediumW = MediumW, + m_flow_nominal=mWes_flow_nominal, + VRoo=VRooWes, + allowFlowReversal=allowFlowReversal) "West-facing thermal zone" + annotation (Placement(transformation(extent={{1290,20},{1330,60}}))); + Buildings.Fluid.FixedResistances.Junction splRetRoo1( + redeclare package Medium = MediumA, + m_flow_nominal={m_flow_nominal,m_flow_nominal - mCor_flow_nominal, + mCor_flow_nominal}, + from_dp=false, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering) + "Splitter for room return" + annotation (Placement(transformation(extent={{630,10},{650,-10}}))); + Buildings.Fluid.FixedResistances.Junction splRetSou( + redeclare package Medium = MediumA, + m_flow_nominal={mSou_flow_nominal + mEas_flow_nominal + mNor_flow_nominal + + mWes_flow_nominal,mEas_flow_nominal + mNor_flow_nominal + + mWes_flow_nominal,mSou_flow_nominal}, + from_dp=false, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering) + "Splitter for room return" + annotation (Placement(transformation(extent={{812,10},{832,-10}}))); + Buildings.Fluid.FixedResistances.Junction splRetEas( + redeclare package Medium = MediumA, + m_flow_nominal={mEas_flow_nominal + mNor_flow_nominal + mWes_flow_nominal, + mNor_flow_nominal + mWes_flow_nominal,mEas_flow_nominal}, + from_dp=false, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering) + "Splitter for room return" + annotation (Placement(transformation(extent={{992,10},{1012,-10}}))); + Buildings.Fluid.FixedResistances.Junction splRetNor( + redeclare package Medium = MediumA, + m_flow_nominal={mNor_flow_nominal + mWes_flow_nominal,mWes_flow_nominal, + mNor_flow_nominal}, + from_dp=false, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering) + "Splitter for room return" + annotation (Placement(transformation(extent={{1142,10},{1162,-10}}))); + Buildings.Fluid.FixedResistances.Junction splSupRoo1( + redeclare package Medium = MediumA, + m_flow_nominal={m_flow_nominal,m_flow_nominal - mCor_flow_nominal, + mCor_flow_nominal}, + from_dp=true, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving) + "Splitter for room supply" + annotation (Placement(transformation(extent={{570,-30},{590,-50}}))); + Buildings.Fluid.FixedResistances.Junction splSupSou( + redeclare package Medium = MediumA, + m_flow_nominal={mSou_flow_nominal + mEas_flow_nominal + mNor_flow_nominal + + mWes_flow_nominal,mEas_flow_nominal + mNor_flow_nominal + + mWes_flow_nominal,mSou_flow_nominal}, + from_dp=true, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving) + "Splitter for room supply" + annotation (Placement(transformation(extent={{750,-30},{770,-50}}))); + Buildings.Fluid.FixedResistances.Junction splSupEas( + redeclare package Medium = MediumA, + m_flow_nominal={mEas_flow_nominal + mNor_flow_nominal + mWes_flow_nominal, + mNor_flow_nominal + mWes_flow_nominal,mEas_flow_nominal}, + from_dp=true, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving) + "Splitter for room supply" + annotation (Placement(transformation(extent={{930,-30},{950,-50}}))); + Buildings.Fluid.FixedResistances.Junction splSupNor( + redeclare package Medium = MediumA, + m_flow_nominal={mNor_flow_nominal + mWes_flow_nominal,mWes_flow_nominal, + mNor_flow_nominal}, + from_dp=true, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving) + "Splitter for room supply" + annotation (Placement(transformation(extent={{1090,-30},{1110,-50}}))); + Buildings.BoundaryConditions.WeatherData.ReaderTMY3 weaDat(filNam= + Modelica.Utilities.Files.loadResource( + "modelica://Buildings/Resources/weatherdata/USA_IL_Chicago-OHare.Intl.AP.725300_TMY3.mos")) + annotation (Placement(transformation(extent={{-360,170},{-340,190}}))); + Buildings.BoundaryConditions.WeatherData.Bus weaBus "Weather Data Bus" + annotation (Placement(transformation(extent={{-330,170},{-310,190}}), + iconTransformation(extent={{-360,170},{-340,190}}))); + ThermalZones.Floor flo( + redeclare final package Medium = MediumA, + final lat=lat, + final use_windPressure=use_windPressure, + final sampleModel=sampleModel) + "Model of a floor of the building that is served by this VAV system" + annotation (Placement(transformation(extent={{772,396},{1100,616}}))); + Modelica.Blocks.Routing.DeMultiplex5 TRooAir(u(each unit="K", each + displayUnit="degC")) "Demultiplex for room air temperature" + annotation (Placement(transformation(extent={{490,160},{510,180}}))); + + Buildings.Fluid.Sensors.TemperatureTwoPort TSupCor( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mCor_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air temperature" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={580,92}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TSupSou( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mSou_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air temperature" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={760,92}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TSupEas( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mEas_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air temperature" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={940,90}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TSupNor( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mNor_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air temperature" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={1100,94}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TSupWes( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mWes_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air temperature" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={1300,90}))); + Buildings.Fluid.Sensors.VolumeFlowRate VSupCor_flow( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mCor_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air flow rate" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={580,130}))); + Buildings.Fluid.Sensors.VolumeFlowRate VSupSou_flow( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mSou_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air flow rate" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={760,130}))); + Buildings.Fluid.Sensors.VolumeFlowRate VSupEas_flow( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mEas_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air flow rate" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={940,128}))); + Buildings.Fluid.Sensors.VolumeFlowRate VSupNor_flow( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mNor_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air flow rate" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={1100,132}))); + Buildings.Fluid.Sensors.VolumeFlowRate VSupWes_flow( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mWes_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air flow rate" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={1300,128}))); + FiveZone.VAVReheat.BaseClasses.MixingBox eco( + redeclare package Medium = MediumA, + mOut_flow_nominal=m_flow_nominal, + dpOut_nominal=10, + mRec_flow_nominal=m_flow_nominal, + dpRec_nominal=10, + mExh_flow_nominal=m_flow_nominal, + dpExh_nominal=10, + from_dp=false) "Economizer" annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=0, + origin={-10,-46}))); + + Results res( + final A=ATot, + PFan=fanSup.P + 0, + PHea=heaCoi.Q2_flow + cor.terHea.Q1_flow + nor.terHea.Q1_flow + wes.terHea.Q1_flow + + eas.terHea.Q1_flow + sou.terHea.Q1_flow, + PCooSen=cooCoi.QSen2_flow, + PCooLat=cooCoi.QLat2_flow) "Results of the simulation"; + /*fanRet*/ + + protected + model Results "Model to store the results of the simulation" + parameter Modelica.SIunits.Area A "Floor area"; + input Modelica.SIunits.Power PFan "Fan energy"; + input Modelica.SIunits.Power PHea "Heating energy"; + input Modelica.SIunits.Power PCooSen "Sensible cooling energy"; + input Modelica.SIunits.Power PCooLat "Latent cooling energy"; + + Real EFan( + unit="J/m2", + start=0, + nominal=1E5, + fixed=true) "Fan energy"; + Real EHea( + unit="J/m2", + start=0, + nominal=1E5, + fixed=true) "Heating energy"; + Real ECooSen( + unit="J/m2", + start=0, + nominal=1E5, + fixed=true) "Sensible cooling energy"; + Real ECooLat( + unit="J/m2", + start=0, + nominal=1E5, + fixed=true) "Latent cooling energy"; + Real ECoo(unit="J/m2") "Total cooling energy"; + equation + + A*der(EFan) = PFan; + A*der(EHea) = PHea; + A*der(ECooSen) = PCooSen; + A*der(ECooLat) = PCooLat; + ECoo = ECooSen + ECooLat; + + end Results; + public + Buildings.Controls.OBC.CDL.Continuous.Gain gaiHeaCoi(k=designHeatLoad/4200/5) + "Gain for heating coil mass flow rate" + annotation (Placement(transformation(extent={{100,-220},{120,-200}}))); + Buildings.Controls.OBC.CDL.Continuous.Gain gaiCooCoi(k=-designCoolLoad/4200/6) + "Gain for cooling coil mass flow rate" + annotation (Placement(transformation(extent={{100,-258},{120,-238}}))); + Buildings.Controls.OBC.CDL.Logical.OnOffController freSta(bandwidth=1) + "Freeze stat for heating coil" + annotation (Placement(transformation(extent={{0,-102},{20,-82}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant freStaTSetPoi(k=273.15 + + 3) "Freeze stat set point for heating coil" + annotation (Placement(transformation(extent={{-40,-96},{-20,-76}}))); + equation + connect(fanSup.port_b, dpDisSupFan.port_a) annotation (Line( + points={{320,-40},{320,-10}}, + color={0,0,0}, + smooth=Smooth.None, + pattern=LinePattern.Dot)); + connect(TSup.port_a, fanSup.port_b) annotation (Line( + points={{330,-40},{320,-40}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(amb.ports[1], VOut1.port_a) annotation (Line( + points={{-114,-42.0667},{-94,-42.0667},{-94,-33},{-72,-33}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(splRetRoo1.port_1, dpRetDuc.port_a) annotation (Line( + points={{630,0},{430,0},{430,140},{400,140}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(splRetNor.port_1, splRetEas.port_2) annotation (Line( + points={{1142,0},{1110,0},{1110,0},{1078,0},{1078,0},{1012,0}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(splRetEas.port_1, splRetSou.port_2) annotation (Line( + points={{992,0},{952,0},{952,0},{912,0},{912,0},{832,0}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(splRetSou.port_1, splRetRoo1.port_2) annotation (Line( + points={{812,0},{650,0}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(splSupRoo1.port_3, cor.port_a) annotation (Line( + points={{580,-30},{580,22}}, + color={0,127,255}, + thickness=0.5)); + connect(splSupRoo1.port_2, splSupSou.port_1) annotation (Line( + points={{590,-40},{750,-40}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(splSupSou.port_3, sou.port_a) annotation (Line( + points={{760,-30},{760,20}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(splSupSou.port_2, splSupEas.port_1) annotation (Line( + points={{770,-40},{930,-40}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(splSupEas.port_3, eas.port_a) annotation (Line( + points={{940,-30},{940,20}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(splSupEas.port_2, splSupNor.port_1) annotation (Line( + points={{950,-40},{1090,-40}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(splSupNor.port_3, nor.port_a) annotation (Line( + points={{1100,-30},{1100,20}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(splSupNor.port_2, wes.port_a) annotation (Line( + points={{1110,-40},{1300,-40},{1300,20}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(cooCoi.port_b1, sinCoo.ports[1]) annotation (Line( + points={{190,-52},{180,-52},{180,-110}}, + color={28,108,200}, + thickness=0.5)); + connect(weaDat.weaBus, weaBus) annotation (Line( + points={{-340,180},{-320,180}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(weaBus.TDryBul, TOut.u) annotation (Line( + points={{-320,180},{-302,180}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(amb.weaBus, weaBus) annotation (Line( + points={{-136,-44.78},{-320,-44.78},{-320,180}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(splRetRoo1.port_3, flo.portsCor[2]) annotation (Line( + points={{640,10},{640,364},{874,364},{874,472},{898,472},{898, + 449.533},{924.286,449.533}}, + color={0,127,255}, + thickness=0.5)); + connect(splRetSou.port_3, flo.portsSou[2]) annotation (Line( + points={{822,10},{822,350},{900,350},{900,420.2},{924.286,420.2}}, + color={0,127,255}, + thickness=0.5)); + connect(splRetEas.port_3, flo.portsEas[2]) annotation (Line( + points={{1002,10},{1002,368},{1067.2,368},{1067.2,445.867}}, + color={0,127,255}, + thickness=0.5)); + connect(splRetNor.port_3, flo.portsNor[2]) annotation (Line( + points={{1152,10},{1152,446},{924.286,446},{924.286,478.867}}, + color={0,127,255}, + thickness=0.5)); + connect(splRetNor.port_2, flo.portsWes[2]) annotation (Line( + points={{1162,0},{1342,0},{1342,394},{854,394},{854,449.533}}, + color={0,127,255}, + thickness=0.5)); + connect(weaBus, flo.weaBus) annotation (Line( + points={{-320,180},{-320,506},{988.714,506}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(flo.TRooAir, min.u) annotation (Line( + points={{1094.14,491.333},{1164.7,491.333},{1164.7,450},{1198,450}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(flo.TRooAir, ave.u) annotation (Line( + points={{1094.14,491.333},{1166,491.333},{1166,420},{1198,420}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(TRooAir.u, flo.TRooAir) annotation (Line( + points={{488,170},{480,170},{480,538},{1164,538},{1164,491.333},{ + 1094.14,491.333}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + + connect(cooCoi.port_b2, fanSup.port_a) annotation (Line( + points={{210,-40},{300,-40}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(cor.port_b, TSupCor.port_a) annotation (Line( + points={{580,62},{580,82}}, + color={0,127,255}, + thickness=0.5)); + + connect(sou.port_b, TSupSou.port_a) annotation (Line( + points={{760,60},{760,82}}, + color={0,127,255}, + thickness=0.5)); + connect(eas.port_b, TSupEas.port_a) annotation (Line( + points={{940,60},{940,80}}, + color={0,127,255}, + thickness=0.5)); + connect(nor.port_b, TSupNor.port_a) annotation (Line( + points={{1100,60},{1100,84}}, + color={0,127,255}, + thickness=0.5)); + connect(wes.port_b, TSupWes.port_a) annotation (Line( + points={{1300,60},{1300,80}}, + color={0,127,255}, + thickness=0.5)); + + connect(TSupCor.port_b, VSupCor_flow.port_a) annotation (Line( + points={{580,102},{580,120}}, + color={0,127,255}, + thickness=0.5)); + connect(TSupSou.port_b, VSupSou_flow.port_a) annotation (Line( + points={{760,102},{760,120}}, + color={0,127,255}, + thickness=0.5)); + connect(TSupEas.port_b, VSupEas_flow.port_a) annotation (Line( + points={{940,100},{940,100},{940,118}}, + color={0,127,255}, + thickness=0.5)); + connect(TSupNor.port_b, VSupNor_flow.port_a) annotation (Line( + points={{1100,104},{1100,122}}, + color={0,127,255}, + thickness=0.5)); + connect(TSupWes.port_b, VSupWes_flow.port_a) annotation (Line( + points={{1300,100},{1300,118}}, + color={0,127,255}, + thickness=0.5)); + connect(VSupCor_flow.port_b, flo.portsCor[1]) annotation (Line( + points={{580,140},{580,372},{866,372},{866,480},{912.571,480},{ + 912.571,449.533}}, + color={0,127,255}, + thickness=0.5)); + + connect(VSupSou_flow.port_b, flo.portsSou[1]) annotation (Line( + points={{760,140},{760,356},{912.571,356},{912.571,420.2}}, + color={0,127,255}, + thickness=0.5)); + connect(VSupEas_flow.port_b, flo.portsEas[1]) annotation (Line( + points={{940,138},{940,376},{1055.49,376},{1055.49,445.867}}, + color={0,127,255}, + thickness=0.5)); + connect(VSupNor_flow.port_b, flo.portsNor[1]) annotation (Line( + points={{1100,142},{1100,498},{912.571,498},{912.571,478.867}}, + color={0,127,255}, + thickness=0.5)); + connect(VSupWes_flow.port_b, flo.portsWes[1]) annotation (Line( + points={{1300,138},{1300,384},{842.286,384},{842.286,449.533}}, + color={0,127,255}, + thickness=0.5)); + connect(VOut1.port_b, eco.port_Out) annotation (Line( + points={{-50,-33},{-42,-33},{-42,-40},{-20,-40}}, + color={0,127,255}, + thickness=0.5)); + connect(eco.port_Sup, TMix.port_a) annotation (Line( + points={{0,-40},{30,-40}}, + color={0,127,255}, + thickness=0.5)); + connect(eco.port_Exh, amb.ports[2]) annotation (Line( + points={{-20,-52},{-96,-52},{-96,-45},{-114,-45}}, + color={0,127,255}, + thickness=0.5)); + connect(eco.port_Ret, TRet.port_b) annotation (Line( + points={{0,-52},{10,-52},{10,140},{90,140}}, + color={0,127,255}, + thickness=0.5)); + connect(senRetFlo.port_a, dpRetDuc.port_b) + annotation (Line(points={{360,140},{380,140}}, color={0,127,255})); + connect(TSup.port_b, senSupFlo.port_a) + annotation (Line(points={{350,-40},{400,-40}}, color={0,127,255})); + connect(senSupFlo.port_b, splSupRoo1.port_1) + annotation (Line(points={{420,-40},{570,-40}}, color={0,127,255})); + connect(cooCoi.port_a1, souCoo.ports[1]) annotation (Line( + points={{210,-52},{230,-52},{230,-110}}, + color={28,108,200}, + thickness=0.5)); + connect(gaiHeaCoi.y, souHea.m_flow_in) annotation (Line(points={{122,-210},{ + 124,-210},{124,-132}}, color={0,0,127})); + connect(gaiCooCoi.y, souCoo.m_flow_in) annotation (Line(points={{122,-248},{ + 222,-248},{222,-132}}, color={0,0,127})); + connect(dpDisSupFan.port_b, amb.ports[3]) annotation (Line( + points={{320,10},{320,14},{-88,14},{-88,-47.9333},{-114,-47.9333}}, + color={0,0,0}, + pattern=LinePattern.Dot)); + connect(senRetFlo.port_b, TRet.port_a) annotation (Line(points={{340,140},{ + 226,140},{110,140}}, color={0,127,255})); + connect(freStaTSetPoi.y, freSta.reference) + annotation (Line(points={{-18,-86},{-2,-86}}, color={0,0,127})); + connect(freSta.u, TMix.T) annotation (Line(points={{-2,-98},{-10,-98},{-10,-70}, + {20,-70},{20,-20},{40,-20},{40,-29}}, color={0,0,127})); + connect(TMix.port_b, heaCoi.port_a2) annotation (Line( + points={{50,-40},{98,-40}}, + color={0,127,255}, + thickness=0.5)); + connect(heaCoi.port_b2, cooCoi.port_a2) annotation (Line( + points={{118,-40},{190,-40}}, + color={0,127,255}, + thickness=0.5)); + connect(souHea.ports[1], heaCoi.port_a1) annotation (Line( + points={{132,-110},{132,-52},{118,-52}}, + color={28,108,200}, + thickness=0.5)); + connect(heaCoi.port_b1, sinHea.ports[1]) annotation (Line( + points={{98,-52},{80,-52},{80,-112}}, + color={28,108,200}, + thickness=0.5)); + annotation (Diagram(coordinateSystem(preserveAspectRatio=false, extent={{-380, + -400},{1420,600}})), Documentation(info=" +

+This model consist of an HVAC system, a building envelope model and a model +for air flow through building leakage and through open doors. +

+

+The HVAC system is a variable air volume (VAV) flow system with economizer +and a heating and cooling coil in the air handler unit. There is also a +reheat coil and an air damper in each of the five zone inlet branches. +The figure below shows the schematic diagram of the HVAC system +

+

+\"image\" +

+

+Most of the HVAC control in this model is open loop. +Two models that extend this model, namely + +Buildings.Examples.VAVReheat.ASHRAE2006 +and + +Buildings.Examples.VAVReheat.Guideline36 +add closed loop control. See these models for a description of +the control sequence. +

+

+To model the heat transfer through the building envelope, +a model of five interconnected rooms is used. +The five room model is representative of one floor of the +new construction medium office building for Chicago, IL, +as described in the set of DOE Commercial Building Benchmarks +(Deru et al, 2009). There are four perimeter zones and one core zone. +The envelope thermal properties meet ASHRAE Standard 90.1-2004. +The thermal room model computes transient heat conduction through +walls, floors and ceilings and long-wave radiative heat exchange between +surfaces. The convective heat transfer coefficient is computed based +on the temperature difference between the surface and the room air. +There is also a layer-by-layer short-wave radiation, +long-wave radiation, convection and conduction heat transfer model for the +windows. The model is similar to the +Window 5 model and described in TARCOG 2006. +

+

+Each thermal zone can have air flow from the HVAC system, through leakages of the building envelope (except for the core zone) and through bi-directional air exchange through open doors that connect adjacent zones. The bi-directional air exchange is modeled based on the differences in static pressure between adjacent rooms at a reference height plus the difference in static pressure across the door height as a function of the difference in air density. +Infiltration is a function of the +flow imbalance of the HVAC system. +

+

References

+

+Deru M., K. Field, D. Studer, K. Benne, B. Griffith, P. Torcellini, + M. Halverson, D. Winiarski, B. Liu, M. Rosenberg, J. Huang, M. Yazdanian, and D. Crawley. +DOE commercial building research benchmarks for commercial buildings. +Technical report, U.S. Department of Energy, Energy Efficiency and +Renewable Energy, Office of Building Technologies, Washington, DC, 2009. +

+

+TARCOG 2006: Carli, Inc., TARCOG: Mathematical models for calculation +of thermal performance of glazing systems with our without +shading devices, Technical Report, Oct. 17, 2006. +

+", revisions=" + +")); + end PartialOpenLoop; + + partial model EnergyMeterAirSide "System example for airside system" + + Modelica.Blocks.Sources.RealExpression eleSupFan "Pow of fan" + annotation (Placement(transformation(extent={{1220,580},{1240,600}}))); + parameter Real cooCOP = 3.5 "Coefficient of performance for + the water plant system (assume constant for differt loads)"; + + Modelica.Blocks.Sources.RealExpression elePla + "Power from the waterside HVAC component" + annotation (Placement(transformation(extent={{1220,560},{1240,580}}))); + Modelica.Blocks.Sources.RealExpression eleCoiVAV + "Power of VAV terminal reheat coil" + annotation (Placement(transformation(extent={{1220,602},{1240,622}}))); + Modelica.Blocks.Sources.RealExpression gasBoi + "Gas consumption of gas boiler" + annotation (Placement(transformation(extent={{1220,534},{1240,554}}))); + Modelica.Blocks.Math.MultiSum eleTot(nu=3) "Electricity in total" + annotation (Placement(transformation(extent={{1284,606},{1296,618}}))); + + Modelica.Blocks.Continuous.Integrator eleTotInt + annotation (Placement(transformation(extent={{1320,602},{1340,622}}))); + Modelica.Blocks.Continuous.Integrator gasTotInt + annotation (Placement(transformation(extent={{1320,534},{1340,554}}))); + equation + connect(eleCoiVAV.y, eleTot.u[1]) annotation (Line(points={{1241,612},{1262,612}, + {1262,614.8},{1284,614.8}}, color={0,0,127})); + connect(eleSupFan.y, eleTot.u[2]) annotation (Line(points={{1241,590},{1262.5, + 590},{1262.5,612},{1284,612}}, color={0,0,127})); + connect(elePla.y, eleTot.u[3]) annotation (Line(points={{1241,570},{1264,570}, + {1264,609.2},{1284,609.2}}, color={0,0,127})); + connect(eleTot.y, eleTotInt.u) + annotation (Line(points={{1297.02,612},{1318,612}}, color={0,0,127})); + connect(gasBoi.y, gasTotInt.u) + annotation (Line(points={{1241,544},{1318,544}}, color={0,0,127})); + annotation (Diagram(coordinateSystem(extent={{-100,-100},{1580,700}})), Icon( + coordinateSystem(extent={{-100,-100},{1580,700}}))); + end EnergyMeterAirSide; + + partial model ZoneAirTemperatureDeviation + "Calculate the zone air temperature deviation outside the boundary" + + FiveZone.VAVReheat.BaseClasses.BandDeviationSum banDevSum[5](each + uppThreshold=25 + 273.15, each lowThreshold=23 + 273.15) + annotation (Placement(transformation(extent={{1240,480},{1260,500}}))); + Modelica.Blocks.Math.MultiSum TAirDev(nu=5) "Zone air temperature deviation in total" + annotation (Placement(transformation(extent={{1282,484},{1294,496}}))); + Modelica.Blocks.Continuous.Integrator TAirTotDev + annotation (Placement(transformation(extent={{1318,480},{1338,500}}))); + equation + connect(TAirDev.y,TAirTotDev. u) + annotation (Line(points={{1295.02,490},{1316,490}}, color={0,0,127})); + connect(banDevSum.TDev,TAirDev. u[1:5]) annotation (Line(points={{1261,490}, + {1272,490},{1272,486.64},{1282,486.64}}, color={0,0,127})); + annotation (Diagram(coordinateSystem(extent={{-100,-100},{1580,700}})), Icon( + coordinateSystem(extent={{-100,-100},{1580,700}}))); + end ZoneAirTemperatureDeviation; + + model BandDeviationSum "Model to calculate the signal that out of the band" + + parameter Real uppThreshold(unit="K") "Comparison with respect to upper threshold"; + parameter Real lowThreshold(unit="K") "Comparison with respect to lower threshold"; + Modelica.Blocks.Logical.GreaterThreshold greThr(threshold=uppThreshold) + annotation (Placement(transformation(extent={{-72,40},{-52,60}}))); + Modelica.Blocks.Interfaces.RealInput u1 + "Connector of Boolean input signal" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Logical.LessThreshold lesThr(threshold=lowThreshold) + annotation (Placement(transformation(extent={{-72,-60},{-52,-40}}))); + + Modelica.Blocks.Logical.Switch swi1 + annotation (Placement(transformation(extent={{-10,10},{10,30}}))); + Modelica.Blocks.Sources.Constant const(k=0) + annotation (Placement(transformation(extent={{-72,-10},{-52,10}}))); + Modelica.Blocks.Sources.RealExpression reaExpUpp(y=abs(u1 - uppThreshold)) + annotation (Placement(transformation(extent={{-72,14},{-52,34}}))); + Modelica.Blocks.Logical.Switch swi2 + annotation (Placement(transformation(extent={{-12,-40},{8,-20}}))); + Modelica.Blocks.Sources.RealExpression reaExpLow(y=abs(u1 - lowThreshold)) + annotation (Placement(transformation(extent={{-72,-36},{-52,-16}}))); + Modelica.Blocks.Math.Add add + annotation (Placement(transformation(extent={{26,-10},{46,10}}))); + Modelica.Blocks.Logical.Switch swi3 + annotation (Placement(transformation(extent={{-10,60},{10,80}}))); + Modelica.Blocks.Interfaces.RealOutput TDev + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + Buildings.Controls.OBC.CDL.Interfaces.BooleanInput uSupFan + "Supply fan status" + annotation (Placement(transformation(extent={{-140,60},{-100,100}}), + iconTransformation(extent={{-140,-80},{-100,-40}}))); + equation + connect(greThr.u, u1) annotation (Line(points={{-74,50},{-92,50},{-92,0},{-120, + 0}}, color={0,0,127})); + connect(greThr.y, swi1.u2) annotation (Line(points={{-51,50},{-32,50},{-32,20}, + {-12,20}}, color={255,0,255})); + connect(const.y, swi1.u3) annotation (Line(points={{-51,0},{-32,0},{-32,12},{-12, + 12}}, color={0,0,127})); + connect(reaExpUpp.y, swi1.u1) annotation (Line(points={{-51,24},{-32,24},{-32, + 28},{-12,28}}, color={0,0,127})); + connect(lesThr.y, swi2.u2) annotation (Line(points={{-51,-50},{-36,-50},{-36,-30}, + {-14,-30}}, color={255,0,255})); + connect(const.y, swi2.u3) annotation (Line(points={{-51,0},{-32,0},{-32,-38},{ + -14,-38}}, color={0,0,127})); + connect(reaExpLow.y, swi2.u1) annotation (Line(points={{-51,-26},{-32,-26},{-32, + -22},{-14,-22}}, color={0,0,127})); + connect(u1, lesThr.u) annotation (Line(points={{-120,0},{-92,0},{-92,-50},{-74, + -50}}, color={0,0,127})); + connect(swi1.y, add.u1) + annotation (Line(points={{11,20},{16,20},{16,6},{24,6}}, color={0,0,127})); + connect(swi2.y, add.u2) annotation (Line(points={{9,-30},{16,-30},{16,-6},{24, + -6}}, color={0,0,127})); + connect(swi3.y, TDev) annotation (Line(points={{11,70},{80,70},{80,0},{110,0}}, + color={0,0,127})); + connect(const.y, swi3.u3) annotation (Line(points={{-51,0},{-20,0},{-20,62},{-12, + 62}}, color={0,0,127})); + connect(swi3.u2, uSupFan) annotation (Line(points={{-12,70},{-40,70},{-40,80}, + {-120,80}}, color={255,0,255})); + connect(add.y, swi3.u1) annotation (Line(points={{47,0},{60,0},{60,40},{-26,40}, + {-26,78},{-12,78}}, color={0,0,127})); + annotation (Icon(coordinateSystem(preserveAspectRatio=false), graphics={ + Rectangle( + lineColor={0,0,0}, + extent={{-100,100},{100,-100}}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), Text( + extent={{-100,148},{100,102}}, + lineColor={0,0,255}, + textString="%name")}), Diagram( + coordinateSystem(preserveAspectRatio=false)), + __Dymola_Commands); + end BandDeviationSum; + + block BandDeviationSumTest + extends Modelica.Icons.Example; + + FiveZone.VAVReheat.BaseClasses.BandDeviationSum bandDevSum(uppThreshold= + 26 + 273.15, lowThreshold=22 + 273.15) + annotation (Placement(transformation(extent={{-10,-10},{10,10}}))); + Modelica.Blocks.Sources.Sine sine( + amplitude=5, + freqHz=0.0005, + offset=23.5 + 273.15, + phase=0, + startTime=0) + annotation (Placement(transformation(extent={{-60,-10},{-40,10}}))); + Modelica.Blocks.Sources.BooleanPulse booPul(period=1000, startTime=400) + annotation (Placement(transformation(extent={{-60,30},{-40,50}}))); + equation + connect(sine.y, bandDevSum.u1) + annotation (Line(points={{-39,0},{-12,0}}, color={0,0,127})); + connect(booPul.y, bandDevSum.uSupFan) annotation (Line(points={{-39,40},{-28, + 40},{-28,-6},{-12,-6}}, color={255,0,255})); + annotation (Icon(coordinateSystem(preserveAspectRatio=false)), Diagram( + coordinateSystem(preserveAspectRatio=false)), + experiment(StopTime=3600, __Dymola_Algorithm="Cvode")); + end BandDeviationSumTest; + annotation (preferredView="info", Documentation(info=" +

+This package contains base classes that are used to construct the models in +Buildings.Examples.VAVReheat. +

+")); + end BaseClasses; + end VAVReheat; + + package BaseClasses + "Base classes for system-level modeling and fault injection" + + model IntegratedPrimaryLoadSide + "Integrated water-side economizer on the load side in a primary-only chilled water system" + extends FiveZone.BaseClasses.PartialIntegratedPrimary(final + m_flow_nominal={m1_flow_chi_nominal,m2_flow_chi_nominal, + m1_flow_wse_nominal,m2_flow_chi_nominal,numChi*m2_flow_chi_nominal, + m2_flow_wse_nominal,numChi*m2_flow_chi_nominal}, rhoStd={ + Medium1.density_pTX( + 101325, + 273.15 + 4, + Medium1.X_default),Medium2.density_pTX( + 101325, + 273.15 + 4, + Medium2.X_default),Medium1.density_pTX( + 101325, + 273.15 + 4, + Medium1.X_default),Medium2.density_pTX( + 101325, + 273.15 + 4, + Medium2.X_default),Medium2.density_pTX( + 101325, + 273.15 + 4, + Medium2.X_default),Medium2.density_pTX( + 101325, + 273.15 + 4, + Medium2.X_default),Medium2.density_pTX( + 101325, + 273.15 + 4, + Medium2.X_default)}); + + //Dynamics + parameter Modelica.SIunits.Time tauPump = 1 + "Time constant of fluid volume for nominal flow in pumps, used if energy or mass balance is dynamic" + annotation (Dialog(tab = "Dynamics", group="Pump", + enable=not energyDynamics == Modelica.Fluid.Types.Dynamics.SteadyState)); + //Pump + parameter Integer numPum = numChi "Number of pumps" + annotation(Dialog(group="Pump")); + replaceable parameter Buildings.Fluid.Movers.Data.Generic perPum[numPum] + "Performance data for the pumps" + annotation (Dialog(group="Pump"), + Placement(transformation(extent={{38,78},{58,98}}))); + parameter Boolean addPowerToMedium = true + "Set to false to avoid any power (=heat and flow work) being added to medium (may give simpler equations)" + annotation (Dialog(group="Pump")); + parameter Modelica.SIunits.Time riseTimePump = 30 + "Rise time of the filter (time to reach 99.6 % of an opening step)" + annotation(Dialog(tab="Dynamics", group="Filtered speed",enable=use_inputFilter)); + parameter Modelica.Blocks.Types.Init initPum = initValve + "Type of initialization (no init/steady state/initial state/initial output)" + annotation(Dialog(tab="Dynamics", group="Filtered speed",enable=use_inputFilter)); + parameter Real[numPum] yPum_start = fill(0,numPum) + "Initial value of output:0-closed, 1-fully opened" + annotation(Dialog(tab="Dynamics", group="Filtered speed",enable=use_inputFilter)); + parameter Real[numPum] yValPum_start = fill(0,numPum) + "Initial value of output:0-closed, 1-fully opened" + annotation(Dialog(tab="Dynamics", group="Filtered opening",enable=use_inputFilter)); + parameter Real lValPum = 0.0001 + "Valve leakage, l=Kv(y=0)/Kv(y=1)" + annotation(Dialog(group="Pump")); + parameter Real kFixedValPum = pum.m_flow_nominal/sqrt(pum.dpValve_nominal) + "Flow coefficient of fixed resistance that may be in series with valve, + k=m_flow/sqrt(dp), with unit=(kg.m)^(1/2)." + annotation(Dialog(group="Pump")); + Modelica.Blocks.Interfaces.RealInput yPum[numPum]( + each final unit = "1", + each min=0, + each max=1) + "Constant normalized rotational speed" + annotation (Placement(transformation(extent={{-140,-60},{-100,-20}}), + iconTransformation(extent={{-132,-28},{-100,-60}}))); + Modelica.Blocks.Interfaces.RealOutput powPum[numPum]( + each final quantity="Power", + each final unit="W") + "Electrical power consumed by the pumps" + annotation (Placement(transformation(extent={{100,-50},{120,-30}}))); + + Buildings.Applications.DataCenters.ChillerCooled.Equipment.FlowMachine_y pum( + redeclare final package Medium = Medium2, + final p_start=p2_start, + final T_start=T2_start, + final X_start=X2_start, + final C_start=C2_start, + final C_nominal=C2_nominal, + final m_flow_small=m2_flow_small, + final show_T=show_T, + final per=perPum, + addPowerToMedium=addPowerToMedium, + final energyDynamics=energyDynamics, + final massDynamics=massDynamics, + final use_inputFilter=use_inputFilter, + final init=initPum, + final tau=tauPump, + final allowFlowReversal=allowFlowReversal2, + final num=numPum, + final m_flow_nominal=m2_flow_chi_nominal, + dpValve_nominal=6000, + final CvData=Buildings.Fluid.Types.CvTypes.OpPoint, + final deltaM=deltaM2, + final riseTimePump=riseTimePump, + final riseTimeValve=riseTimeValve, + final yValve_start=yValPum_start, + final l=lValPum, + final kFixed=kFixedValPum, + final yPump_start=yPum_start, + final from_dp=from_dp2, + final homotopyInitialization=homotopyInitialization, + final linearizeFlowResistance=linearizeFlowResistance2) + "Pumps" + annotation (Placement(transformation(extent={{10,-50},{-10,-30}}))); + + equation + connect(val5.port_b, pum.port_a) + annotation (Line(points={{40,-20},{20,-20},{20,-40},{10,-40}}, + color={0,127,255})); + connect(pum.port_b,val6.port_a) + annotation (Line(points={{-10,-40},{-20,-40},{-20,-20},{-40,-20}}, + color={0,127,255})); + connect(yPum, pum.u) + annotation (Line(points={{-120,-40},{-30,-40},{-30,-28},{ + 18,-28},{18,-36},{12,-36}}, color={0,0,127})); + connect(pum.P, powPum) annotation (Line(points={{-11,-36},{-14,-36},{-14,-66}, + {86,-66},{86,-40},{110,-40}}, + color={0,0,127})); + annotation (Documentation(revisions=" + +", info=" +

This model implements an integrated water-side economizer (WSE) on the load side of the primary-only chilled water system, as shown in the following figure. In the configuration, users can model multiple chillers with only one integrated WSE.

+

\"image\"/

+

Implementation

+

The WSE located on the load side can see the warmest return chilled water, and hence can maximize the use time of the heat exchanger. This system have three operation modes: free cooling (FC) mode, partial mechanical cooling (PMC) mode and fully mechanical cooling (FMC) mode.

+

There are 6 valves for on/off use and minimum mass flow rate control, which can be controlled in order to switch among FC, PMC and FMC mode.

+ +

The details about how to switch among different cooling modes are shown as:

+

For Free Cooling (FC) Mode:

+ +

For Partially Mechanical Cooling (PMC) Mode:

+ +

For Fully Mechanical Cooling (FMC) Mode:

+ +

Reference

+ +"), Icon(graphics={ + Polygon( + points={{-58,40},{-58,40}}, + lineColor={0,0,0}, + fillColor={0,0,0}, + fillPattern=FillPattern.Solid), + Polygon( + points={{-7,-6},{9,-6},{0,3},{-7,-6}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid, + origin={46,-45}, + rotation=90), + Polygon( + points={{-6,-7},{-6,9},{3,0},{-6,-7}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid, + origin={42,-45}), + Ellipse( + extent={{-14,-32},{8,-54}}, + lineColor={0,0,0}, + fillPattern=FillPattern.Sphere, + fillColor={0,128,255}), + Polygon( + points={{-14,-44},{-2,-54},{-2,-32},{-14,-44}}, + lineColor={0,0,0}, + pattern=LinePattern.None, + fillPattern=FillPattern.HorizontalCylinder, + fillColor={255,255,255}), + Line(points={{12,6},{12,0}}, color={0,128,255}), + Line(points={{-70,0}}, color={0,0,0}), + Line(points={{-18,-44}}, color={0,0,0}), + Line(points={{-18,-44},{-14,-44}}, color={0,128,255}), + Line(points={{8,-44},{12,-44}}, color={0,128,255})})); + end IntegratedPrimaryLoadSide; + + model PartialIntegratedPrimary + "Integrated water-side economizer for primary-only chilled water system" + extends + Buildings.Applications.DataCenters.ChillerCooled.Equipment.BaseClasses.PartialChillerWSE( + final numVal=7); + + //Parameters for the valve used in free cooling mode + parameter Real lVal5(min=1e-10,max=1) = 0.0001 + "Valve leakage, l=Kv(y=0)/Kv(y=1)" + annotation(Dialog(group="Two-way valve")); + parameter Real lVal6(min=1e-10,max=1) = 0.0001 + "Valve leakage, l=Kv(y=0)/Kv(y=1)" + annotation(Dialog(group="Two-way valve")); + parameter Real lVal7(min=1e-10,max=1) = 0.0001 + "Valve leakage, l=Kv(y=0)/Kv(y=1)" + annotation(Dialog(group="Two-way valve")); + parameter Real yVal5_start(min=0,max=1) = 0 + "Initial value of output:0-closed, 1-fully opened" + annotation(Dialog(tab="Dynamics", group="Filtered opening", + enable=use_inputFilter)); + parameter Real yVal6_start(min=0,max=1) = 1-yVal5_start + "Initial value of output:0-closed, 1-fully opened" + annotation(Dialog(tab="Dynamics", group="Filtered opening", + enable=use_inputFilter)); + parameter Real yVal7_start(min=0,max=1) = 0 + "Initial value of output:0-closed, 1-fully opened" + annotation(Dialog(tab="Dynamics", group="Filtered opening", + enable=use_inputFilter)); + Modelica.Blocks.Interfaces.RealInput yVal6( + final unit = "1", + min=0, + max=1) + "Actuator position for valve 6 (0: closed, 1: open)" + annotation (Placement( + transformation( + extent={{-20,-20},{20,20}}, + origin={-120,-10}), iconTransformation( + extent={{-16,-16},{16,16}}, + origin={-116,-2}))); + + Modelica.Blocks.Interfaces.RealInput yVal5( + final unit= "1", + min=0, + max=1) + "Actuator position for valve 5(0: closed, 1: open)" + annotation (Placement( + transformation( + extent={{-20,-20},{20,20}}, + origin={-120,20}), iconTransformation( + extent={{16,16},{-16,-16}}, + rotation=180, + origin={-116,30}))); + + Buildings.Fluid.Actuators.Valves.TwoWayLinear val5( + redeclare final package Medium = Medium2, + final CvData=Buildings.Fluid.Types.CvTypes.OpPoint, + final allowFlowReversal=allowFlowReversal2, + final m_flow_nominal=numChi*m2_flow_chi_nominal, + final show_T=show_T, + final from_dp=from_dp2, + final homotopyInitialization=homotopyInitialization, + final linearized=linearizeFlowResistance2, + final deltaM=deltaM2, + final use_inputFilter=use_inputFilter, + final riseTime=riseTimeValve, + final init=initValve, + final dpFixed_nominal=0, + final dpValve_nominal=dpValve_nominal[5], + final l=lVal5, + final kFixed=0, + final rhoStd=rhoStd[5], + final y_start=yVal5_start) + "Bypass valve: closed when fully mechanic cooling is activated; + open when fully mechanic cooling is activated" + annotation (Placement(transformation(extent={{60,-30},{40,-10}}))); + Buildings.Fluid.Actuators.Valves.TwoWayLinear val6( + redeclare final package Medium = Medium2, + final CvData=Buildings.Fluid.Types.CvTypes.OpPoint, + final m_flow_nominal=m2_flow_wse_nominal, + final allowFlowReversal=allowFlowReversal2, + final show_T=show_T, + final from_dp=from_dp2, + final homotopyInitialization=homotopyInitialization, + final linearized=linearizeFlowResistance2, + final deltaM=deltaM2, + final use_inputFilter=use_inputFilter, + final riseTime=riseTimeValve, + final init=initValve, + final dpFixed_nominal=0, + final dpValve_nominal=dpValve_nominal[6], + final l=lVal6, + final kFixed=0, + final rhoStd=rhoStd[6], + final y_start=yVal6_start) + "Bypass valve: closed when free cooling mode is deactivated; + open when free cooling is activated" + annotation (Placement(transformation(extent={{-40,-30},{-60,-10}}))); + + Buildings.Fluid.Sensors.MassFlowRate bypFlo(redeclare package Medium = + Medium2) + "Bypass water mass flowrate" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-80,2}))); + Modelica.Blocks.Interfaces.RealOutput mCHW_flow "Chiller mass flow rate" + annotation (Placement(transformation(extent={{100,-30},{120,-10}}), + iconTransformation(extent={{100,-30},{120,-10}}))); + Buildings.Fluid.Actuators.Valves.TwoWayLinear val7( + redeclare final package Medium = Medium2, + final CvData=Buildings.Fluid.Types.CvTypes.OpPoint, + final allowFlowReversal=allowFlowReversal2, + final m_flow_nominal=numChi*m2_flow_chi_nominal, + final show_T=show_T, + final from_dp=from_dp2, + final homotopyInitialization=homotopyInitialization, + final linearized=linearizeFlowResistance2, + final deltaM=deltaM2, + final use_inputFilter=use_inputFilter, + final riseTime=riseTimeValve, + final init=initValve, + final dpFixed_nominal=0, + final dpValve_nominal=dpValve_nominal[7], + final l=lVal7, + final kFixed=0, + final rhoStd=rhoStd[7], + final y_start=yVal7_start) + "Bypass valve: closed when fully mechanic cooling is activated; + open when fully mechanic cooling is activated" + annotation (Placement(transformation(extent={{10,-90},{-10,-70}}))); + Modelica.Blocks.Interfaces.RealInput yVal7( + final unit="1", + min=0, + max=1) "Actuator position for valve 7 (0: closed, 1: open)" + annotation (Placement( + transformation( + extent={{-20,-20},{20,20}}, + origin={-120,-80}), iconTransformation( + extent={{-16,-16},{16,16}}, + origin={-116,-76}))); + equation + connect(port_a2,val5. port_a) + annotation (Line(points={{100,-60},{80,-60},{80,-20},{60,-20}}, + color={0,127,255})); + connect(port_a2, wse.port_a2) + annotation (Line(points={{100,-60},{88,-60},{80,-60},{80,24},{60,24}}, + color={0,127,255})); + connect(val6.port_a, chiPar.port_a2) + annotation (Line(points={{-40,-20},{-20,-20},{-20,24},{-40,24}}, + color={0,127,255})); + connect(val6.port_b, port_b2) + annotation (Line(points={{-60,-20},{-80,-20},{-80,-60},{-100,-60}}, + color={0,127,255})); + connect(val5.y, yVal5) + annotation (Line(points={{50,-8},{50,16},{-94,16},{-94,20},{-120,20}}, + color={0,0,127})); + connect(yVal6, val6.y) + annotation (Line(points={{-120,-10},{-90,-10},{-90,16},{-50,16},{-50,-8}}, + color={0,0,127})); + connect(senTem.port_b, val5.port_b) + annotation (Line(points={{8,24},{0,24},{0,-20},{40,-20}}, + color={0,127,255})); + connect(bypFlo.port_a, chiPar.port_b2) + annotation (Line(points={{-80,12},{-80,24},{-60,24}}, color={0,127,255})); + connect(bypFlo.port_b, port_b2) annotation (Line(points={{-80,-8},{-80,-60},{ + -100,-60}}, color={0,127,255})); + connect(bypFlo.m_flow, mCHW_flow) annotation (Line(points={{-69,2},{90,2},{90, + -20},{110,-20}}, color={0,0,127})); + connect(port_b2, val7.port_b) annotation (Line(points={{-100,-60},{-40,-60},{ + -40,-80},{-10,-80}}, color={0,127,255})); + connect(yVal7, val7.y) annotation (Line(points={{-120,-80},{-40,-80},{-40,-60}, + {0,-60},{0,-68}}, color={0,0,127})); + connect(val7.port_a, val5.port_b) annotation (Line(points={{10,-80},{20,-80}, + {20,-20},{40,-20}}, color={0,127,255})); + annotation (Documentation(info=" +

+Partial model that implements integrated waterside economizer in primary-ony chilled water system. +

+", revisions=" + +"), Icon(graphics={ + Rectangle( + extent={{32,42},{34,36}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{30,42},{32,36}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{30,4},{32,-2}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{54,42},{56,36}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{56,42},{58,36}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Polygon( + points={{-7,-6},{9,-6},{0,3},{-7,-6}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid, + origin={-42,-45}, + rotation=90), + Polygon( + points={{-6,-7},{-6,9},{3,0},{-6,-7}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid, + origin={-46,-45}), + Polygon( + points={{-7,-6},{9,-6},{0,3},{-7,-6}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid, + origin={46,-45}, + rotation=90), + Polygon( + points={{-6,-7},{-6,9},{3,0},{-6,-7}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid, + origin={42,-45}), + Line(points={{90,-60},{78,-60},{78,-44},{52,-44}}, color={0,128,255}), + Line(points={{36,-44},{12,-44}},color={0,128,255}), + Line(points={{-18,-44},{-36,-44}}, color={0,128,255}), + Line(points={{-94,-60},{-78,-60},{-78,-44},{-52,-44}}, color={0,128,255}), + Line(points={{78,-44},{78,0},{64,0}}, color={0,128,255}), + Line(points={{24,0},{14,0},{12,0},{12,-44}}, color={0,128,255}), + Line(points={{12,6},{12,0}}, color={0,128,255}), + Line(points={{-70,0}}, color={0,0,0}), + Line(points={{-72,0},{-78,0},{-78,-54}}, color={0,128,255}), + Line(points={{-24,0},{-18,0},{-18,-44}}, color={0,128,255})})); + end PartialIntegratedPrimary; + + partial model PartialWaterside + "Partial model that implements water-side cooling system" + package MediumA = Buildings.Media.Air "Medium model for air"; + package MediumW = Buildings.Media.Water "Medium model for water"; + + // Chiller parameters + parameter Integer numChi=1 "Number of chillers"; + parameter Modelica.SIunits.MassFlowRate m1_flow_chi_nominal= -QEva_nominal*(1+1/COP_nominal)/4200/6.5 + "Nominal mass flow rate at condenser water in the chillers"; + parameter Modelica.SIunits.MassFlowRate m2_flow_chi_nominal= QEva_nominal/4200/(5.56-11.56) + "Nominal mass flow rate at evaporator water in the chillers"; + parameter Modelica.SIunits.PressureDifference dp1_chi_nominal = 46.2*1000 + "Nominal pressure"; + parameter Modelica.SIunits.PressureDifference dp2_chi_nominal = 44.8*1000 + "Nominal pressure"; + parameter Modelica.SIunits.Power QEva_nominal + "Nominal cooling capaciaty(Negative means cooling)"; + // WSE parameters + parameter Modelica.SIunits.MassFlowRate m1_flow_wse_nominal= m1_flow_chi_nominal + "Nominal mass flow rate at condenser water in the chillers"; + parameter Modelica.SIunits.MassFlowRate m2_flow_wse_nominal= m2_flow_chi_nominal + "Nominal mass flow rate at condenser water in the chillers"; + parameter Modelica.SIunits.PressureDifference dp1_wse_nominal = 33.1*1000 + "Nominal pressure"; + parameter Modelica.SIunits.PressureDifference dp2_wse_nominal = 34.5*1000 + "Nominal pressure"; + parameter Real COP_nominal=5.9 "COP"; + parameter FiveZone.Data.Chiller[numChi] perChi( + each QEva_flow_nominal=QEva_nominal, + each COP_nominal=COP_nominal, + each mEva_flow_nominal=m2_flow_chi_nominal, + each mCon_flow_nominal=m1_flow_chi_nominal); + + parameter Buildings.Fluid.Movers.Data.Generic perPumCW( + each pressure= + Buildings.Fluid.Movers.BaseClasses.Characteristics.flowParameters( + V_flow=m1_flow_chi_nominal/1000*{0.2,0.6,1.0,1.2}, + dp=(dp1_chi_nominal+133500+30000+6000)*{1.2,1.1,1.0,0.6})) + "Performance data for condenser water pumps"; + + // Set point + parameter Modelica.SIunits.Temperature TCHWSet = 273.15 + 6 + "Chilled water temperature setpoint"; + parameter Modelica.SIunits.Pressure dpSetPoi = 36000 + "Differential pressure setpoint at cooling coil"; + + FiveZone.Controls.ChillerStage chiStaCon(tWai=0) + "Chiller staging control" annotation (Placement(transformation(extent={ + {1286,-138},{1306,-118}}))); + Modelica.Blocks.Math.RealToBoolean chiOn "Real value to boolean value" + annotation (Placement(transformation(extent={{1326,-138},{1346,-118}}))); + Modelica.Blocks.Math.IntegerToBoolean intToBoo( + threshold=Integer(FiveZone.Types.CoolingModes.FullMechanical)) + "Inverse on/off signal for the WSE" + annotation (Placement(transformation(extent={{1286,-164},{1306,-144}}))); + Modelica.Blocks.Logical.Not wseOn "True: WSE is on; False: WSE is off " + annotation (Placement(transformation(extent={{1326,-164},{1346,-144}}))); + FiveZone.Controls.ConstantSpeedPumpStage CWPumCon(tWai=0) + "Condenser water pump controller" annotation (Placement(transformation( + extent={{1284,-216},{1304,-196}}))); + Modelica.Blocks.Sources.IntegerExpression chiNumOn( + y=integer(chiStaCon.y)) + "The number of running chillers" + annotation (Placement(transformation(extent={{1196,-222},{1218,-200}}))); + Modelica.Blocks.Math.Gain gai(each k=1) + "Gain effect" + annotation (Placement(transformation(extent={{1326,-216},{1346,-196}}))); + FiveZone.Controls.CoolingTowerSpeed cooTowSpeCon( + controllerType=Modelica.Blocks.Types.SimpleController.PI, + yMin=0, + Ti=60, + k=0.1) "Cooling tower speed control" + annotation (Placement(transformation(extent={{1286,-106},{1306,-90}}))); + Modelica.Blocks.Sources.RealExpression TCWSupSet( + y=min(29.44 + 273.15, max(273.15+ 15.56, cooTow.TAir + 3))) + "Condenser water supply temperature setpoint" + annotation (Placement(transformation(extent={{1196,-100},{1216,-80}}))); + replaceable Buildings.Applications.DataCenters.ChillerCooled.Equipment.BaseClasses.PartialChillerWSE chiWSE( + redeclare replaceable package Medium1 = MediumW, + redeclare replaceable package Medium2 = MediumW, + numChi=numChi, + m1_flow_chi_nominal=m1_flow_chi_nominal, + m2_flow_chi_nominal=m2_flow_chi_nominal, + m1_flow_wse_nominal=m1_flow_wse_nominal, + m2_flow_wse_nominal=m2_flow_wse_nominal, + dp1_chi_nominal=dp1_chi_nominal, + dp1_wse_nominal=dp1_wse_nominal, + dp2_chi_nominal=dp2_chi_nominal, + dp2_wse_nominal=dp2_wse_nominal, + perChi = perChi, + use_inputFilter=false, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + use_controller=false) + "Chillers and waterside economizer" + annotation (Placement(transformation(extent={{694,-198},{674,-218}}))); + Buildings.Fluid.Sources.Boundary_pT expVesCW(redeclare replaceable + package Medium = + MediumW, nPorts=1) + "Expansion tank" + annotation (Placement(transformation(extent={{-9,-9.5},{9,9.5}}, + rotation=180, + origin={969,-299.5}))); + Buildings.Fluid.HeatExchangers.CoolingTowers.Merkel cooTow( + redeclare each replaceable package Medium = MediumW, + ratWatAir_nominal=1.5, + each TAirInWB_nominal(displayUnit="degC") = 273.15 + 25.55, + each energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyStateInitial, + each dp_nominal=30000, + each m_flow_nominal=m1_flow_chi_nominal, + TWatIn_nominal=273.15 + 35, + TWatOut_nominal=((273.15 + 35) - 273.15 - 5.56) + 273.15, + each PFan_nominal=4300) "Cooling tower" annotation (Placement( + transformation(extent={{-10,-10},{10,10}}, origin={748,-316}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TCHWSup(redeclare replaceable + package Medium = MediumW, m_flow_nominal=numChi*m2_flow_chi_nominal) + "Chilled water supply temperature" + annotation (Placement(transformation(extent={{778,-138},{758,-118}}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TCWSup(redeclare replaceable + package Medium = MediumW, m_flow_nominal=numChi*m1_flow_chi_nominal) + "Condenser water supply temperature" + annotation (Placement(transformation(extent={{818,-326},{838,-306}}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TCWRet(redeclare replaceable + package Medium = MediumW, m_flow_nominal=numChi*m1_flow_chi_nominal) + "Condenser water return temperature" + annotation (Placement(transformation(extent={{534,-326},{554,-306}}))); + Buildings.Fluid.Movers.SpeedControlled_y pumCW( + redeclare each replaceable package Medium = MediumW, + addPowerToMedium=false, + per=perPumCW, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial) + "Condenser water pump" annotation (Placement( + transformation( + extent={{10,10},{-10,-10}}, + rotation=-90, + origin={910,-288}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TCHWRet(redeclare replaceable + package Medium = MediumW, m_flow_nominal=numChi*m2_flow_chi_nominal) + "Chilled water return temperature" + annotation (Placement(transformation(extent={{618,-198},{598,-178}}))); + Buildings.Fluid.Sources.Boundary_pT expVesChi(redeclare replaceable + package Medium = + MediumW, nPorts=1) + "Expansion tank" + annotation (Placement(transformation(extent={{10,-10},{-10,10}}, + rotation=180, + origin={512,-179}))); + Buildings.Fluid.Sensors.RelativePressure senRelPre(redeclare replaceable + package Medium = MediumW) + "Differential pressure" + annotation (Placement(transformation(extent={{578,-130},{558,-150}}))); + Buildings.Fluid.Actuators.Valves.TwoWayLinear val( + redeclare each package Medium = MediumW, + m_flow_nominal=m1_flow_chi_nominal, + dpValve_nominal=6000, + dpFixed_nominal=133500) "Shutoff valves" + annotation (Placement(transformation(extent={{636,-326},{656,-306}}))); + Buildings.Controls.Continuous.LimPID pumSpe( + controllerType=Modelica.Blocks.Types.SimpleController.PI, + Ti=40, + yMin=0.2, + k=0.1, + reset=Buildings.Types.Reset.Parameter, + y_reset=0) + "Pump speed controller" + annotation (Placement(transformation(extent={{1340,-258},{1360,-238}}))); + Modelica.Blocks.Math.Gain dpGai(k=1/dpSetPoi) "Gain effect" + annotation (Placement(transformation(extent={{1256,-292},{1276,-272}}))); + Buildings.Fluid.Actuators.Valves.TwoWayEqualPercentage watVal + "Two-way valve" + annotation ( + Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=270, + origin={538,-108}))); + Buildings.Fluid.FixedResistances.PressureDrop resCHW( + m_flow_nominal=m2_flow_chi_nominal, + redeclare package Medium = MediumW, + dp_nominal=150000) "Resistance in chilled water loop" + annotation (Placement(transformation(extent={{630,-198},{650,-178}}))); + FiveZone.Controls.TemperatureDifferentialPressureReset temDifPreRes( + dpMin(displayUnit="Pa"), + dpMax(displayUnit="Pa"), + TMin(displayUnit="K"), + TMax(displayUnit="K")) annotation (Placement(transformation(extent={{1090, + -252},{1110,-232}}))); + Modelica.Blocks.Math.Gain dpSetGai(k=1/dpSetPoi) "Gain effect" + annotation (Placement(transformation(extent={{1256,-258},{1276,-238}}))); + Buildings.Utilities.IO.SignalExchange.Overwrite oveActdp(description= + "chilled water supply dp setpoint", u(unit="Pa")) + "Overwrite the chilled water dp setpoint" annotation (Placement( + transformation(extent={{1130,-240},{1150,-220}}))); + equation + + connect(chiStaCon.y,chiOn. u) + annotation (Line( + points={{1307,-128},{1324,-128}}, + color={0,0,127})); + connect(intToBoo.y,wseOn. u) + annotation (Line( + points={{1307,-154},{1324,-154}}, + color={255,0,255})); + connect(TCWSupSet.y,cooTowSpeCon. TCWSupSet) + annotation (Line( + points={{1217,-90},{1284,-90}}, + color={0,0,127})); + connect(chiNumOn.y,CWPumCon. numOnChi) + annotation (Line( + points={{1219.1,-211},{1282,-211}}, + color={255,127,0})); + connect(dpGai.y, pumSpe.u_m) annotation (Line(points={{1277,-282},{1350,-282}, + {1350,-260}}, color={0,0,127})); + + connect(val.port_b,cooTow. port_a) + annotation (Line(points={{656,-316},{738,-316}}, color={0,0,255}, + thickness=0.5)); + connect(TCWSup.port_b, expVesCW.ports[1]) annotation (Line(points={{838,-316}, + {938,-316},{938,-299.5},{960,-299.5}}, color={0,0,255}, + thickness=0.5)); + connect(senRelPre.p_rel, dpGai.u) annotation (Line(points={{568,-131},{568, + -18},{1182,-18},{1182,-282},{1254,-282}}, + color={0,0,127})); + connect(CWPumCon.y[1], gai.u) annotation (Line(points={{1305,-206.5},{1306, + -206.5},{1306,-206},{1324,-206}}, + color={0,0,127})); + connect(chiWSE.port_a1, pumCW.port_b) annotation (Line(points={{694,-214},{ + 708,-214},{708,-228},{910,-228},{910,-278}}, + color={0,0,255}, + thickness=0.5)); + connect(TCWSup.port_b, pumCW.port_a) annotation (Line(points={{838,-316},{910, + -316},{910,-298}}, color={0,0,255}, + thickness=0.5)); + connect(cooTow.port_b, TCWSup.port_a) + annotation (Line(points={{758,-316},{818,-316}}, color={0,0,255}, + thickness=0.5)); + connect(TCWRet.port_b, val.port_a) + annotation (Line(points={{554,-316},{636,-316}}, color={0,0,255}, + thickness=0.5)); + connect(dpSetGai.y, pumSpe.u_s) + annotation (Line(points={{1277,-248},{1338,-248}}, color={0,0,127})); + connect(chiWSE.port_b2,TCHWSup. port_a) + annotation (Line( + points={{694,-202},{718,-202},{718,-188},{906,-188},{906,-128},{778,-128}}, + color={28,108,200}, + thickness=0.5)); + connect(senRelPre.port_b, TCHWRet.port_b) annotation (Line(points={{558,-140}, + {538,-140},{538,-188},{598,-188}}, color={28,108,200}, + thickness=0.5)); + connect(TCWRet.port_a,chiWSE. port_b1) annotation (Line(points={{534,-316},{ + 502,-316},{502,-228},{664,-228},{664,-214},{674,-214}}, + color={0,0,255}, + thickness=0.5)); + connect(watVal.port_b, TCHWRet.port_b) annotation (Line(points={{538,-118},{ + 538,-188},{598,-188}}, color={28,108,200}, + thickness=0.5)); + connect(expVesChi.ports[1], TCHWRet.port_b) annotation (Line(points={{522, + -179},{538,-179},{538,-188},{598,-188}}, color={28,108,200}, + thickness=0.5)); + connect(senRelPre.port_a, TCHWSup.port_b) annotation (Line(points={{578,-140}, + {594,-140},{594,-128},{758,-128}}, color={28,108,200}, + thickness=0.5)); + connect(TCHWRet.port_a, resCHW.port_a) + annotation (Line(points={{618,-188},{630,-188}}, color={28,108,200}, + thickness=0.5)); + connect(resCHW.port_b, chiWSE.port_a2) annotation (Line(points={{650,-188},{ + 662,-188},{662,-202},{674,-202}}, color={28,108,200}, + thickness=0.5)); + connect(temDifPreRes.dpSet, oveActdp.u) annotation (Line(points={{1111, + -237},{1121.5,-237},{1121.5,-230},{1128,-230}}, color={0,0,127})); + connect(oveActdp.y, dpSetGai.u) annotation (Line(points={{1151,-230},{ + 1220,-230},{1220,-248},{1254,-248}}, color={0,0,127})); + annotation (Diagram(coordinateSystem(preserveAspectRatio=false, extent={{-400, + -500},{650,20}})), Documentation(info=" +

+This is a partial model that describes the chilled water cooling system in a data center. The sizing data +are collected from the reference. +

+

Reference

+ +", revisions=" + +")); + end PartialWaterside; + + partial model PartialHotWaterside + "Partial model that implements hot water-side system" + package MediumA = Buildings.Media.Air "Medium model for air"; + package MediumW = Buildings.Media.Water "Medium model for water"; + + // Boiler parameters + parameter Modelica.SIunits.MassFlowRate m_flow_boi_nominal= Q_flow_boi_nominal/4200/5 + "Nominal water mass flow rate at boiler"; + parameter Modelica.SIunits.Power Q_flow_boi_nominal + "Nominal heating capaciaty(Positive means heating)"; + parameter Modelica.SIunits.Pressure dpSetPoiHW = 36000 + "Differential pressure setpoint at heating coil"; + parameter Buildings.Fluid.Movers.Data.Generic perPumHW( + pressure=Buildings.Fluid.Movers.BaseClasses.Characteristics.flowParameters( + V_flow=m_flow_boi_nominal/1000*{0.2,0.6,1.0,1.2}, + dp=(85000+60000+6000+6000)*{1.5,1.3,1.0,0.6})) + "Performance data for primary pumps"; + + Buildings.Fluid.Actuators.Valves.TwoWayEqualPercentage HWVal( + redeclare package Medium = MediumW, + m_flow_nominal=m_flow_boi_nominal, + dpValve_nominal=6000) "Two-way valve" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=270, + origin={98,-180}))); + Buildings.Fluid.Sources.Boundary_pT expVesBoi(redeclare replaceable + package Medium = + MediumW, + T=318.15, nPorts=1) + "Expansion tank" + annotation (Placement(transformation(extent={{10,-10},{-10,10}}, + rotation=180, + origin={58,-319}))); + Buildings.Fluid.Sensors.TemperatureTwoPort THWRet(redeclare replaceable + package Medium = MediumW, m_flow_nominal=m_flow_boi_nominal) + "Boiler plant water return temperature" + annotation (Placement(transformation(extent={{10,-10},{-10,10}}, + rotation=90, + origin={98,-226}))); + Buildings.Fluid.FixedResistances.PressureDrop resHW( + m_flow_nominal=m_flow_boi_nominal, + redeclare package Medium = MediumW, + dp_nominal=85000) "Resistance in hot water loop" annotation (Placement( + transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={350,-260}))); + Buildings.Fluid.Boilers.BoilerPolynomial boi( + redeclare package Medium = MediumW, + m_flow_nominal=m_flow_boi_nominal, + dp_nominal=60000, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + Q_flow_nominal=Q_flow_boi_nominal, + T_nominal=318.15, + fue=Buildings.Fluid.Data.Fuels.NaturalGasLowerHeatingValue()) + annotation (Placement(transformation(extent={{130,-330},{150,-310}}))); + Buildings.Fluid.Actuators.Valves.TwoWayLinear boiIsoVal( + redeclare each package Medium = MediumW, + m_flow_nominal=m_flow_boi_nominal, + dpValve_nominal=6000) "Boiler Isolation Valve" + annotation (Placement(transformation(extent={{282,-330},{302,-310}}))); + Buildings.Fluid.Movers.SpeedControlled_y pumHW( + redeclare package Medium = MediumW, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + per=perPumHW, + addPowerToMedium=false) + annotation (Placement(transformation(extent={{198,-330},{218,-310}}))); + Buildings.Fluid.Sensors.TemperatureTwoPort THWSup(redeclare replaceable + package Medium = MediumW, m_flow_nominal=m_flow_boi_nominal) + "Hot water supply temperature" annotation (Placement(transformation( + extent={{10,-10},{-10,10}}, + rotation=90, + origin={350,-224}))); + Buildings.Fluid.Actuators.Valves.TwoWayEqualPercentage valBypBoi( + redeclare package Medium = MediumW, + m_flow_nominal=m_flow_boi_nominal, + dpValve_nominal=6000, + y_start=0, + use_inputFilter=false, + from_dp=true) "Bypass valve for boiler." annotation (Placement( + transformation(extent={{-10,-10},{10,10}}, origin={230,-252}))); + Buildings.Fluid.Sensors.RelativePressure senRelPreHW(redeclare + replaceable package Medium = + MediumW) "Differential pressure" + annotation (Placement(transformation(extent={{208,-196},{188,-216}}))); + + Modelica.Blocks.Math.Gain dpSetGaiHW(k=1/dpSetPoiHW) "Gain effect" + annotation (Placement(transformation(extent={{-120,-310},{-100,-290}}))); + Modelica.Blocks.Math.Gain dpGaiHW(k=1/dpSetPoiHW) "Gain effect" + annotation (Placement(transformation(extent={{-120,-350},{-100,-330}}))); + Buildings.Controls.Continuous.LimPID pumSpeHW( + controllerType=Modelica.Blocks.Types.SimpleController.PI, + Ti=40, + yMin=0.2, + k=0.1) "Pump speed controller" + annotation (Placement(transformation(extent={{-70,-330},{-50,-310}}))); + Buildings.Controls.OBC.CDL.Continuous.Product proPumHW + annotation (Placement(transformation(extent={{-32,-324},{-12,-304}}))); + FiveZone.Controls.MinimumFlowBypassValve minFloBypHW(controllerType= + Modelica.Blocks.Types.SimpleController.PI) + "Hot water loop minimum bypass valve control" + annotation (Placement(transformation(extent={{-74,-258},{-54,-238}}))); + Buildings.Fluid.Sensors.MassFlowRate senHWFlo(redeclare package Medium = + MediumW) + "Sensor for hot water flow rate" annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={98,-278}))); + Buildings.Controls.Continuous.LimPID boiTSup( + Td=1, + k=0.5, + controllerType=Modelica.Blocks.Types.SimpleController.PI, + Ti=100) "Boiler supply water temperature" + annotation (Placement(transformation(extent={{-74,-288},{-54,-268}}))); + Buildings.Controls.OBC.CDL.Continuous.Product proBoi + annotation (Placement(transformation(extent={{-32,-282},{-12,-262}}))); + FiveZone.Controls.TrimResponse triResHW( + uTri=0.9, + dpMin(displayUnit="kPa") = 0.5*dpSetPoiHW, + dpMax(displayUnit="kPa") = dpSetPoiHW) annotation (Placement( + transformation(extent={{-156,-236},{-136,-216}}))); + equation + connect(HWVal.port_b, THWRet.port_a) + annotation (Line(points={{98,-190},{98,-216}}, + color={238,46,47}, + thickness=0.5)); + connect(boi.port_b, pumHW.port_a) + annotation (Line(points={{150,-320},{198,-320}},color={238,46,47}, + thickness=0.5)); + connect(pumHW.port_b, boiIsoVal.port_a) + annotation (Line(points={{218,-320},{282,-320}}, color={238,46,47}, + thickness=0.5)); + connect(THWRet.port_a, senRelPreHW.port_b) + annotation (Line(points={{98,-216},{98,-206},{188,-206}}, + color={238,46,47}, + thickness=0.5)); + connect(senRelPreHW.port_a, THWSup.port_a) + annotation (Line(points={{208,-206},{350,-206},{350,-214}}, + color={238,46,47}, + thickness=0.5)); + connect(dpSetGaiHW.y, pumSpeHW.u_s) + annotation (Line(points={{-99,-300},{-86,-300},{-86,-320},{-72,-320}}, + color={0,0,127})); + connect(dpGaiHW.y, pumSpeHW.u_m) annotation (Line(points={{-99,-340},{-60, + -340},{-60,-332}}, + color={0,0,127})); + connect(senRelPreHW.p_rel, dpGaiHW.u) annotation (Line(points={{198,-197},{ + 198,-68},{-182,-68},{-182,-340},{-122,-340}}, + color={0,0,127})); + connect(pumSpeHW.y, proPumHW.u2) + annotation (Line(points={{-49,-320},{-34,-320}}, color={0,0,127})); + connect(proPumHW.y, pumHW.y) annotation (Line(points={{-10,-314},{10,-314},{ + 10,-360},{180,-360},{180,-300},{208,-300},{208,-308}}, + color={0,0,127})); + connect(THWSup.port_b, resHW.port_a) + annotation (Line(points={{350,-234},{350,-250}}, + color={238,46,47}, + thickness=1)); + connect(resHW.port_b, boiIsoVal.port_b) annotation (Line(points={{350,-270},{ + 350,-320},{302,-320}}, color={238,46,47}, + thickness=0.5)); + connect(expVesBoi.ports[1], boi.port_a) annotation (Line(points={{68,-319},{ + 100,-319},{100,-320},{130,-320}}, + color={238,46,47}, + thickness=0.5)); + connect(boiTSup.u_m, boi.T) annotation (Line(points={{-64,-290},{-64,-296},{ + -98,-296},{-98,-64},{160,-64},{160,-312},{151,-312}}, + color={0,0,127})); + connect(senHWFlo.m_flow, minFloBypHW.m_flow) annotation (Line(points={{87,-278}, + {72,-278},{72,-70},{-96,-70},{-96,-245},{-76,-245}}, color={0,0,127})); + connect(valBypBoi.port_a, senHWFlo.port_a) annotation (Line(points={{220,-252}, + {98,-252},{98,-268}}, color={238,46,47}, + thickness=0.5)); + connect(THWRet.port_b, senHWFlo.port_a) + annotation (Line(points={{98,-236},{98,-268}}, color={238,46,47}, + thickness=0.5)); + connect(senHWFlo.port_b, boi.port_a) annotation (Line(points={{98,-288},{98, + -320},{130,-320}}, color={238,46,47}, + thickness=0.5)); + connect(valBypBoi.port_b, resHW.port_b) annotation (Line(points={{240,-252},{ + 320,-252},{320,-290},{350,-290},{350,-270}}, color={238,46,47}, + thickness=0.5)); + connect(boiTSup.y, proBoi.u2) + annotation (Line(points={{-53,-278},{-34,-278}}, color={0,0,127})); + connect(proBoi.y, boi.y) annotation (Line(points={{-10,-272},{12,-272},{12, + -358},{120,-358},{120,-312},{128,-312}}, + color={0,0,127})); + connect(triResHW.dpSet, dpSetGaiHW.u) annotation (Line(points={{-135,-221},{ + -128,-221},{-128,-300},{-122,-300}}, color={0,0,127})); + connect(triResHW.TSet, boiTSup.u_s) annotation (Line(points={{-135,-231},{ + -100,-231},{-100,-278},{-76,-278}}, + color={0,0,127})); + connect(HWVal.y_actual, triResHW.u) annotation (Line(points={{91,-185},{91, + -200},{70,-200},{70,-66},{-180,-66},{-180,-226},{-158,-226}}, + color={0,0,127})); + annotation (Icon(coordinateSystem(preserveAspectRatio=false, extent={{-200, + -380},{350,-60}})), Diagram( + coordinateSystem(preserveAspectRatio=false, extent={{-200,-380},{350, + -60}}))); + end PartialHotWaterside; + + partial model PartialPhysicalAirside + "Partial model of variable air volume flow system with terminal reheat and five + thermal zones: this is a copy of Buildings.Examples.VAVReheat.BaseClasses.PartialOpenLoop" + + package MediumA = Buildings.Media.Air "Medium model for air"; + package MediumW = Buildings.Media.Water "Medium model for water"; + + constant Integer numZon=5 "Total number of served VAV boxes"; + + parameter Modelica.SIunits.Volume VRooCor=AFloCor*flo.hRoo + "Room volume corridor"; + parameter Modelica.SIunits.Volume VRooSou=AFloSou*flo.hRoo + "Room volume south"; + parameter Modelica.SIunits.Volume VRooNor=AFloNor*flo.hRoo + "Room volume north"; + parameter Modelica.SIunits.Volume VRooEas=AFloEas*flo.hRoo "Room volume east"; + parameter Modelica.SIunits.Volume VRooWes=AFloWes*flo.hRoo "Room volume west"; + + parameter Modelica.SIunits.Area AFloCor=flo.cor.AFlo "Floor area corridor"; + parameter Modelica.SIunits.Area AFloSou=flo.sou.AFlo "Floor area south"; + parameter Modelica.SIunits.Area AFloNor=flo.nor.AFlo "Floor area north"; + parameter Modelica.SIunits.Area AFloEas=flo.eas.AFlo "Floor area east"; + parameter Modelica.SIunits.Area AFloWes=flo.wes.AFlo "Floor area west"; + + parameter Modelica.SIunits.Area AFlo[numZon]={flo.cor.AFlo,flo.sou.AFlo,flo.eas.AFlo, + flo.nor.AFlo,flo.wes.AFlo} "Floor area of each zone"; + final parameter Modelica.SIunits.Area ATot=sum(AFlo) "Total floor area"; + + constant Real conv=1.2/3600 "Conversion factor for nominal mass flow rate"; + parameter Modelica.SIunits.MassFlowRate mCor_flow_nominal=6*VRooCor*conv + "Design mass flow rate core"; + parameter Modelica.SIunits.MassFlowRate mSou_flow_nominal=6*VRooSou*conv + "Design mass flow rate perimeter 1"; + parameter Modelica.SIunits.MassFlowRate mEas_flow_nominal=9*VRooEas*conv + "Design mass flow rate perimeter 2"; + parameter Modelica.SIunits.MassFlowRate mNor_flow_nominal=6*VRooNor*conv + "Design mass flow rate perimeter 3"; + parameter Modelica.SIunits.MassFlowRate mWes_flow_nominal=7*VRooWes*conv + "Design mass flow rate perimeter 4"; + parameter Modelica.SIunits.MassFlowRate m_flow_nominal=0.7*(mCor_flow_nominal + + mSou_flow_nominal + mEas_flow_nominal + mNor_flow_nominal + + mWes_flow_nominal) "Nominal mass flow rate"; + parameter Modelica.SIunits.Angle lat=41.98*3.14159/180 "Latitude"; + + parameter Modelica.SIunits.Temperature THeaOn=293.15 + "Heating setpoint during on"; + parameter Modelica.SIunits.Temperature THeaOff=285.15 + "Heating setpoint during off"; + parameter Modelica.SIunits.Temperature TCooOn=297.15 + "Cooling setpoint during on"; + parameter Modelica.SIunits.Temperature TCooOff=303.15 + "Cooling setpoint during off"; + parameter Modelica.SIunits.PressureDifference dpBuiStaSet(min=0) = 12 + "Building static pressure"; + parameter Real yFanMin = 0.1 "Minimum fan speed"; + + // parameter Modelica.SIunits.HeatFlowRate QHeaCoi_nominal= 2.5*yFanMin*m_flow_nominal*1000*(20 - 4) + // "Nominal capacity of heating coil"; + + parameter Boolean allowFlowReversal=true + "= false to simplify equations, assuming, but not enforcing, no flow reversal" + annotation (Evaluate=true); + + parameter Boolean use_windPressure=true "Set to true to enable wind pressure"; + + parameter Boolean sampleModel=true + "Set to true to time-sample the model, which can give shorter simulation time if there is already time sampling in the system model" + annotation (Evaluate=true, Dialog(tab= + "Experimental (may be changed in future releases)")); + + // sizing parameter + parameter Modelica.SIunits.HeatFlowRate designCoolLoad = -m_flow_nominal*1000*15 "Design cooling load"; + parameter Modelica.SIunits.HeatFlowRate designHeatLoad = 0.6*m_flow_nominal*1006*(18 - 8) "Design heating load"; + + Buildings.Fluid.Sources.Outside amb(redeclare package Medium = MediumA, + nPorts=3) "Ambient conditions" + annotation (Placement(transformation(extent={{-136,-56},{-114,-34}}))); + // Buildings.Fluid.HeatExchangers.DryCoilCounterFlow heaCoi( + // redeclare package Medium1 = MediumW, + // redeclare package Medium2 = MediumA, + // UA_nominal = QHeaCoi_nominal/Buildings.Fluid.HeatExchangers.BaseClasses.lmtd( + // T_a1=45, + // T_b1=35, + // T_a2=3, + // T_b2=20), + // m2_flow_nominal=m_flow_nominal, + // allowFlowReversal1=false, + // allowFlowReversal2=allowFlowReversal, + // dp1_nominal=0, + // dp2_nominal=200 + 200 + 100 + 40, + // m1_flow_nominal=QHeaCoi_nominal/4200/10, + // energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial) + // "Heating coil" + // annotation (Placement(transformation(extent={{118,-36},{98,-56}}))); + + Buildings.Fluid.HeatExchangers.DryCoilEffectivenessNTU heaCoi( + redeclare package Medium1 = MediumW, + redeclare package Medium2 = MediumA, + m1_flow_nominal=designHeatLoad/4200/5, + m2_flow_nominal=0.6*m_flow_nominal, + configuration=Buildings.Fluid.Types.HeatExchangerConfiguration.CounterFlow, + Q_flow_nominal=designHeatLoad, + dp1_nominal=0, + dp2_nominal=200 + 200 + 100 + 40, + allowFlowReversal1=false, + allowFlowReversal2=allowFlowReversal, + T_a1_nominal=318.15, + T_a2_nominal=281.65) "Heating coil" + annotation (Placement(transformation(extent={{118,-36},{98,-56}}))); + + Buildings.Fluid.HeatExchangers.WetCoilCounterFlow cooCoi( + UA_nominal=-designCoolLoad/ + Buildings.Fluid.HeatExchangers.BaseClasses.lmtd( + T_a1=26.2, + T_b1=12.8, + T_a2=6, + T_b2=12), + redeclare package Medium1 = MediumW, + redeclare package Medium2 = MediumA, + m1_flow_nominal=-designCoolLoad/4200/6, + m2_flow_nominal=m_flow_nominal, + dp2_nominal=0, + dp1_nominal=30000, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + allowFlowReversal1=false, + allowFlowReversal2=allowFlowReversal) "Cooling coil" + annotation (Placement(transformation(extent={{210,-36},{190,-56}}))); + Buildings.Fluid.FixedResistances.PressureDrop dpRetDuc( + m_flow_nominal=m_flow_nominal, + redeclare package Medium = MediumA, + allowFlowReversal=allowFlowReversal, + dp_nominal=490) + "Pressure drop for return duct" + annotation (Placement(transformation(extent={{400,130},{380,150}}))); + Buildings.Fluid.Movers.SpeedControlled_y fanSup( + redeclare package Medium = MediumA, + per(pressure(V_flow=m_flow_nominal/1.2*{0.2,0.6,1.0,1.2}, dp=(1030 + 220 + + 10 + 20 + dpBuiStaSet)*{1.2,1.1,1.0,0.6})), + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + addPowerToMedium=false) "Supply air fan" + annotation (Placement(transformation(extent={{300,-50},{320,-30}}))); + + Buildings.Fluid.Sensors.VolumeFlowRate senSupFlo(redeclare package Medium = + MediumA, m_flow_nominal=m_flow_nominal) + "Sensor for supply fan flow rate" + annotation (Placement(transformation(extent={{400,-50},{420,-30}}))); + + Buildings.Fluid.Sensors.VolumeFlowRate senRetFlo(redeclare package Medium = + MediumA, m_flow_nominal=m_flow_nominal) + "Sensor for return fan flow rate" + annotation (Placement(transformation(extent={{360,130},{340,150}}))); + + Modelica.Blocks.Routing.RealPassThrough TOut(y( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC", + min=0)) + annotation (Placement(transformation(extent={{-300,170},{-280,190}}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TSup( + redeclare package Medium = MediumA, + m_flow_nominal=m_flow_nominal, + allowFlowReversal=allowFlowReversal) + annotation (Placement(transformation(extent={{330,-50},{350,-30}}))); + Buildings.Fluid.Sensors.RelativePressure dpDisSupFan(redeclare package + Medium = + MediumA) "Supply fan static discharge pressure" annotation (Placement( + transformation( + extent={{-10,10},{10,-10}}, + rotation=90, + origin={320,0}))); + Buildings.Controls.SetPoints.OccupancySchedule occSch(occupancy=3600*{6,19}) + "Occupancy schedule" + annotation (Placement(transformation(extent={{-318,-80},{-298,-60}}))); + Buildings.Utilities.Math.Min min(nin=5) "Computes lowest room temperature" + annotation (Placement(transformation(extent={{1200,440},{1220,460}}))); + Buildings.Utilities.Math.Average ave(nin=5) + "Compute average of room temperatures" + annotation (Placement(transformation(extent={{1200,410},{1220,430}}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TRet( + redeclare package Medium = MediumA, + m_flow_nominal=m_flow_nominal, + allowFlowReversal=allowFlowReversal) "Return air temperature sensor" + annotation (Placement(transformation(extent={{110,130},{90,150}}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TMix( + redeclare package Medium = MediumA, + m_flow_nominal=m_flow_nominal, + allowFlowReversal=allowFlowReversal) "Mixed air temperature sensor" + annotation (Placement(transformation(extent={{30,-50},{50,-30}}))); + Buildings.Fluid.Sensors.VolumeFlowRate VOut1(redeclare package Medium = + MediumA, m_flow_nominal=m_flow_nominal) "Outside air volume flow rate" + annotation (Placement(transformation(extent={{-72,-44},{-50,-22}}))); + + FiveZone.VAVReheat.ThermalZones.VAVBranch cor( + redeclare package MediumA = MediumA, + redeclare package MediumW = MediumW, + m_flow_nominal=mCor_flow_nominal, + VRoo=VRooCor, + allowFlowReversal=allowFlowReversal) + "Zone for core of buildings (azimuth will be neglected)" + annotation (Placement(transformation(extent={{570,22},{610,62}}))); + FiveZone.VAVReheat.ThermalZones.VAVBranch sou( + redeclare package MediumA = MediumA, + redeclare package MediumW = MediumW, + m_flow_nominal=mSou_flow_nominal, + VRoo=VRooSou, + allowFlowReversal=allowFlowReversal) "South-facing thermal zone" + annotation (Placement(transformation(extent={{750,20},{790,60}}))); + FiveZone.VAVReheat.ThermalZones.VAVBranch eas( + redeclare package MediumA = MediumA, + redeclare package MediumW = MediumW, + m_flow_nominal=mEas_flow_nominal, + VRoo=VRooEas, + allowFlowReversal=allowFlowReversal) "East-facing thermal zone" + annotation (Placement(transformation(extent={{930,20},{970,60}}))); + FiveZone.VAVReheat.ThermalZones.VAVBranch nor( + redeclare package MediumA = MediumA, + redeclare package MediumW = MediumW, + m_flow_nominal=mNor_flow_nominal, + VRoo=VRooNor, + allowFlowReversal=allowFlowReversal) "North-facing thermal zone" + annotation (Placement(transformation(extent={{1090,20},{1130,60}}))); + FiveZone.VAVReheat.ThermalZones.VAVBranch wes( + redeclare package MediumA = MediumA, + redeclare package MediumW = MediumW, + m_flow_nominal=mWes_flow_nominal, + VRoo=VRooWes, + allowFlowReversal=allowFlowReversal) "West-facing thermal zone" + annotation (Placement(transformation(extent={{1290,20},{1330,60}}))); + Buildings.Fluid.FixedResistances.Junction splRetRoo1( + redeclare package Medium = MediumA, + m_flow_nominal={m_flow_nominal,m_flow_nominal - mCor_flow_nominal, + mCor_flow_nominal}, + from_dp=false, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering) + "Splitter for room return" + annotation (Placement(transformation(extent={{630,10},{650,-10}}))); + Buildings.Fluid.FixedResistances.Junction splRetSou( + redeclare package Medium = MediumA, + m_flow_nominal={mSou_flow_nominal + mEas_flow_nominal + mNor_flow_nominal + + mWes_flow_nominal,mEas_flow_nominal + mNor_flow_nominal + + mWes_flow_nominal,mSou_flow_nominal}, + from_dp=false, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering) + "Splitter for room return" + annotation (Placement(transformation(extent={{812,10},{832,-10}}))); + Buildings.Fluid.FixedResistances.Junction splRetEas( + redeclare package Medium = MediumA, + m_flow_nominal={mEas_flow_nominal + mNor_flow_nominal + mWes_flow_nominal, + mNor_flow_nominal + mWes_flow_nominal,mEas_flow_nominal}, + from_dp=false, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering) + "Splitter for room return" + annotation (Placement(transformation(extent={{992,10},{1012,-10}}))); + Buildings.Fluid.FixedResistances.Junction splRetNor( + redeclare package Medium = MediumA, + m_flow_nominal={mNor_flow_nominal + mWes_flow_nominal,mWes_flow_nominal, + mNor_flow_nominal}, + from_dp=false, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering) + "Splitter for room return" + annotation (Placement(transformation(extent={{1142,10},{1162,-10}}))); + Buildings.Fluid.FixedResistances.Junction splSupRoo1( + redeclare package Medium = MediumA, + m_flow_nominal={m_flow_nominal,m_flow_nominal - mCor_flow_nominal, + mCor_flow_nominal}, + from_dp=true, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving) + "Splitter for room supply" + annotation (Placement(transformation(extent={{570,-30},{590,-50}}))); + Buildings.Fluid.FixedResistances.Junction splSupSou( + redeclare package Medium = MediumA, + m_flow_nominal={mSou_flow_nominal + mEas_flow_nominal + mNor_flow_nominal + + mWes_flow_nominal,mEas_flow_nominal + mNor_flow_nominal + + mWes_flow_nominal,mSou_flow_nominal}, + from_dp=true, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving) + "Splitter for room supply" + annotation (Placement(transformation(extent={{750,-30},{770,-50}}))); + Buildings.Fluid.FixedResistances.Junction splSupEas( + redeclare package Medium = MediumA, + m_flow_nominal={mEas_flow_nominal + mNor_flow_nominal + mWes_flow_nominal, + mNor_flow_nominal + mWes_flow_nominal,mEas_flow_nominal}, + from_dp=true, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving) + "Splitter for room supply" + annotation (Placement(transformation(extent={{930,-30},{950,-50}}))); + Buildings.Fluid.FixedResistances.Junction splSupNor( + redeclare package Medium = MediumA, + m_flow_nominal={mNor_flow_nominal + mWes_flow_nominal,mWes_flow_nominal, + mNor_flow_nominal}, + from_dp=true, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving) + "Splitter for room supply" + annotation (Placement(transformation(extent={{1090,-30},{1110,-50}}))); + Buildings.BoundaryConditions.WeatherData.ReaderTMY3 weaDat(filNam= + Modelica.Utilities.Files.loadResource("modelica://Buildings/Resources/weatherdata/USA_IL_Chicago-OHare.Intl.AP.725300_TMY3.mos")) + annotation (Placement(transformation(extent={{-360,170},{-340,190}}))); + Buildings.BoundaryConditions.WeatherData.Bus weaBus "Weather Data Bus" + annotation (Placement(transformation(extent={{-330,170},{-310,190}}), + iconTransformation(extent={{-360,170},{-340,190}}))); + FiveZone.VAVReheat.ThermalZones.Floor flo( + redeclare final package Medium = MediumA, + final lat=lat, + final use_windPressure=use_windPressure, + final sampleModel=sampleModel) + "Model of a floor of the building that is served by this VAV system" + annotation (Placement(transformation(extent={{772,396},{1100,616}}))); + Modelica.Blocks.Routing.DeMultiplex5 TRooAir(u(each unit="K", each + displayUnit="degC")) "Demultiplex for room air temperature" + annotation (Placement(transformation(extent={{490,160},{510,180}}))); + + Buildings.Fluid.Sensors.TemperatureTwoPort TSupCor( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mCor_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air temperature" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={580,92}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TSupSou( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mSou_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air temperature" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={760,92}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TSupEas( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mEas_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air temperature" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={940,90}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TSupNor( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mNor_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air temperature" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={1100,94}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TSupWes( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mWes_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air temperature" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={1300,90}))); + Buildings.Fluid.Sensors.VolumeFlowRate VSupCor_flow( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mCor_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air flow rate" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={580,130}))); + Buildings.Fluid.Sensors.VolumeFlowRate VSupSou_flow( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mSou_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air flow rate" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={760,130}))); + Buildings.Fluid.Sensors.VolumeFlowRate VSupEas_flow( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mEas_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air flow rate" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={940,128}))); + Buildings.Fluid.Sensors.VolumeFlowRate VSupNor_flow( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mNor_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air flow rate" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={1100,132}))); + Buildings.Fluid.Sensors.VolumeFlowRate VSupWes_flow( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mWes_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air flow rate" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={1300,128}))); + FiveZone.VAVReheat.BaseClasses.MixingBox eco( + redeclare package Medium = MediumA, + mOut_flow_nominal=m_flow_nominal, + dpOut_nominal=10, + mRec_flow_nominal=m_flow_nominal, + dpRec_nominal=10, + mExh_flow_nominal=m_flow_nominal, + dpExh_nominal=10, + from_dp=false) "Economizer" annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=0, + origin={-10,-46}))); + + Results res( + final A=ATot, + PFan=fanSup.P + 0, + PHea=heaCoi.Q2_flow + cor.terHea.Q1_flow + nor.terHea.Q1_flow + wes.terHea.Q1_flow + + eas.terHea.Q1_flow + sou.terHea.Q1_flow, + PCooSen=cooCoi.QSen2_flow, + PCooLat=cooCoi.QLat2_flow) "Results of the simulation"; + /*fanRet*/ + + protected + model Results "Model to store the results of the simulation" + parameter Modelica.SIunits.Area A "Floor area"; + input Modelica.SIunits.Power PFan "Fan energy"; + input Modelica.SIunits.Power PHea "Heating energy"; + input Modelica.SIunits.Power PCooSen "Sensible cooling energy"; + input Modelica.SIunits.Power PCooLat "Latent cooling energy"; + + Real EFan( + unit="J/m2", + start=0, + nominal=1E5, + fixed=true) "Fan energy"; + Real EHea( + unit="J/m2", + start=0, + nominal=1E5, + fixed=true) "Heating energy"; + Real ECooSen( + unit="J/m2", + start=0, + nominal=1E5, + fixed=true) "Sensible cooling energy"; + Real ECooLat( + unit="J/m2", + start=0, + nominal=1E5, + fixed=true) "Latent cooling energy"; + Real ECoo(unit="J/m2") "Total cooling energy"; + equation + + A*der(EFan) = PFan; + A*der(EHea) = PHea; + A*der(ECooSen) = PCooSen; + A*der(ECooLat) = PCooLat; + ECoo = ECooSen + ECooLat; + + end Results; + public + Buildings.Controls.OBC.CDL.Logical.OnOffController freSta(bandwidth=1) + "Freeze stat for heating coil" + annotation (Placement(transformation(extent={{0,-102},{20,-82}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant freStaTSetPoi(k=273.15 + + 3) "Freeze stat set point for heating coil" + annotation (Placement(transformation(extent={{-40,-96},{-20,-76}}))); + + equation + connect(fanSup.port_b, dpDisSupFan.port_a) annotation (Line( + points={{320,-40},{320,-10}}, + color={0,0,0}, + smooth=Smooth.None, + pattern=LinePattern.Dot)); + connect(TSup.port_a, fanSup.port_b) annotation (Line( + points={{330,-40},{320,-40}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(amb.ports[1], VOut1.port_a) annotation (Line( + points={{-114,-42.0667},{-94,-42.0667},{-94,-33},{-72,-33}}, + color={170,213,255}, + thickness=0.5)); + connect(splRetRoo1.port_1, dpRetDuc.port_a) annotation (Line( + points={{630,0},{430,0},{430,140},{400,140}}, + color={170,213,255}, + thickness=0.5)); + connect(splRetNor.port_1, splRetEas.port_2) annotation (Line( + points={{1142,0},{1110,0},{1110,0},{1078,0},{1078,0},{1012,0}}, + color={170,213,255}, + thickness=0.5)); + connect(splRetEas.port_1, splRetSou.port_2) annotation (Line( + points={{992,0},{952,0},{952,0},{912,0},{912,0},{832,0}}, + color={170,213,255}, + thickness=0.5)); + connect(splRetSou.port_1, splRetRoo1.port_2) annotation (Line( + points={{812,0},{650,0}}, + color={170,213,255}, + thickness=0.5)); + connect(splSupRoo1.port_3, cor.port_a) annotation (Line( + points={{580,-30},{580,22}}, + color={170,213,255}, + thickness=0.5)); + connect(splSupRoo1.port_2, splSupSou.port_1) annotation (Line( + points={{590,-40},{750,-40}}, + color={170,213,255}, + thickness=0.5)); + connect(splSupSou.port_3, sou.port_a) annotation (Line( + points={{760,-30},{760,20}}, + color={170,213,255}, + thickness=0.5)); + connect(splSupSou.port_2, splSupEas.port_1) annotation (Line( + points={{770,-40},{930,-40}}, + color={170,213,255}, + thickness=0.5)); + connect(splSupEas.port_3, eas.port_a) annotation (Line( + points={{940,-30},{940,20}}, + color={170,213,255}, + thickness=0.5)); + connect(splSupEas.port_2, splSupNor.port_1) annotation (Line( + points={{950,-40},{1090,-40}}, + color={170,213,255}, + thickness=0.5)); + connect(splSupNor.port_3, nor.port_a) annotation (Line( + points={{1100,-30},{1100,20}}, + color={170,213,255}, + thickness=0.5)); + connect(splSupNor.port_2, wes.port_a) annotation (Line( + points={{1110,-40},{1300,-40},{1300,20}}, + color={170,213,255}, + thickness=0.5)); + connect(weaDat.weaBus, weaBus) annotation (Line( + points={{-340,180},{-320,180}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(weaBus.TDryBul, TOut.u) annotation (Line( + points={{-320,180},{-302,180}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(amb.weaBus, weaBus) annotation (Line( + points={{-136,-44.78},{-320,-44.78},{-320,180}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(splRetRoo1.port_3, flo.portsCor[2]) annotation (Line( + points={{640,10},{640,364},{874,364},{874,472},{898,472},{898,449.533}, + {924.286,449.533}}, + color={170,213,255}, + thickness=0.5)); + connect(splRetSou.port_3, flo.portsSou[2]) annotation (Line( + points={{822,10},{822,350},{900,350},{900,420.2},{924.286,420.2}}, + color={170,213,255}, + thickness=0.5)); + connect(splRetEas.port_3, flo.portsEas[2]) annotation (Line( + points={{1002,10},{1002,368},{1067.2,368},{1067.2,445.867}}, + color={170,213,255}, + thickness=0.5)); + connect(splRetNor.port_3, flo.portsNor[2]) annotation (Line( + points={{1152,10},{1152,446},{924.286,446},{924.286,478.867}}, + color={170,213,255}, + thickness=0.5)); + connect(splRetNor.port_2, flo.portsWes[2]) annotation (Line( + points={{1162,0},{1342,0},{1342,394},{854,394},{854,449.533}}, + color={170,213,255}, + thickness=0.5)); + connect(weaBus, flo.weaBus) annotation (Line( + points={{-320,180},{-320,506},{988.714,506}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(flo.TRooAir, min.u) annotation (Line( + points={{1094.14,491.333},{1164.7,491.333},{1164.7,450},{1198,450}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(flo.TRooAir, ave.u) annotation (Line( + points={{1094.14,491.333},{1166,491.333},{1166,420},{1198,420}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(TRooAir.u, flo.TRooAir) annotation (Line( + points={{488,170},{480,170},{480,538},{1164,538},{1164,491.333},{ + 1094.14,491.333}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + + connect(cooCoi.port_b2, fanSup.port_a) annotation (Line( + points={{210,-40},{300,-40}}, + color={170,213,255}, + thickness=0.5)); + connect(cor.port_b, TSupCor.port_a) annotation (Line( + points={{580,62},{580,82}}, + color={170,213,255}, + thickness=0.5)); + + connect(sou.port_b, TSupSou.port_a) annotation (Line( + points={{760,60},{760,82}}, + color={170,213,255}, + thickness=0.5)); + connect(eas.port_b, TSupEas.port_a) annotation (Line( + points={{940,60},{940,80}}, + color={170,213,255}, + thickness=0.5)); + connect(nor.port_b, TSupNor.port_a) annotation (Line( + points={{1100,60},{1100,84}}, + color={170,213,255}, + thickness=0.5)); + connect(wes.port_b, TSupWes.port_a) annotation (Line( + points={{1300,60},{1300,80}}, + color={170,213,255}, + thickness=0.5)); + + connect(TSupCor.port_b, VSupCor_flow.port_a) annotation (Line( + points={{580,102},{580,120}}, + color={170,213,255}, + thickness=0.5)); + connect(TSupSou.port_b, VSupSou_flow.port_a) annotation (Line( + points={{760,102},{760,120}}, + color={170,213,255}, + thickness=0.5)); + connect(TSupEas.port_b, VSupEas_flow.port_a) annotation (Line( + points={{940,100},{940,100},{940,118}}, + color={170,213,255}, + thickness=0.5)); + connect(TSupNor.port_b, VSupNor_flow.port_a) annotation (Line( + points={{1100,104},{1100,122}}, + color={170,213,255}, + thickness=0.5)); + connect(TSupWes.port_b, VSupWes_flow.port_a) annotation (Line( + points={{1300,100},{1300,118}}, + color={170,213,255}, + thickness=0.5)); + connect(VSupCor_flow.port_b, flo.portsCor[1]) annotation (Line( + points={{580,140},{580,372},{866,372},{866,480},{912.571,480},{ + 912.571,449.533}}, + color={170,213,255}, + thickness=0.5)); + + connect(VSupSou_flow.port_b, flo.portsSou[1]) annotation (Line( + points={{760,140},{760,356},{912.571,356},{912.571,420.2}}, + color={170,213,255}, + thickness=0.5)); + connect(VSupEas_flow.port_b, flo.portsEas[1]) annotation (Line( + points={{940,138},{940,376},{1055.49,376},{1055.49,445.867}}, + color={170,213,255}, + thickness=0.5)); + connect(VSupNor_flow.port_b, flo.portsNor[1]) annotation (Line( + points={{1100,142},{1100,498},{912.571,498},{912.571,478.867}}, + color={170,213,255}, + thickness=0.5)); + connect(VSupWes_flow.port_b, flo.portsWes[1]) annotation (Line( + points={{1300,138},{1300,384},{842.286,384},{842.286,449.533}}, + color={170,213,255}, + thickness=0.5)); + connect(VOut1.port_b, eco.port_Out) annotation (Line( + points={{-50,-33},{-42,-33},{-42,-40},{-20,-40}}, + color={170,213,255}, + thickness=0.5)); + connect(eco.port_Sup, TMix.port_a) annotation (Line( + points={{0,-40},{30,-40}}, + color={170,213,255}, + thickness=0.5)); + connect(eco.port_Exh, amb.ports[2]) annotation (Line( + points={{-20,-52},{-96,-52},{-96,-45},{-114,-45}}, + color={170,213,255}, + thickness=0.5)); + connect(eco.port_Ret, TRet.port_b) annotation (Line( + points={{0,-52},{10,-52},{10,140},{90,140}}, + color={170,213,255}, + thickness=0.5)); + connect(senRetFlo.port_a, dpRetDuc.port_b) + annotation (Line(points={{360,140},{380,140}}, color={170,213,255}, + thickness=0.5)); + connect(TSup.port_b, senSupFlo.port_a) + annotation (Line(points={{350,-40},{400,-40}}, color={170,213,255}, + thickness=0.5)); + connect(senSupFlo.port_b, splSupRoo1.port_1) + annotation (Line(points={{420,-40},{570,-40}}, color={170,213,255}, + thickness=0.5)); + connect(dpDisSupFan.port_b, amb.ports[3]) annotation (Line( + points={{320,10},{320,14},{-88,14},{-88,-47.9333},{-114,-47.9333}}, + color={0,0,0}, + pattern=LinePattern.Dot)); + connect(senRetFlo.port_b, TRet.port_a) annotation (Line(points={{340,140},{ + 226,140},{110,140}}, color={170,213,255}, + thickness=0.5)); + connect(freStaTSetPoi.y, freSta.reference) + annotation (Line(points={{-18,-86},{-2,-86}}, color={0,0,127})); + connect(freSta.u, TMix.T) annotation (Line(points={{-2,-98},{-10,-98},{-10,-70}, + {20,-70},{20,-20},{40,-20},{40,-29}}, color={0,0,127})); + connect(TMix.port_b, heaCoi.port_a2) annotation (Line( + points={{50,-40},{98,-40}}, + color={170,213,255}, + thickness=0.5)); + connect(heaCoi.port_b2, cooCoi.port_a2) annotation (Line( + points={{118,-40},{190,-40}}, + color={170,213,255}, + thickness=0.5)); + annotation (Diagram(coordinateSystem(preserveAspectRatio=false, extent={{-380, + -400},{1420,600}})), Documentation(info=" +

+This model consist of an HVAC system, a building envelope model and a model +for air flow through building leakage and through open doors. +

+

+The HVAC system is a variable air volume (VAV) flow system with economizer +and a heating and cooling coil in the air handler unit. There is also a +reheat coil and an air damper in each of the five zone inlet branches. +The figure below shows the schematic diagram of the HVAC system +

+

+\"image\" +

+

+Most of the HVAC control in this model is open loop. +Two models that extend this model, namely + +Buildings.Examples.VAVReheat.ASHRAE2006 +and + +Buildings.Examples.VAVReheat.Guideline36 +add closed loop control. See these models for a description of +the control sequence. +

+

+To model the heat transfer through the building envelope, +a model of five interconnected rooms is used. +The five room model is representative of one floor of the +new construction medium office building for Chicago, IL, +as described in the set of DOE Commercial Building Benchmarks +(Deru et al, 2009). There are four perimeter zones and one core zone. +The envelope thermal properties meet ASHRAE Standard 90.1-2004. +The thermal room model computes transient heat conduction through +walls, floors and ceilings and long-wave radiative heat exchange between +surfaces. The convective heat transfer coefficient is computed based +on the temperature difference between the surface and the room air. +There is also a layer-by-layer short-wave radiation, +long-wave radiation, convection and conduction heat transfer model for the +windows. The model is similar to the +Window 5 model and described in TARCOG 2006. +

+

+Each thermal zone can have air flow from the HVAC system, through leakages of the building envelope (except for the core zone) and through bi-directional air exchange through open doors that connect adjacent zones. The bi-directional air exchange is modeled based on the differences in static pressure between adjacent rooms at a reference height plus the difference in static pressure across the door height as a function of the difference in air density. +Infiltration is a function of the +flow imbalance of the HVAC system. +

+

References

+

+Deru M., K. Field, D. Studer, K. Benne, B. Griffith, P. Torcellini, + M. Halverson, D. Winiarski, B. Liu, M. Rosenberg, J. Huang, M. Yazdanian, and D. Crawley. +DOE commercial building research benchmarks for commercial buildings. +Technical report, U.S. Department of Energy, Energy Efficiency and +Renewable Energy, Office of Building Technologies, Washington, DC, 2009. +

+

+TARCOG 2006: Carli, Inc., TARCOG: Mathematical models for calculation +of thermal performance of glazing systems with our without +shading devices, Technical Report, Oct. 17, 2006. +

+", revisions=" + +")); + end PartialPhysicalAirside; + + partial model PartialAirside + "Variable air volume flow system with terminal reheat and five thermal zones" + extends FiveZone.BaseClasses.PartialPhysicalAirside(heaCoi(dp1_nominal= + 30000)); + + parameter Modelica.SIunits.VolumeFlowRate VPriSysMax_flow=m_flow_nominal/1.2 + "Maximum expected system primary airflow rate at design stage"; + parameter Modelica.SIunits.VolumeFlowRate minZonPriFlo[numZon]={ + mCor_flow_nominal,mSou_flow_nominal,mEas_flow_nominal,mNor_flow_nominal, + mWes_flow_nominal}/1.2 "Minimum expected zone primary flow rate"; + parameter Modelica.SIunits.Time samplePeriod=120 + "Sample period of component, set to the same value as the trim and respond that process yPreSetReq"; + parameter Modelica.SIunits.PressureDifference dpDisRetMax=40 + "Maximum return fan discharge static pressure setpoint"; + + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVCor( + V_flow_nominal=mCor_flow_nominal/1.2, + AFlo=AFloCor, + final samplePeriod=samplePeriod) "Controller for terminal unit corridor" + annotation (Placement(transformation(extent={{530,32},{550,52}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVSou( + V_flow_nominal=mSou_flow_nominal/1.2, + AFlo=AFloSou, + final samplePeriod=samplePeriod) "Controller for terminal unit south" + annotation (Placement(transformation(extent={{700,30},{720,50}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVEas( + V_flow_nominal=mEas_flow_nominal/1.2, + AFlo=AFloEas, + final samplePeriod=samplePeriod) "Controller for terminal unit east" + annotation (Placement(transformation(extent={{880,30},{900,50}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVNor( + V_flow_nominal=mNor_flow_nominal/1.2, + AFlo=AFloNor, + final samplePeriod=samplePeriod) "Controller for terminal unit north" + annotation (Placement(transformation(extent={{1040,30},{1060,50}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVWes( + V_flow_nominal=mWes_flow_nominal/1.2, + AFlo=AFloWes, + final samplePeriod=samplePeriod) "Controller for terminal unit west" + annotation (Placement(transformation(extent={{1240,28},{1260,48}}))); + Modelica.Blocks.Routing.Multiplex5 TDis "Discharge air temperatures" + annotation (Placement(transformation(extent={{220,270},{240,290}}))); + Modelica.Blocks.Routing.Multiplex5 VDis_flow + "Air flow rate at the terminal boxes" + annotation (Placement(transformation(extent={{220,230},{240,250}}))); + Buildings.Controls.OBC.CDL.Integers.MultiSum TZonResReq(nin=5) + "Number of zone temperature requests" + annotation (Placement(transformation(extent={{300,360},{320,380}}))); + Buildings.Controls.OBC.CDL.Integers.MultiSum PZonResReq(nin=5) + "Number of zone pressure requests" + annotation (Placement(transformation(extent={{300,330},{320,350}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant yOutDam(k=1) + "Outdoor air damper control signal" + annotation (Placement(transformation(extent={{-40,-20},{-20,0}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swiFreSta "Switch for freeze stat" + annotation (Placement(transformation(extent={{20,-140},{40,-120}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant yFreHeaCoi(final k=0.3) + "Flow rate signal for heating coil when freeze stat is on" + annotation (Placement(transformation(extent={{-80,-132},{-60,-112}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.ModeAndSetPoints TZonSet[ + numZon]( + final TZonHeaOn=fill(THeaOn, numZon), + final TZonHeaOff=fill(THeaOff, numZon), + TZonCooOn=fill(TCooOn, numZon), + final TZonCooOff=fill(TCooOff, numZon)) "Zone setpoint temperature" + annotation (Placement(transformation(extent={{60,300},{80,320}}))); + Buildings.Controls.OBC.CDL.Routing.BooleanReplicator booRep( + final nout=numZon) + "Replicate boolean input" + annotation (Placement(transformation(extent={{-120,280},{-100,300}}))); + Buildings.Controls.OBC.CDL.Routing.RealReplicator reaRep( + final nout=numZon) + "Replicate real input" + annotation (Placement(transformation(extent={{-120,320},{-100,340}}))); + FiveZone.VAVReheat.Controls.ControllerOve conAHU( + final pMaxSet=410, + final yFanMin=yFanMin, + final VPriSysMax_flow=VPriSysMax_flow, + final peaSysPop=1.2*sum({0.05*AFlo[i] for i in 1:numZon})) "AHU controller" + annotation (Placement(transformation(extent={{340,512},{420,640}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.OutdoorAirFlow.Zone + zonOutAirSet[numZon]( + final AFlo=AFlo, + final have_occSen=fill(false, numZon), + final have_winSen=fill(false, numZon), + final desZonPop={0.05*AFlo[i] for i in 1:numZon}, + final minZonPriFlo=minZonPriFlo) + "Zone level calculation of the minimum outdoor airflow setpoint" + annotation (Placement(transformation(extent={{220,580},{240,600}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.OutdoorAirFlow.SumZone + zonToSys(final numZon=numZon) "Sum up zone calculation output" + annotation (Placement(transformation(extent={{280,570},{300,590}}))); + Buildings.Controls.OBC.CDL.Routing.RealReplicator reaRep1(final nout=numZon) + "Replicate design uncorrected minimum outdoor airflow setpoint" + annotation (Placement(transformation(extent={{460,580},{480,600}}))); + Buildings.Controls.OBC.CDL.Routing.BooleanReplicator booRep1(final nout=numZon) + "Replicate signal whether the outdoor airflow is required" + annotation (Placement(transformation(extent={{460,550},{480,570}}))); + + Modelica.Blocks.Logical.And andFreSta + annotation (Placement(transformation(extent={{-20,-140},{0,-120}}))); + equation + connect(fanSup.port_b, dpDisSupFan.port_a) annotation (Line( + points={{320,-40},{320,0},{320,-10},{320,-10}}, + color={0,0,0}, + smooth=Smooth.None, + pattern=LinePattern.Dot)); + connect(conVAVCor.TZon, TRooAir.y5[1]) annotation (Line( + points={{528,42},{520,42},{520,162},{511,162}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(conVAVSou.TZon, TRooAir.y1[1]) annotation (Line( + points={{698,40},{690,40},{690,40},{680,40},{680,178},{511,178}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(TRooAir.y2[1], conVAVEas.TZon) annotation (Line( + points={{511,174},{868,174},{868,40},{878,40}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(TRooAir.y3[1], conVAVNor.TZon) annotation (Line( + points={{511,170},{1028,170},{1028,40},{1038,40}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(TRooAir.y4[1], conVAVWes.TZon) annotation (Line( + points={{511,166},{1220,166},{1220,38},{1238,38}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(conVAVCor.TDis, TSupCor.T) annotation (Line(points={{528,36},{522,36}, + {522,40},{514,40},{514,92},{569,92}}, color={0,0,127})); + connect(TSupSou.T, conVAVSou.TDis) annotation (Line(points={{749,92},{688,92}, + {688,34},{698,34}}, color={0,0,127})); + connect(TSupEas.T, conVAVEas.TDis) annotation (Line(points={{929,90},{872,90}, + {872,34},{878,34}}, color={0,0,127})); + connect(TSupNor.T, conVAVNor.TDis) annotation (Line(points={{1089,94},{1032, + 94},{1032,34},{1038,34}}, color={0,0,127})); + connect(TSupWes.T, conVAVWes.TDis) annotation (Line(points={{1289,90},{1228, + 90},{1228,32},{1238,32}}, color={0,0,127})); + connect(cor.yVAV, conVAVCor.yDam) annotation (Line(points={{566,50},{556,50},{ + 556,48},{552,48}}, color={0,0,127})); + connect(cor.yVal, conVAVCor.yVal) annotation (Line(points={{566,34},{560,34},{ + 560,43},{552,43}}, color={0,0,127})); + connect(conVAVSou.yDam, sou.yVAV) annotation (Line(points={{722,46},{730,46},{ + 730,48},{746,48}}, color={0,0,127})); + connect(conVAVSou.yVal, sou.yVal) annotation (Line(points={{722,41},{732.5,41}, + {732.5,32},{746,32}}, color={0,0,127})); + connect(conVAVEas.yVal, eas.yVal) annotation (Line(points={{902,41},{912.5,41}, + {912.5,32},{926,32}}, color={0,0,127})); + connect(conVAVEas.yDam, eas.yVAV) annotation (Line(points={{902,46},{910,46},{ + 910,48},{926,48}}, color={0,0,127})); + connect(conVAVNor.yDam, nor.yVAV) annotation (Line(points={{1062,46},{1072.5,46}, + {1072.5,48},{1086,48}}, color={0,0,127})); + connect(conVAVNor.yVal, nor.yVal) annotation (Line(points={{1062,41},{1072.5,41}, + {1072.5,32},{1086,32}}, color={0,0,127})); + connect(conVAVWes.yVal, wes.yVal) annotation (Line(points={{1262,39},{1272.5,39}, + {1272.5,32},{1286,32}}, color={0,0,127})); + connect(wes.yVAV, conVAVWes.yDam) annotation (Line(points={{1286,48},{1274,48}, + {1274,44},{1262,44}}, color={0,0,127})); + connect(conVAVCor.yZonTemResReq, TZonResReq.u[1]) annotation (Line(points={{552,38}, + {554,38},{554,220},{280,220},{280,375.6},{298,375.6}}, color= + {255,127,0})); + connect(conVAVSou.yZonTemResReq, TZonResReq.u[2]) annotation (Line(points={{722,36}, + {726,36},{726,220},{280,220},{280,372.8},{298,372.8}}, color= + {255,127,0})); + connect(conVAVEas.yZonTemResReq, TZonResReq.u[3]) annotation (Line(points={{902,36}, + {904,36},{904,220},{280,220},{280,370},{298,370}}, color={255, + 127,0})); + connect(conVAVNor.yZonTemResReq, TZonResReq.u[4]) annotation (Line(points={{1062,36}, + {1064,36},{1064,220},{280,220},{280,367.2},{298,367.2}}, + color={255,127,0})); + connect(conVAVWes.yZonTemResReq, TZonResReq.u[5]) annotation (Line(points={{1262,34}, + {1266,34},{1266,220},{280,220},{280,364.4},{298,364.4}}, + color={255,127,0})); + connect(conVAVCor.yZonPreResReq, PZonResReq.u[1]) annotation (Line(points={{552,34}, + {558,34},{558,214},{288,214},{288,345.6},{298,345.6}}, color= + {255,127,0})); + connect(conVAVSou.yZonPreResReq, PZonResReq.u[2]) annotation (Line(points={{722,32}, + {728,32},{728,214},{288,214},{288,342.8},{298,342.8}}, color= + {255,127,0})); + connect(conVAVEas.yZonPreResReq, PZonResReq.u[3]) annotation (Line(points={{902,32}, + {906,32},{906,214},{288,214},{288,340},{298,340}}, color={255, + 127,0})); + connect(conVAVNor.yZonPreResReq, PZonResReq.u[4]) annotation (Line(points={{1062,32}, + {1066,32},{1066,214},{288,214},{288,337.2},{298,337.2}}, + color={255,127,0})); + connect(conVAVWes.yZonPreResReq, PZonResReq.u[5]) annotation (Line(points={{1262,30}, + {1268,30},{1268,214},{288,214},{288,334.4},{298,334.4}}, + color={255,127,0})); + connect(VSupCor_flow.V_flow, VDis_flow.u1[1]) annotation (Line(points={{569,130}, + {472,130},{472,206},{180,206},{180,250},{218,250}}, color={0,0, + 127})); + connect(VSupSou_flow.V_flow, VDis_flow.u2[1]) annotation (Line(points={{749,130}, + {742,130},{742,206},{180,206},{180,245},{218,245}}, color={0,0, + 127})); + connect(VSupEas_flow.V_flow, VDis_flow.u3[1]) annotation (Line(points={{929,128}, + {914,128},{914,206},{180,206},{180,240},{218,240}}, color={0,0, + 127})); + connect(VSupNor_flow.V_flow, VDis_flow.u4[1]) annotation (Line(points={{1089,132}, + {1080,132},{1080,206},{180,206},{180,235},{218,235}}, color={0,0, + 127})); + connect(VSupWes_flow.V_flow, VDis_flow.u5[1]) annotation (Line(points={{1289,128}, + {1284,128},{1284,206},{180,206},{180,230},{218,230}}, color={0,0, + 127})); + connect(TSupCor.T, TDis.u1[1]) annotation (Line(points={{569,92},{466,92},{466, + 210},{176,210},{176,290},{218,290}}, color={0,0,127})); + connect(TSupSou.T, TDis.u2[1]) annotation (Line(points={{749,92},{688,92},{688, + 210},{176,210},{176,285},{218,285}}, color={0,0, + 127})); + connect(TSupEas.T, TDis.u3[1]) annotation (Line(points={{929,90},{872,90},{872, + 210},{176,210},{176,280},{218,280}}, color={0,0,127})); + connect(TSupNor.T, TDis.u4[1]) annotation (Line(points={{1089,94},{1032,94},{1032, + 210},{176,210},{176,275},{218,275}}, color={0,0,127})); + connect(TSupWes.T, TDis.u5[1]) annotation (Line(points={{1289,90},{1228,90},{1228, + 210},{176,210},{176,270},{218,270}}, color={0,0,127})); + connect(conVAVCor.VDis_flow, VSupCor_flow.V_flow) annotation (Line(points={{528,40}, + {522,40},{522,130},{569,130}}, color={0,0,127})); + connect(VSupSou_flow.V_flow, conVAVSou.VDis_flow) annotation (Line(points={{749,130}, + {690,130},{690,38},{698,38}}, color={0,0,127})); + connect(VSupEas_flow.V_flow, conVAVEas.VDis_flow) annotation (Line(points={{929,128}, + {874,128},{874,38},{878,38}}, color={0,0,127})); + connect(VSupNor_flow.V_flow, conVAVNor.VDis_flow) annotation (Line(points={{1089, + 132},{1034,132},{1034,38},{1038,38}}, color={0,0,127})); + connect(VSupWes_flow.V_flow, conVAVWes.VDis_flow) annotation (Line(points={{1289, + 128},{1230,128},{1230,36},{1238,36}}, color={0,0,127})); + connect(TSup.T, conVAVCor.TSupAHU) annotation (Line(points={{340,-29},{340, + -20},{514,-20},{514,34},{528,34}}, + color={0,0,127})); + connect(TSup.T, conVAVSou.TSupAHU) annotation (Line(points={{340,-29},{340, + -20},{686,-20},{686,32},{698,32}}, + color={0,0,127})); + connect(TSup.T, conVAVEas.TSupAHU) annotation (Line(points={{340,-29},{340, + -20},{864,-20},{864,32},{878,32}}, + color={0,0,127})); + connect(TSup.T, conVAVNor.TSupAHU) annotation (Line(points={{340,-29},{340, + -20},{1028,-20},{1028,32},{1038,32}}, + color={0,0,127})); + connect(TSup.T, conVAVWes.TSupAHU) annotation (Line(points={{340,-29},{340, + -20},{1224,-20},{1224,30},{1238,30}}, + color={0,0,127})); + connect(yOutDam.y, eco.yExh) + annotation (Line(points={{-18,-10},{-3,-10},{-3,-34}}, color={0,0,127})); + connect(yFreHeaCoi.y, swiFreSta.u1) annotation (Line(points={{-58,-122},{18, + -122}}, color={0,0,127})); + connect(TZonSet[1].yOpeMod, conVAVCor.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{520,14},{520,32},{528,32}}, + color={255,127,0})); + connect(flo.TRooAir, TZonSet.TZon) annotation (Line(points={{1094.14, + 491.333},{1164,491.333},{1164,666},{50,666},{50,313},{58,313}}, + color={0,0,127})); + connect(occSch.occupied, booRep.u) annotation (Line(points={{-297,-76},{-160, + -76},{-160,290},{-122,290}}, color={255,0,255})); + connect(occSch.tNexOcc, reaRep.u) annotation (Line(points={{-297,-64},{-180, + -64},{-180,330},{-122,330}}, + color={0,0,127})); + connect(reaRep.y, TZonSet.tNexOcc) annotation (Line(points={{-98,330},{-20,330}, + {-20,319},{58,319}}, color={0,0,127})); + connect(booRep.y, TZonSet.uOcc) annotation (Line(points={{-98,290},{-20,290},{ + -20,316.025},{58,316.025}}, color={255,0,255})); + connect(TZonSet[1].TZonHeaSet, conVAVCor.TZonHeaSet) annotation (Line(points={{82,310}, + {524,310},{524,52},{528,52}}, color={0,0,127})); + connect(TZonSet[1].TZonCooSet, conVAVCor.TZonCooSet) annotation (Line(points={{82,317}, + {524,317},{524,50},{528,50}}, color={0,0,127})); + connect(TZonSet[2].TZonHeaSet, conVAVSou.TZonHeaSet) annotation (Line(points={{82,310}, + {694,310},{694,50},{698,50}}, color={0,0,127})); + connect(TZonSet[2].TZonCooSet, conVAVSou.TZonCooSet) annotation (Line(points={{82,317}, + {694,317},{694,48},{698,48}}, color={0,0,127})); + connect(TZonSet[3].TZonHeaSet, conVAVEas.TZonHeaSet) annotation (Line(points={{82,310}, + {860,310},{860,50},{878,50}}, color={0,0,127})); + connect(TZonSet[3].TZonCooSet, conVAVEas.TZonCooSet) annotation (Line(points={{82,317}, + {860,317},{860,48},{878,48}}, color={0,0,127})); + connect(TZonSet[4].TZonCooSet, conVAVNor.TZonCooSet) annotation (Line(points={{82,317}, + {1020,317},{1020,48},{1038,48}}, color={0,0,127})); + connect(TZonSet[4].TZonHeaSet, conVAVNor.TZonHeaSet) annotation (Line(points={{82,310}, + {1020,310},{1020,50},{1038,50}}, color={0,0,127})); + connect(TZonSet[5].TZonCooSet, conVAVWes.TZonCooSet) annotation (Line(points={{82,317}, + {1200,317},{1200,46},{1238,46}}, color={0,0,127})); + connect(TZonSet[5].TZonHeaSet, conVAVWes.TZonHeaSet) annotation (Line(points={{82,310}, + {1200,310},{1200,48},{1238,48}}, color={0,0,127})); + connect(TZonSet[1].yOpeMod, conVAVSou.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{680,14},{680,30},{698,30}}, + color={255,127,0})); + connect(TZonSet[1].yOpeMod, conVAVEas.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{860,14},{860,30},{878,30}}, + color={255,127,0})); + connect(TZonSet[1].yOpeMod, conVAVNor.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{1020,14},{1020,30},{1038,30}}, + color={255,127,0})); + connect(TZonSet[1].yOpeMod, conVAVWes.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{1220,14},{1220,28},{1238,28}}, + color={255,127,0})); + connect(zonToSys.ySumDesZonPop, conAHU.sumDesZonPop) annotation (Line(points={{302,589}, + {308,589},{308,609.778},{336,609.778}}, color={0,0,127})); + connect(zonToSys.VSumDesPopBreZon_flow, conAHU.VSumDesPopBreZon_flow) + annotation (Line(points={{302,586},{310,586},{310,604.444},{336,604.444}}, + color={0,0,127})); + connect(zonToSys.VSumDesAreBreZon_flow, conAHU.VSumDesAreBreZon_flow) + annotation (Line(points={{302,583},{312,583},{312,599.111},{336,599.111}}, + color={0,0,127})); + connect(zonToSys.yDesSysVenEff, conAHU.uDesSysVenEff) annotation (Line(points={{302,580}, + {314,580},{314,593.778},{336,593.778}}, color={0,0,127})); + connect(zonToSys.VSumUncOutAir_flow, conAHU.VSumUncOutAir_flow) annotation ( + Line(points={{302,577},{316,577},{316,588.444},{336,588.444}}, color={0,0, + 127})); + connect(zonToSys.VSumSysPriAir_flow, conAHU.VSumSysPriAir_flow) annotation ( + Line(points={{302,571},{318,571},{318,583.111},{336,583.111}}, color={0,0, + 127})); + connect(zonToSys.uOutAirFra_max, conAHU.uOutAirFra_max) annotation (Line( + points={{302,574},{320,574},{320,577.778},{336,577.778}}, color={0,0,127})); + connect(zonOutAirSet.yDesZonPeaOcc, zonToSys.uDesZonPeaOcc) annotation (Line( + points={{242,599},{270,599},{270,588},{278,588}}, color={0,0,127})); + connect(zonOutAirSet.VDesPopBreZon_flow, zonToSys.VDesPopBreZon_flow) + annotation (Line(points={{242,596},{268,596},{268,586},{278,586}}, + color={0,0,127})); + connect(zonOutAirSet.VDesAreBreZon_flow, zonToSys.VDesAreBreZon_flow) + annotation (Line(points={{242,593},{266,593},{266,584},{278,584}}, + color={0,0,127})); + connect(zonOutAirSet.yDesPriOutAirFra, zonToSys.uDesPriOutAirFra) annotation ( + Line(points={{242,590},{264,590},{264,578},{278,578}}, color={0,0,127})); + connect(zonOutAirSet.VUncOutAir_flow, zonToSys.VUncOutAir_flow) annotation ( + Line(points={{242,587},{262,587},{262,576},{278,576}}, color={0,0,127})); + connect(zonOutAirSet.yPriOutAirFra, zonToSys.uPriOutAirFra) + annotation (Line(points={{242,584},{260,584},{260,574},{278,574}}, + color={0,0,127})); + connect(zonOutAirSet.VPriAir_flow, zonToSys.VPriAir_flow) annotation (Line( + points={{242,581},{258,581},{258,572},{278,572}}, color={0,0,127})); + connect(conAHU.yAveOutAirFraPlu, zonToSys.yAveOutAirFraPlu) annotation (Line( + points={{424,586.667},{440,586.667},{440,468},{270,468},{270,582},{ + 278,582}}, + color={0,0,127})); + connect(conAHU.VDesUncOutAir_flow, reaRep1.u) annotation (Line(points={{424, + 597.333},{440,597.333},{440,590},{458,590}}, + color={0,0,127})); + connect(reaRep1.y, zonOutAirSet.VUncOut_flow_nominal) annotation (Line(points={{482,590}, + {490,590},{490,464},{210,464},{210,581},{218,581}}, color={0, + 0,127})); + connect(conAHU.yReqOutAir, booRep1.u) annotation (Line(points={{424, + 565.333},{444,565.333},{444,560},{458,560}}, + color={255,0,255})); + connect(booRep1.y, zonOutAirSet.uReqOutAir) annotation (Line(points={{482,560}, + {496,560},{496,460},{206,460},{206,593},{218,593}}, color={255,0,255})); + connect(flo.TRooAir, zonOutAirSet.TZon) annotation (Line(points={{1094.14, + 491.333},{1166,491.333},{1166,672},{210,672},{210,590},{218,590}}, + color={0,0,127})); + connect(TDis.y, zonOutAirSet.TDis) annotation (Line(points={{241,280},{252,280}, + {252,340},{200,340},{200,587},{218,587}}, color={0,0,127})); + connect(VDis_flow.y, zonOutAirSet.VDis_flow) annotation (Line(points={{241,240}, + {260,240},{260,346},{194,346},{194,584},{218,584}}, color={0,0,127})); + connect(TZonSet[1].yOpeMod, conAHU.uOpeMod) annotation (Line(points={{82,303}, + {140,303},{140,531.556},{336,531.556}}, color={255,127,0})); + connect(TZonResReq.y, conAHU.uZonTemResReq) annotation (Line(points={{322,370}, + {330,370},{330,526.222},{336,526.222}}, color={255,127,0})); + connect(PZonResReq.y, conAHU.uZonPreResReq) annotation (Line(points={{322,340}, + {326,340},{326,520.889},{336,520.889}}, color={255,127,0})); + connect(TZonSet[1].TZonHeaSet, conAHU.TZonHeaSet) annotation (Line(points={{82,310}, + {110,310},{110,636.444},{336,636.444}}, color={0,0,127})); + connect(TZonSet[1].TZonCooSet, conAHU.TZonCooSet) annotation (Line(points={{82,317}, + {120,317},{120,631.111},{336,631.111}}, color={0,0,127})); + connect(TOut.y, conAHU.TOut) annotation (Line(points={{-279,180},{-260, + 180},{-260,625.778},{336,625.778}}, + color={0,0,127})); + connect(dpDisSupFan.p_rel, conAHU.ducStaPre) annotation (Line(points={{311,0}, + {160,0},{160,620.444},{336,620.444}}, color={0,0,127})); + connect(TSup.T, conAHU.TSup) annotation (Line(points={{340,-29},{340,-20}, + {152,-20},{152,567.111},{336,567.111}}, + color={0,0,127})); + connect(TRet.T, conAHU.TOutCut) annotation (Line(points={{100,151},{100, + 561.778},{336,561.778}}, + color={0,0,127})); + connect(VOut1.V_flow, conAHU.VOut_flow) annotation (Line(points={{-61, + -20.9},{-61,545.778},{336,545.778}}, + color={0,0,127})); + connect(TMix.T, conAHU.TMix) annotation (Line(points={{40,-29},{40, + 538.667},{336,538.667}}, + color={0,0,127})); + connect(conAHU.yOutDamPos, eco.yOut) annotation (Line(points={{424, + 522.667},{448,522.667},{448,36},{-10,36},{-10,-34}}, + color={0,0,127})); + connect(conAHU.yRetDamPos, eco.yRet) annotation (Line(points={{424, + 533.333},{442,533.333},{442,40},{-16.8,40},{-16.8,-34}}, + color={0,0,127})); + connect(conAHU.yHea, swiFreSta.u3) annotation (Line(points={{424,554.667}, + {452,554.667},{452,32},{22,32},{22,-108},{10,-108},{10,-138},{18, + -138}}, color={0,0,127})); + connect(conAHU.ySupFanSpe, fanSup.y) annotation (Line(points={{424, + 618.667},{432,618.667},{432,-14},{310,-14},{310,-28}}, + color={0,0,127})); + connect(cor.y_actual,conVAVCor.yDam_actual) annotation (Line(points={{612,58}, + {620,58},{620,74},{518,74},{518,38},{528,38}}, color={0,0,127})); + connect(sou.y_actual,conVAVSou.yDam_actual) annotation (Line(points={{792,56}, + {800,56},{800,76},{684,76},{684,36},{698,36}}, color={0,0,127})); + connect(eas.y_actual,conVAVEas.yDam_actual) annotation (Line(points={{972,56}, + {980,56},{980,74},{864,74},{864,36},{878,36}}, color={0,0,127})); + connect(nor.y_actual,conVAVNor.yDam_actual) annotation (Line(points={{1132, + 56},{1140,56},{1140,74},{1024,74},{1024,36},{1038,36}}, color={0,0, + 127})); + connect(wes.y_actual,conVAVWes.yDam_actual) annotation (Line(points={{1332, + 56},{1340,56},{1340,74},{1224,74},{1224,34},{1238,34}}, color={0,0, + 127})); + connect(andFreSta.y, swiFreSta.u2) + annotation (Line(points={{1,-130},{18,-130}}, color={255,0,255})); + connect(freSta.y, andFreSta.u1) annotation (Line(points={{22,-92},{28,-92},{ + 28,-112},{-40,-112},{-40,-130},{-22,-130}}, + color={255,0,255})); + annotation ( + Diagram(coordinateSystem(preserveAspectRatio=false,extent={{-380,-320},{1400, + 680}})), + Documentation(info=" +

+This model consist of an HVAC system, a building envelope model and a model +for air flow through building leakage and through open doors. +

+

+The HVAC system is a variable air volume (VAV) flow system with economizer +and a heating and cooling coil in the air handler unit. There is also a +reheat coil and an air damper in each of the five zone inlet branches. +

+

+See the model + +Buildings.Examples.VAVReheat.BaseClasses.PartialOpenLoop +for a description of the HVAC system and the building envelope. +

+

+The control is based on ASHRAE Guideline 36, and implemented +using the sequences from the library + +Buildings.Controls.OBC.ASHRAE.G36_PR1 for +multi-zone VAV systems with economizer. The schematic diagram of the HVAC and control +sequence is shown in the figure below. +

+

+\"image\" +

+

+A similar model but with a different control sequence can be found in + +Buildings.Examples.VAVReheat.ASHRAE2006. +Note that this model, because of the frequent time sampling, +has longer computing time than + +Buildings.Examples.VAVReheat.ASHRAE2006. +The reason is that the time integrator cannot make large steps +because it needs to set a time step each time the control samples +its input. +

+", revisions=" + +"), + __Dymola_Commands(file= + "modelica://Buildings/Resources/Scripts/Dymola/Examples/VAVReheat/Guideline36.mos" + "Simulate and plot"), + experiment(StopTime=172800, Tolerance=1e-06), + Icon(coordinateSystem(extent={{-100,-100},{100,100}}))); + end PartialAirside; + + partial model EnergyMeter "System example for fault injection" + + Modelica.Blocks.Sources.RealExpression eleSupFan "Pow of fan" + annotation (Placement(transformation(extent={{1224,672},{1244,692}}))); + Modelica.Blocks.Sources.RealExpression eleChi + "Power of chiller" + annotation (Placement(transformation(extent={{1224,652},{1244,672}}))); + Modelica.Blocks.Sources.RealExpression eleCHWP + "Power of chilled water pump" + annotation (Placement(transformation(extent={{1224,632},{1244,652}}))); + Modelica.Blocks.Sources.RealExpression eleCWP "Power of CWP" + annotation (Placement(transformation(extent={{1224,612},{1244,632}}))); + Modelica.Blocks.Sources.RealExpression eleCT + "Power of cooling tower" + annotation (Placement(transformation(extent={{1224,592},{1244,612}}))); + Modelica.Blocks.Sources.RealExpression eleHWP + "Power of hot water pump" + annotation (Placement(transformation(extent={{1224,572},{1244,592}}))); + Modelica.Blocks.Sources.RealExpression eleCoiVAV + "Power of VAV terminal reheat coil" + annotation (Placement(transformation(extent={{1224,694},{1244,714}}))); + Modelica.Blocks.Sources.RealExpression gasBoi + "Gas consumption of gas boiler" + annotation (Placement(transformation(extent={{1224,544},{1244,564}}))); + Modelica.Blocks.Math.MultiSum eleTot(nu=7) "Electricity in total" + annotation (Placement(transformation(extent={{1288,698},{1300,710}}))); + + equation + connect(eleCoiVAV.y, eleTot.u[1]) annotation (Line(points={{1245,704},{ + 1266,704},{1266,707.6},{1288,707.6}}, + color={0,0,127})); + connect(eleSupFan.y, eleTot.u[2]) annotation (Line(points={{1245,682},{ + 1266.5,682},{1266.5,706.4},{1288,706.4}}, + color={0,0,127})); + connect(eleChi.y, eleTot.u[3]) annotation (Line(points={{1245,662},{1268, + 662},{1268,705.2},{1288,705.2}}, + color={0,0,127})); + connect(eleCHWP.y, eleTot.u[4]) annotation (Line(points={{1245,642},{1270, + 642},{1270,704},{1288,704}}, + color={0,0,127})); + connect(eleCWP.y, eleTot.u[5]) annotation (Line(points={{1245,622},{1272, + 622},{1272,702.8},{1288,702.8}}, + color={0,0,127})); + connect(eleCT.y, eleTot.u[6]) annotation (Line(points={{1245,602},{1274, + 602},{1274,701.6},{1288,701.6}}, + color={0,0,127})); + connect(eleHWP.y, eleTot.u[7]) annotation (Line(points={{1245,582},{1276, + 582},{1276,700.4},{1288,700.4}}, + color={0,0,127})); + annotation (Diagram(coordinateSystem(extent={{-100,-100},{1580,700}})), Icon( + coordinateSystem(extent={{-100,-100},{1580,700}}))); + end EnergyMeter; + end BaseClasses; + + package Controls + extends Modelica.Icons.Package; + + model ChillerStage "Chiller staging control logic" + extends Modelica.Blocks.Icons.Block; + + parameter Modelica.SIunits.Time tWai "Waiting time"; + + Modelica.Blocks.Interfaces.IntegerInput cooMod + "Cooling mode signal, integer value of + Buildings.Applications.DataCenters.Types.CoolingMode" + annotation (Placement(transformation(extent={{-140,40},{-100,80}}))); + Modelica.Blocks.Interfaces.RealOutput y + "On/off signal for the chillers - 0: off; 1: on" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.StateGraph.Transition con1( + enableTimer=true, + waitTime=tWai, + condition=cooMod > Integer(FiveZone.Types.CoolingModes.FreeCooling) + and cooMod < Integer(FiveZone.Types.CoolingModes.Off)) + "Fire condition 1: free cooling to partially mechanical cooling" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-50,42}))); + Modelica.StateGraph.StepWithSignal oneOn(nIn=2, nOut=2) + "One chiller is commanded on" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-50,10}))); + Modelica.StateGraph.InitialStep off(nIn=1) "Free cooling mode" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-50,70}))); + Modelica.StateGraph.Transition con4( + enableTimer=true, + waitTime=tWai, + condition=cooMod == Integer(FiveZone.Types.CoolingModes.FreeCooling) + or cooMod == Integer(FiveZone.Types.CoolingModes.Off)) + "Fire condition 4: partially mechanical cooling to free cooling" + annotation (Placement(transformation( + extent={{10,-10},{-10,10}}, + rotation=-90, + origin={-20,52}))); + inner Modelica.StateGraph.StateGraphRoot stateGraphRoot + annotation (Placement(transformation(extent={{40,60},{60,80}}))); + + Buildings.Controls.OBC.CDL.Conversions.BooleanToReal booToRea + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + equation + connect(off.outPort[1], con1.inPort) + annotation (Line( + points={{-50,59.5},{-50,46}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con1.outPort, oneOn.inPort[1]) + annotation (Line( + points={{-50,40.5},{-50,26},{-50.5,26},{-50.5,21}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con4.outPort, off.inPort[1]) + annotation (Line( + points={{-20,53.5},{-20,90},{-50,90},{-50,81}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con4.inPort, oneOn.outPort[2]) + annotation (Line( + points={{-20,48},{-20,-10},{-49.75,-10},{-49.75,-0.5}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(oneOn.active, booToRea.u) annotation (Line(points={{-39,10},{-12,10},{ + -12,0},{18,0}}, color={255,0,255})); + connect(booToRea.y, y) + annotation (Line(points={{42,0},{70,0},{70,0},{110,0}}, color={0,0,127})); + annotation (Documentation(info=" +

+This is a chiller staging control that works as follows: +

+ +", revisions=" + +")); + end ChillerStage; + + model ChillerPlantEnableDisable + "Chilled water plant enable disable control sequence" + extends Modelica.Blocks.Icons.Block; + + parameter Integer numIgn=0 "Number of ignored plant requests"; + + parameter Real yFanSpeMin(min=0.1, max=1, unit="1") = 0.15 + "Lowest allowed fan speed if fan is on"; + + parameter Modelica.SIunits.Time shoCycTim=15*60 "Time duration to avoid short cycling of equipment"; + + parameter Modelica.SIunits.Time plaReqTim=3*60 "Time duration of plant requests"; + + parameter Modelica.SIunits.Time tWai=60 "Waiting time"; + + parameter Modelica.SIunits.Temperature TOutPla = 13+273.15 + "The outdoor air lockout temperature below/over which the chiller/boiler plant is prevented from operating. + It is typically 13°C for chiller plants serving systems with airside economizers. + For boiler plant, it is normally 18°C"; + + Modelica.StateGraph.Transition con1( + condition=yPlaReq > numIgn and TOut > TOutPla and ySupFan and offTim.y >= + shoCycTim, + enableTimer=true, + waitTime=tWai) + "Fire condition 1: plant off to on" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-50,32}))); + Modelica.StateGraph.StepWithSignal On(nIn=1, nOut=1) "Plant is commanded on" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-50,0}))); + Modelica.StateGraph.InitialStepWithSignal + off(nIn=1) "Plant is off" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-50,60}))); + Modelica.StateGraph.Transition con2( + condition=(lesEquReq.y >= plaReqTim and onTim.y >= shoCycTim and lesEquSpe.y + >= plaReqTim) or ((TOut < TOutPla - 1 or not ySupFan) and onTim.y >= + shoCycTim), + enableTimer=true, + waitTime=0) "Fire condition 2: plant on to off" annotation (Placement( + transformation( + extent={{10,-10},{-10,10}}, + rotation=-90, + origin={-18,34}))); + inner Modelica.StateGraph.StateGraphRoot stateGraphRoot + annotation (Placement(transformation(extent={{40,60},{60,80}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TOut(final unit="K", final + quantity="ThermodynamicTemperature") "Outdoor air temperature" + annotation (Placement(transformation(extent={{-140,26},{-100,66}}), + iconTransformation(extent={{-140,26},{-100,66}}))); + Buildings.Controls.OBC.CDL.Interfaces.BooleanInput ySupFan + "Supply fan on status" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}), + iconTransformation(extent={{-140,-20},{-100,20}}))); + Buildings.Controls.OBC.CDL.Interfaces.IntegerInput yPlaReq "Plant request" + annotation (Placement(transformation(extent={{-140,50},{-100,90}}), + iconTransformation(extent={{-140,-60},{-100,-20}}))); + Modelica.Blocks.Logical.Timer offTim + "Timer for the state where equipment is off" + annotation (Placement(transformation(extent={{-8,50},{12,70}}))); + Modelica.Blocks.Logical.Timer onTim + "Timer for the state where equipment is on" + annotation (Placement(transformation(extent={{-10,-40},{10,-20}}))); + FiveZone.Controls.BaseClasses.TimeLessEqual lesEquReq(threshold=numIgn) + annotation (Placement(transformation(extent={{-90,60},{-70,80}}))); + + Modelica.Blocks.Interfaces.BooleanOutput yPla + "On/off signal for the plant - 0: off; 1: on" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + Modelica.Blocks.Interfaces.RealInput yFanSpe(unit="1") + "Constant normalized rotational speed" annotation (Placement(transformation( + extent={{-20,-20},{20,20}}, + rotation=0, + origin={-120,-40}), iconTransformation( + extent={{-10,-10},{10,10}}, + rotation=0, + origin={-110,-70}))); + BaseClasses.TimeLessEqualRea lesEquSpe(threshold=yFanSpeMin) + annotation (Placement(transformation(extent={{-90,-50},{-70,-30}}))); + equation + connect(off.outPort[1], con1.inPort) + annotation (Line( + points={{-50,49.5},{-50,36}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con1.outPort, On.inPort[1]) annotation (Line( + points={{-50,30.5},{-50,16},{-50,16},{-50,11}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con2.outPort, off.inPort[1]) + annotation (Line( + points={{-18,35.5},{-18,80},{-50,80},{-50,71}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(off.active, offTim.u) + annotation (Line(points={{-39,60},{-10,60}}, color={255,0,255})); + connect(On.active, onTim.u) annotation (Line(points={{-39,0},{-30,0},{-30,-30}, + {-12,-30}}, color={255,0,255})); + connect(yPlaReq, lesEquReq.u1) + annotation (Line(points={{-120,70},{-92,70}}, color={255,127,0})); + connect(On.active, yPla) annotation (Line(points={{-39,-1.9984e-15},{8, + -1.9984e-15},{8,0},{110,0}}, color={255,0,255})); + connect(On.outPort[1], con2.inPort) annotation (Line( + points={{-50,-10.5},{-50,-20},{-18,-20},{-18,30}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(yFanSpe, lesEquSpe.u1) + annotation (Line(points={{-120,-40},{-92,-40}}, color={0,0,127})); + annotation (Documentation(info=" +

This is a chilled plant enable disable control that works as follows:

+

Enable the plant in the lowest stage when the plant has been disabled for at least 15 minutes and:

+
    +
  1. Number of Chiller Plant Requests > I (I = Ignores shall default to 0, adjustable), and
  2. +
  3. OAT>CH-LOT, and
  4. +
  5. The chiller plant enable schedule is active.
  6. +
+

Disable the plant when it has been enabled for at least 15 minutes and:

+
    +
  1. Number of Chiller Plant Requests I for 3 minutes, or
  2. +
  3. OAT<CH-LOT-1°F, or
  4. +
  5. The chiller plant enable schedule is inactive.
  6. +
+", revisions=" + +")); + end ChillerPlantEnableDisable; + + model CoolingMode + "Mode controller for integrated waterside economizer and chiller" + extends Modelica.Blocks.Icons.Block; + + parameter Modelica.SIunits.Time tWai "Waiting time"; + parameter Modelica.SIunits.TemperatureDifference deaBan1 + "Dead band width 1 for switching chiller on "; + parameter Modelica.SIunits.TemperatureDifference deaBan2 + "Dead band width 2 for switching waterside economizer off"; + parameter Modelica.SIunits.TemperatureDifference deaBan3 + "Dead band width 3 for switching waterside economizer on "; + parameter Modelica.SIunits.TemperatureDifference deaBan4 + "Dead band width 4 for switching chiller off"; + + Modelica.Blocks.Interfaces.RealInput TCHWRetWSE( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") + "Temperature of entering chilled water that flows to waterside economizer " + annotation (Placement(transformation(extent={{-140,-100},{-100,-60}}))); + Modelica.Blocks.Interfaces.RealInput TCHWSupWSE( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") + "Temperature of leaving chilled water that flows out from waterside economizer" + annotation (Placement(transformation(extent={{-140,-70},{-100,-30}}))); + Modelica.Blocks.Interfaces.RealInput TCHWSupSet( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Supply chilled water temperature setpoint " + annotation (Placement(transformation(extent={{-140,22},{-100,62}}), + iconTransformation(extent={{-140,22},{-100,62}}))); + Modelica.Blocks.Interfaces.RealInput TApp( + final quantity="TemperatureDifference", + final unit="K", + displayUnit="degC") "Approach temperature in the cooling tower" + annotation (Placement(transformation(extent={{-140,-40},{-100,0}}))); + Modelica.Blocks.Interfaces.IntegerOutput y + "Cooling mode signal, integer value of Buildings.Applications.DataCenters.Types.CoolingMode" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.StateGraph.Transition con4( + enableTimer=true, + waitTime=tWai, + condition=TCHWSupWSE > TCHWSupSet + deaBan1 and yPla) + "Fire condition 4: free cooling to partially mechanical cooling" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-10,28}))); + Modelica.StateGraph.StepWithSignal parMecCoo(nIn=2, nOut=3) + "Partial mechanical cooling mode" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-10,-2}))); + Modelica.StateGraph.StepWithSignal freCoo(nIn=1, nOut=2) + "Free cooling mode" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-10,58}))); + Modelica.StateGraph.StepWithSignal fulMecCoo(nIn=2, + nOut=2) + "Fully mechanical cooling mode" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-10,-44}))); + Modelica.StateGraph.Transition con5( + enableTimer=true, + waitTime=tWai, + condition=TCHWRetWSE < TCHWSupWSE + deaBan2 and yPla) + "Fire condition 5: partially mechanical cooling to fully mechanical cooling" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-10,-24}))); + Modelica.StateGraph.Transition con2( + enableTimer=true, + waitTime=tWai, + condition=TCHWRetWSE > TWetBul + TApp + deaBan3) + "Fire condition 2: fully mechanical cooling to partially mechanical cooling" + annotation (Placement(transformation( + extent={{10,-10},{-10,10}}, + rotation=-90, + origin={30,-20}))); + Modelica.StateGraph.Transition con3( + enableTimer=true, + waitTime=tWai, + condition=TCHWSupWSE <= TCHWSupSet + deaBan4) + "Fire condition 3: partially mechanical cooling to free cooling" + annotation (Placement(transformation( + extent={{10,-10},{-10,10}}, + rotation=-90, + origin={20,34}))); + inner Modelica.StateGraph.StateGraphRoot stateGraphRoot + annotation (Placement(transformation(extent={{60,60},{80,80}}))); + Modelica.Blocks.Interfaces.RealInput TWetBul( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") + "Wet bulb temperature of outdoor air" + annotation (Placement(transformation(extent={{-140,-10},{-100,30}}))); + + Modelica.Blocks.MathInteger.MultiSwitch swi( + y_default=0, + expr={Integer(FiveZone.Types.CoolingModes.FreeCooling), + Integer(FiveZone.Types.CoolingModes.PartialMechanical), + Integer(FiveZone.Types.CoolingModes.FullMechanical), + Integer(FiveZone.Types.CoolingModes.Off)}, + nu=4) + "Switch boolean signals to real signal" + annotation (Placement(transformation(extent={{68,-6},{92,6}}))); + + Modelica.Blocks.Interfaces.BooleanInput yPla "Plant on/off signal" + annotation (Placement(transformation(extent={{-140,48},{-100,88}}), + iconTransformation(extent={{-140,48},{-100,88}}))); + Modelica.StateGraph.InitialStepWithSignal off(nIn=3) "Off" annotation ( + Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-10,-80}))); + Modelica.StateGraph.Transition con8( + enableTimer=true, + waitTime=0, + condition=not yPla) "Fire condition 8: fully mechanical cooling to off" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={80,-60}))); + Modelica.StateGraph.Transition con7( + enableTimer=true, + waitTime=0, + condition=not yPla) "Fire condition 7: partially mechanical cooling to off" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={70,-34}))); + Modelica.StateGraph.Transition con1( + enableTimer=true, + waitTime=0, + condition=yPla) "Fire condition 1: off to free cooling" + annotation (Placement(transformation( + extent={{10,-10},{-10,10}}, + rotation=-90, + origin={40,-80}))); + Modelica.StateGraph.Transition con6( + enableTimer=true, + waitTime=0, + condition=not yPla) "Fire condition 6: free cooling to off" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={60,20}))); + equation + connect(freCoo.outPort[1], con4.inPort) annotation (Line( + points={{-10.25,47.5},{-10.25,32},{-10,32}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con4.outPort, parMecCoo.inPort[1]) annotation (Line( + points={{-10,26.5},{-10,18},{-10.5,18},{-10.5,9}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con5.inPort, parMecCoo.outPort[1]) + annotation (Line( + points={{-10,-20},{-10.3333,-20},{-10.3333,-12.5}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con5.outPort, fulMecCoo.inPort[1]) + annotation (Line( + points={{-10,-25.5},{-10,-30},{-10,-33},{-10.5,-33}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(fulMecCoo.outPort[1],con2. inPort) + annotation (Line( + points={{-10.25,-54.5},{-10.25,-58},{30,-58},{30,-24}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con2.outPort, parMecCoo.inPort[2]) + annotation (Line( + points={{30,-18.5},{30,16},{-9.5,16},{-9.5,9}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con3.inPort, parMecCoo.outPort[2]) annotation (Line( + points={{20,30},{20,-16},{-10,-16},{-10,-12.5}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(swi.y, y) + annotation (Line(points={{92.6,0},{110,0}}, color={255,127,0})); + connect(parMecCoo.outPort[3],con7. inPort) annotation (Line( + points={{-9.66667,-12.5},{-9.66667,-14},{70,-14},{70,-30}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con7.outPort, off.inPort[2]) annotation (Line( + points={{70,-35.5},{70,-64},{-10,-64},{-10,-69}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con8.outPort, off.inPort[3]) annotation (Line( + points={{80,-61.5},{80,-66},{-10,-66},{-10,-69},{-9.33333,-69}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(freCoo.outPort[2], con6.inPort) annotation (Line( + points={{-9.75,47.5},{-9.75,42},{60,42},{60,24}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con6.outPort, off.inPort[1]) annotation (Line( + points={{60,18.5},{60,-62},{-10.6667,-62},{-10.6667,-69}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(fulMecCoo.outPort[2], con8.inPort) annotation (Line( + points={{-9.75,-54.5},{-9.75,-56},{80,-56}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(off.outPort[1], con1.inPort) annotation (Line( + points={{-10,-90.5},{-10,-96},{40,-96},{40,-84}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con1.outPort, fulMecCoo.inPort[2]) annotation (Line( + points={{40,-78.5},{40,-28},{-9.5,-28},{-9.5,-33}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(freCoo.active, swi.u[1]) annotation (Line(points={{1,58},{42,58},{42, + 1.35},{68,1.35}}, color={255,0,255})); + connect(parMecCoo.active, swi.u[2]) annotation (Line(points={{1,-2},{46,-2},{ + 46,0.45},{68,0.45}}, color={255,0,255})); + connect(fulMecCoo.active, swi.u[3]) annotation (Line(points={{1,-44},{48,-44}, + {48,-0.45},{68,-0.45}}, color={255,0,255})); + connect(off.active, swi.u[4]) annotation (Line(points={{1,-80},{20,-80},{20, + -46},{50,-46},{50,-1.2},{68,-1.2},{68,-1.35}}, color={255,0,255})); + connect(con3.outPort, freCoo.inPort[1]) annotation (Line( + points={{20,35.5},{20,76},{-10,76},{-10,69}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + annotation ( Documentation(info=" +

Controller that outputs if the chilled water system is in off mode, Free Cooling (FC) mode, Partially Mechanical Cooling (PMC) mode or Fully Mechanical Cooling (FMC) mode.

+

The waterside economizer is enabled when

+
    +
  1. The waterside economizer has been disabled for at least 20 minutes, and
  2. +
  3. TCHWR > TWetBul + TTowApp + deaBan1
  4. +
+

The waterside economizer is disabled when

+
    +
  1. The waterside economizer has been enabled for at least 20 minutes, and
  2. +
  3. TWSE_CHWST > TWSE_CHWRT - deaBan2
  4. +
+

The chiller is enabled when

+
    +
  1. The chiller has been disabled for at leat 20 minutes, and
  2. +
  3. TWSE_CHWST > TCHWSTSet + deaBan3
  4. +
+

The chiller is disabled when

+
    +
  1. The chiller has been enabled for at leat 20 minutes, and
  2. +
  3. TWSE_CHWST ≤ TCHWSTSet + deaBan4
  4. +
+

where TWSE_CHWST is the chilled water supply temperature for the WSE, TWetBul is the wet bulb temperature, TTowApp is the cooling tower approach, TWSE_CHWRT is the chilled water return temperature for the WSE, and TCHWSTSet is the chilled water supply temperature setpoint for the system. deaBan 1-4 are deadbands for each switching point.

+

References

+ +", revisions=" + +"), + Diagram(coordinateSystem(extent={{-100,-100},{100,80}})), + Icon(coordinateSystem(extent={{-100,-100},{100,80}}))); + end CoolingMode; + + model ConstantSpeedPumpStage "Staging control for constant speed pumps" + extends Modelica.Blocks.Icons.Block; + + parameter Modelica.SIunits.Time tWai "Waiting time"; + + Modelica.Blocks.Interfaces.IntegerInput cooMod + "Cooling mode - 0:off, 1: free cooling mode; 2: partially mechanical cooling; 3: fully mechanical cooling" + annotation (Placement(transformation(extent={{-140,30},{-100,70}}))); + Modelica.Blocks.Interfaces.IntegerInput numOnChi + "The number of running chillers" + annotation (Placement(transformation(extent={{-140,-70},{-100,-30}}))); + Modelica.Blocks.Interfaces.RealOutput y[2] "On/off signal - 0: off; 1: on" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.StateGraph.Transition con1( + enableTimer=true, + waitTime=tWai, + condition=cooMod == Integer(FiveZone.Types.CoolingModes.FreeCooling) + or cooMod == Integer(FiveZone.Types.CoolingModes.PartialMechanical) + or cooMod == Integer(FiveZone.Types.CoolingModes.FullMechanical)) + "Fire condition 1: free cooling to partially mechanical cooling" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-40,40}))); + Modelica.StateGraph.StepWithSignal oneOn(nIn=2, nOut=2) + "One chiller is commanded on" annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-40,10}))); + Modelica.StateGraph.InitialStep off(nIn=1) "Free cooling mode" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-40,70}))); + Modelica.StateGraph.StepWithSignal twoOn "Two chillers are commanded on" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-40,-80}))); + Modelica.StateGraph.Transition con2( + enableTimer=true, + waitTime=tWai, + condition=cooMod == Integer(FiveZone.Types.CoolingModes.FreeCooling) + or cooMod == Integer(FiveZone.Types.CoolingModes.PartialMechanical) + or (cooMod == Integer(FiveZone.Types.CoolingModes.FullMechanical) + and numOnChi > 1)) + "Fire condition 2: partially mechanical cooling to fully mechanical cooling" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-40,-40}))); + Modelica.StateGraph.Transition con3( + enableTimer=true, + waitTime=tWai, + condition=cooMod == Integer(FiveZone.Types.CoolingModes.FullMechanical) + and numOnChi < 2) + "Fire condition 3: fully mechanical cooling to partially mechanical cooling" + annotation (Placement(transformation( + extent={{10,-10},{-10,10}}, + rotation=-90, + origin={-10,-40}))); + Modelica.StateGraph.Transition con4( + enableTimer=true, + waitTime=tWai, + condition=cooMod == Integer(FiveZone.Types.CoolingModes.Off)) + "Fire condition 4: partially mechanical cooling to free cooling" + annotation (Placement(transformation( + extent={{10,-10},{-10,10}}, + rotation=-90, + origin={-8,70}))); + inner Modelica.StateGraph.StateGraphRoot stateGraphRoot + annotation (Placement(transformation(extent={{60,60},{80,80}}))); + Modelica.Blocks.Tables.CombiTable1Ds combiTable1Ds(table=[0,0,0; 1,1,0; 2,1,1]) + annotation (Placement(transformation(extent={{70,-10},{90,10}}))); + + Buildings.Controls.OBC.CDL.Conversions.BooleanToInteger booToInt( + final integerTrue=1, + final integerFalse=0) + annotation (Placement(transformation(extent={{20,-50},{40,-30}}))); + Buildings.Controls.OBC.CDL.Conversions.BooleanToInteger booToInt1( + final integerFalse=0, final integerTrue=2) + annotation (Placement(transformation(extent={{20,-90},{40,-70}}))); + Buildings.Controls.OBC.CDL.Integers.Add addInt + annotation (Placement(transformation(extent={{60,-70},{80,-50}}))); + Buildings.Controls.OBC.CDL.Conversions.IntegerToReal intToRea + annotation (Placement(transformation(extent={{40,-10},{60,10}}))); + + equation + connect(off.outPort[1], con1.inPort) + annotation (Line( + points={{-40,59.5},{-40,44}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con1.outPort, oneOn.inPort[1]) + annotation (Line( + points={{-40,38.5},{-40,26},{-40.5,26},{-40.5,21}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con2.inPort, oneOn.outPort[1]) + annotation (Line( + points={{-40,-36},{-40,-10},{-40.25,-10},{-40.25,-0.5}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con2.outPort, twoOn.inPort[1]) + annotation (Line( + points={{-40,-41.5},{-40,-69}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(twoOn.outPort[1], con3.inPort) + annotation (Line( + points={{-40,-90.5},{-40,-98},{-10,-98},{-10,-44}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con4.outPort, off.inPort[1]) + annotation (Line( + points={{-8,71.5},{-8,94},{-40,94},{-40,81}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con3.outPort, oneOn.inPort[2]) + annotation (Line( + points={{-10,-38.5},{-10,26},{-39.5,26},{-39.5,21}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con4.inPort, oneOn.outPort[2]) + annotation (Line( + points={{-8,66},{-8,-10},{-39.75,-10},{-39.75,-0.5}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(combiTable1Ds.y, y) + annotation (Line(points={{91,0},{91,0},{110,0}}, + color={0,0,127})); + connect(oneOn.active, booToInt.u) annotation (Line(points={{-29,10},{12,10},{ + 12,-40},{18,-40}}, color={255,0,255})); + connect(twoOn.active, booToInt1.u) + annotation (Line(points={{-29,-80},{18,-80}}, color={255,0,255})); + connect(booToInt.y, addInt.u1) annotation (Line(points={{42,-40},{48,-40},{48, + -54},{58,-54}}, color={255,127,0})); + connect(booToInt1.y, addInt.u2) annotation (Line(points={{42,-80},{48,-80},{ + 48,-66},{58,-66}}, color={255,127,0})); + connect(intToRea.y, combiTable1Ds.u) + annotation (Line(points={{62,0},{68,0}}, color={0,0,127})); + connect(addInt.y, intToRea.u) annotation (Line(points={{82,-60},{88,-60},{88, + -20},{30,-20},{30,0},{38,0}}, color={255,127,0})); + annotation ( Documentation(info=" +

+This model describes a simple staging control for two constant-speed pumps in +a chilled water plant with two chillers and a waterside economizer (WSE). The staging sequence +is shown as below. +

+ +", revisions=" + +")); + end ConstantSpeedPumpStage; + + model CoolingTowerSpeed "Controller for the fan speed in cooling towers" + extends Modelica.Blocks.Icons.Block; + + parameter Modelica.Blocks.Types.SimpleController controllerType= + Modelica.Blocks.Types.SimpleController.PID + "Type of controller" + annotation(Dialog(tab="Controller")); + parameter Real k(min=0, unit="1") = 1 + "Gain of controller" + annotation(Dialog(tab="Controller")); + parameter Modelica.SIunits.Time Ti(min=Modelica.Constants.small)=0.5 + "Time constant of integrator block" + annotation (Dialog(enable= + (controllerType == Modelica.Blocks.Types.SimpleController.PI or + controllerType == Modelica.Blocks.Types.SimpleController.PID),tab="Controller")); + parameter Modelica.SIunits.Time Td(min=0)=0.1 + "Time constant of derivative block" + annotation (Dialog(enable= + (controllerType == Modelica.Blocks.Types.SimpleController.PD or + controllerType == Modelica.Blocks.Types.SimpleController.PID),tab="Controller")); + parameter Real yMax(start=1)=1 + "Upper limit of output" + annotation(Dialog(tab="Controller")); + parameter Real yMin=0 + "Lower limit of output" + annotation(Dialog(tab="Controller")); + parameter Boolean reverseAction = true + "Set to true for throttling the water flow rate through a cooling coil controller" + annotation(Dialog(tab="Controller")); + Modelica.Blocks.Interfaces.RealInput TCHWSupSet( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Chilled water supply temperature setpoint" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealInput TCWSupSet( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Condenser water supply temperature setpoint" + annotation (Placement(transformation(extent={{-140,60},{-100,100}}))); + Modelica.Blocks.Interfaces.RealInput TCHWSup( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Chilled water supply temperature " annotation ( + Placement(transformation( + extent={{-20,-20},{20,20}}, + origin={-120,-74}), iconTransformation(extent={{-140,-100},{-100,-60}}))); + Modelica.Blocks.Interfaces.RealInput TCWSup( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Condenser water supply temperature " annotation ( + Placement(transformation( + extent={{20,20},{-20,-20}}, + rotation=180, + origin={-120,-40}))); + Modelica.Blocks.Interfaces.RealOutput y + "Speed signal for cooling tower fans" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Sources.Constant uni(k=1) "Unit" + annotation (Placement(transformation(extent={{-10,70},{10,90}}))); + Modelica.Blocks.Sources.BooleanExpression pmcMod( + y= cooMod == Integer(FiveZone.Types.CoolingModes.PartialMechanical)) + "Partially mechanical cooling mode" + annotation (Placement(transformation(extent={{-8,-10},{12,10}}))); + + Modelica.Blocks.Interfaces.IntegerInput cooMod + "Cooling mode signal, integer value of + Buildings.Applications.DataCenters.Types.CoolingMode" + annotation (Placement(transformation(extent={{-140,20},{-100,60}}))); + Buildings.Controls.Continuous.LimPID conPID( + controllerType=controllerType, + k=k, + Ti=Ti, + Td=Td, + yMax=yMax, + yMin=yMin, + reverseAction=reverseAction, + reset=Buildings.Types.Reset.Parameter, + y_reset=0) + "PID controller" + annotation (Placement(transformation(extent={{-10,-50},{10,-30}}))); + Modelica.Blocks.Math.IntegerToBoolean fmcMod(threshold=Integer(FiveZone.Types.CoolingModes.FullMechanical)) + "Fully mechanical cooling mode" + annotation (Placement(transformation(extent={{-90,30},{-70,50}}))); + + Modelica.Blocks.Sources.BooleanExpression offMod(y=cooMod == Integer(FiveZone.Types.CoolingModes.Off)) + "off mode" annotation (Placement(transformation(extent={{30,22},{50,42}}))); + Modelica.Blocks.Sources.Constant off(k=0) "zero" + annotation (Placement(transformation(extent={{30,54},{50,74}}))); + Buildings.Controls.OBC.CDL.Integers.LessThreshold notOff(threshold=Integer(FiveZone.Types.CoolingModes.Off)) + annotation (Placement(transformation(extent={{-88,-100},{-68,-80}}))); + protected + Modelica.Blocks.Logical.Switch swi1 + "Switch 1" + annotation (Placement(transformation(extent={{-46,30},{-26,50}}))); + Modelica.Blocks.Logical.Switch swi2 + "Switch 2" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}, + origin={-34,-60}))); + Modelica.Blocks.Logical.Switch swi3 + "Switch 3" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}, + origin={42,0}))); + + Modelica.Blocks.Logical.Switch swi4 + "Switch 3" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}, + origin={80,32}))); + equation + connect(TCWSupSet, swi1.u1) + annotation (Line(points={{-120,80},{-58,80},{-58,48},{-48,48}}, + color={0,0,127})); + connect(TCHWSupSet, swi1.u3) + annotation (Line(points={{-120,0},{-58,0},{-58,32},{-48,32}}, + color={0,0,127})); + connect(swi1.y, conPID.u_s) + annotation (Line(points={{-25,40},{-20,40},{-20,-40},{-12,-40}}, + color={0,0,127})); + connect(fmcMod.y, swi2.u2) + annotation (Line(points={{-69,40},{-64,40},{-64,-60},{-46,-60}}, + color={255,0,255})); + connect(TCWSup, swi2.u1) + annotation (Line(points={{-120,-40},{-60,-40},{-60,-52},{-46,-52}}, + color={0,0,127})); + connect(swi2.y, conPID.u_m) + annotation (Line(points={{-23,-60},{0,-60},{0,-52}}, color={0,0,127})); + connect(pmcMod.y, swi3.u2) + annotation (Line(points={{13,0},{30,0}}, color={255,0,255})); + connect(uni.y, swi3.u1) + annotation (Line(points={{11,80},{20,80},{20,8},{30,8}}, color={0,0,127})); + connect(fmcMod.y, swi1.u2) + annotation (Line(points={{-69,40},{-48,40}}, + color={255,0,255})); + connect(cooMod, fmcMod.u) + annotation (Line(points={{-120,40},{-92,40}}, + color={255,127,0})); + connect(conPID.y, swi3.u3) annotation (Line(points={{11,-40},{20,-40},{20,-8}, + {30,-8}}, color={0,0,127})); + connect(offMod.y, swi4.u2) + annotation (Line(points={{51,32},{68,32}}, color={255,0,255})); + connect(off.y, swi4.u1) annotation (Line(points={{51,64},{60,64},{60,40},{68, + 40}}, color={0,0,127})); + connect(swi3.y, swi4.u3) + annotation (Line(points={{53,0},{60,0},{60,24},{68,24}}, color={0,0,127})); + connect(swi4.y, y) annotation (Line(points={{91,32},{96,32},{96,0},{110,0}}, + color={0,0,127})); + connect(cooMod, notOff.u) annotation (Line(points={{-120,40},{-96,40},{-96, + -90},{-90,-90}}, color={255,127,0})); + connect(TCHWSup, swi2.u3) annotation (Line(points={{-120,-74},{-60,-74},{-60, + -68},{-46,-68}}, color={0,0,127})); + connect(notOff.y, conPID.trigger) + annotation (Line(points={{-66,-90},{-8,-90},{-8,-52}}, color={255,0,255})); + annotation (Icon(coordinateSystem(preserveAspectRatio=false, extent={{-100, + -100},{100,80}})), Documentation(info=" +

This model describes a simple cooling tower speed controller for +a chilled water system with integrated waterside economizers. +

+

The control logics are described in the following:

+ +", revisions=" + +")); + end CoolingTowerSpeed; + + model TemperatureDifferentialPressureReset + "CHWST and CHW DP reset control for chillers" + extends Modelica.Blocks.Icons.Block; + parameter Modelica.SIunits.Time samplePeriod=120 "Sample period of component"; + parameter Real uTri=0 "Value to triggering the request for actuator"; + parameter Real yEqu0=0 "y setpoint when equipment starts"; + parameter Real yDec=-0.03 "y decrement (must be negative)"; + parameter Real yInc=0.03 "y increment (must be positive)"; + parameter Real x1=0.5 "First interval [x0, x1] and second interval (x1, x2]" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Pressure dpMin = 100 "dpmin" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Pressure dpMax = 300 "dpmax" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.ThermodynamicTemperature TMin=273.15+5.56 "Tchi,min" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.ThermodynamicTemperature TMax = 273.15+22 "Tchi,max" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Time startTime=0 "First sample time instant"; + + Modelica.Blocks.Interfaces.RealInput u + "Input signall, such as dT, or valve position" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + FiveZone.PrimarySideControl.BaseClasses.LinearPiecewiseTwo linPieTwo( + x0=0, + x1=x1, + x2=1, + y10=dpMin, + y11=dpMax, + y20=TMax, + y21=TMin) "Calculation of two piecewise linear functions" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + Modelica.Blocks.Interfaces.RealOutput dpSet( + final quantity="Pressure", + final unit = "Pa") "DP setpoint" + annotation (Placement(transformation(extent={{100,40},{120,60}}), + iconTransformation(extent={{100,40},{120,60}}))); + Modelica.Blocks.Interfaces.RealOutput TSet( + final quantity="ThermodynamicTemperature", + final unit="K") + "CHWST" + annotation (Placement(transformation(extent={{100,-60},{120,-40}}), + iconTransformation(extent={{100,-60},{120,-40}}))); + FiveZone.PrimarySideControl.BaseClasses.TrimAndRespond triAndRes( + samplePeriod=samplePeriod, + startTime=startTime, + uTri=uTri, + yEqu0=yEqu0, + yDec=yDec, + yInc=yInc) + annotation (Placement(transformation(extent={{-40,-10},{-20,10}}))); + + Modelica.Blocks.Logical.Switch swi1 "Switch" + annotation (Placement(transformation(extent={{60,70},{80,90}}))); + Modelica.Blocks.Sources.RealExpression dpSetIni(y=dpMin) + "Initial dp setpoint" + annotation (Placement(transformation(extent={{-20,80},{0,100}}))); + Modelica.Blocks.Sources.RealExpression TSetIni(y=TMin) + "Initial temperature setpoint" + annotation (Placement(transformation(extent={{-20,-88},{0,-68}}))); + Modelica.Blocks.Logical.Switch swi2 "Switch" + annotation (Placement(transformation(extent={{60,-80},{80,-60}}))); + Modelica.Blocks.Interfaces.IntegerInput uOpeMod + "Cooling mode in WSEControls.Type.OperationaModes" annotation (Placement( + transformation(extent={{-140,40},{-100,80}}), iconTransformation( + extent={{-140,40},{-100,80}}))); + Buildings.Controls.OBC.CDL.Integers.GreaterThreshold intGreThr(threshold= + Integer(FiveZone.Types.CoolingModes.FreeCooling)) + annotation (Placement(transformation(extent={{-60,50},{-40,70}}))); + Buildings.Controls.OBC.CDL.Logical.And and2 + annotation (Placement(transformation(extent={{-10,50},{10,70}}))); + Buildings.Controls.OBC.CDL.Integers.LessThreshold intLesThr(threshold=Integer(FiveZone.Types.CoolingModes.Off)) + annotation (Placement(transformation(extent={{-60,18},{-40,38}}))); + equation + + connect(triAndRes.y, linPieTwo.u) + annotation (Line(points={{-19,0},{18,0}}, color={0,0,127})); + connect(uOpeMod, intGreThr.u) + annotation (Line(points={{-120,60},{-62,60}}, color={255,127,0})); + connect(linPieTwo.y[1], swi1.u1) annotation (Line(points={{41,-0.5},{48,-0.5}, + {48,88},{58,88}}, color={0,0,127})); + connect(dpSetIni.y, swi1.u3) annotation (Line(points={{1,90},{46,90},{46,72}, + {58,72}}, color={0,0,127})); + connect(linPieTwo.y[2], swi2.u1) annotation (Line(points={{41,0.5},{52,0.5},{ + 52,-62},{58,-62}}, color={0,0,127})); + connect(TSetIni.y, swi2.u3) + annotation (Line(points={{1,-78},{58,-78}}, color={0,0,127})); + connect(swi1.y, dpSet) annotation (Line(points={{81,80},{90,80},{90,50},{110, + 50}}, color={0,0,127})); + connect(swi2.y, TSet) annotation (Line(points={{81,-70},{90,-70},{90,-50},{ + 110,-50}}, color={0,0,127})); + connect(u, triAndRes.u) + annotation (Line(points={{-120,0},{-42,0}}, color={0,0,127})); + connect(uOpeMod, intLesThr.u) annotation (Line(points={{-120,60},{-80,60},{ + -80,28},{-62,28}}, color={255,127,0})); + connect(intGreThr.y, and2.u1) + annotation (Line(points={{-38,60},{-12,60}}, color={255,0,255})); + connect(intLesThr.y, and2.u2) annotation (Line(points={{-38,28},{-28,28},{-28, + 52},{-12,52}}, color={255,0,255})); + connect(and2.y, swi1.u2) annotation (Line(points={{12,60},{34,60},{34,80},{58, + 80}}, color={255,0,255})); + connect(and2.y, swi2.u2) annotation (Line(points={{12,60},{46,60},{46,-70},{ + 58,-70}}, color={255,0,255})); + annotation (defaultComponentName="temDifPreRes", + Documentation(info=" +

This model describes a chilled water supply temperature setpoint and differential pressure setpoint reset control. In this logic, it is to first increase the different pressure, Δp, of the chilled water loop to increase the mass flow rate. If Δp reaches the maximum value and further cooling is still needed, the chiller remperature setpoint, Tchi,set, is reduced. If there is too much cooling, the Tchi,set and Δp will be changed in the reverse direction.

+

The model implements a discrete time trim and respond logic as follows:

+ +

The control signal u is converted to setpoints for Δp and Tchi,set as follows:

+ +

where Δpmin and Δpmax are minimum and maximum values for Δp, and Tmin and Tmax are the minimum and maximum values for Tchi,set.

+

Note that we deactivate the trim and response when the chillers are off.

+ +

Reference

+

Stein, J. (2009). Waterside Economizing in Data Centers: Design and Control Considerations. ASHRAE Transactions, 115(2), 192-200.

+

Taylor, S.T. (2007). Increasing Efficiency with VAV System Static Pressure Setpoint Reset. ASHRAE Journal, June, 24-32.

+", revisions=" + +")); + end TemperatureDifferentialPressureReset; + + model PlantRequest "Plant request control" + extends Modelica.Blocks.Icons.Block; + + Buildings.Controls.OBC.CDL.Interfaces.IntegerOutput yPlaReq + "Plant request" annotation (Placement(transformation(extent={{100,-10},{120, + 10}}), iconTransformation(extent={{100,-10},{120,10}}))); + Buildings.Controls.OBC.CDL.Interfaces.RealInput uPlaVal( + min=0, + max=1, + final unit="1") "Cooling or Heating valve position" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Buildings.Controls.OBC.CDL.Continuous.Hysteresis hys(final uHigh=uHigh, + final uLow=uLow) + "Check if valve position is greater than 0.95" + annotation (Placement(transformation(extent={{-70,-10},{-50,10}}))); + parameter Real uLow=0.1 "if y=true and uuHigh, switch to y=true"; + protected + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant onePlaReq(final k=1) + "Constant 1" + annotation (Placement(transformation(extent={{-10,20},{10,40}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant zerPlaReq(final k=0) "Constant 0" + annotation (Placement(transformation(extent={{-10,-40},{10,-20}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi "Output 0 or 1 request " + annotation (Placement(transformation(extent={{30,-10},{50,10}}))); + Buildings.Controls.OBC.CDL.Conversions.RealToInteger reaToInt "Convert real to integer value" + annotation (Placement(transformation(extent={{70,-10},{90,10}}))); + equation + connect(reaToInt.y, yPlaReq) annotation (Line(points={{92,0},{96,0},{96,0},{ + 110,0}}, + color={255,127,0})); + connect(swi.y, reaToInt.u) + annotation (Line(points={{52,0},{68,0}}, color={0,0,127})); + connect(onePlaReq.y, swi.u1) + annotation (Line(points={{12,30},{20,30},{20,8},{28,8}}, color={0,0,127})); + connect(zerPlaReq.y, swi.u3) annotation (Line(points={{12,-30},{20,-30},{20, + -8},{28,-8}}, + color={0,0,127})); + connect(hys.y, swi.u2) + annotation (Line(points={{-48,0},{28,0}}, color={255,0,255})); + connect(uPlaVal, hys.u) + annotation (Line(points={{-120,0},{-72,0}}, color={0,0,127})); + annotation (Documentation(info=" +

This module calculates the plant request number based on the valve position:

+


Chiller Plant Requests. Send the chiller plant that serves the system a Chiller Plant Request as follows:

+
    +
  1. If the CHW valve position is greater than 95%, send 1 Request until the CHW valve position is less than 10%
  2. +
  3. Else if the CHW valve position is less than 95%, send 0 Requests.
  4. +
+

Hot Water Plant Requests: Send the heating hot water plant that serves the AHU a Hot Water Plant Request as follows:

+
    +
  1. If the HW valve position is greater than 95%, send 1 Request until the HW valve position is less than 10%
  2. +
  3. Else if the HW valve position is less than 95%, send 0 Requests.
  4. +
+", revisions=" + +")); + end PlantRequest; + + model BoilerPlantEnableDisable + extends ChillerPlantEnableDisable(con1(condition=yPlaReq > numIgn and TOut < + TOutPla and ySupFan and offTim.y >= shoCycTim), con2(condition=( + lesEquReq.y >= plaReqTim and onTim.y >= shoCycTim and lesEquSpe.y >= + plaReqTim) or ((TOut > TOutPla - 1 or not ySupFan) and onTim.y >= + shoCycTim), waitTime=0)); + annotation (Documentation(info=" +

This is a boiler plant enable disable control that works as follows:

+

Enable the plant in the lowest stage when the plant has been disabled for at least 15 minutes and:

+
    +
  1. Number of Hot Water Plant Requests > I (I = Ignores shall default to 0, adjustable), and
  2. +
  3. OAT<H-LOT, and
  4. +
  5. The boiler plant enable schedule is active.
  6. +
+

Disable the plant when it has been enabled for at least 15 minutes and:

+
    +
  1. Number of Hot Water Plant Requests ≤ I for 3 minutes, or
  2. +
  3. OAT>H-LOT-1°F, or
  4. +
  5. The boiler plant enable schedule is inactive.
  6. +
+

In the above logic, OAT is the outdoor air temperature, CH-LOT is the chiller plant lockout air temperature, H-LOT is the heating plant lockout air temperature.

+")); + end BoilerPlantEnableDisable; + + model MinimumFlowBypassValve "Minimum flow bypass valve control" + extends Modelica.Blocks.Icons.Block; + + Buildings.Controls.OBC.CDL.Interfaces.RealInput m_flow(final quantity= + "MassFlowRate", final unit="kg/s") "Water mass flow rate measurement" + annotation (Placement(transformation(extent={{-140,10},{-100,50}}), + iconTransformation(extent={{-20,-20},{20,20}}, origin={-120,30}))); + Modelica.Blocks.Sources.RealExpression m_flow_min(y=m_flow_minimum) + "Design minimum water flow rate" + annotation (Placement(transformation(extent={{-80,48},{-60,68}}))); + Buildings.Controls.OBC.CDL.Continuous.LimPID conPID( + controllerType=controllerType, + k=k, + Ti=Ti, + Td=Td, + reset=Buildings.Types.Reset.Parameter, + y_reset=0) annotation (Placement(transformation(extent={{-10,60},{10,80}}))); + Modelica.Blocks.Interfaces.RealOutput y + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + parameter Modelica.SIunits.MassFlowRate m_flow_minimum=0.1 "Design minimum water mass flow rate"; + // Controller + parameter Modelica.Blocks.Types.SimpleController controllerType= + Modelica.Blocks.Types.SimpleController.PI + "Type of controller"; + parameter Real k(min=0, unit="1") = 0.1 + "Gain of controller"; + parameter Modelica.SIunits.Time Ti(min=Modelica.Constants.small)=60 + "Time constant of integrator block" + annotation (Dialog(enable= + (controllerType == Modelica.Blocks.Types.SimpleController.PI or + controllerType == Modelica.Blocks.Types.SimpleController.PID))); + parameter Modelica.SIunits.Time Td(min=0)=0.1 + "Time constant of derivative block" + annotation (Dialog(enable= + (controllerType == Modelica.Blocks.Types.SimpleController.PD or + controllerType == Modelica.Blocks.Types.SimpleController.PID))); + + Buildings.Controls.OBC.CDL.Interfaces.BooleanInput yPla "Plant on/off" + annotation (Placement(transformation(extent={{-140,-70},{-100,-30}}), + iconTransformation(extent={{-140,-50},{-100,-10}}))); + Modelica.Blocks.Sources.RealExpression dm(y=m_flow - m_flow_minimum) + "Delta mass flowrate" + annotation (Placement(transformation(extent={{-92,-20},{-72,0}}))); + Buildings.Controls.OBC.CDL.Continuous.Hysteresis hys(uLow=0, uHigh=0.1, + y(start=false)) + annotation (Placement(transformation(extent={{-60,-20},{-40,0}}))); + Modelica.Blocks.Logical.And and1 + annotation (Placement(transformation(extent={{0,-40},{20,-20}}))); + protected + Buildings.Controls.OBC.CDL.Logical.Switch swi "Output 0 or 1 request " + annotation (Placement(transformation(extent={{54,-10},{74,10}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant zer(final k=0) + "Constant 0" + annotation (Placement(transformation(extent={{20,30},{40,50}}))); + equation + connect(m_flow_min.y, conPID.u_s) + annotation (Line(points={{-59,58},{-36,58},{-36,70},{-12,70}}, + color={0,0,127})); + connect(conPID.u_m, m_flow) + annotation (Line(points={{0,58},{0,30},{-120,30}}, color={0,0,127})); + connect(swi.y, y) annotation (Line(points={{76,0},{110,0}}, color={0,0,127})); + connect(dm.y, hys.u) + annotation (Line(points={{-71,-10},{-62,-10}}, color={0,0,127})); + connect(conPID.y, swi.u3) annotation (Line(points={{12,70},{16,70},{16,-8},{52, + -8}}, color={0,0,127})); + connect(zer.y, swi.u1) + annotation (Line(points={{42,40},{44,40},{44,8},{52,8}}, color={0,0,127})); + connect(yPla, and1.u2) annotation (Line(points={{-120,-50},{-20,-50},{-20,-38}, + {-2,-38}}, color={255,0,255})); + connect(hys.y, and1.u1) annotation (Line(points={{-38,-10},{-20,-10},{-20, + -30},{-2,-30}}, + color={255,0,255})); + connect(and1.y, swi.u2) annotation (Line(points={{21,-30},{40,-30},{40,0},{52, + 0}}, color={255,0,255})); + connect(hys.y, conPID.trigger) + annotation (Line(points={{-38,-10},{-6,-10},{-6,58}}, color={255,0,255})); + annotation (Documentation(info=" +

The bypass valve PID loop is enabled when the plant is on. When enabled, the bypass valve loop starts with the valve 0% open. It is closed when the plant is off.

+", revisions=" + +")); + end MinimumFlowBypassValve; + + model HotWaterTemperatureReset "Hot Water Temperature Reset Control" + + parameter Real uHigh=0.95 "if y=false and u>uHigh, switch to y=true"; + parameter Real uLow=0.85 "if y=true and u +

Variable

+

Value

+

Definition

+ + +

Device

+

HW Loop

+

Associated device

+ + +

SP0

+

iniSet

+

Initial setpoint

+ + +

SPmin

+

minSet

+

Minimum setpoint

+ + +

SPmax

+

maxSet

+

Maximum setpoint

+ + +

Td

+

delTim

+

Delay timer

+ + +

T

+

samplePeriod

+

Time step

+ + +

I

+

numIgnReq

+

Number of ignored requests

+ + +

R

+

uZonPreResReq

+

Number of requests

+ + +

SPtrim

+

triAmo

+

Trim amount

+ + +

SPres

+

resAmo

+

Respond amount

+ + +

SPres_max

+

maxRes

+

Maximum response per time interval

+ + +")); + end HotWaterTemperatureReset; + + model TrimResponse "Trim and respond" + extends Modelica.Blocks.Icons.Block; + parameter Modelica.SIunits.Time samplePeriod=120 "Sample period of component"; + parameter Real uTri=0 "Value to triggering the request for actuator"; + parameter Real yEqu0=0 "y setpoint when equipment starts"; + parameter Real yDec=-0.03 "y decrement (must be negative)"; + parameter Real yInc=0.03 "y increment (must be positive)"; + parameter Real x1=0.5 "First interval [x0, x1] and second interval (x1, x2]" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Pressure dpMin = 100 "dpmin" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Pressure dpMax = 300 "dpmax" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.ThermodynamicTemperature TMin=273.15+32 "Tchi,min" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.ThermodynamicTemperature TMax = 273.15+45 "Tchi,max" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Time startTime=0 "First sample time instant"; + + Modelica.Blocks.Interfaces.RealInput u + "Input signall, such as dT, or valve position" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + FiveZone.PrimarySideControl.BaseClasses.LinearPiecewiseTwo linPieTwo( + x0=0, + x1=x1, + x2=1, + y10=dpMin, + y11=dpMax, + y20=TMin, + y21=TMax) "Calculation of two piecewise linear functions" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + Modelica.Blocks.Interfaces.RealOutput dpSet( + final quantity="Pressure", + final unit = "Pa") "DP setpoint" + annotation (Placement(transformation(extent={{100,40},{120,60}}), + iconTransformation(extent={{100,40},{120,60}}))); + Modelica.Blocks.Interfaces.RealOutput TSet( + final quantity="ThermodynamicTemperature", + final unit="K") + "CHWST" + annotation (Placement(transformation(extent={{100,-60},{120,-40}}), + iconTransformation(extent={{100,-60},{120,-40}}))); + FiveZone.PrimarySideControl.BaseClasses.TrimAndRespond triAndRes( + samplePeriod=samplePeriod, + startTime=startTime, + uTri=uTri, + yEqu0=yEqu0, + yDec=yDec, + yInc=yInc) + annotation (Placement(transformation(extent={{-40,-10},{-20,10}}))); + + Buildings.Controls.OBC.CDL.Interfaces.BooleanInput uDevSta + "On/Off status of the associated device" + annotation (Placement(transformation(extent={{-140,50},{-100,90}}), + iconTransformation(extent={{-180,10},{-100,90}}))); + Modelica.Blocks.Sources.RealExpression dpSetIni(y=dpMin) + "Initial dp setpoint" + annotation (Placement(transformation(extent={{-20,80},{0,100}}))); + Modelica.Blocks.Sources.RealExpression TSetIni(y=TMin) + "Initial temperature setpoint" + annotation (Placement(transformation(extent={{-20,-88},{0,-68}}))); + Modelica.Blocks.Logical.Switch swi2 "Switch" + annotation (Placement(transformation(extent={{60,-80},{80,-60}}))); + Modelica.Blocks.Logical.Switch swi1 "Switch" + annotation (Placement(transformation(extent={{60,70},{80,90}}))); + equation + + connect(triAndRes.y, linPieTwo.u) + annotation (Line(points={{-19,0},{18,0}}, color={0,0,127})); + connect(u, triAndRes.u) + annotation (Line(points={{-120,0},{-42,0}}, color={0,0,127})); + connect(uDevSta, swi1.u2) annotation (Line(points={{-120,70},{0,70},{0,80},{ + 58,80}}, color={255,0,255})); + connect(swi1.y, dpSet) annotation (Line(points={{81,80},{92,80},{92,50},{110, + 50}}, color={0,0,127})); + connect(linPieTwo.y[1], swi1.u1) annotation (Line(points={{41,-0.5},{48,-0.5}, + {48,88},{58,88}}, color={0,0,127})); + connect(dpSetIni.y, swi1.u3) annotation (Line(points={{1,90},{46,90},{46,72}, + {58,72}}, color={0,0,127})); + connect(uDevSta, swi2.u2) annotation (Line(points={{-120,70},{0,70},{0,-70},{ + 58,-70}}, color={255,0,255})); + connect(TSetIni.y, swi2.u3) + annotation (Line(points={{1,-78},{58,-78}}, color={0,0,127})); + connect(linPieTwo.y[2], swi2.u1) annotation (Line(points={{41,0.5},{48,0.5},{ + 48,-62},{58,-62}}, color={0,0,127})); + connect(swi2.y, TSet) annotation (Line(points={{81,-70},{88,-70},{88,-50},{ + 110,-50}}, color={0,0,127})); + annotation (defaultComponentName="triRes", + Documentation(info=" +

This model describes a chilled water supply temperature setpoint and differential pressure setpoint reset control. In this logic, it is to first increase the different pressure, Δp, of the chilled water loop to increase the mass flow rate. If Δp reaches the maximum value and further cooling is still needed, the chiller remperature setpoint, Tchi,set, is reduced. If there is too much cooling, the Tchi,set and Δp will be changed in the reverse direction.

+

The model implements a discrete time trim and respond logic as follows:

+ +

The control signal u is converted to setpoints for Δp and Tchi,set as follows:

+ +

where Δpmin and Δpmax are minimum and maximum values for Δp, and Tmin and Tmax are the minimum and maximum values for Tchi,set.

+

Note that we deactivate the trim and response when the chillers are off.

+ +

Reference

+

Stein, J. (2009). Waterside Economizing in Data Centers: Design and Control Considerations. ASHRAE Transactions, 115(2), 192-200.

+

Taylor, S.T. (2007). Increasing Efficiency with VAV System Static Pressure Setpoint Reset. ASHRAE Journal, June, 24-32.

+", revisions=" + +")); + end TrimResponse; + + package Validation + + model ChillerPlantEnableDisable + extends Modelica.Icons.Example; + FiveZone.Controls.ChillerPlantEnableDisable plaEnaDis + annotation (Placement(transformation(extent={{-10,-10},{10,10}}))); + Modelica.Blocks.Sources.BooleanPulse ySupFan( + width=60, + period(displayUnit="h") = 10800, + startTime(displayUnit="min") = 300) + annotation (Placement(transformation(extent={{-80,-20},{-60,0}}))); + Modelica.Blocks.Sources.Sine TOut( + amplitude=10, + freqHz=1/10800, + offset=16 + 273.15, + startTime(displayUnit="min") = 1200) + annotation (Placement(transformation(extent={{-80,30},{-60,50}}))); + Modelica.Blocks.Sources.IntegerTable yPlaReq(table=[0,0; 800,1; 2500,0; 3000, + 1; 3800,0; 4500,1; 10800,0; 15000,1; 18000,0]) "Plant Request Numbers" + annotation (Placement(transformation(extent={{-80,-60},{-60,-40}}))); + Modelica.Blocks.Sources.Sine yFanSep( + amplitude=0.5, + freqHz=1/10800, + offset=0.5, + startTime(displayUnit="min")) + annotation (Placement(transformation(extent={{-80,-90},{-60,-70}}))); + equation + connect(ySupFan.y, plaEnaDis.ySupFan) annotation (Line(points={{-59,-10},{-36, + -10},{-36,0},{-12,0}}, color={255,0,255})); + connect(TOut.y, plaEnaDis.TOut) annotation (Line(points={{-59,40},{-36,40},{ + -36,4.6},{-12,4.6}}, + color={0,0,127})); + connect(yPlaReq.y, plaEnaDis.yPlaReq) annotation (Line(points={{-59,-50},{-34, + -50},{-34,-4},{-12,-4}}, color={255,127,0})); + connect(yFanSep.y, plaEnaDis.yFanSpe) annotation (Line(points={{-59,-80},{-32, + -80},{-32,-7},{-11,-7}}, color={0,0,127})); + annotation (Icon(coordinateSystem(preserveAspectRatio=false)), Diagram( + coordinateSystem(preserveAspectRatio=false)), + experiment(StopTime=21600, __Dymola_Algorithm="Cvode")); + end ChillerPlantEnableDisable; + + model PlantRequest + extends Modelica.Icons.Example; + Modelica.Blocks.Sources.Sine uPlaReq( + amplitude=0.5, + freqHz=1/2000, + offset=0.5, + startTime(displayUnit="min") = 300) + annotation (Placement(transformation(extent={{-60,-10},{-40,10}}))); + FiveZone.Controls.PlantRequest plaReq + annotation (Placement(transformation(extent={{-8,-10},{12,10}}))); + equation + connect(uPlaReq.y, plaReq.uPlaVal) + annotation (Line(points={{-39,0},{-9,0}}, color={0,0,127})); + annotation (Icon(coordinateSystem(preserveAspectRatio=false)), Diagram( + coordinateSystem(preserveAspectRatio=false)), + experiment(StopTime=21600, __Dymola_Algorithm="Cvode")); + end PlantRequest; + + model CoolingMode + "Test the model ChillerWSE.Examples.BaseClasses.CoolingModeController" + extends Modelica.Icons.Example; + + FiveZone.Controls.CoolingMode cooModCon( + deaBan1=1, + deaBan2=1, + tWai=30, + deaBan3=1, + deaBan4=1) + "Cooling mode controller used in integrared waterside economizer chilled water system" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}))); + Modelica.Blocks.Sources.Pulse TCHWLeaWSE( + period=300, + amplitude=15, + offset=273.15 + 5) "WSE chilled water supply temperature" + annotation (Placement(transformation(extent={{-60,-50},{-40,-30}}))); + Modelica.Blocks.Sources.Constant TWetBub(k=273.15 + 5) "Wet bulb temperature" + annotation (Placement(transformation(extent={{-60,10},{-40,30}}))); + Modelica.Blocks.Sources.Constant TAppTow(k=5) "Cooling tower approach" + annotation (Placement(transformation(extent={{-60,-20},{-40,0}}))); + Modelica.Blocks.Sources.Constant TCHWEntWSE(k=273.15 + 12) + "Chilled water return temperature in waterside economizer" + annotation (Placement(transformation(extent={{-60,-90},{-40,-70}}))); + Modelica.Blocks.Sources.Constant TCHWLeaSet(k=273.15 + 10) + "Chilled water supply temperature setpoint" + annotation (Placement(transformation(extent={{-60,40},{-40,60}}))); + Modelica.Blocks.Sources.BooleanPulse yPla( + width=80, + period(displayUnit="min") = 300, + startTime(displayUnit="min") = 60) + annotation (Placement(transformation(extent={{-60,70},{-40,90}}))); + equation + connect(TCHWLeaSet.y, cooModCon.TCHWSupSet) annotation (Line(points={{-39,50}, + {-24,50},{-24,5.77778},{-12,5.77778}}, + color={0,0,127})); + connect(TWetBub.y, cooModCon.TWetBul) + annotation (Line(points={{-39,20},{-26,20},{-26,2.22222},{-12,2.22222}}, + color={0,0,127})); + connect(TAppTow.y, cooModCon.TApp) annotation (Line(points={{-39,-10},{-28, + -10},{-28,-1.11111},{-12,-1.11111}}, + color={0,0,127})); + connect(TCHWLeaWSE.y, cooModCon.TCHWSupWSE) annotation (Line(points={{-39,-40}, + {-28,-40},{-28,-4.44444},{-12,-4.44444}}, + color={0,0,127})); + connect(TCHWEntWSE.y, cooModCon.TCHWRetWSE) annotation (Line(points={{-39,-80}, + {-26,-80},{-26,-7.77778},{-12,-7.77778}}, + color={0,0,127})); + connect(yPla.y, cooModCon.yPla) annotation (Line(points={{-39,80},{-22,80},{ + -22,8.66667},{-12,8.66667}}, color={255,0,255})); + annotation ( + Documentation(info=" +

+This model tests the cooling mode controller implemented in + +FaultInjection.Experimental.SystemLevelFaults.Controls.CoolingMode. +

+", revisions=" + +"), + experiment( + StartTime=0, + StopTime=600, + Tolerance=1e-06), + __Dymola_Commands(file= + "Resources/Scripts/dymola/FaultInjection/Experimental/SystemLevelFaults/Controls/Validation/CoolingMode.mos" + "Simulate and Plot")); + end CoolingMode; + + model ConstantSpeedPumpStage + "Test the model ChillerWSE.Examples.BaseClasses.ConstatnSpeedPumpStageControl" + extends Modelica.Icons.Example; + + FiveZone.Controls.ConstantSpeedPumpStage conSpePumSta(tWai=30) + "Staging controller for constant speed pumps" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}))); + Modelica.Blocks.Sources.IntegerTable cooMod(table=[360,1; 720,2; 1080,3; 1440, + 4]) + "Cooling mode" + annotation (Placement(transformation(extent={{-60,40},{-40,60}}))); + Modelica.Blocks.Sources.IntegerTable chiNumOn( + table=[0,0; 360,1; 540,2; 720,1; + 900,2; 1080,1; 1260,2; 1440,1]) + "The number of running chillers" + annotation (Placement(transformation(extent={{-60,-40},{-40,-20}}))); + equation + connect(cooMod.y, conSpePumSta.cooMod) + annotation (Line(points={{-39,50},{-20,50},{-20,5},{-12,5}}, + color={255,127,0})); + connect(chiNumOn.y,conSpePumSta.numOnChi) + annotation (Line(points={{-39,-30},{-20,-30},{-20,-5},{-12,-5}}, + color={255,127,0})); + annotation ( __Dymola_Commands(file= + "modelica://Buildings/Resources/Scripts/Dymola/Applications/DataCenters/ChillerCooled/Controls/Validation/ConstantSpeedPumpStage.mos" + "Simulate and plot"), + Documentation(info=" +

+This example test how the number of required constant-speed pumps varies +based on cooling mode signals and the number of running chillers. Detailed +control logic can be found in + +Buildings.Applications.DataCenters.ChillerCooled.Controls.ConstantSpeedPumpStage. +

+", revisions=" + +"), + experiment( + StartTime=0, + StopTime=1440, + Tolerance=1e-06)); + end ConstantSpeedPumpStage; + + model CoolingTowerSpeed + "Test the model ChillerWSE.Examples.BaseClasses.CoolingTowerSpeedControl" + extends Modelica.Icons.Example; + + parameter Modelica.Blocks.Types.SimpleController controllerType= + Modelica.Blocks.Types.SimpleController.PID + "Type of controller" + annotation(Dialog(tab="Controller")); + parameter Real k(min=0, unit="1") = 1 + "Gain of controller" + annotation(Dialog(tab="Controller")); + parameter Modelica.SIunits.Time Ti(min=Modelica.Constants.small)=0.5 + "Time constant of integrator block" + annotation (Dialog(enable= + (controllerType == Modelica.Blocks.Types.SimpleController.PI or + controllerType == Modelica.Blocks.Types.SimpleController.PID),tab="Controller")); + parameter Modelica.SIunits.Time Td(min=0)=0.1 + "Time constant of derivative block" + annotation (Dialog(enable= + (controllerType == Modelica.Blocks.Types.SimpleController.PD or + controllerType == Modelica.Blocks.Types.SimpleController.PID),tab="Controller")); + parameter Real yMax(start=1)=1 + "Upper limit of output" + annotation(Dialog(tab="Controller")); + parameter Real yMin=0 + "Lower limit of output" + annotation(Dialog(tab="Controller")); + + FiveZone.Controls.CoolingTowerSpeed cooTowSpeCon(controllerType= + Modelica.Blocks.Types.SimpleController.PI) + "Cooling tower speed controller" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}))); + Modelica.Blocks.Sources.Sine CHWST( + amplitude=2, + freqHz=1/360, + offset=273.15 + 5) + "Chilled water supply temperature" + annotation (Placement(transformation(extent={{-60,-80},{-40,-60}}))); + Modelica.Blocks.Sources.Constant CWSTSet(k=273.15 + 20) + "Condenser water supply temperature setpoint" + annotation (Placement(transformation(extent={{-60,70},{-40,90}}))); + Modelica.Blocks.Sources.Sine CWST( + amplitude=5, + freqHz=1/360, + offset=273.15 + 20) + "Condenser water supply temperature" + annotation (Placement(transformation(extent={{-60,-40},{-40,-20}}))); + Modelica.Blocks.Sources.Constant CHWSTSet(k=273.15 + 6) + "Chilled water supply temperature setpoint" + annotation (Placement(transformation(extent={{-60,0},{-40,20}}))); + Modelica.Blocks.Sources.IntegerTable cooMod(table=[360,1; 720,2; 1080,3; 1440, + 4]) + "Cooling mode" + annotation (Placement(transformation(extent={{-60,40},{-40,60}}))); + equation + connect(CWSTSet.y, cooTowSpeCon.TCWSupSet) + annotation (Line(points={{-39,80},{-20,80},{-20,80},{-20,22},{-20,10},{-12, + 10}}, color={0,0,127})); + connect(CHWSTSet.y, cooTowSpeCon.TCHWSupSet) + annotation (Line(points={{-39,10}, + {-32,10},{-32,1.11111},{-12,1.11111}}, color={0,0,127})); + connect(CWST.y, cooTowSpeCon.TCWSup) + annotation (Line(points={{-39,-30},{-32,-30}, + {-32,-3.33333},{-12,-3.33333}}, color={0,0,127})); + connect(CHWST.y, cooTowSpeCon.TCHWSup) + annotation (Line(points={{-39,-70},{-32, + -70},{-24,-70},{-24,-7.77778},{-12,-7.77778}}, color={0,0,127})); + connect(cooMod.y, cooTowSpeCon.cooMod) + annotation (Line(points={{-39,50},{-26,50},{-26,5.55556},{-12,5.55556}}, + color={255,127,0})); + annotation ( __Dymola_Commands(file= + "modelica://Buildings/Resources/Scripts/Dymola/Applications/DataCenters/ChillerCooled/Controls/Validation/CoolingTowerSpeed.mos" + "Simulate and plot"), + Documentation(info=" +

+This example tests the controller for the cooling tower fan speed. Detailed control logic can be found in + +Buildings.Applications.DataCenters.ChillerCooled.Controls.CoolingTowerSpeed. +

+", revisions=" + +"), + experiment( + StopTime=2000, + Tolerance=1e-06, + __Dymola_Algorithm="Dassl")); + end CoolingTowerSpeed; + + model MinimumFlowBypassValve + extends Modelica.Icons.Example; + Modelica.Blocks.Sources.Sine m_flow( + amplitude=0.05, + freqHz=1/10000, + offset=0.1, + startTime(displayUnit="min") = 60) + annotation (Placement(transformation(extent={{-60,10},{-40,30}}))); + FiveZone.Controls.MinimumFlowBypassValve minFloBypVal(m_flow_minimum= + 0.13, controllerType=Modelica.Blocks.Types.SimpleController.PI) + annotation (Placement(transformation(extent={{-12,-10},{8,10}}))); + Modelica.Blocks.Sources.BooleanConstant boo + annotation (Placement(transformation(extent={{-60,-40},{-40,-20}}))); + equation + connect(m_flow.y, minFloBypVal.m_flow) annotation (Line(points={{-39,20},{-25.5, + 20},{-25.5,3},{-14,3}}, color={0,0,127})); + connect(boo.y, minFloBypVal.yPla) annotation (Line(points={{-39,-30},{-26,-30}, + {-26,-3},{-14,-3}}, color={255,0,255})); + annotation (Icon(coordinateSystem(preserveAspectRatio=false)), Diagram( + coordinateSystem(preserveAspectRatio=false)), + experiment(StopTime=21600, __Dymola_Algorithm="Cvode")); + end MinimumFlowBypassValve; + + model HotWaterTemperatureReset + extends Modelica.Icons.Example; + Modelica.Blocks.Sources.Sine yVal( + amplitude=0.3, + freqHz=1/8000, + offset=0.7, + startTime(displayUnit="min") = 0) + annotation (Placement(transformation(extent={{-60,-30},{-40,-10}}))); + FiveZone.Controls.HotWaterTemperatureReset hotWatTemRes(resAmo=2) + annotation (Placement(transformation(extent={{-10,-8},{10,12}}))); + Modelica.Blocks.Sources.BooleanPulse yPla( + width=80, + period(displayUnit="min") = 12000, + startTime(displayUnit="min") = 600) + annotation (Placement(transformation(extent={{-60,20},{-40,40}}))); + equation + connect(yPla.y, hotWatTemRes.uDevSta) annotation (Line(points={{-39,30},{-26, + 30},{-26,9.4},{-12,9.4}}, color={255,0,255})); + connect(yVal.y, hotWatTemRes.uPlaHeaVal) annotation (Line(points={{-39,-20},{ + -26,-20},{-26,2},{-12,2}}, color={0,0,127})); + annotation (Icon(coordinateSystem(preserveAspectRatio=false)), Diagram( + coordinateSystem(preserveAspectRatio=false)), + experiment(StopTime=21600, __Dymola_Algorithm="Cvode"), + __Dymola_Commands(file="\"\"" "Simulate and Plot")); + end HotWaterTemperatureReset; + annotation (Icon(graphics={ + Rectangle( + lineColor={200,200,200}, + fillColor={248,248,248}, + fillPattern=FillPattern.HorizontalCylinder, + extent={{-100,-100},{100,100}}, + radius=25.0), + Polygon( + origin={8,14}, + lineColor={78,138,73}, + fillColor={78,138,73}, + pattern=LinePattern.None, + fillPattern=FillPattern.Solid, + points={{-58.0,46.0},{42.0,-14.0},{-58.0,-74.0},{-58.0,46.0}}), + Rectangle( + lineColor={128,128,128}, + extent={{-100,-100},{100,100}}, + radius=25.0)})); + end Validation; + + package BaseClasses + + model TimeLessEqual + "Timer calculating the time when A is less than or equal than B" + + parameter Real threshold=0 "Comparison with respect to threshold"; + + Modelica.Blocks.Interfaces.RealOutput y( + final quantity="Time", + final unit="s") + "Connector of Real output signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Logical.LessEqualThreshold lesEqu( + threshold = threshold) + annotation (Placement(transformation(extent={{-30,-10},{-10,10}}))); + + Modelica.Blocks.Logical.Timer tim "Timer" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + Modelica.Blocks.Interfaces.IntegerInput u1 + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Math.IntegerToReal intToRea + annotation (Placement(transformation(extent={{-80,-10},{-60,10}}))); + equation + connect(lesEqu.y, tim.u) + annotation (Line(points={{-9,0},{18,0}}, color={255,0,255})); + connect(tim.y,y) annotation (Line(points={{41,0},{110,0}}, color={0,0,127})); + connect(intToRea.y, lesEqu.u) + annotation (Line(points={{-59,0},{-32,0}}, color={0,0,127})); + connect(u1, intToRea.u) + annotation (Line(points={{-120,0},{-82,0}}, color={255,127,0})); + annotation (defaultComponentName="lesEqu", + Icon(coordinateSystem(preserveAspectRatio=false), graphics={ + Rectangle( + extent={{-100,100},{100,-100}}, + lineColor={0,0,0}, + lineThickness=5.0, + fillColor={210,210,210}, + fillPattern=FillPattern.Solid, + borderPattern=BorderPattern.Raised), + Text( + extent={{-90,-40},{60,40}}, + lineColor={0,0,0}, + textString="<="), + Ellipse( + extent={{71,7},{85,-7}}, + lineColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillPattern=FillPattern.Solid), + Text( + extent={{-150,150},{150,110}}, + textString="%name", + lineColor={0,0,255})}), Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

This model represents a timer that starts to calculate the time when the input is less than or equal to a certain threshold. It will return to zero when the condition does not satisfy.

+")); + end TimeLessEqual; + + model TimeLessEqualRea + "Timer calculating the time when A is less than or equal than B" + + parameter Real threshold=0 "Comparison with respect to threshold"; + + Modelica.Blocks.Interfaces.RealOutput y( + final quantity="Time", + final unit="s") + "Connector of Real output signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Logical.LessEqualThreshold lesEqu( + threshold = threshold) + annotation (Placement(transformation(extent={{-30,-10},{-10,10}}))); + + Modelica.Blocks.Logical.Timer tim "Timer" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + Modelica.Blocks.Interfaces.RealInput u1 + "Connector of Real input signal" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + equation + connect(lesEqu.y, tim.u) + annotation (Line(points={{-9,0},{18,0}}, color={255,0,255})); + connect(tim.y,y) annotation (Line(points={{41,0},{110,0}}, color={0,0,127})); + connect(lesEqu.u, u1) + annotation (Line(points={{-32,0},{-120,0}}, color={0,0,127})); + annotation (defaultComponentName="lesEqu", + Icon(coordinateSystem(preserveAspectRatio=false), graphics={ + Rectangle( + extent={{-100,100},{100,-100}}, + lineColor={0,0,0}, + lineThickness=5.0, + fillColor={210,210,210}, + fillPattern=FillPattern.Solid, + borderPattern=BorderPattern.Raised), + Text( + extent={{-90,-40},{60,40}}, + lineColor={0,0,0}, + textString="<="), + Ellipse( + extent={{71,7},{85,-7}}, + lineColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillPattern=FillPattern.Solid), + Text( + extent={{-150,150},{150,110}}, + textString="%name", + lineColor={0,0,255})}), Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

This model represents a timer that starts to calculate the time when the input is less than or equal to a certain threshold. It will return to zero when the condition does not satisfy.

+")); + end TimeLessEqualRea; + end BaseClasses; + annotation (Documentation(info=" +

Collection of models for the control of airside and waterside systems.

+"), Icon(graphics={ + Rectangle( + origin={10,45.1488}, + fillColor={255,255,255}, + extent={{-30.0,-20.1488},{30.0,20.1488}}), + Polygon( + origin={-30,45}, + pattern=LinePattern.None, + fillPattern=FillPattern.Solid, + points={{10.0,0.0},{-5.0,5.0},{-5.0,-5.0}}), + Line( + origin={-41.25,10}, + points={{21.25,-35.0},{-13.75,-35.0},{-13.75,35.0},{6.25,35.0}}), + Rectangle( + origin={10,-24.8512}, + fillColor={255,255,255}, + extent={{-30.0,-20.1488},{30.0,20.1488}}), + Line( + origin={61.25,10}, + points={{-21.25,35.0},{13.75,35.0},{13.75,-35.0},{-6.25,-35.0}})})); + end Controls; + + package PrimarySideControl "Package with primary chilled water loop control" + extends Modelica.Icons.Package; + + package CHWLoopEquipment "Collection of local controls in the chilled water loop" + extends Modelica.Icons.Package; + + model StageLoadBasedChiller + "Chiller staging control based on cooling load" + extends Modelica.Blocks.Icons.Block; + parameter Modelica.SIunits.Power QEva_nominal + "Nominal cooling capaciaty(Negative means cooling)"; + parameter Integer numChi=2 "Design number of chillers"; + parameter Real staUpThr=0.8 "Staging up threshold"; + parameter Real staDowThr=0.25 "Staging down threshold"; + parameter Modelica.SIunits.Time waiTimStaUp=300 + "Time duration of for staging up"; + parameter Modelica.SIunits.Time waiTimStaDow=300 + "Time duration of for staging down"; + parameter Modelica.SIunits.Time shoCycTim=1200 + "Time duration to avoid short cycling of equipment"; + inner Modelica.StateGraph.StateGraphRoot stateGraphRoot + annotation (Placement(transformation(extent={{-100,80},{-80,100}}))); + + Modelica.Blocks.Interfaces.RealInput QTot(unit="W") + "Total cooling load in the chillers, negative" + annotation (Placement(transformation(extent={{-140,-60},{-100,-20}}), + iconTransformation(extent={{-140,-60},{-100,-20}}))); + + Modelica.Blocks.Sources.BooleanExpression unOccFre(y=uOpeMod == Integer(FiveZone.Types.CoolingModes.Off) + or uOpeMod == Integer(FiveZone.Types.CoolingModes.FreeCooling)) + "Unoccupied or FreeCooling mode" + annotation (Placement(transformation(extent={{-92,10},{-72,30}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi1 + annotation (Placement(transformation(extent={{-20,10},{0,30}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant zer(k=0) "Zero" + annotation (Placement(transformation(extent={{-62,40},{-42,60}}))); + Buildings.Controls.OBC.CDL.Conversions.RealToInteger reaToInt + annotation (Placement(transformation(extent={{10,10},{30,30}}))); + BaseClasses.SequenceSignal seqSig(n=numChi) + "Simple model that is used to determine the on and off sequence of equipment" + annotation (Placement(transformation(extent={{50,10},{70,30}}))); + BaseClasses.Stage sta( + shoCycTim=shoCycTim, + waiTimStaUp=waiTimStaUp, + waiTimStaDow=waiTimStaDow, + staUpThr=staUpThr*(-QEva_nominal), + staDowThr=staDowThr*(-QEva_nominal)) + annotation (Placement(transformation(extent={{-20,-54},{0,-34}}))); + Buildings.Controls.OBC.CDL.Conversions.IntegerToReal intToRea1 + annotation (Placement(transformation(extent={{12,-54},{32,-34}}))); + Modelica.Blocks.Interfaces.RealOutput y[numChi] + "On and off signal of chiller" + annotation (Placement(transformation(extent={{100,-50},{120,-30}}))); + Buildings.Controls.OBC.CDL.Interfaces.IntegerOutput yChi + "Number of active chillers" + annotation (Placement(transformation(extent={{100,30},{120,50}}), + iconTransformation(extent={{100,30},{120,50}}))); + Modelica.Blocks.Interfaces.IntegerInput uOpeMod + "Cooling mode in WSEControls.Type.OperationaModes" annotation (Placement( + transformation(extent={{-140,20},{-100,60}}), iconTransformation( + extent={{-140,20},{-100,60}}))); + + Modelica.Blocks.Math.Gain gain(k=-1) + annotation (Placement(transformation(extent={{-80,-50},{-60,-30}}))); + Buildings.Controls.OBC.CDL.Logical.Not not2 + annotation (Placement(transformation(extent={{-60,-20},{-40,0}}))); + equation + connect(zer.y,swi1. u1) annotation (Line(points={{-40,50},{-30,50},{-30,28},{-22, + 28}}, color={0,0,127})); + connect(unOccFre.y, swi1.u2) + annotation (Line(points={{-71,20},{-22,20}}, color={255,0,255})); + connect(swi1.y,reaToInt. u) + annotation (Line(points={{2,20},{8,20}}, color={0,0,127})); + connect(reaToInt.y,seqSig. u) + annotation (Line(points={{32,20},{48,20}}, color={255,127,0})); + connect(reaToInt.y,yChi) annotation (Line(points={{32,20},{40,20},{40,40},{110, + 40}}, color={255,127,0})); + connect(seqSig.y,y) annotation (Line(points={{71,20},{80,20},{80,-40},{110,-40}}, + color={0,0,127})); + connect(sta.ySta,intToRea1. u) + annotation (Line(points={{1,-44},{10,-44}}, color={255,127,0})); + connect(gain.y, sta.u) annotation (Line(points={{-59,-40},{-22,-40}}, + color={0,0,127})); + connect(QTot, gain.u) annotation (Line(points={{-120,-40},{-82,-40}}, + color={0,0,127})); + connect(unOccFre.y, not2.u) annotation (Line(points={{-71,20},{-66,20},{-66, + -10},{-62,-10}}, color={255,0,255})); + connect(not2.y, sta.on) annotation (Line(points={{-38,-10},{-32,-10},{-32,-48}, + {-22,-48}}, color={255,0,255})); + connect(intToRea1.y, swi1.u3) annotation (Line(points={{34,-44},{40,-44},{40,0}, + {-30,0},{-30,12},{-22,12}}, color={0,0,127})); + annotation ( + defaultComponentName="staLoaChi", + Documentation(info=" + +

This model describes a chiller staging control based on the part load ratio (PLR) or cooling load Q.

+ + +

PLR or Q-based Stage Control

+ +

Chillers are staged up when

+
    +
  1. Current stage has been activated for at least 30 minutes (â–³tstage,on > 30 min) and
  2. +
  3. PLR for any active chiller is greater than 80% for 10 minutes (PLRchiller > 80% for 10 min).
  4. +
+

Chillers are staged down when

+
    +
  1. Current stage has been activated for at least 30 minutes (â–³tstage,on > 30 min) and
  2. +
  3. PLR for any active chiller is less than 25% for 15 minutes (PLRchiller < 25% for 15 min).
  4. +
+

It is noted that the time duration and the percentage can be adjusted according to different projects.

+

This control logic is provided by Jeff Stein via email communication.

+", revisions=" + +"),Diagram(coordinateSystem(extent={{-100,-100},{100,100}})), + Icon(coordinateSystem(extent={{-100,-100},{100,100}})), + __Dymola_Commands); + end StageLoadBasedChiller; + + model StagePump "Staging control for CHW pumps" + extends Modelica.Blocks.Icons.Block; + parameter Modelica.SIunits.MassFlowRate m_flow_nominal + "Nominal mass flow rate of the CHW pump"; + parameter Integer numPum=2 "Design number of pumps"; + parameter Real staUpThr = 0.85 "Staging up threshold"; + parameter Real staDowThr = 0.45 "Staging down threshold"; + parameter Modelica.SIunits.Time waiTimStaUp=300 + "Time duration of for staging up"; + parameter Modelica.SIunits.Time waiTimStaDow=300 + "Time duration of for staging down"; + parameter Modelica.SIunits.Time shoCycTim=1200 + "Time duration to avoid short cycling of equipment"; + Modelica.Blocks.Interfaces.RealInput masFloPum + "Average mass flowrate of the active CHW pump" + annotation (Placement(transformation(extent={{-140, + -60},{-100,-20}}), + iconTransformation(extent={{-140,-60},{-100, + -20}}))); + + inner Modelica.StateGraph.StateGraphRoot stateGraphRoot + annotation (Placement(transformation(extent={{-100,80},{-80,100}}))); + + Modelica.Blocks.Sources.BooleanExpression unOcc(y=uOpeMod + == Integer(FiveZone.Types.CoolingModes.Off)) + "Unoccupied or FreeCooling mode" + annotation (Placement(transformation(extent={{-90,10},{-70,30}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi1 + annotation (Placement(transformation(extent={{-20,10},{0,30}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant zer(k=0) "Zero" + annotation (Placement(transformation(extent={{-60,40},{-40,60}}))); + Buildings.Controls.OBC.CDL.Conversions.RealToInteger reaToInt + annotation (Placement(transformation(extent={{10,10},{30,30}}))); + BaseClasses.SequenceSignal seqSig(n=numPum) + "Simple model that is used to determine the on and off sequence of equipment" + annotation (Placement(transformation(extent={{50,10},{70,30}}))); + BaseClasses.Stage sta( + shoCycTim=shoCycTim, + waiTimStaUp=waiTimStaUp, + waiTimStaDow=waiTimStaDow, + staUpThr=staUpThr*m_flow_nominal, + staDowThr=staDowThr*m_flow_nominal) + annotation (Placement(transformation(extent={{-20,-54},{0,-34}}))); + Buildings.Controls.OBC.CDL.Conversions.IntegerToReal intToRea1 + annotation (Placement(transformation(extent={{12,-54},{32,-34}}))); + Modelica.Blocks.Interfaces.RealOutput y[numPum] + "On and off signal of pumps" + annotation (Placement(transformation(extent={{100,-50},{120,-30}}))); + Buildings.Controls.OBC.CDL.Interfaces.IntegerOutput yPum + "Number of active pumps" + annotation (Placement(transformation(extent={{100,30},{120,50}}), + iconTransformation(extent={{100,30},{120,50}}))); + Modelica.Blocks.Interfaces.IntegerInput uOpeMod + "Cooling mode in WSEControls.Type.OperationaModes" annotation (Placement( + transformation(extent={{-140,20},{-100,60}}), iconTransformation( + extent={{-140,20},{-100,60}}))); + Buildings.Controls.OBC.CDL.Logical.Not not2 + annotation (Placement(transformation(extent={{-60,-30},{-40,-10}}))); + equation + connect(zer.y,swi1. u1) annotation (Line(points={{-38,50},{-30,50},{-30,28},{-22, + 28}}, color={0,0,127})); + connect(unOcc.y,swi1. u2) + annotation (Line(points={{-69,20},{-22,20}}, color={255,0,255})); + connect(swi1.y,reaToInt. u) + annotation (Line(points={{2,20},{8,20}}, color={0,0,127})); + connect(reaToInt.y,seqSig. u) + annotation (Line(points={{32,20},{48,20}}, color={255,127,0})); + connect(reaToInt.y,yPum) annotation (Line(points={{32,20},{40,20},{40,40},{110, + 40}}, color={255,127,0})); + connect(seqSig.y,y) annotation (Line(points={{71,20},{80,20},{80,-40},{110,-40}}, + color={0,0,127})); + connect(sta.ySta,intToRea1. u) + annotation (Line(points={{1,-44},{10,-44}}, color={255,127,0})); + connect(masFloPum, sta.u) annotation (Line( + points={{-120,-40},{-22,-40}}, + color={0,0,127})); + connect(unOcc.y, not2.u) annotation (Line(points={{-69,20},{-66,20},{-66,-20}, + {-62,-20}}, color={255,0,255})); + connect(not2.y, sta.on) annotation (Line(points={{-38,-20},{-30,-20},{-30,-48}, + {-22,-48}}, color={255,0,255})); + connect(intToRea1.y, swi1.u3) annotation (Line(points={{34,-44},{40,-44},{40,0}, + {-30,0},{-30,12},{-22,12}}, color={0,0,127})); + annotation (defaultComponentName="staPum", + Documentation(info=" +

This model describes a chilled water pump staging control.

+ +

Flowrate-based Stage Control

+

The CHW pumps are staged up when

+
    +
  1. Current stage has been active for at least 15 minutes (â–³tstage,on > 15 min) and
  2. +
  3. The measured flowrate is larger than 85% of the total nominal flowrate of the active pumps for 2 minutes (mCHWP > 85% · mCHWP,nominal for 2 min).
  4. +
+

The CHW pumps are staged down when

+
    +
  1. Current stage has been active for at least 15 minutes (â–³tstage,on > 15 min) and
  2. +
  3. The measured flowrate is less than 45% of the total nominal flowrate of the active pumps for 15 minutes (mCHWP < 45% · mCHWP,nominal for 15 min).
  4. +
+

This control logic is provided by Jeff Stein via email communication.

+", revisions=" + +"),Diagram(coordinateSystem(extent={{-100,-100},{100,100}})), + Icon(coordinateSystem(extent={{-100,-100},{100,100}})), + __Dymola_Commands); + end StagePump; + + model TemperatureDifferentialPressureReset + "CHWST and CHW DP reset control for chillers" + extends Modelica.Blocks.Icons.Block; + parameter Modelica.SIunits.Time samplePeriod=120 "Sample period of component"; + parameter Real uTri=0 "Value to triggering the request for actuator"; + parameter Real yEqu0=0 "y setpoint when equipment starts"; + parameter Real yDec=-0.03 "y decrement (must be negative)"; + parameter Real yInc=0.03 "y increment (must be positive)"; + parameter Real x1=0.5 "First interval [x0, x1] and second interval (x1, x2]" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Pressure dpMin = 100 "dpmin" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Pressure dpMax = 300 "dpmax" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.ThermodynamicTemperature TMin=273.15+5.56 "Tchi,min" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.ThermodynamicTemperature TMax = 273.15+22 "Tchi,max" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Time startTime=0 "First sample time instant"; + + Modelica.Blocks.Interfaces.RealInput u + "Input signall, such as dT, or valve position" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + BaseClasses.LinearPiecewiseTwo linPieTwo( + x0=0, + x1=x1, + x2=1, + y10=dpMin, + y11=dpMax, + y20=TMax, + y21=TMin) + "Calculation of two piecewise linear functions" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + Modelica.Blocks.Interfaces.RealOutput dpSet( + final quantity="Pressure", + final unit = "Pa") "DP setpoint" + annotation (Placement(transformation(extent={{100,40},{120,60}}), + iconTransformation(extent={{100,40},{120,60}}))); + Modelica.Blocks.Interfaces.RealOutput TSet( + final quantity="ThermodynamicTemperature", + final unit="K") + "CHWST" + annotation (Placement(transformation(extent={{100,-60},{120,-40}}), + iconTransformation(extent={{100,-60},{120,-40}}))); + BaseClasses.TrimAndRespond triAndRes( + samplePeriod=samplePeriod, + startTime=startTime, + uTri=uTri, + yEqu0=yEqu0, + yDec=yDec, + yInc=yInc) + annotation (Placement(transformation(extent={{-40,-10},{-20,10}}))); + + Modelica.Blocks.Logical.Switch swi1 "Switch" + annotation (Placement(transformation(extent={{60,70},{80,90}}))); + Modelica.Blocks.Sources.RealExpression dpSetIni(y=dpMin) + "Initial dp setpoint" + annotation (Placement(transformation(extent={{-20,80},{0,100}}))); + Modelica.Blocks.Sources.RealExpression TSetIni(y=TMin) + "Initial temperature setpoint" + annotation (Placement(transformation(extent={{-20,-88},{0,-68}}))); + Modelica.Blocks.Logical.Switch swi2 "Switch" + annotation (Placement(transformation(extent={{60,-80},{80,-60}}))); + Modelica.Blocks.Interfaces.IntegerInput uOpeMod + "Cooling mode in WSEControls.Type.OperationaModes" annotation (Placement( + transformation(extent={{-140,40},{-100,80}}), iconTransformation( + extent={{-140,40},{-100,80}}))); + Buildings.Controls.OBC.CDL.Integers.GreaterThreshold intGreThr(threshold= + Integer(Buildings.Applications.DataCenters.Types.CoolingModes.FreeCooling)) + annotation (Placement(transformation(extent={{-60,50},{-40,70}}))); + equation + + connect(triAndRes.y, linPieTwo.u) + annotation (Line(points={{-19,0},{18,0}}, color={0,0,127})); + connect(uOpeMod, intGreThr.u) + annotation (Line(points={{-120,60},{-62,60}}, color={255,127,0})); + connect(intGreThr.y, swi1.u2) annotation (Line(points={{-38,60},{50,60},{50, + 80},{58,80}}, color={255,0,255})); + connect(intGreThr.y, swi2.u2) annotation (Line(points={{-38,60},{50,60},{50, + -70},{58,-70}}, color={255,0,255})); + connect(linPieTwo.y[1], swi1.u1) annotation (Line(points={{41,-0.5},{48,-0.5}, + {48,88},{58,88}}, color={0,0,127})); + connect(dpSetIni.y, swi1.u3) annotation (Line(points={{1,90},{46,90},{46,72}, + {58,72}}, color={0,0,127})); + connect(linPieTwo.y[2], swi2.u1) annotation (Line(points={{41,0.5},{52,0.5},{ + 52,-62},{58,-62}}, color={0,0,127})); + connect(TSetIni.y, swi2.u3) + annotation (Line(points={{1,-78},{58,-78}}, color={0,0,127})); + connect(swi1.y, dpSet) annotation (Line(points={{81,80},{90,80},{90,50},{110, + 50}}, color={0,0,127})); + connect(swi2.y, TSet) annotation (Line(points={{81,-70},{90,-70},{90,-50},{ + 110,-50}}, color={0,0,127})); + connect(u, triAndRes.u) + annotation (Line(points={{-120,0},{-42,0}}, color={0,0,127})); + annotation (defaultComponentName="temDifPreRes", + Documentation(info=" +

This model describes a chilled water supply temperature setpoint and differential pressure setpoint reset control. In this logic, it is to first increase the different pressure, Δp, of the chilled water loop to increase the mass flow rate. If Δp reaches the maximum value and further cooling is still needed, the chiller remperature setpoint, Tchi,set, is reduced. If there is too much cooling, the Tchi,set and Δp will be changed in the reverse direction.

+

The model implements a discrete time trim and respond logic as follows:

+ +

The control signal u is converted to setpoints for Δp and Tchi,set as follows:

+ +

where Δpmin and Δpmax are minimum and maximum values for Δp, and Tmin and Tmax are the minimum and maximum values for Tchi,set.

+

Note that we deactivate the trim and response when the chillers are off.

+ +

Reference

+

Stein, J. (2009). Waterside Economizing in Data Centers: Design and Control Considerations. ASHRAE Transactions, 115(2), 192-200.

+

Taylor, S.T. (2007). Increasing Efficiency with VAV System Static Pressure Setpoint Reset. ASHRAE Journal, June, 24-32.

+", revisions=" + +")); + end TemperatureDifferentialPressureReset; + + annotation (Documentation(info=" +

This package contains a collection of the local controls in the chilled water loop.

+")); + end CHWLoopEquipment; + + package CWLoopEquipment "Collection of local controls in the condenser water loop" + extends Modelica.Icons.Package; + + model MaximumSpeedFan + "The maximum fan speed in cooling towers are reset based on the operation mode" + extends Modelica.Blocks.Icons.Block; + parameter Real lowMax = 0.9 "Low value of maximum speed"; + parameter Real pmcMax = 0.95 "Maximum speed in PMC mode"; + parameter Integer numPum = 2 "Number of design pumps in condenser water loop"; + + Modelica.Blocks.Interfaces.IntegerInput uOpeMod + "Cooling mode in WSEControls.Type.OperationaModes" annotation (Placement( + transformation(extent={{-140,-60},{-100,-20}}),iconTransformation( + extent={{-140,-60},{-100,-20}}))); + Modelica.Blocks.Interfaces.IntegerInput + numActPum + "Number of active pumps in condenser water loop" + annotation (Placement(transformation(extent={{-140,20},{-100,60}}))); + Buildings.Controls.OBC.CDL.Integers.GreaterEqualThreshold intGreEquThr( + threshold=numPum) + annotation (Placement(transformation(extent={{-80,10},{-60,30}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi1 + annotation (Placement(transformation(extent={{-20,10},{0,30}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant lowMaxSpe(k=lowMax) + "Low maximum speed" + annotation (Placement(transformation(extent={{-80,-30},{-60,-10}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant uni(k=1) + "full maximum speed" + annotation (Placement(transformation(extent={{-80,50},{-60,70}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi3 + annotation (Placement(transformation(extent={{40,-50},{60,-30}}))); + Modelica.Blocks.Sources.BooleanExpression FreOrFul(y=uOpeMod == Integer(FiveZone.Types.CoolingModes.FreeCooling) + or uOpeMod == Integer(FiveZone.Types.CoolingModes.FullMechanical)) + "Free cooling or full mechanical cooling" + annotation (Placement(transformation(extent={{-20,-50},{0,-30}}))); + Buildings.Controls.OBC.CDL.Interfaces.RealOutput y + "Connector of Real output signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi2 + annotation (Placement(transformation(extent={{-20,-80},{0,-60}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant pmcMaxSpe(k=pmcMax) + "Maximum speed for pmc and ppmc mode" + annotation (Placement(transformation(extent={{-80,-60},{-60,-40}}))); + Modelica.Blocks.Sources.BooleanExpression Pmc(y=uOpeMod == Integer(FiveZone.Types.CoolingModes.PartialMechanical)) + "Partial mechanical cooling" + annotation (Placement(transformation(extent={{-80,-80},{-60,-60}}))); + equation + connect(intGreEquThr.y, swi1.u2) + annotation (Line(points={{-58,20},{-22,20}}, color={255,0,255})); + connect(numActPum, intGreEquThr.u) + annotation (Line(points={{-120,40},{-90,40},{-90,20},{-82,20}}, + color={255,127,0})); + connect(uni.y, swi1.u1) annotation (Line(points={{-58,60},{-40,60},{-40,28},{-22, + 28}}, color={0,0,127})); + connect(lowMaxSpe.y, swi1.u3) annotation (Line(points={{-58,-20},{-40,-20},{-40, + 12},{-22,12}}, color={0,0,127})); + connect(swi1.y, swi3.u1) annotation (Line(points={{2,20},{20,20},{20,-32},{38, + -32}}, color={0,0,127})); + connect(FreOrFul.y, swi3.u2) + annotation (Line(points={{1,-40},{38,-40}}, color={255,0,255})); + connect(swi3.y, y) annotation (Line(points={{62,-40},{80,-40},{80,0},{110,0}}, + color={0,0,127})); + connect(pmcMaxSpe.y, swi2.u1) annotation (Line(points={{-58,-50},{-40,-50},{-40, + -62},{-22,-62}}, color={0,0,127})); + connect(swi2.y, swi3.u3) annotation (Line(points={{2,-70},{20,-70},{20,-48},{38, + -48}}, color={0,0,127})); + connect(uni.y, swi2.u3) annotation (Line(points={{-58,60},{-40,60},{-40,-78},{ + -22,-78}}, color={0,0,127})); + connect(Pmc.y, swi2.u2) + annotation (Line(points={{-59,-70},{-22,-70}}, color={255,0,255})); + annotation (defaultComponentName = "maxSpeFan", + Documentation(info=" +

+The maximum fan speed in cooling towers is reset based on cooling modes and operation status. +

+ +")); + end MaximumSpeedFan; + + model StageCell "Cooling tower cell stage number control" + extends Modelica.Blocks.Icons.Block; + parameter Integer numCooTow = 2 "Design number of cooling towers"; + parameter Modelica.SIunits.MassFlowRate m_flow_nominal = 50 + "Nominal mass flow rate of one cooling tower"; + parameter Real staUpThr = 1.25 "Staging up threshold"; + parameter Real staDowThr = 0.55 "Staging down threshold"; + parameter Modelica.SIunits.Time waiTimStaUp=900 + "Time duration of for staging up"; + parameter Modelica.SIunits.Time waiTimStaDow=300 + "Time duration of for staging down"; + parameter Modelica.SIunits.Time shoCycTim=1200 + "Time duration to avoid short cycling of equipment"; + + Modelica.Blocks.Interfaces.RealInput aveMasFlo + "Average mass flowrate of condenser water in active cooling towers" + annotation (Placement( + transformation(extent={{-140,-62},{-100,-22}}),iconTransformation( + extent={{-140,-62},{-100,-22}}))); + Modelica.Blocks.Interfaces.IntegerOutput yNumCel + "Stage number of next time step" annotation (Placement(transformation( + extent={{100,30},{120,50}}), iconTransformation(extent={{100,30},{120, + 50}}))); + + Modelica.Blocks.Interfaces.IntegerInput minNumCel + "Minimum number of active tower cells determined by minimum cell controller" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}), + iconTransformation(extent={{-140,-20},{-100,20}}))); + BaseClasses.SequenceSignal seqSig(n=numCooTow) + "Simple model that is used to determine the on and off sequence of equipment" + annotation (Placement(transformation(extent={{60,-10},{80,10}}))); + Modelica.Blocks.Interfaces.RealOutput y[numCooTow] + "On and off signal of cooling tower cell" + annotation (Placement(transformation(extent={{100,-50},{120,-30}}))); + BaseClasses.Stage sta( + staUpThr=staUpThr*m_flow_nominal, + staDowThr=staDowThr*m_flow_nominal, + waiTimStaUp=waiTimStaUp, + waiTimStaDow=waiTimStaDow, + shoCycTim=shoCycTim) "Stage controller" + annotation (Placement(transformation(extent={{-40,-56},{-20,-36}}))); + Buildings.Controls.OBC.CDL.Integers.Max maxInt "Max" + annotation (Placement(transformation(extent={{-10,-50},{10,-30}}))); + + Modelica.Blocks.Interfaces.IntegerInput uOpeMod + "Cooling mode in WSEControls.Type.OperationaModes" annotation (Placement( + transformation(extent={{-140,20},{-100,60}}), iconTransformation( + extent={{-140,20},{-100,60}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi1 + annotation (Placement(transformation(extent={{-10,-10},{10,10}}))); + Buildings.Controls.OBC.CDL.Conversions.IntegerToReal intToRea1 + annotation (Placement(transformation(extent={{22,-50},{42,-30}}))); + Modelica.Blocks.Sources.BooleanExpression unOcc(y=uOpeMod == Integer(FiveZone.Types.CoolingModes.Off)) + "Unoccupied mode" + annotation (Placement(transformation(extent={{-80,-10},{-60,10}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant zer(k=0) "Zero" + annotation (Placement(transformation(extent={{-50,20},{-30,40}}))); + Buildings.Controls.OBC.CDL.Conversions.RealToInteger reaToInt + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + Buildings.Controls.OBC.CDL.Logical.Not not2 + annotation (Placement(transformation(extent={{-74,-72},{-54,-52}}))); + equation + connect(seqSig.y, y) + annotation (Line(points={{81,0},{90,0},{90,-40},{110,-40}}, + color={0,0,127})); + connect(aveMasFlo, sta.u) annotation (Line(points={{-120,-42},{-42,-42}}, + color={0,0,127})); + connect(unOcc.y, swi1.u2) + annotation (Line(points={{-59,0},{-12,0}}, color={255,0,255})); + connect(minNumCel, maxInt.u1) annotation (Line(points={{-120,0},{-92,0},{-92, + -20},{-20,-20},{-20,-34},{-12,-34}}, + color={255,127,0})); + connect(intToRea1.y, swi1.u3) annotation (Line(points={{44,-40},{50,-40},{50,-16}, + {-40,-16},{-40,-8},{-12,-8}}, color={0,0,127})); + connect(zer.y, swi1.u1) annotation (Line(points={{-28,30},{-20,30},{-20,8},{-12, + 8}}, color={0,0,127})); + connect(seqSig.u, reaToInt.y) + annotation (Line(points={{58,0},{42,0}}, color={255,127,0})); + connect(swi1.y, reaToInt.u) + annotation (Line(points={{12,0},{18,0}}, color={0,0,127})); + connect(reaToInt.y, yNumCel) annotation (Line(points={{42,0},{50,0},{50,40},{110, + 40}}, color={255,127,0})); + connect(sta.ySta, maxInt.u2) annotation (Line(points={{-19,-46},{-12,-46}}, + color={255,127,0})); + connect(maxInt.y, intToRea1.u) annotation (Line(points={{12,-40},{20,-40}}, + color={255,127,0})); + connect(unOcc.y, not2.u) annotation (Line(points={{-59,0},{-50,0},{-50,-18},{ + -80,-18},{-80,-62},{-76,-62}}, color={255,0,255})); + connect(not2.y, sta.on) annotation (Line(points={{-52,-62},{-48,-62},{-48,-50}, + {-42,-50}}, color={255,0,255})); + annotation (defaultComponentName = "staCel", + Documentation(info=" +

The cooling tower cell staging control is based on the water flowrate going through the cooling tower under the operation mode except the unoccuiped mode. In the unoccupied mode, all the cells are staged off.

+ +", revisions=""), + Diagram(coordinateSystem(extent={{-100,-80},{100,80}})), + __Dymola_Commands); + end StageCell; + + model SpeedFan "Cooling tower fan speed control" + extends Modelica.Blocks.Icons.Block; + + parameter Modelica.Blocks.Types.SimpleController controllerType= + Modelica.Blocks.Types.SimpleController.PID + "Type of controller" + annotation(Dialog(tab="Controller")); + parameter Real k = 1 + "Gain of controller" + annotation(Dialog(tab="Controller")); + parameter Modelica.SIunits.Time Ti=0.5 + "Time constant of integrator block" + annotation (Dialog(enable= + (controllerType == Modelica.Blocks.Types.SimpleController.PI or + controllerType == Modelica.Blocks.Types.SimpleController.PID),tab="Controller")); + parameter Modelica.SIunits.Time Td(min=0)=0.1 + "Time constant of derivative block" + annotation (Dialog(enable= + (controllerType == Modelica.Blocks.Types.SimpleController.PD or + controllerType == Modelica.Blocks.Types.SimpleController.PID),tab="Controller")); + parameter Real yMax(start=1)=1 + "Upper limit of output" + annotation(Dialog(tab="Controller")); + parameter Real yMin=0.2 + "Lower limit of output" + annotation(Dialog(tab="Controller")); + parameter Boolean reverseAction = true + "Set to true for throttling the water flow rate through a cooling coil controller" + annotation(Dialog(tab="Controller")); + parameter Boolean pre_y_start=false "Value of pre(y) at initial time" + annotation(Dialog(tab="Controller")); + + Modelica.Blocks.Interfaces.RealInput TCHWSupSet( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Chilled water supply temperature setpoint" + annotation (Placement(transformation(extent={{-140,40},{-100,80}}), + iconTransformation(extent={{-140,40},{-100,80}}))); + Modelica.Blocks.Interfaces.RealInput TCWSupSet( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Condenser water supply temperature setpoint" + annotation (Placement(transformation(extent={{-140,0},{-100,40}}), + iconTransformation(extent={{-140,0},{-100,40}}))); + Modelica.Blocks.Interfaces.RealInput TCHWSup( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Chilled water supply temperature " annotation ( + Placement(transformation( + extent={{-20,-20},{20,20}}, + origin={-120,-20}), iconTransformation(extent={{-140,-40},{-100,0}}))); + Buildings.Controls.Continuous.LimPID conPID( + controllerType=controllerType, + k=k, + Ti=Ti, + Td=Td, + yMax=yMax, + yMin=yMin, + reverseAction=reverseAction, + initType=Modelica.Blocks.Types.InitPID.DoNotUse_InitialIntegratorState, + y_reset=1) "PID controller to maintain the CW/CHW supply temperature" + annotation (Placement(transformation(extent={{0,-40},{20,-20}}))); + Modelica.Blocks.Interfaces.RealInput TCWSup( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Condenser water supply temperature " annotation ( + Placement(transformation( + extent={{20,20},{-20,-20}}, + rotation=180, + origin={-120,-60}), iconTransformation( + extent={{20,20},{-20,-20}}, + rotation=180, + origin={-120,-60}))); + + Modelica.Blocks.Sources.Constant off(k=0) "Turn off" + annotation (Placement(transformation(extent={{0,20},{20,40}}))); + Modelica.Blocks.Sources.BooleanExpression unOcc(y=uOpeMod == Integer(FiveZone.Types.CoolingModes.Off)) + "Unoccupied mode" + annotation (Placement(transformation(extent={{0,-10},{20,10}}))); + Modelica.Blocks.Sources.BooleanExpression freCoo(y=uOpeMod == Integer(FiveZone.Types.CoolingModes.FreeCooling)) + "Free cooling" + annotation (Placement(transformation(extent={{-90,50},{-70,70}}))); + Modelica.Blocks.Interfaces.IntegerInput uOpeMod "Cooling mode" annotation ( + Placement(transformation(extent={{-140,80},{-100,120}}), + iconTransformation(extent={{-140,80},{-100,120}}))); + Modelica.Blocks.Interfaces.RealInput uFanMax "Maximum fan speed" + annotation (Placement(transformation(extent={{-140,-120},{-100,-80}}), + iconTransformation(extent={{-140,-120},{-100,-80}}))); + Modelica.Blocks.Interfaces.RealOutput y "Cooling tower fan speed" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + Modelica.Blocks.Math.Min min "Minum value" + annotation (Placement(transformation(extent={{72,-10},{92,10}}))); + + protected + Modelica.Blocks.Logical.Switch swi1 + "The switch based on whether it is in FMC mode" + annotation (Placement(transformation(extent={{-38,50},{-18,70}}))); + Modelica.Blocks.Logical.Switch swi2 + "The switch based on whether it is in the FMC mode" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}, + origin={-30,-52}))); + Modelica.Blocks.Logical.Switch swi3 + "The switch based on whether it is in PMC mode" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}, + origin={50,0}))); + + Modelica.Blocks.Logical.Switch swi4 + "The switch based on whether it is in PMC mode" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}, + origin={50,70}))); + public + Buildings.Controls.OBC.CDL.Logical.OnOffController onOffCon( + final pre_y_start=pre_y_start, final bandwidth=0.5) + "Electric heater on-off controller" + annotation (Placement(transformation(extent={{-20,94},{0,114}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant froTem(k=273.15) + "Frozen temperature" + annotation (Placement(transformation(extent={{-80,100},{-60,120}}))); + equation + connect(swi1.y, conPID.u_s) + annotation (Line(points={{-17,60},{-10,60},{-10,-30},{-2,-30}}, + color={0,0,127})); + connect(swi2.y, conPID.u_m) + annotation (Line(points={{-19,-52},{10,-52},{10,-42}}, color={0,0,127})); + connect(unOcc.y, swi3.u2) + annotation (Line(points={{21,0},{38,0}}, color={255,0,255})); + connect(off.y, swi3.u1) + annotation (Line(points={{21,30},{30,30},{30,8},{38,8}}, color={0,0,127})); + connect(conPID.y, swi3.u3) + annotation (Line(points={{21,-30},{30,-30},{30,-8},{38,-8}}, + color={0,0,127})); + connect(swi3.y, min.u1) + annotation (Line(points={{61,0},{66,0},{66,6},{70,6}}, color={0,0,127})); + connect(min.u2,uFanMax) annotation (Line(points={{70,-6},{64,-6},{64,-100},{-120, + -100}}, color={0,0,127})); + connect(TCHWSupSet, swi1.u1) annotation (Line(points={{-120,60},{-94,60},{-94, + 80},{-50,80},{-50,68},{-40,68}}, + color={0,0,127})); + connect(TCWSupSet, swi1.u3) annotation (Line(points={{-120,20},{-50,20},{-50,52}, + {-40,52}}, color={0,0,127})); + connect(TCHWSup, swi2.u1) annotation (Line(points={{-120,-20},{-50,-20},{-50,-44}, + {-42,-44}}, color={0,0,127})); + connect(TCWSup, swi2.u3) + annotation (Line(points={{-120,-60},{-42,-60}}, color={0,0,127})); + connect(freCoo.y, swi1.u2) + annotation (Line(points={{-69,60},{-40,60}}, color={255,0,255})); + connect(freCoo.y, swi2.u2) annotation (Line(points={{-69,60},{-60,60},{-60,-52}, + {-42,-52}}, color={255,0,255})); + connect(off.y, swi4.u1) annotation (Line(points={{21,30},{30,30},{30,78},{38, + 78}}, color={0,0,127})); + connect(min.y, swi4.u3) annotation (Line(points={{93,0},{96,0},{96,46},{32,46}, + {32,62},{38,62}}, color={0,0,127})); + connect(swi4.y, y) annotation (Line(points={{61,70},{98,70},{98,0},{110,0}}, + color={0,0,127})); + connect(froTem.y, onOffCon.reference) + annotation (Line(points={{-58,110},{-22,110}}, color={0,0,127})); + connect(TCWSup, onOffCon.u) annotation (Line(points={{-120,-60},{-94,-60},{-94, + 82},{-50,82},{-50,98},{-22,98}}, color={0,0,127})); + connect(onOffCon.y, swi4.u2) annotation (Line(points={{2,104},{26,104},{26,70}, + {38,70}}, color={255,0,255})); + annotation (defaultComponentName = "speFan", + Documentation(info=" +

+Cooling tower fan speed is controlled in different ways when operation mode changes. +

+ +", revisions=""), + Diagram(coordinateSystem(extent={{-100,-120},{100,120}}))); + end SpeedFan; + + model SpeedPump "Pump speed control in condenser water loop" + extends Modelica.Blocks.Icons.Block; + parameter Modelica.SIunits.Pressure dpSetDes "Differential pressure setpoint at design condition "; + + parameter Modelica.Blocks.Types.SimpleController controllerType=Modelica.Blocks.Types.SimpleController.PID + "Type of controller"; + parameter Real k=1 "Gain of controller"; + parameter Modelica.SIunits.Time Ti=0.5 "Time constant of Integrator block"; + parameter Modelica.SIunits.Time Td=0.1 "Time constant of Derivative block"; + parameter Real yMax=1 "Upper limit of output"; + parameter Real yMin=0.4 "Lower limit of output"; + parameter Boolean reverseAction=false + "Set to true for throttling the water flow rate through a cooling coil controller"; + Modelica.Blocks.Interfaces.RealInput uLoa + "Percentage of load in chillers (total loads divided by nominal capacity of all operating chillers)" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}), + iconTransformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.IntegerInput uOpeMod + "Cooling mode in WSEControls.Type.OperationaModes" annotation (Placement( + transformation(extent={{-140,60},{-100,100}}), iconTransformation( + extent={{-140,60},{-100,100}}))); + Modelica.Blocks.Interfaces.RealInput uSpeTow "Speed of cooling tower fans" + annotation (Placement(transformation(extent={{-140,20},{-100,60}}), + iconTransformation(extent={{-140,20},{-100,60}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant minPumSpe(k=yMin) + "Minimum pump speed" + annotation (Placement(transformation(extent={{-80,50},{-60,70}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant zer(k=0) "Zero" + annotation (Placement(transformation(extent={{32,40},{52,60}}))); + Modelica.Blocks.Sources.BooleanExpression notOcc(y=uOpeMod == Integer(FiveZone.Types.CoolingModes.Off)) + "Not occupied" + annotation (Placement(transformation(extent={{32,10},{52,30}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi + annotation (Placement(transformation(extent={{70,-10},{90,10}}))); + Buildings.Controls.OBC.CDL.Continuous.Max max + annotation (Placement(transformation(extent={{-32,20},{-12,40}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi1 + annotation (Placement(transformation(extent={{32,-18},{52,2}}))); + Modelica.Blocks.Sources.BooleanExpression freCoo(y=uOpeMod == Integer(FiveZone.Types.CoolingModes.FreeCooling)) + "Free cooling" + annotation (Placement(transformation(extent={{0,-18},{20,2}}))); + Buildings.Controls.Continuous.LimPID con( + controllerType=controllerType, + k=k, + Ti=Ti, + Td=Td, + yMax=yMax, + yMin=yMin, + reverseAction=reverseAction) "PID controller" + annotation (Placement(transformation(extent={{-40,-60},{-20,-40}}))); + Modelica.Blocks.Interfaces.RealInput dpSet "Differential pressure setpoint" + annotation (Placement(transformation(extent={{-140,-60},{-100,-20}}), + iconTransformation(extent={{-140,-60},{-100,-20}}))); + Modelica.Blocks.Interfaces.RealInput dpMea + "Differential pressure measurement" + annotation (Placement(transformation(extent={{-140,-100},{-100,-60}}), + iconTransformation(extent={{-140,-100},{-100,-60}}))); + Buildings.Controls.OBC.CDL.Continuous.Gain gai1(k=1/dpSetDes) + annotation (Placement(transformation(extent={{-80,-40},{-60,-20}}))); + Buildings.Controls.OBC.CDL.Continuous.Gain gai2(k=1/dpSetDes) + annotation (Placement(transformation(extent={{-80,-90},{-60,-70}}))); + Buildings.Utilities.Math.Max max2(nin=3) + annotation (Placement(transformation(extent={{0,-50},{20,-30}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput y "Speed signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + equation + connect(notOcc.y, swi.u2) annotation (Line(points={{53,20},{58,20},{58,0},{68, + 0}}, color={255,0,255})); + connect(zer.y, swi.u1) annotation (Line(points={{54,50},{60,50},{60,8},{68,8}}, + color={0,0,127})); + connect(minPumSpe.y,max. u1) annotation (Line(points={{-58,60},{-50,60},{-50,36}, + {-34,36}}, color={0,0,127})); + connect(uSpeTow,max. u2) annotation (Line(points={{-120,40},{-86,40},{-86,24}, + {-34,24}}, color={0,0,127})); + connect(max.y, swi1.u1) annotation (Line(points={{-10,30},{20,30},{20,0},{30,0}}, + color={0,0,127})); + connect(freCoo.y, swi1.u2) annotation (Line(points={{21,-8},{30,-8}}, + color={255,0,255})); + connect(gai1.y, con.u_s) annotation (Line(points={{-58,-30},{-50,-30},{-50,-50}, + {-42,-50}}, color={0,0,127})); + connect(dpSet, gai1.u) + annotation (Line(points={{-120,-40},{-90,-40},{-90,-30},{-82,-30}}, + color={0,0,127})); + connect(dpMea, gai2.u) annotation (Line(points={{-120,-80},{-102,-80},{-102, + -80},{-82,-80}}, + color={0,0,127})); + connect(gai2.y, con.u_m) + annotation (Line(points={{-58,-80},{-30,-80},{-30,-62}}, color={0,0,127})); + connect(minPumSpe.y,max2. u[1]) annotation (Line(points={{-58,60},{-50, + 60},{-50,-18},{-14,-18},{-14,-41.3333},{-2,-41.3333}}, + color={0,0,127})); + connect(uLoa,max2. u[2]) annotation (Line(points={{-120,0},{-52,0},{-52,-20}, + {-16,-20},{-16,-40},{-2,-40}},color={0,0,127})); + connect(con.y,max2. u[3]) annotation (Line(points={{-19,-50},{-12,-50}, + {-12,-38.6667},{-2,-38.6667}}, + color={0,0,127})); + connect(max2.y, swi1.u3) annotation (Line(points={{21,-40},{24,-40},{24,-16}, + {30,-16}}, + color={0,0,127})); + connect(swi1.y, swi.u3) annotation (Line(points={{54,-8},{68,-8}}, + color={0,0,127})); + connect(swi.y, y) annotation (Line(points={{92,0},{110,0}}, color={0,0,127})); + annotation (defaultComponentName="spePum", Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

+Condenser water pump speed control is different in different operation modes. +

+ +")); + end SpeedPump; + + model SupplyTemperatureReset + "Cooling tower supply temperature setpoint reset" + extends Modelica.Blocks.Icons.Block; + parameter Modelica.SIunits.ThermodynamicTemperature TSetMinFulMec = 273.15 + 12.78 + "Minimum cooling tower supply temperature setpoint for full mechanical cooling"; + parameter Modelica.SIunits.ThermodynamicTemperature TSetMaxFulMec = 273.15 + 35 + "Maximum cooling tower supply temperature setpoint for full mechanical cooling"; + parameter Modelica.SIunits.ThermodynamicTemperature TSetParMec = 273.15 + 10 + "Cooling tower supply temperature setpoint for partial mechanical cooling"; + Modelica.Blocks.Interfaces.IntegerInput uOpeMod + "Cooling mode signal, integer value of WSEControlLogics.Controls.WSEControls.Type.OperationModes" + annotation ( + Placement(transformation(extent={{-140,30},{-100,70}}), + iconTransformation(extent={{-140,30},{-100,70}}))); + Modelica.Blocks.Interfaces.RealOutput TSet( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Temperature setpoint" annotation ( + Placement(transformation(extent={{100,-10},{120,10}}), iconTransformation( + extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Sources.BooleanExpression fmcMod(y=uOpeMod == Integer(FiveZone.Types.CoolingModes.FullMechanical)) + "Full mechanical cooling mode" + annotation (Placement(transformation(extent={{0,-30},{20,-10}}))); + + Modelica.Blocks.Interfaces.RealInput TWetBul( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Outdoor air wet bulb emperature" annotation (Placement( + transformation(extent={{-140,-20},{-100,20}}),iconTransformation(extent={{-140, + -20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealInput TAppCooTow( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Approach temperature in cooling towers" annotation ( + Placement(transformation(extent={{-140,-70},{-100,-30}}), + iconTransformation(extent={{-140,-70},{-100,-30}}))); + Buildings.Controls.OBC.CDL.Continuous.Add add1 "Addition" + annotation (Placement(transformation(extent={{-80,-10},{-60,10}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant con1(k(unit="K")= + TSetParMec) + annotation (Placement(transformation(extent={{0,-68},{20,-48}}))); + + protected + Modelica.Blocks.Logical.Switch swi1 + "The switch based on whether it is in FMC" + annotation (Placement(transformation(extent={{60,-10},{80,10}}))); + + public + Modelica.Blocks.Math.Min min + annotation (Placement(transformation(extent={{-40,30},{-20,50}}))); + Modelica.Blocks.Math.Max max + annotation (Placement(transformation(extent={{0,0},{20,20}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant con2(k(unit="K")= + TSetMinFulMec) + annotation (Placement(transformation(extent={{-40,-30},{-20,-10}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant con3(k(unit="K")= + TSetMaxFulMec) + annotation (Placement(transformation(extent={{-80,60},{-60,80}}))); + equation + connect(fmcMod.y, swi1.u2) + annotation (Line(points={{21,-20},{38,-20},{38,0},{58,0}}, + color={255,0,255})); + connect(swi1.y, TSet) + annotation (Line(points={{81,0},{110,0}}, color={0,0,127})); + connect(TWetBul, add1.u1) annotation (Line(points={{-120,0},{-94,0},{-94,6},{-82, + 6}}, color={0,0,127})); + connect(TAppCooTow, add1.u2) annotation (Line(points={{-120,-50},{-90,-50},{-90, + -6},{-82,-6}}, + color={0,0,127})); + connect(con1.y, swi1.u3) annotation (Line(points={{22,-58},{40,-58},{40,-8},{58, + -8}}, color={0,0,127})); + connect(con3.y, min.u1) annotation (Line(points={{-58,70},{-52,70},{-52,46},{-42, + 46}}, color={0,0,127})); + connect(add1.y, min.u2) annotation (Line(points={{-58,0},{-52,0},{-52,34},{-42, + 34}}, color={0,0,127})); + connect(min.y, max.u1) annotation (Line(points={{-19,40},{-12,40},{-12,16},{-2, + 16}}, color={0,0,127})); + connect(con2.y, max.u2) annotation (Line(points={{-18,-20},{-12,-20},{-12,4},{ + -2,4}}, color={0,0,127})); + connect(max.y, swi1.u1) + annotation (Line(points={{21,10},{40,10},{40,8},{58,8}}, color={0,0,127})); + annotation (defaultComponentName="temRes", Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

This model describes a cooling tower supply temperature reset for a chilled water system with integrated waterside economizers.

+ +")); + end SupplyTemperatureReset; + + annotation (Documentation(info=" +

This package contains a collection of the local controls in the condenser water loop.

+")); + end CWLoopEquipment; + + package BaseClasses "Base classes for local controls of the chilled water system with water economizer" + + model LinearMap "Ratio function" + extends Modelica.Blocks.Interfaces.SISO; + parameter Boolean use_uInpRef1_in = false "True if use outside values for uInpRef1"; + parameter Boolean use_uInpRef2_in = false "True if use outside values for uInpRef2"; + parameter Boolean use_yOutRef1_in = false "True if use outside values for uOutRef1"; + parameter Boolean use_yOutRef2_in = false "True if use outside values for uOutRef2"; + parameter Real uInpRef1= 0 "Minimum limit" + annotation(Dialog(enable = not use_uInpRef1_in)); + parameter Real uInpRef2= 1 "Maximum limit" + annotation(Dialog(enable = not use_uInpRef2_in)); + parameter Real yOutRef1= 0 "Minimum limit" + annotation(Dialog(enable = not use_yOutRef1_in)); + parameter Real yOutRef2= 1 "Maximum limit" + annotation(Dialog(enable = not use_yOutRef2_in)); + parameter Real dy= 1e-3 "Transition interval"; + + Modelica.Blocks.Interfaces.RealInput uInpRef1_in if use_uInpRef1_in "Connector of Real input signal" + annotation (Placement(transformation(extent={{-140,60},{-100,100}}))); + Modelica.Blocks.Interfaces.RealInput uInpRef2_in if use_uInpRef2_in "Connector of Real input signal" + annotation (Placement(transformation(extent={{-140,20},{-100,60}}))); + + Modelica.Blocks.Interfaces.RealInput yOutRef2_in if use_yOutRef2_in "Connector of Real input signal" + annotation (Placement(transformation(extent={{-140,-100},{-100,-60}}))); + + Modelica.Blocks.Interfaces.RealInput yOutRef1_in if use_yOutRef1_in "Connector of Real input signal" + annotation (Placement(transformation(extent={{-140,-60},{-100,-20}}))); + + protected + Real outInt "Intermediate output"; + Modelica.Blocks.Interfaces.RealInput y1; + Modelica.Blocks.Interfaces.RealInput y2; + Modelica.Blocks.Interfaces.RealInput u1; + Modelica.Blocks.Interfaces.RealInput u2; + + equation + connect(u1,uInpRef1_in); + connect(u2,uInpRef2_in); + connect(y1,yOutRef1_in); + connect(y2,yOutRef2_in); + + if not use_uInpRef1_in then + u1 = uInpRef1; + end if; + if not use_uInpRef2_in then + u2 = uInpRef2; + end if; + if not use_yOutRef1_in then + y1 = yOutRef1; + end if; + if not use_yOutRef2_in then + y2 = yOutRef2; + end if; + + outInt = y1 + (u - u1)*(y2 - y1)/(u2 - u1); + + y=Buildings.Utilities.Math.Functions.smoothLimit( + outInt,min(y1,y2),max(y1,y2),dy); + + annotation (defaultComponentName = "linMap", + Icon(graphics={Text( + extent={{-98,24},{100,-12}}, + lineColor={238,46,47}, + textString="%name")})); + end LinearMap; + + block LinearPiecewiseTwo + "A two-pieces linear piecewise function" + extends Modelica.Blocks.Icons.Block; + parameter Real x0 "First interval [x0, x1]"; + parameter Real x1 "First interval [x0, x1] and second interval (x1, x2]"; + parameter Real x2 "Second interval (x1, x2]"; + parameter Real y10 "y[1] at u = x0"; + parameter Real y11 "y[1] at u = x1"; + parameter Real y20 "y[2] at u = x1"; + parameter Real y21 "y[2] at u = x2"; + Modelica.Blocks.Interfaces.RealInput u "Set point" annotation (extent=[-190, + 80; -150, 120], Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealOutput y[2] "Connectors of Real output signal" + annotation (extent=[148, -10; 168, 10], Placement(transformation(extent={{100,-10}, + {120,10}}))); + Buildings.Controls.SetPoints.Table y1Tab(table=[x0, y10; x1, y11; x2, y11]) + "Table for y[1]" + annotation (Placement(transformation(extent={{-40,20},{-20,40}}))); + Buildings.Controls.SetPoints.Table y2Tab(table=[x0, y20; x1, y20; x2, y21]) + "Table for y[2]" + annotation (Placement(transformation(extent={{-40,-40},{-20,-20}}))); + equation + connect(u, y1Tab.u) annotation (Line( + points={{-120,1.11022e-15},{-58,1.11022e-15},{-58,30},{-42,30}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(u, y2Tab.u) annotation (Line( + points={{-120,1.11022e-15},{-58,1.11022e-15},{-58,-30},{-42,-30}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(y1Tab.y, y[1]) annotation (Line( + points={{-19,30},{26,30},{26,-5},{110,-5}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(y2Tab.y, y[2]) annotation (Line( + points={{-19,-30},{42,-30},{42,5},{110,5}}, + color={0,0,127}, + smooth=Smooth.None)); + annotation ( + defaultComponentName="linPieTwo", + Documentation(info=" +

+This component calcuates the output according to two piecewise linear function as +

+ + + + + + + + + +
+u ∈ [x0, x1]:y1 = y10 + u (y11-y10)/(x1-x0)
+ y2 = y20
u ∈ (x1, x2]:y1 = y11
+ y2 = y20 + (u-x1) + (y21-y20)/(x2-x1)
+", revisions=" + +"),Icon(graphics={ + Line( + points={{-68,62},{-68,-50},{62,-50}}, + color={0,0,0}, + smooth=Smooth.None, + arrow={Arrow.Filled,Arrow.Filled}), + Line( + points={{46,-50},{46,62}}, + color={0,0,0}, + smooth=Smooth.None, + arrow={Arrow.None,Arrow.Filled}), + Text( + extent={{-52,6},{-42,-2}}, + lineColor={0,0,0}, + textString="y[1]"), + Text( + extent={{24,6},{34,-2}}, + lineColor={128,0,255}, + textString="y[2]", + lineThickness=1), + Text( + extent={{-74,-52},{-64,-60}}, + lineColor={0,0,0}, + textString="x0"), + Text( + extent={{-18,-52},{-8,-60}}, + lineColor={0,0,0}, + textString="x1"), + Text( + extent={{40,-52},{50,-60}}, + lineColor={0,0,0}, + textString="x2"), + Text( + extent={{-80,-38},{-70,-46}}, + lineColor={0,0,0}, + textString="y10"), + Text( + extent={{-80,34},{-68,26}}, + lineColor={0,0,0}, + textString="y11"), + Text( + extent={{48,50},{60,42}}, + lineColor={128,0,255}, + textString="y21"), + Text( + extent={{48,-32},{58,-40}}, + lineColor={128,0,255}, + textString="y20", + lineThickness=1), + Line( + points={{-68,-42},{-14,30},{46,30}}, + color={0,0,0}, + smooth=Smooth.None, + thickness=1), + Line( + points={{-68,44},{-14,44},{46,-36}}, + color={128,0,255}, + thickness=1, + smooth=Smooth.None), + Line( + points={{-14,44},{-14,-50}}, + color={175,175,175}, + smooth=Smooth.None, + pattern=LinePattern.Dash), + Line( + points={{-68,30},{-14,30}}, + color={175,175,175}, + pattern=LinePattern.Dash, + smooth=Smooth.None), + Line( + points={{-14,44},{46,44}}, + color={175,175,175}, + pattern=LinePattern.Dash, + smooth=Smooth.None), + Text( + extent={{62,-46},{72,-54}}, + lineColor={0,0,0}, + textString="x")})); + end LinearPiecewiseTwo; + + model SequenceSignal "Signal for each cell" + extends Modelica.Blocks.Icons.Block; + parameter Integer n(min=1) "Length of the signal"; + + Modelica.Blocks.Interfaces.RealOutput y[n] + "On/off signals for each equipment (1: on, 0: off)" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Interfaces.IntegerInput u + "Number of active tower cells" annotation (Placement(transformation(extent={{-140, + -20},{-100,20}}), iconTransformation(extent={{-140,-20},{-100,20}}))); + + algorithm + y := fill(0,n); + for i in 1:u loop + y[i] := 1; + end for; + + annotation (defaultComponentName = "seqSig", + Icon(coordinateSystem(preserveAspectRatio=false)), Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

+Simple model that is used to determine the on and off sequence of equipment. This model can be replaced by rotation control models. +The logic in this model is explained as follows: +

+ +")); + end SequenceSignal; + + model Stage "General stage control model" + extends Modelica.Blocks.Icons.Block; + + parameter Real staUpThr = 1.25 "Staging up threshold"; + parameter Real staDowThr = 0.55 "Staging down threshold"; + + parameter Modelica.SIunits.Time waiTimStaUp=300 + "Time duration of for staging up"; + parameter Modelica.SIunits.Time waiTimStaDow=600 + "Time duration of for staging down"; + parameter Modelica.SIunits.Time shoCycTim=1200 + "Time duration to avoid short cycling of equipment"; + + Modelica.Blocks.Interfaces.RealInput u "Measured signal" annotation ( + Placement(transformation(extent={{-140,20},{-100,60}}), + iconTransformation(extent={{-140,20},{-100,60}}))); + Modelica.Blocks.Interfaces.IntegerOutput ySta(start=0) + "Stage number of next time step" annotation (Placement(transformation( + extent={{100,-10},{120,10}}), iconTransformation(extent={{100,-10},{120, + 10}}))); + + Modelica.StateGraph.InitialStepWithSignal off "All off" annotation (Placement( + transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-22,50}))); + Modelica.StateGraph.StepWithSignal oneOn(nIn=2, nOut=2) + "One equipment is staged" annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-22,-10}))); + Modelica.StateGraph.StepWithSignal twoOn "Two equipment are staged" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-22,-90}))); + Modelica.StateGraph.Transition tra1( + condition=(timGreEqu.y >= waiTimStaUp and offTim.y >= shoCycTim) or on) + "Transition 1" annotation (Placement( + transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-52,20}))); + Modelica.StateGraph.Transition tra2( + condition=timGreEqu.y >= waiTimStaUp and oneOnTim.y >= shoCycTim) + "Transition 1" + annotation (Placement( + transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-42,-50}))); + FiveZone.PrimarySideControl.BaseClasses.TimerGreatEqual timGreEqu(threshold= + staUpThr) "Timer" + annotation (Placement(transformation(extent={{-80,70},{-60,90}}))); + FiveZone.PrimarySideControl.BaseClasses.TimeLessEqual timLesEqu(threshold= + staDowThr) "Timer" + annotation (Placement(transformation(extent={{-80,40},{-60,60}}))); + Modelica.StateGraph.Transition tra3(condition=(timLesEqu.y >= waiTimStaDow + and twoOnTim.y >= shoCycTim) or not on) + "Transition 1" annotation (Placement( + transformation( + extent={{10,10},{-10,-10}}, + rotation=-90, + origin={-2,-50}))); + Modelica.StateGraph.Transition tra4( + enableTimer=false, condition=( + timLesEqu.y >= waiTimStaDow and oneOnTim.y >= shoCycTim) or not on) + "Transition 1" annotation ( + Placement(transformation( + extent={{10,10},{-10,-10}}, + rotation=-90, + origin={0,20}))); + FiveZone.PrimarySideControl.BaseClasses.Timer offTim + "Timer for the state where equipment is off" + annotation (Placement(transformation(extent={{18,40},{38,60}}))); + FiveZone.PrimarySideControl.BaseClasses.Timer oneOnTim + "Timer for the state where only one equipment is on" + annotation (Placement(transformation(extent={{18,-20},{38,0}}))); + FiveZone.PrimarySideControl.BaseClasses.Timer twoOnTim + "Timer for the state where two equipment are on" + annotation (Placement(transformation(extent={{18,-100},{38,-80}}))); + Modelica.Blocks.MathInteger.MultiSwitch mulSwi(expr={0,1,2}, nu=3) + annotation (Placement(transformation(extent={{60,-10},{80,10}}))); + Modelica.Blocks.Interfaces.BooleanInput on + "Set to true to enable equipment, or false to disable equipment" + annotation (Placement(transformation(extent={{-140,-60},{-100,-20}}), + iconTransformation(extent={{-140,-60},{-100,-20}}))); + equation + connect(u, timGreEqu.u) + annotation (Line(points={{-120,40},{-92,40},{-92,80},{-82,80}}, + color={0,0,127})); + connect(u, timLesEqu.u) annotation (Line(points={{-120,40},{-92,40},{-92,50}, + {-82,50}},color={0,0,127})); + connect(off.active, offTim.u) annotation (Line(points={{-11,50},{16,50}}, + color={255,0,255})); + connect(oneOn.active, oneOnTim.u) + annotation (Line(points={{-11,-10},{16,-10}}, + color={255,0,255})); + connect(twoOn.active, twoOnTim.u) + annotation (Line(points={{-11,-90},{16,-90}},color={255,0,255})); + connect(off.outPort[1], tra1.inPort) annotation (Line(points={{-22,39.5},{-22, + 34},{-52,34},{-52,24}}, + color={0,0,0})); + connect(tra1.outPort, oneOn.inPort[1]) annotation (Line(points={{-52,18.5},{-52, + 8},{-22.5,8},{-22.5,1}}, color={0,0,0})); + connect(oneOn.outPort[1], tra2.inPort) annotation (Line(points={{-22.25,-20.5}, + {-22.25,-30},{-42,-30},{-42,-46}}, + color={0,0,0})); + connect(tra2.outPort, twoOn.inPort[1]) annotation (Line(points={{-42,-51.5},{-42, + -68},{-22,-68},{-22,-79}}, + color={0,0,0})); + connect(twoOn.outPort[1], tra3.inPort) annotation (Line(points={{-22,-100.5},{ + -22,-112},{-2,-112},{-2,-54}}, + color={0,0,0})); + connect(tra3.outPort, oneOn.inPort[2]) annotation (Line(points={{-2,-48.5},{-2, + 8},{-21.5,8},{-21.5,1}},color={0,0,0})); + connect(oneOn.outPort[2], tra4.inPort) annotation (Line(points={{-21.75,-20.5}, + {-21.75,-30},{0,-30},{0,16}}, + color={0,0,0})); + connect(tra4.outPort, off.inPort[1]) + annotation (Line(points={{0,21.5},{0,66},{-22,66},{-22,61}}, + color={0,0,0})); + connect(mulSwi.y, ySta) + annotation (Line(points={{80.5,0},{110,0}}, color={255,127,0})); + connect(off.active, mulSwi.u[1]) annotation (Line(points={{-11,50},{8,50},{8, + 70},{54,70},{54,2},{60,2}}, color={255,0,255})); + connect(oneOn.active, mulSwi.u[2]) annotation (Line(points={{-11,-10},{10,-10}, + {10,-28},{54,-28},{54,0},{60,0}}, color={255,0,255})); + connect(twoOn.active, mulSwi.u[3]) annotation (Line(points={{-11,-90},{10,-90}, + {10,-110},{56,-110},{56,-2},{60,-2}}, color={255,0,255})); + annotation (defaultComponentName = "sta", + Documentation(info=" +

+General stage control for two equipment using state-graph package in Modelica. +

+ +", revisions=""), + Diagram(coordinateSystem(extent={{-100,-140},{100,100}})), + __Dymola_Commands); + end Stage; + + model StageBackup + "General stage control model as a back model which needs to be improved and tested" + extends Modelica.Blocks.Icons.Block; + parameter Integer numSta "Design number of equipment that can be staged"; + parameter Real staUpThr = 1.25 "Staging up threshold"; + parameter Real staDowThr = 0.55 "Staging down threshold"; + + parameter Modelica.SIunits.Time waiTimStaUp = 900 "Time duration of TFlo1 condition for staging on one tower cell"; + parameter Modelica.SIunits.Time waiTimStaDow = 300 "Time duration of TFlo2 condition for staging off one tower cell"; + + Modelica.Blocks.Interfaces.RealInput u "Measured signal" annotation ( + Placement(transformation(extent={{-140,60},{-100,100}}), + iconTransformation(extent={{-140,60},{-100,100}}))); + Modelica.Blocks.Interfaces.IntegerOutput ySta + "Stage number of next time step" annotation (Placement(transformation( + extent={{100,-10},{120,10}}), iconTransformation(extent={{100,-10},{120, + 10}}))); + + Modelica.Blocks.Interfaces.IntegerInput minSta "Minimum number of stages" + annotation (Placement(transformation(extent={{-140,-100},{-100,-60}}), + iconTransformation(extent={{-140,-100},{-100,-60}}))); + Modelica.Blocks.Interfaces.IntegerInput uSta "Number of active stages" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}), + iconTransformation(extent={{-140,-20},{-100,20}}))); + Buildings.Controls.OBC.CDL.Conversions.IntegerToReal intToRea + annotation (Placement(transformation(extent={{-80,50},{-60,70}}))); + BaseClasses.TimerGreatEqual timGreEqu(threshold=staUpThr) + "Timer" + annotation (Placement(transformation(extent={{-20,70},{0,90}}))); + BaseClasses.TimeLessEqual timLesEqu(threshold=staDowThr) + "Timer" + annotation (Placement(transformation(extent={{-40,-70},{-20,-50}}))); + Buildings.Controls.OBC.CDL.Continuous.GreaterEqualThreshold staUpAct(threshold= + waiTimStaUp) + "Stageup activated" + annotation (Placement(transformation(extent={{40,70},{60,90}}))); + Buildings.Controls.OBC.CDL.Continuous.GreaterEqualThreshold staDowAct(threshold= + waiTimStaDow) + "Stage down activated" + annotation (Placement(transformation(extent={{20,-70},{40,-50}}))); + protected + Modelica.Blocks.Logical.Switch swi1 + "The switch based on whether it is in FMC mode" + annotation (Placement(transformation(extent={{20,12},{40,32}}))); + public + Buildings.Controls.OBC.CDL.Continuous.Add add1 + annotation (Placement(transformation(extent={{-40,20},{-20,40}}))); + Modelica.Blocks.Sources.Constant uni(k=1) "One" + annotation (Placement(transformation(extent={{-80,14},{-60,34}}))); + Buildings.Controls.OBC.CDL.Continuous.Add add2(k2=-1) + annotation (Placement(transformation(extent={{-40,-30},{-20,-10}}))); + protected + Modelica.Blocks.Logical.Switch swi2 + "The switch based on whether it is in FMC mode" + annotation (Placement(transformation(extent={{8,-38},{28,-18}}))); + public + Buildings.Controls.OBC.CDL.Conversions.RealToInteger reaToInt + annotation (Placement(transformation(extent={{-80,-108},{-60,-88}}))); + Buildings.Controls.OBC.CDL.Integers.Max maxInt + annotation (Placement(transformation(extent={{-40,-114},{-20,-94}}))); + Buildings.Controls.OBC.CDL.Integers.Min minInt + annotation (Placement(transformation(extent={{20,-130},{40,-110}}))); + Buildings.Controls.OBC.CDL.Integers.Sources.Constant conInt(k=numSta) + annotation (Placement(transformation(extent={{-40,-140},{-20,-120}}))); + equation + connect(uSta, intToRea.u) annotation (Line(points={{-120,0},{-90,0},{-90,60},{ + -82,60}}, color={255,127,0})); + connect(timGreEqu.y, staUpAct.u) + annotation (Line(points={{1,80},{38,80}}, color={0,0,127})); + connect(timLesEqu.y, staDowAct.u) + annotation (Line(points={{-19,-60},{18,-60}},color={0,0,127})); + connect(intToRea.y, add1.u1) annotation (Line(points={{-58,60},{-54,60}, + {-54,36},{-42,36}}, + color={0,0,127})); + connect(uni.y, add1.u2) + annotation (Line(points={{-59,24},{-42,24}}, color={0,0,127})); + connect(add1.y, swi1.u1) + annotation (Line(points={{-18,30},{18,30}}, color={0,0,127})); + connect(staUpAct.y, swi1.u2) annotation (Line(points={{62,80},{80,80},{ + 80,54},{0,54},{0,22},{18,22}}, + color={255,0,255})); + connect(intToRea.y, swi1.u3) annotation (Line(points={{-58,60},{-52,60}, + {-52,14},{18,14}}, + color={0,0,127})); + connect(intToRea.y, add2.u1) annotation (Line(points={{-58,60},{-50,60}, + {-50,-14},{-42,-14}}, + color={0,0,127})); + connect(staDowAct.y, swi2.u2) annotation (Line(points={{42,-60},{50,-60}, + {50,-44},{-6,-44},{-6,-28},{6,-28}}, + color={255,0,255})); + connect(add2.y, swi2.u1) + annotation (Line(points={{-18,-20},{6,-20}}, color={0,0,127})); + connect(uni.y, add2.u2) annotation (Line(points={{-59,24},{-54,24},{-54,-26},{ + -42,-26}}, color={0,0,127})); + connect(swi1.y, swi2.u3) annotation (Line(points={{41,22},{50,22},{50,0},{-10, + 0},{-10,-36},{6,-36}}, color={0,0,127})); + connect(swi2.y, reaToInt.u) annotation (Line(points={{29,-28},{60,-28},{60,-80}, + {-92,-80},{-92,-98},{-82,-98}}, color={0,0,127})); + connect(minSta, maxInt.u2) annotation (Line(points={{-120,-80},{-94,-80},{-94, + -110},{-42,-110}}, color={255,127,0})); + connect(reaToInt.y, maxInt.u1) + annotation (Line(points={{-58,-98},{-42,-98}},color={255,127,0})); + connect(maxInt.y, minInt.u1) annotation (Line(points={{-18,-104},{-10, + -104},{-10,-114},{18,-114}}, + color={255,127,0})); + connect(conInt.y, minInt.u2) annotation (Line(points={{-18,-130},{-10, + -130},{-10,-126},{18,-126}}, + color={255,127,0})); + connect(minInt.y, ySta) annotation (Line(points={{42,-120},{80,-120},{ + 80,0},{110,0}}, + color={255,127,0})); + connect(u, timGreEqu.u) + annotation (Line(points={{-120,80},{-22,80}}, color={0,0,127})); + connect(u, timLesEqu.u) annotation (Line(points={{-120,80},{-48,80},{-48,-60}, + {-42,-60}}, color={0,0,127})); + annotation (defaultComponentName = "sta", + Documentation(info=" +

+The cooling tower cell staging control is based on the water flowrate going through the cooling tower. +

+ +", revisions=""), + Diagram(coordinateSystem(extent={{-100,-140},{100,100}})), + __Dymola_Commands); + end StageBackup; + + block Timer + "Timer measuring the time from the time instant where the Boolean input became true" + + extends Modelica.Blocks.Icons.PartialBooleanBlock; + Modelica.Blocks.Interfaces.BooleanInput u "Connector of Boolean input signal" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealOutput y "Connector of Real output signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + protected + discrete Modelica.SIunits.Time entryTime "Time instant when u became true"; + initial equation + pre(entryTime) = 0; + equation + when u then + entryTime = time; + end when; + y = if u then time - entryTime else 0.0; + annotation ( + Icon( + coordinateSystem(preserveAspectRatio=true, + extent={{-100.0,-100.0},{100.0,100.0}}), + graphics={ + Line(points={{-90.0,-70.0},{82.0,-70.0}}, + color={192,192,192}), + Line(points={{-80.0,68.0},{-80.0,-80.0}}, + color={192,192,192}), + Polygon(lineColor={192,192,192}, + fillColor={192,192,192}, + fillPattern=FillPattern.Solid, + points={{90.0,-70.0},{68.0,-62.0},{68.0,-78.0},{90.0,-70.0}}), + Polygon(lineColor={192,192,192}, + fillColor={192,192,192}, + fillPattern=FillPattern.Solid, + points={{-80.0,90.0},{-88.0,68.0},{-72.0,68.0},{-80.0,90.0}}), + Line(points={{-80.0,-70.0},{-60.0,-70.0},{-60.0,-26.0},{38.0,-26.0},{38.0,-70.0},{66.0,-70.0}}, + color={255,0,255}), + Line(points={{-80.0,0.0},{-62.0,0.0},{40.0,90.0},{40.0,0.0},{68.0,0.0}}, + color={0,0,127})}), + Diagram(coordinateSystem(preserveAspectRatio=true, extent={{-100,-100},{ + 100,100}}), graphics={Line(points={{-90,-70},{82,-70}}, color={0, + 0,0}),Line(points={{-80,68},{-80,-80}}),Polygon( + points={{90,-70},{68,-62},{68,-78},{90,-70}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid),Polygon( + points={{-80,90},{-88,68},{-72,68},{-80,90}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid),Line(points={{-80,-68},{-60,-68},{ + -60,-40},{20,-40},{20,-68},{60,-68}}, color={255,0,255}),Line( + points={{-80,-20},{-60,-20},{20,60},{20,-20},{60,-20},{60,-20}}, + color={0,0,255}),Text( + extent={{-88,6},{-54,-4}}, + lineColor={0,0,0}, + textString="y"),Text( + extent={{48,-80},{84,-88}}, + lineColor={0,0,0}, + textString="time"),Text( + extent={{-88,-36},{-54,-46}}, + lineColor={0,0,0}, + textString="u")}), + Documentation(info=" +

When the Boolean input "u" becomes true, the timer is started and the output "y" is the time from the time instant where u became true. The timer is stopped and the output is reset to zero, once the input becomes false.

+")); + end Timer; + + model TimerGreat + "Timer calculating the time when A is greater than B" + + parameter Real threshold=0 "Comparison with respect to threshold"; + + Modelica.Blocks.Interfaces.RealInput u "Connector of Boolean input signal" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealOutput y( + final quantity="Time", + final unit="s") + "Connector of Real output signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Logical.GreaterThreshold greEqu( + threshold = threshold) + annotation (Placement(transformation(extent={{-50,-10},{-30,10}}))); + + Timer tim "Timer" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + equation + connect(greEqu.y, tim.u) + annotation (Line(points={{-29,0},{18,0}}, color={255,0,255})); + connect(greEqu.u, u) + annotation (Line(points={{-52,0},{-120,0}}, color={0,0,127})); + connect(tim.y,y) annotation (Line(points={{41,0},{110,0}}, color={0,0,127})); + annotation (defaultComponentName="greEqu", + Icon(coordinateSystem(preserveAspectRatio=false), graphics={ + Rectangle( + extent={{-100,100},{100,-100}}, + lineColor={0,0,0}, + lineThickness=5.0, + fillColor={210,210,210}, + fillPattern=FillPattern.Solid, + borderPattern=BorderPattern.Raised), + Text( + extent={{-90,-40},{60,40}}, + lineColor={0,0,0}, + textString=">"), + Ellipse( + extent={{71,7},{85,-7}}, + lineColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillPattern=FillPattern.Solid), + Text( + extent={{-150,152},{150,112}}, + textString="%name", + lineColor={0,0,255})}), Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

This model represents a timer that starts to calculate the time when the input is greater than or equal to a certain threshold. It will return to zero when the condition does not satisfy.

+")); + end TimerGreat; + + model TimerGreatEqual + "Timer calculating the time when A is greater than or equal than B" + + parameter Real threshold=0 "Comparison with respect to threshold"; + + Modelica.Blocks.Interfaces.RealInput u "Connector of Boolean input signal" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealOutput y( + final quantity="Time", + final unit="s") + "Connector of Real output signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Logical.GreaterEqualThreshold greEqu( + threshold = threshold) + annotation (Placement(transformation(extent={{-50,-10},{-30,10}}))); + + Timer tim "Timer" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + equation + connect(greEqu.y, tim.u) + annotation (Line(points={{-29,0},{18,0}}, color={255,0,255})); + connect(greEqu.u, u) + annotation (Line(points={{-52,0},{-120,0}}, color={0,0,127})); + connect(tim.y,y) annotation (Line(points={{41,0},{110,0}}, color={0,0,127})); + annotation (defaultComponentName="greEqu", + Icon(coordinateSystem(preserveAspectRatio=false), graphics={ + Rectangle( + extent={{-100,100},{100,-100}}, + lineColor={0,0,0}, + lineThickness=5.0, + fillColor={210,210,210}, + fillPattern=FillPattern.Solid, + borderPattern=BorderPattern.Raised), + Text( + extent={{-90,-40},{60,40}}, + lineColor={0,0,0}, + textString=">="), + Ellipse( + extent={{71,7},{85,-7}}, + lineColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillPattern=FillPattern.Solid), + Text( + extent={{-150,152},{150,112}}, + textString="%name", + lineColor={0,0,255})}), Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

This model represents a timer that starts to calculate the time when the input is greater than or equal to a certain threshold. It will return to zero when the condition does not satisfy.

+")); + end TimerGreatEqual; + + model TimeLess "Timer calculating the time when A is less than B" + + parameter Real threshold=0 "Comparison with respect to threshold"; + + Modelica.Blocks.Interfaces.RealInput u "Connector of Boolean input signal" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealOutput y( + final quantity="Time", + final unit="s") + "Connector of Real output signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Logical.LessThreshold lesEqu( + threshold = threshold) + annotation (Placement(transformation(extent={{-52,-10},{-32,10}}))); + + Timer tim "Timer" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + equation + connect(lesEqu.y, tim.u) + annotation (Line(points={{-31,0},{18,0}}, color={255,0,255})); + connect(lesEqu.u, u) + annotation (Line(points={{-54,0},{-120,0}}, color={0,0,127})); + connect(tim.y,y) annotation (Line(points={{41,0},{110,0}}, color={0,0,127})); + annotation (defaultComponentName="lesEqu", + Icon(coordinateSystem(preserveAspectRatio=false), graphics={ + Rectangle( + extent={{-100,100},{100,-100}}, + lineColor={0,0,0}, + lineThickness=5.0, + fillColor={210,210,210}, + fillPattern=FillPattern.Solid, + borderPattern=BorderPattern.Raised), + Text( + extent={{-90,-40},{60,40}}, + lineColor={0,0,0}, + textString="<"), + Ellipse( + extent={{71,7},{85,-7}}, + lineColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillPattern=FillPattern.Solid), + Text( + extent={{-150,150},{150,110}}, + textString="%name", + lineColor={0,0,255})}), Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

This model represents a timer that starts to calculate the time when the input is less than a certain threshold. It will return to zero when the condition does not satisfy.

+")); + end TimeLess; + + model TimeLessEqual + "Timer calculating the time when A is less than or equal than B" + + parameter Real threshold=0 "Comparison with respect to threshold"; + + Modelica.Blocks.Interfaces.RealInput u "Connector of Boolean input signal" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealOutput y( + final quantity="Time", + final unit="s") + "Connector of Real output signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Logical.LessEqualThreshold lesEqu( + threshold = threshold) + annotation (Placement(transformation(extent={{-52,-10},{-32,10}}))); + + Timer tim "Timer" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + equation + connect(lesEqu.y, tim.u) + annotation (Line(points={{-31,0},{18,0}}, color={255,0,255})); + connect(lesEqu.u, u) + annotation (Line(points={{-54,0},{-120,0}}, color={0,0,127})); + connect(tim.y,y) annotation (Line(points={{41,0},{110,0}}, color={0,0,127})); + annotation (defaultComponentName="lesEqu", + Icon(coordinateSystem(preserveAspectRatio=false), graphics={ + Rectangle( + extent={{-100,100},{100,-100}}, + lineColor={0,0,0}, + lineThickness=5.0, + fillColor={210,210,210}, + fillPattern=FillPattern.Solid, + borderPattern=BorderPattern.Raised), + Text( + extent={{-90,-40},{60,40}}, + lineColor={0,0,0}, + textString="<="), + Ellipse( + extent={{71,7},{85,-7}}, + lineColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillPattern=FillPattern.Solid), + Text( + extent={{-150,150},{150,110}}, + textString="%name", + lineColor={0,0,255})}), Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

This model represents a timer that starts to calculate the time when the input is less than or equal to a certain threshold. It will return to zero when the condition does not satisfy.

+")); + end TimeLessEqual; + + block TrimAndRespond "Trim and respond logic" + extends Modelica.Blocks.Interfaces.DiscreteSISO(firstTrigger(start=false, fixed=true)); + parameter Real uTri "Value to triggering the request for actuator"; + parameter Real yEqu0 "y setpoint when equipment starts"; + parameter Real yDec(max=0) "y decrement (must be negative)"; + parameter Real yInc(min=0) "y increment (must be positive)"; + + Modelica.Blocks.Logical.GreaterEqualThreshold incY(threshold=uTri) + "Outputs true if y needs to be increased" + annotation (extent=[-20, 98; 0, 118], Placement(transformation(extent={{-20, + 50},{0,70}}))); + Modelica.Blocks.Logical.Switch swi annotation (extent=[100, 110; 120, 130], + Placement(transformation(extent={{60,50},{80,70}}))); + Sampler sam(samplePeriod=samplePeriod) "Sampler" + annotation (extent=[-60, 90; -40, 110], Placement(transformation(extent={{-60, + 50},{-40,70}}))); + + Modelica.Blocks.Sources.Constant conYDec(k=yDec) "y decrease" + annotation (extent=[26, 90; 46, 110], Placement(transformation(extent={{20,30}, + {40,50}}))); + Modelica.Blocks.Sources.Constant conYInc(k=yInc) "y increase" + annotation (extent=[-20, 124; 0, 144], Placement(transformation(extent={{20,70}, + {40,90}}))); + UnitDelay uniDel1( + y_start=yEqu0, + samplePeriod=samplePeriod, + startTime=samplePeriod) + annotation (extent=[-52, -40; -32, -20], Placement( + transformation(extent={{-60,-16},{-40,4}}))); + Modelica.Blocks.Math.Add add annotation (extent=[-20, -20; 0, 0], Placement( + transformation(extent={{-20,-10},{0,10}}))); + Modelica.Blocks.Nonlinear.Limiter lim(uMax=1, uMin=0) "State limiter" + annotation (extent=[20, -20; 40, 0], Placement(transformation(extent={{20,-10}, + {40,10}}))); + + // The UnitDelay and Sampler is reimplemented to avoid in Dymola 2016 the translation warning + // The initial conditions for variables of type Boolean are not fully specified. + // Dymola has selected default initial conditions. + // Assuming fixed default start value for the discrete non-states: + // ...firstTrigger(start = false) + // ... + + protected + block UnitDelay + extends Modelica.Blocks.Discrete.UnitDelay( + firstTrigger(start=false, fixed=true)); + end UnitDelay; + + block Sampler + extends Modelica.Blocks.Discrete.Sampler( + firstTrigger(start=false, fixed=true)); + end Sampler; + equation + connect(lim.y, y) annotation (Line( + points={{41,6.10623e-16},{70,6.10623e-16},{70,5.55112e-16},{110,5.55112e-16}}, + color={0,0,127}, + smooth=Smooth.None)); + + connect(add.y, lim.u) annotation (Line( + points={{1,6.10623e-16},{9.5,6.10623e-16},{9.5,6.66134e-16},{18, + 6.66134e-16}}, + color={0,0,127}, + smooth=Smooth.None)); + + connect(uniDel1.y, add.u2) annotation (Line( + points={{-39,-6},{-22,-6}}, + color={0,0,127}, + smooth=Smooth.None)); + + connect(incY.y, swi.u2) annotation (Line( + points={{1,60},{58,60}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(sam.y, incY.u) annotation (Line( + points={{-39,60},{-22,60}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(lim.y, uniDel1.u) annotation (Line( + points={{41,6.66134e-16},{60,6.66134e-16},{60,-40},{-80,-40},{-80,-6},{-62, + -6}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(swi.y, add.u1) annotation (Line( + points={{81,60},{88,60},{88,20},{-30,20},{-30,6},{-22,6}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(swi.u3, conYDec.y) annotation (Line( + points={{58,52},{50,52},{50,40},{41,40}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(conYInc.y, swi.u1) annotation (Line( + points={{41,80},{50,80},{50,68},{58,68}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(sam.u, u) annotation (Line( + points={{-62,60},{-80,60},{-80,1.11022e-15},{-120,1.11022e-15}}, + color={0,0,127}, + smooth=Smooth.None)); + annotation ( + defaultComponentName="triAndRes", + Documentation(info=" +

+ This model implements the trim and respond logic. The model samples the outputs of actuators every tSam. + The control sequence is as follows: +

+ +", revisions=" + +")); + end TrimAndRespond; + + block TrimAndRespondContinuousTimeApproximation + "Trim and respond logic" + extends Modelica.Blocks.Interfaces.SISO; + parameter Real uTri "Value to triggering the request for actuator"; + parameter Real k=0.1 "Gain of controller"; + parameter Modelica.SIunits.Time Ti=120 "Time constant of Integrator block"; + + Buildings.Controls.Continuous.LimPID conPID( + Td=1, + reverseAction=true, + controllerType=Modelica.Blocks.Types.SimpleController.PI, + k=k, + Ti=Ti) annotation (Placement(transformation(extent={{-20,40},{0,60}}))); + Modelica.Blocks.Sources.Constant const(k=uTri) + annotation (Placement(transformation(extent={{-60,40},{-40,60}}))); + + equation + connect(const.y, conPID.u_s) annotation (Line( + points={{-39,50},{-22,50}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(conPID.y, y) annotation (Line( + points={{1,50},{76,50},{76,4.44089e-16},{110,4.44089e-16}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(u, conPID.u_m) annotation (Line( + points={{-120,0},{-10,0},{-10,38}}, + color={0,0,127}, + smooth=Smooth.None)); + annotation ( + defaultComponentName="triAndRes", + Documentation(info=" +

+ This model implements a continuous time approximation to the trim and respond + control algorithm. +

+ ", revisions=" + +")); + end TrimAndRespondContinuousTimeApproximation; + + package Validation "Collection of validation models that the base classes of the local controls" + extends Modelica.Icons.ExamplesPackage; + + model Stage "Test the general stage model" + extends Modelica.Icons.Example; + parameter Integer numSta=4 "Design number of equipment that can be staged"; + parameter Real staUpThr=0.8 "Staging up threshold"; + parameter Real staDowThr=0.45 "Staging down threshold"; + FiveZone.PrimarySideControl.BaseClasses.Stage sta( + staUpThr=staUpThr, + staDowThr=staDowThr, + waiTimStaUp=300, + shoCycTim=200) + annotation (Placement(transformation(extent={{-10,-10},{10,10}}))); + + Buildings.Controls.OBC.CDL.Continuous.Sources.Sine u( + amplitude=0.5, + offset=0.5, + freqHz=1/1500) "Input signal" + annotation (Placement(transformation(extent={{-60,20},{-40,40}}))); + + Modelica.Blocks.Sources.BooleanPulse on(period=3000) + annotation (Placement(transformation(extent={{-60,-40},{-40,-20}}))); + equation + connect(u.y, sta.u) + annotation (Line(points={{-39,30},{-26,30},{-26,4},{-12,4}}, + color={0,0,127})); + connect(on.y, sta.on) annotation (Line(points={{-39,-30},{-26,-30},{-26,-4},{ + -12,-4}}, color={255,0,255})); + annotation (Icon(coordinateSystem(preserveAspectRatio=false)), Diagram( + coordinateSystem(preserveAspectRatio=false)), + experiment(StopTime=3600), + __Dymola_Commands(file= + "modelica://WSEControlLogics/Resources/Scripts/Dymola/Controls/LocalControls/BaseClasses/Validation/Stage.mos" + "Simulate and Plot")); + end Stage; + annotation (Documentation(info=" +

This package contains validation models for the classes in + +WSEControlLogics/Controls/LocalControls/BaseClasses.

+")); + end Validation; + annotation (Documentation(info=" +

This package contains base classes that are used to construct the models in + +WSEControlLogics.Controls.LocalControl. +

+")); + end BaseClasses; + annotation (Documentation(info=" +

This package contains a collection of models for the local controls of chilled water system with waterside economizer.

+"), Icon(graphics={ + Rectangle( + origin={0.0,35.1488}, + fillColor={255,255,255}, + extent={{-30.0,-20.1488},{30.0,20.1488}}), + Polygon( + origin={-40.0,35.0}, + pattern=LinePattern.None, + fillPattern=FillPattern.Solid, + points={{10.0,0.0},{-5.0,5.0},{-5.0,-5.0}}), + Line( + origin={-51.25,0.0}, + points={{21.25,-35.0},{-13.75,-35.0},{-13.75,35.0},{6.25,35.0}}), + Line( + origin={51.25,0.0}, + points={{-21.25,35.0},{13.75,35.0},{13.75,-35.0},{-6.25,-35.0}}), + Rectangle( + origin={0.0,-34.8512}, + fillColor={255,255,255}, + extent={{-30.0,-20.1488},{30.0,20.1488}})})); + end PrimarySideControl; + + package Data "Performance data" + + record Chiller = + Buildings.Fluid.Chillers.Data.ElectricEIR.Generic ( + QEva_flow_nominal = -1076100, + COP_nominal = 5.52, + PLRMin = 0.10, + PLRMinUnl = 0.10, + PLRMax = 1.02, + mEva_flow_nominal = 1000 * 0.03186, + mCon_flow_nominal = 1000 * 0.04744, + TEvaLvg_nominal = 273.15 + 5.56, + TConEnt_nominal = 273.15 + 24.89, + TEvaLvgMin = 273.15 + 5.56, + TEvaLvgMax = 273.15 + 10.00, + TConEntMin = 273.15 + 12.78, + TConEntMax = 273.15 + 24.89, + capFunT = {1.785912E-01,-5.900023E-02,-5.946963E-04,9.297889E-02,-2.841024E-03,4.974221E-03}, + EIRFunT = {5.245110E-01,-2.850126E-02,8.034720E-04,1.893133E-02,1.151629E-04,-9.340642E-05}, + EIRFunPLR = {2.619878E-01,2.393605E-01,4.988306E-01}, + etaMotor = 1.0) + "ElectricEIRChiller Carrier 19XR 1076kW/5.52COP/Vanes" annotation ( + defaultComponentName="datChi", + defaultComponentPrefixes="parameter", + Documentation(info= + " +Performance data for chiller model. +This data corresponds to the following EnergyPlus model: + +")); + end Data; + + package Types "Package with type definitions" + extends Modelica.Icons.TypesPackage; + + type CoolingModes = enumeration( + FreeCooling "Free cooling mode", + PartialMechanical "Partial mechanical cooling", + FullMechanical "Full mechanical cooling", + Off "Off") annotation ( + Documentation(info=" +

Enumeration for the type cooling mode.

+
    +
  1. FreeCooling
  2. +
  3. PartialMechanical
  4. +
  5. FullMechanical
  6. +
  7. Off
  8. +
+", revisions= + " + +")); + annotation (Documentation(info=" +

+This package contains type definitions. +

+")); + end Types; +annotation (uses( + Buildings(version="7.0.0"), + Modelica(version="3.2.3"), + Complex(version="3.2.3"), + Modelica_LinearSystems2(version="2.3.5"), + Modelica_Synchronous(version="0.93.0")), + version="1.0.0", + conversion(noneFromVersion="")); +end FiveZone; diff --git a/testcases/models/high_fidelity_models/five-zones-air-water/FiveZoneBaseline.fmu b/testcases/models/high_fidelity_models/five-zones-air-water/FiveZoneBaseline.fmu new file mode 100644 index 00000000..685f694e Binary files /dev/null and b/testcases/models/high_fidelity_models/five-zones-air-water/FiveZoneBaseline.fmu differ diff --git a/testcases/models/high_fidelity_models/five-zones-air-water/FiveZoneSystem.fmu b/testcases/models/high_fidelity_models/five-zones-air-water/FiveZoneSystem.fmu new file mode 100644 index 00000000..7f9a8716 Binary files /dev/null and b/testcases/models/high_fidelity_models/five-zones-air-water/FiveZoneSystem.fmu differ diff --git a/testcases/models/high_fidelity_models/five-zones-supervisory-tsup/compile_fmu.bat b/testcases/models/high_fidelity_models/five-zones-air-water/compile_fmu.bat similarity index 100% rename from testcases/models/high_fidelity_models/five-zones-supervisory-tsup/compile_fmu.bat rename to testcases/models/high_fidelity_models/five-zones-air-water/compile_fmu.bat diff --git a/testcases/models/high_fidelity_models/five-zones-air-water/compile_fmu.py b/testcases/models/high_fidelity_models/five-zones-air-water/compile_fmu.py new file mode 100644 index 00000000..ee4b9d84 --- /dev/null +++ b/testcases/models/high_fidelity_models/five-zones-air-water/compile_fmu.py @@ -0,0 +1,42 @@ +# -*- coding: utf-8 -*- +""" +This module compiles Modelica models into fmu models. + +@ Yangyang Fu, yangyang.fu@tamu.edu + +""" +from __future__ import print_function, unicode_literals +from __future__ import absolute_import, division + +from pymodelica import compile_fmu + +#### Compile Baseline Model +## ------------ +# mopath = 'FiveZone.mo' +# modelpath = 'FiveZone.SystemCoolSeasonBaseline' +# # ------------ + +# # COMPILE FMU: set JVM maximum leap to 1G to avoid memory issues +# # ----------- +# # the defauted compilation target is model exchange, where no numerical integrator is integrated into the fmu. +# # The equations in FMU is solved by numerical solvers in the importing tool. +# compiler_options = {"cs_rel_tol":1.0E-04} +# fmupath = compile_fmu(modelpath,[mopath], jvm_args='-Xmx8g',target='cs',version='2.0',compile_to='FiveZoneBaseline.fmu',compiler_options=compiler_options) +# ----------- + +#### Compile FiveZone +# --------------------- +mopath = 'FiveZone.mo' +modelpath = 'FiveZone.wrappedcool' +# ------------ + +# COMPILE FMU: set JVM maximum leap to 1G to avoid memory issues +# ----------- +# the defauted compilation target is model exchange, where no numerical integrator is integrated into the fmu. +# The equations in FMU is solved by numerical solvers in the importing tool. +compiler_options = {"cs_rel_tol":1.0E-04} +fmupath = compile_fmu(modelpath,[mopath], jvm_args='-Xmx8g',target='cs',version='2.0',compile_to='FiveZoneSystem.fmu',compiler_options=compiler_options) +# ----------- + + + diff --git a/testcases/models/high_fidelity_models/five-zones-supervisory-tsup/compile_fmu.sh b/testcases/models/high_fidelity_models/five-zones-air-water/compile_fmu.sh similarity index 100% rename from testcases/models/high_fidelity_models/five-zones-supervisory-tsup/compile_fmu.sh rename to testcases/models/high_fidelity_models/five-zones-air-water/compile_fmu.sh diff --git a/testcases/models/high_fidelity_models/five-zones-air-water/simulateFMUBaseline.pdf b/testcases/models/high_fidelity_models/five-zones-air-water/simulateFMUBaseline.pdf new file mode 100644 index 00000000..fea0a018 Binary files /dev/null and b/testcases/models/high_fidelity_models/five-zones-air-water/simulateFMUBaseline.pdf differ diff --git a/testcases/models/high_fidelity_models/five-zones-air-water/simulateFMUInputs.pdf b/testcases/models/high_fidelity_models/five-zones-air-water/simulateFMUInputs.pdf new file mode 100644 index 00000000..164e6151 Binary files /dev/null and b/testcases/models/high_fidelity_models/five-zones-air-water/simulateFMUInputs.pdf differ diff --git a/testcases/models/high_fidelity_models/five-zones-air-water/simulate_fmu.bat.bat b/testcases/models/high_fidelity_models/five-zones-air-water/simulate_fmu.bat.bat new file mode 100644 index 00000000..adec21c4 --- /dev/null +++ b/testcases/models/high_fidelity_models/five-zones-air-water/simulate_fmu.bat.bat @@ -0,0 +1,10 @@ +docker run^ + --user=root^ + --detach=false^ + -e DISPLAY=${DISPLAY}^ + -v /tmp/.X11-unix:/tmp/.X11-unix^ + --rm^ + -v %CD%:/mnt/shared^ + -i^ + -t^ + mpcdrl /bin/bash -c "source activate base && export PYTHONPATH=$PYFMI_PY3_CONDA_PATH:$PYTHONPATH && cd /mnt/shared && python /mnt/shared/simulate_fmu.py" diff --git a/testcases/models/high_fidelity_models/five-zones-air-water/simulate_fmu.py b/testcases/models/high_fidelity_models/five-zones-air-water/simulate_fmu.py new file mode 100644 index 00000000..7c53640c --- /dev/null +++ b/testcases/models/high_fidelity_models/five-zones-air-water/simulate_fmu.py @@ -0,0 +1,118 @@ +# -*- coding: utf-8 -*- +""" +this script is to test the simulation of compiled fmu +""" +from __future__ import print_function, unicode_literals +from __future__ import absolute_import, division + +# import numerical package +import numpy as np +import matplotlib +matplotlib.use('agg') +import matplotlib.pyplot as plt +# import fmu package +from pyfmi import load_fmu +import numpy.random as random +import time + +def uniform(a,b): + return (b-a)*random.random_sample()+a + +# simulate setup +time_stop = 7*24*3600. +startTime = 204*24*3600. +endTime = startTime + time_stop +dt = 60*15. + +# define some filters to save simulation time using fmu +measurement_names = ['time','TZoneAirDev_y','TOutAir_y','GHI_y','PHVAC_y','yFanSpe_y','yDamMax_y', +'yDamMin_y','yWatVal_y','yCooTowFan_y','modCoo.conAHU.TSup','modCoo.conAHU.TSupSet','modCoo.eleTot.y','oveAct_TSupSet'] + +## load fmu - cs +fmu_name = "FiveZoneSystem" +fmu = load_fmu(fmu_name+'.fmu') +fmu.set_log_level(0) # log level 0-7 +options = fmu.simulate_options() +options['filter']=measurement_names +options['result_handling']="memory" #"memory" + +options['ncp'] = 100 + +# initialize output +y = [] +tim = [] + +# input: None +# Get input names +input_names = fmu.get_model_variables(causality = 2).keys() +print(input_names) +print('Inputs: {0}'.format(input_names)) + +# simulate fmu +initialize = True +res_all=[] + +ts = startTime +tic = time.process_time() +while ts < endTime: + # settings + te = ts + dt + options['initialize'] = initialize + # generate inputs + u = uniform(12+273.15,18+273.15) + v = uniform(5+273.15,10+273.15) + w = uniform(18000,36000) + data = np.transpose(np.vstack(([ts,ts+dt],[u,u],[v,v],[w,w]))) + print ("data", data) + input_object = (list(input_names),data) + res_step = fmu.simulate(start_time=ts, final_time=te, options=options, input = input_object) + print ("simulated") + res_all.append(res_step) + initialize = False + ts = te + + # get results + +toc = time.process_time() + +print ('Finish simulation in:' + str(toc-tic)+" second(s)") + +measurement_base={} + +for name in measurement_names: + value_name=[] + for res in res_all: + value_name += list(res[name]) + measurement_base[name] = np.array(value_name) + + +plt.figure(figsize=(8,10)) +plt.subplot(211) +plt.plot(measurement_base['time'],measurement_base['oveAct_TSupSet'],'b-',label="TSup") +plt.plot(measurement_base['time'],measurement_base['modCoo.conAHU.TSupSet'],'r--',label="TSupSet") +plt.legend() +plt.ylabel('TSupSet') +plt.subplot(212) +plt.plot(measurement_base['time'],measurement_base['modCoo.eleTot.y']) +plt.ylabel('PHVAC') +plt.savefig('simulateFMUInputs.pdf') + + +# clean folder after simulation +def deleteFiles(fileList): + """ Deletes the output files of the simulator. + + :param fileList: List of files to be deleted. + + """ + import os + + for fil in fileList: + try: + if os.path.exists(fil): + os.remove(fil) + except OSError as e: + print ("Failed to delete '" + fil + "' : " + e.strerror) + +filelist = [fmu_name+'_result.mat',fmu_name+'_log.txt'] +deleteFiles(filelist) \ No newline at end of file diff --git a/testcases/models/high_fidelity_models/five-zones-air-water/simulate_fmu_baseline.bat b/testcases/models/high_fidelity_models/five-zones-air-water/simulate_fmu_baseline.bat new file mode 100644 index 00000000..52effcdc --- /dev/null +++ b/testcases/models/high_fidelity_models/five-zones-air-water/simulate_fmu_baseline.bat @@ -0,0 +1,11 @@ +docker run^ + --user=root^ + --detach=false^ + -e DISPLAY=${DISPLAY}^ + -v /tmp/.X11-unix:/tmp/.X11-unix^ + --rm^ + -v %CD%:/mnt/shared^ + -i^ + -t^ + mpcdrl /bin/bash -c^ + "source activate base && export PYTHONPATH=$PYFMI_PY3_CONDA_PATH:$PYTHONPATH && cd /mnt/shared && python /mnt/shared/simulate_fmu_baseline.py" diff --git a/testcases/models/high_fidelity_models/five-zones-air-water/simulate_fmu_baseline.py b/testcases/models/high_fidelity_models/five-zones-air-water/simulate_fmu_baseline.py new file mode 100644 index 00000000..0fe1fd5e --- /dev/null +++ b/testcases/models/high_fidelity_models/five-zones-air-water/simulate_fmu_baseline.py @@ -0,0 +1,97 @@ +from __future__ import print_function +from __future__ import absolute_import, division + +import numpy as np +import pandas as pd +import matplotlib +#matplotlib.use('agg') +import matplotlib.pyplot as plt +import json +# load testbed +from pyfmi import load_fmu +import time + +#========================================================== +## General Settings +# ======================================================= +# simulate setup +time_stop = 7*24*3600. +startTime = 204*24*3600. +endTime = startTime + time_stop +dt = 60*15. + +# define some filters to save simulation time using fmu +measurement_names = ['time','eleTot.y','conAHU.TSup','conAHU.TSupSet'] + +## load fmu - cs +fmu_name = "FiveZoneBaseline" +fmu = load_fmu(fmu_name+'.fmu') +fmu.set_log_level(0) # log level 0-7 +options = fmu.simulate_options() +options['filter']=measurement_names +options['result_handling']="memory" #"memory" + +options['ncp'] = 100 + +# initialize output +y = [] +tim = [] + +# simulate fmu +initialize = True +res_all=[] + +ts = startTime +tic = time.process_time() +while ts < endTime: + # settings + te = ts + dt + options['initialize'] = initialize + res_step = fmu.simulate(start_time=ts, final_time=te, options=options) + res_all.append(res_step) + initialize = False + ts = te + +toc = time.process_time() + +print ('Finish simulation in:' + str(toc-tic)+" second(s)") + +measurement_base={} + +for name in measurement_names: + value_name=[] + for res in res_all: + value_name += list(res[name]) + measurement_base[name] = np.array(value_name) + + +plt.figure(figsize=(8,10)) +plt.subplot(211) +plt.plot(measurement_base['time'],measurement_base['conAHU.TSup'],'b-',label="TSup") +plt.plot(measurement_base['time'],measurement_base['conAHU.TSupSet'],'r--',label="TSupSet") +plt.legend() +plt.ylabel('TSupSet') +plt.subplot(212) +plt.plot(measurement_base['time'],measurement_base['eleTot.y']) +plt.ylabel('PHVAC') +plt.savefig('simulateFMUBaseline.pdf') + + +# clean folder after simulation +def deleteFiles(fileList): + """ Deletes the output files of the simulator. + + :param fileList: List of files to be deleted. + + """ + import os + + for fil in fileList: + try: + if os.path.exists(fil): + os.remove(fil) + except OSError as e: + print ("Failed to delete '" + fil + "' : " + e.strerror) + +filelist = [fmu_name+'_result.mat',fmu_name+'_log.txt'] +deleteFiles(filelist) \ No newline at end of file diff --git a/testcases/models/high_fidelity_models/five-zones-supervisory-tsup/FiveZone.mo b/testcases/models/high_fidelity_models/five-zones-air/FiveZone.mo similarity index 54% rename from testcases/models/high_fidelity_models/five-zones-supervisory-tsup/FiveZone.mo rename to testcases/models/high_fidelity_models/five-zones-air/FiveZone.mo index f535b419..2f08c2dd 100644 --- a/testcases/models/high_fidelity_models/five-zones-supervisory-tsup/FiveZone.mo +++ b/testcases/models/high_fidelity_models/five-zones-air/FiveZone.mo @@ -1,4 +1,4 @@ -within ; +within ; package FiveZone "Five zone VAV supervisory control" model Guideline36TSup "Variable air volume flow system with terminal reheat and five thermal zones" @@ -1051,8 +1051,9 @@ This is for connect(TZonSet[1].yOpeMod, conVAVCor.uOpeMod) annotation (Line(points={{82,303}, {130,303},{130,180},{420,180},{420,14},{520,14},{520,32},{528,32}}, color={255,127,0})); - connect(flo.TRooAir, TZonSet.TZon) annotation (Line(points={{1094.14,491.333}, - {1164,491.333},{1164,662},{46,662},{46,313},{58,313}}, color={0,0,127})); + connect(flo.TRooAir, TZonSet.TZon) annotation (Line(points={{1094.14, + 491.333},{1164,491.333},{1164,662},{46,662},{46,313},{58,313}}, + color={0,0,127})); connect(occSch.occupied, booRep.u) annotation (Line(points={{-297,-216},{-160, -216},{-160,290},{-122,290}}, color={255,0,255})); connect(occSch.tNexOcc, reaRep.u) annotation (Line(points={{-297,-204},{-180, @@ -1130,8 +1131,8 @@ This is for connect(zonOutAirSet.VPriAir_flow, zonToSys.VPriAir_flow) annotation (Line( points={{242,581},{258,581},{258,572},{278,572}}, color={0,0,127})); connect(conAHU.yAveOutAirFraPlu, zonToSys.yAveOutAirFraPlu) annotation (Line( - points={{424,588.667},{440,588.667},{440,468},{270,468},{270,582},{278, - 582}}, + points={{424,588.667},{440,588.667},{440,468},{270,468},{270,582},{ + 278,582}}, color={0,0,127})); connect(conAHU.VDesUncOutAir_flow, reaRep1.u) annotation (Line(points={{424, 599.333},{440,599.333},{440,590},{458,590}}, @@ -1160,8 +1161,8 @@ This is for {110,310},{110,638.444},{336,638.444}}, color={0,0,127})); connect(TZonSet[1].TZonCooSet, conAHU.TZonCooSet) annotation (Line(points={{82,317}, {120,317},{120,633.111},{336,633.111}}, color={0,0,127})); - connect(TOut.y, conAHU.TOut) annotation (Line(points={{-279,180},{-260,180},{ - -260,627.778},{336,627.778}}, + connect(TOut.y, conAHU.TOut) annotation (Line(points={{-279,180},{-260,180}, + {-260,627.778},{336,627.778}}, color={0,0,127})); connect(dpDisSupFan.p_rel, conAHU.ducStaPre) annotation (Line(points={{311,0}, {160,0},{160,622.444},{336,622.444}}, color={0,0,127})); @@ -1173,22 +1174,22 @@ This is for color={0,0,127})); connect(VOut1.V_flow, conAHU.VOut_flow) annotation (Line(points={{-61,-20.9}, {-61,547.778},{336,547.778}},color={0,0,127})); - connect(TMix.T, conAHU.TMix) annotation (Line(points={{40,-29},{40,540.667},{ - 336,540.667}}, + connect(TMix.T, conAHU.TMix) annotation (Line(points={{40,-29},{40,540.667}, + {336,540.667}}, color={0,0,127})); - connect(conAHU.yOutDamPos, eco.yOut) annotation (Line(points={{424,524.667},{ - 448,524.667},{448,36},{-10,36},{-10,-34}}, + connect(conAHU.yOutDamPos, eco.yOut) annotation (Line(points={{424,524.667}, + {448,524.667},{448,36},{-10,36},{-10,-34}}, color={0,0,127})); - connect(conAHU.yRetDamPos, eco.yRet) annotation (Line(points={{424,535.333},{ - 442,535.333},{442,40},{-16.8,40},{-16.8,-34}}, + connect(conAHU.yRetDamPos, eco.yRet) annotation (Line(points={{424,535.333}, + {442,535.333},{442,40},{-16.8,40},{-16.8,-34}}, color={0,0,127})); connect(conAHU.yCoo, gaiCooCoi.u) annotation (Line(points={{424,546},{452,546}, {452,-274},{88,-274},{88,-248},{98,-248}}, color={0,0,127})); connect(conAHU.yHea, swiFreSta.u3) annotation (Line(points={{424,556.667},{ 458,556.667},{458,-280},{40,-280},{40,-200},{58,-200}}, color={0,0,127})); - connect(conAHU.ySupFanSpe, fanSup.y) annotation (Line(points={{424,620.667},{ - 432,620.667},{432,-14},{310,-14},{310,-28}}, + connect(conAHU.ySupFanSpe, fanSup.y) annotation (Line(points={{424,620.667}, + {432,620.667},{432,-14},{310,-14},{310,-28}}, color={0,0,127})); connect(cor.y_actual,conVAVCor.yDam_actual) annotation (Line(points={{612,58}, {620,58},{620,74},{518,74},{518,38},{528,38}}, color={0,0,127})); @@ -1202,10 +1203,11 @@ This is for connect(wes.y_actual,conVAVWes.yDam_actual) annotation (Line(points={{1332, 56},{1340,56},{1340,74},{1224,74},{1224,34},{1238,34}}, color={0,0, 127})); - connect(flo.TRooAir, banDevSum.u1) annotation (Line(points={{1094.14,491.333}, - {1165.07,491.333},{1165.07,490},{1238,490}}, color={0,0,127})); - connect(conAHU.ySupFan, booRepSupFan.u) annotation (Line(points={{424,631.333}, - {467,631.333},{467,640},{498,640}}, color={255,0,255})); + connect(flo.TRooAir, banDevSum.u1) annotation (Line(points={{1094.14, + 491.333},{1165.07,491.333},{1165.07,490},{1238,490}}, color={0,0,127})); + connect(conAHU.ySupFan, booRepSupFan.u) annotation (Line(points={{424, + 631.333},{467,631.333},{467,640},{498,640}}, + color={255,0,255})); connect(booRepSupFan.y, banDevSum.uSupFan) annotation (Line(points={{522,640}, {580,640},{580,656},{1154,656},{1154,484},{1238,484}}, color={ 255,0,255})); @@ -1286,17 +1288,20 @@ This is for connect(flo.TRooAir[1], TRooAirSou) annotation (Line(points={{1094.14,488.4}, {1124,488.4},{1124,468},{1322,468},{1322,448},{1410,448}}, color={0,0, 127})); - connect(flo.TRooAir[2], TRooAirEas) annotation (Line(points={{1094.14,489.867}, - {1130,489.867},{1130,472},{1326,472},{1326,416},{1410,416}}, color={0, + connect(flo.TRooAir[2], TRooAirEas) annotation (Line(points={{1094.14, + 489.867},{1130,489.867},{1130,472},{1326,472},{1326,416},{1410,416}}, + color={0, 0,127})); - connect(flo.TRooAir[3], TRooAirNor) annotation (Line(points={{1094.14,491.333}, - {1136,491.333},{1136,470},{1322,470},{1322,386},{1410,386}}, color={0, + connect(flo.TRooAir[3], TRooAirNor) annotation (Line(points={{1094.14, + 491.333},{1136,491.333},{1136,470},{1322,470},{1322,386},{1410,386}}, + color={0, 0,127})); connect(flo.TRooAir[4], TRooAirWes) annotation (Line(points={{1094.14,492.8}, {1130,492.8},{1130,470},{1318,470},{1318,356},{1410,356}}, color={0,0, 127})); - connect(flo.TRooAir[5], TRooAirCor) annotation (Line(points={{1094.14,494.267}, - {1128,494.267},{1128,472},{1334,472},{1334,328},{1410,328}}, color={0, + connect(flo.TRooAir[5], TRooAirCor) annotation (Line(points={{1094.14, + 494.267},{1128,494.267},{1128,472},{1334,472},{1334,328},{1410,328}}, + color={0, 0,127})); annotation ( Diagram(coordinateSystem(preserveAspectRatio=false,extent={{-380,-320},{1400, @@ -1403,6 +1408,356 @@ This is for Icon(coordinateSystem(extent={{-100,-100},{100,100}}))); end Guideline36Baseline; + model System "System example for fault injection" + extends Modelica.Icons.Example; + extends FiveZone.BaseClasses.PartialHotWaterside( + final Q_flow_boi_nominal=designHeatLoad, + minFloBypHW(k=0.1), + pumSpeHW(reset=Buildings.Types.Reset.Parameter, y_reset=0), + boiTSup( + y_start=0, + reset=Buildings.Types.Reset.Parameter, + y_reset=0), + boi(show_T=false), + triResHW(TMin=313.15, TMax=321.15)); + extends FiveZone.BaseClasses.PartialAirside( + fanSup(show_T=false), + conAHU( + pNumIgnReq=1, + TSupSetMin=284.95, + numIgnReqSupTem=1, + kTSup=0.5, + TiTSup=120), + conVAVWes( + VDisSetMin_flow=0.05*conVAVWes.V_flow_nominal, + VDisConMin_flow=0.05*conVAVWes.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4), + conVAVCor( + VDisSetMin_flow=0.05*conVAVCor.V_flow_nominal, + VDisConMin_flow=0.05*conVAVCor.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4), + conVAVSou( + VDisSetMin_flow=0.05*conVAVSou.V_flow_nominal, + VDisConMin_flow=0.05*conVAVSou.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4), + conVAVEas( + VDisSetMin_flow=0.05*conVAVEas.V_flow_nominal, + VDisConMin_flow=0.05*conVAVEas.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4), + conVAVNor( + VDisSetMin_flow=0.05*conVAVNor.V_flow_nominal, + VDisConMin_flow=0.05*conVAVNor.V_flow_nominal, + errTZonCoo_1=0.8, + errTZonCoo_2=0.4)); + extends FiveZone.BaseClasses.PartialWaterside( + redeclare FiveZone.BaseClasses.IntegratedPrimaryLoadSide chiWSE( + use_inputFilter=true, + addPowerToMedium=false, + perPum=perPumPri), + watVal( + redeclare package Medium = MediumW, + m_flow_nominal=m1_flow_chi_nominal, + dpValve_nominal=6000, + riseTime=60), + final QEva_nominal=designCoolLoad, + pumCW(use_inputFilter=true), + resCHW(dp_nominal=139700), + temDifPreRes( + samplePeriod(displayUnit="s"), + uTri=0.9, + dpMin=0.5*dpSetPoi, + dpMax=dpSetPoi, + TMin(displayUnit="degC") = 278.15, + TMax(displayUnit="degC") = 283.15), + pumSpe(yMin=0.2)); + + extends FiveZone.BaseClasses.EnergyMeter( + eleCoiVAV(y=cor.terHea.Q1_flow + nor.terHea.Q1_flow + wes.terHea.Q1_flow + + eas.terHea.Q1_flow + sou.terHea.Q1_flow), + eleSupFan(y=fanSup.P), + eleChi(y=chiWSE.powChi[1]), + eleCHWP(y=chiWSE.powPum[1]), + eleCWP(y=pumCW.P), + eleHWP(y=pumHW.P), + eleCT(y=cooTow.PFan), + gasBoi(y=boi.QFue_flow)); + + parameter Buildings.Fluid.Movers.Data.Generic[numChi] perPumPri( + each pressure=Buildings.Fluid.Movers.BaseClasses.Characteristics.flowParameters( + V_flow=m2_flow_chi_nominal/1000*{0.2,0.6,1.0,1.2}, + dp=(dp2_chi_nominal+dp2_wse_nominal+139700+36000)*{1.5,1.3,1.0,0.6})) + "Performance data for primary pumps"; + + FiveZone.Controls.CoolingMode cooModCon( + tWai=1200, + deaBan1=1.1, + deaBan2=0.5, + deaBan3=1.1, + deaBan4=0.5) "Cooling mode controller" + annotation (Placement(transformation(extent={{1028,-266},{1048,-246}}))); + Modelica.Blocks.Sources.RealExpression towTApp(y=cooTow.TWatOut_nominal - + cooTow.TAirInWB_nominal) + "Cooling tower approach temperature" + annotation (Placement(transformation(extent={{988,-300},{1008,-280}}))); + Modelica.Blocks.Sources.RealExpression yVal5(y=if cooModCon.y == Integer( + FiveZone.Types.CoolingModes.FullMechanical) + then 1 else 0) + "On/off signal for valve 5" + annotation (Placement(transformation(extent={{1060,-192},{1040,-172}}))); + Modelica.Blocks.Sources.RealExpression yVal6(y=if cooModCon.y == Integer( + FiveZone.Types.CoolingModes.FreeCooling) + then 1 else 0) + "On/off signal for valve 6" + annotation (Placement(transformation(extent={{1060,-208},{1040,-188}}))); + Buildings.Controls.OBC.CDL.Continuous.Product proCHWP + annotation (Placement(transformation(extent={{1376,-260},{1396,-240}}))); + + FiveZone.Controls.PlantRequest plaReqChi + annotation (Placement(transformation(extent={{1044,-120},{1064,-100}}))); + FiveZone.Controls.ChillerPlantEnableDisable chiPlaEnaDis(yFanSpeMin=0.15, + plaReqTim=30*60) + annotation (Placement(transformation(extent={{1100,-120},{1120,-100}}))); + Modelica.Blocks.Math.BooleanToReal booToRea + annotation (Placement(transformation(extent={{1168,-126},{1188,-106}}))); + FiveZone.Controls.BoilerPlantEnableDisable boiPlaEnaDis( + yFanSpeMin=0.15, + plaReqTim=30*60, + TOutPla=291.15) + annotation (Placement(transformation(extent={{-278,-170},{-258,-150}}))); + Modelica.Blocks.Math.BooleanToReal booToReaHW + annotation (Placement(transformation(extent={{-218,-170},{-198,-150}}))); + FiveZone.Controls.PlantRequest plaReqBoi + annotation (Placement(transformation(extent={{-320,-170},{-300,-150}}))); + Buildings.Controls.OBC.CDL.Continuous.Product proHWVal + annotation (Placement(transformation(extent={{40,-190},{60,-170}}))); + Buildings.Controls.OBC.CDL.Continuous.Product proCHWVal + annotation (Placement(transformation(extent={{468,-118},{488,-98}}))); + + FiveZone.Controls.MinimumFlowBypassValve minFloBypCHW(m_flow_minimum=0.5, k= + 0.1) "Chilled water loop minimum bypass valve control" + annotation (Placement(transformation(extent={{1040,-160},{1060,-140}}))); + Modelica.Blocks.Sources.RealExpression yVal7(y=0) + "On/off signal for valve 7" + annotation (Placement(transformation(extent={{1060,-230},{1040,-210}}))); + equation + + connect(chiWSE.TCHWSupWSE,cooModCon. TCHWSupWSE) + annotation (Line( + points={{673,-212},{666,-212},{666,-76},{1016,-76},{1016,-260.444},{ + 1026,-260.444}}, + color={0,0,127})); + connect(towTApp.y,cooModCon. TApp) + annotation (Line( + points={{1009,-290},{1018,-290},{1018,-257.111},{1026,-257.111}}, + color={0,0,127})); + connect(cooModCon.TCHWRetWSE, TCHWRet.T) + annotation (Line( + points={{1026,-263.778},{1014,-263.778},{1014,-66},{608,-66},{608,-177}}, + color={0,0,127})); + connect(cooModCon.y, chiStaCon.cooMod) + annotation (Line( + points={{1049,-254.889},{1072,-254.889},{1072,-66},{1270,-66},{1270, + -122},{1284,-122}}, + color={255,127,0})); + connect(cooModCon.y,intToBoo.u) + annotation (Line( + points={{1049,-254.889},{1072,-254.889},{1072,-66},{1270,-66},{1270, + -154},{1284,-154}}, + color={255,127,0})); + connect(cooModCon.y, cooTowSpeCon.cooMod) annotation (Line(points={{1049, + -254.889},{1072,-254.889},{1072,-66},{1270,-66},{1270,-93.5556},{ + 1284,-93.5556}}, color={255,127,0})); + connect(cooModCon.y, CWPumCon.cooMod) annotation (Line(points={{1049, + -254.889},{1072,-254.889},{1072,-66},{1270,-66},{1270,-201},{1282, + -201}}, color={255,127,0})); + connect(yVal5.y, chiWSE.yVal5) annotation (Line(points={{1039,-182},{864,-182}, + {864,-211},{695.6,-211}}, + color={0,0,127})); + connect(watVal.port_a, cooCoi.port_b1) annotation (Line(points={{538,-98},{538, + -86},{182,-86},{182,-52},{190,-52}}, + color={0,127,255}, + thickness=0.5)); + connect(cooCoi.port_a1, TCHWSup.port_b) annotation (Line(points={{210,-52},{220, + -52},{220,-78},{642,-78},{642,-128},{758,-128}}, + color={0,127,255}, + thickness=0.5)); + connect(proCHWP.y, chiWSE.yPum[1]) annotation (Line(points={{1398,-250},{1404, + -250},{1404,-340},{704,-340},{704,-203.6},{695.6,-203.6}}, + color={0,0,127})); + connect(weaBus.TWetBul, cooModCon.TWetBul) annotation (Line( + points={{-320,180},{-320,22},{436,22},{436,-60},{1008,-60},{1008, + -253.778},{1026,-253.778}}, + color={255,204,51}, + thickness=0.5), Text( + string="%first", + index=-1, + extent={{-6,3},{-6,3}}, + horizontalAlignment=TextAlignment.Right)); + connect(weaBus.TWetBul, cooTow.TAir) annotation (Line( + points={{-320,180},{-320,24},{434,24},{434,-60},{724,-60},{724,-312},{736, + -312}}, + color={255,204,51}, + thickness=0.5), Text( + string="%first", + index=-1, + extent={{-6,3},{-6,3}}, + horizontalAlignment=TextAlignment.Right)); + connect(TCWSup.T, cooTowSpeCon.TCWSup) annotation (Line(points={{828,-305}, + {828,-64},{1274,-64},{1274,-100.667},{1284,-100.667}}, + color={0,0,127})); + connect(TCHWSup.T, cooTowSpeCon.TCHWSup) annotation (Line(points={{768,-117}, + {768,-64},{1272,-64},{1272,-104.222},{1284,-104.222}}, + color={0,0,127})); + connect(pumSpe.y, proCHWP.u2) annotation (Line(points={{1361,-248},{1366,-248}, + {1366,-256},{1374,-256}}, + color={0,0,127})); + connect(watVal.y_actual, temDifPreRes.u) annotation (Line(points={{531,-113},{ + 530,-113},{530,-122},{518,-122},{518,-72},{964,-72},{964,-244},{1194,-244}}, + color={0,0,127})); + connect(cooModCon.y, temDifPreRes.uOpeMod) annotation (Line(points={{1049, + -254.889},{1072,-254.889},{1072,-238},{1194,-238}}, + color={255,127,0})); + connect(temDifPreRes.TSet, cooModCon.TCHWSupSet) annotation (Line(points={{1217, + -249},{1218,-249},{1218,-250},{1232,-250},{1232,-70},{1018,-70},{ + 1018,-250.222},{1026,-250.222}}, + color={0,0,127})); + connect(temDifPreRes.TSet, chiWSE.TSet) annotation (Line(points={{1217,-249},{ + 1218,-249},{1218,-250},{1232,-250},{1232,-338},{704,-338},{704,-218.8}, + {695.6,-218.8}}, color={0,0,127})); + connect(temDifPreRes.TSet, cooTowSpeCon.TCHWSupSet) annotation (Line(points={{1217, + -249},{1218,-249},{1218,-250},{1232,-250},{1232,-70},{1268,-70},{ + 1268,-97.1111},{1284,-97.1111}}, color={0,0,127})); + connect(TOut.y, chiPlaEnaDis.TOut) annotation (Line(points={{-279,180},{1078, + 180},{1078,-105.4},{1098,-105.4}}, + color={0,0,127})); + connect(chiPlaEnaDis.ySupFan, conAHU.ySupFan) annotation (Line(points={{1098, + -110},{1076,-110},{1076,629.333},{424,629.333}}, color={ + 255,0,255})); + connect(cooModCon.yPla, chiPlaEnaDis.yPla) annotation (Line(points={{1026, + -247.333},{1022,-247.333},{1022,-70},{1142,-70},{1142,-110},{1121, + -110}}, color={255,0,255})); + connect(gai.y, pumCW.y) annotation (Line(points={{1347,-206},{1400,-206},{1400, + -342},{880,-342},{880,-288},{898,-288}}, color={0,0,127})); + connect(cooTowSpeCon.y, cooTow.y) annotation (Line(points={{1307,-97.1111}, + {1402,-97.1111},{1402,-344},{722,-344},{722,-308},{736,-308}}, + color={0, + 0,127})); + connect(chiOn.y, chiWSE.on[1]) annotation (Line(points={{1347,-128},{1408,-128}, + {1408,-338},{868,-338},{868,-215.6},{695.6,-215.6}}, + color={255,0,255})); + connect(chiPlaEnaDis.yPla, booToRea.u) + annotation (Line(points={{1121,-110},{1142,-110},{1142,-116},{1166,-116}}, + color={255,0,255})); + connect(booToRea.y, proCHWP.u1) annotation (Line(points={{1189,-116},{1246,-116}, + {1246,-64},{1368,-64},{1368,-244},{1374,-244}}, + color={0,0,127})); + connect(booToRea.y, val.y) annotation (Line(points={{1189,-116},{1246,-116},{1246, + -174},{1420,-174},{1420,-342},{620,-342},{620,-296},{646,-296},{646,-304}}, + color={0,0, + 127})); + connect(conAHU.ySupFan, andFreSta.u2) annotation (Line(points={{424,629.333}, + {436,629.333},{436,652},{-50,652},{-50,-138},{-22,-138}}, + color={255,0,255})); + connect(heaCoi.port_b1, HWVal.port_a) + annotation (Line(points={{98,-52},{98,-170},{98,-170}},color={238,46,47}, + thickness=0.5)); + connect(boiPlaEnaDis.yPla, booToReaHW.u) + annotation (Line(points={{-257,-160},{-220,-160}}, color={255,0,255})); + connect(booToReaHW.y, boiIsoVal.y) annotation (Line(points={{-197,-160},{-182, + -160},{-182,-360},{242,-360},{242,-300},{292,-300},{292,-308}}, + color={0,0,127})); + connect(booToReaHW.y, proPumHW.u1) annotation (Line(points={{-197,-160},{-178, + -160},{-178,-72},{-98,-72},{-98,-210},{-42,-210},{-42,-308},{-34,-308}}, + color={0,0,127})); + connect(booToReaHW.y, proBoi.u1) annotation (Line(points={{-197,-160},{-184,-160}, + {-184,-82},{-96,-82},{-96,-208},{-40,-208},{-40,-266},{-34,-266}}, + color={0,0,127})); + connect(boiPlaEnaDis.yPla, pumSpeHW.trigger) annotation (Line(points={{-257,-160}, + {-240,-160},{-240,-82},{-92,-82},{-92,-338},{-68,-338},{-68,-332}}, + color={255,0, + 255})); + connect(boiPlaEnaDis.yPla, minFloBypHW.yPla) annotation (Line(points={{-257,-160}, + {-240,-160},{-240,-80},{-92,-80},{-92,-251},{-76,-251}}, color={255,0, + 255})); + connect(cooModCon.yPla, pumSpe.trigger) annotation (Line(points={{1026, + -247.333},{1022,-247.333},{1022,-336},{1342,-336},{1342,-260}}, color= + {255,0,255})); + connect(THWSup.port_a, heaCoi.port_a1) annotation (Line(points={{350,-214},{350, + -140},{142,-140},{142,-52},{118,-52}}, color={238,46,47}, + thickness=0.5)); + connect(wseOn.y, chiWSE.on[2]) annotation (Line(points={{1347,-154},{1408,-154}, + {1408,-338},{866,-338},{866,-215.6},{695.6,-215.6}}, + color={255,0,255})); + connect(boiPlaEnaDis.yPla, boiTSup.trigger) annotation (Line(points={{-257,-160}, + {-238,-160},{-238,-78},{-92,-78},{-92,-292},{-72,-292},{-72,-290}}, + color={255,0, + 255})); + connect(plaReqChi.yPlaReq, chiPlaEnaDis.yPlaReq) annotation (Line(points={{1065, + -110},{1072,-110},{1072,-114},{1098,-114}}, color={255,127,0})); + connect(swiFreSta.y, plaReqBoi.uPlaVal) annotation (Line(points={{42,-130},{58, + -130},{58,-70},{-250,-70},{-250,-120},{-340,-120},{-340,-160},{-322,-160}}, + color={0,0, + 127})); + connect(minFloBypHW.y, valBypBoi.y) annotation (Line(points={{-53,-248},{-44,-248}, + {-44,-358},{178,-358},{178,-230},{230,-230},{230,-240}}, + color={0,0,127})); + connect(plaReqBoi.yPlaReq, boiPlaEnaDis.yPlaReq) annotation (Line(points={{-299, + -160},{-290,-160},{-290,-164},{-280,-164}}, color={255,127,0})); + connect(boiPlaEnaDis.yPla, triResHW.uDevSta) annotation (Line(points={{-257,-160}, + {-240,-160},{-240,-80},{-182,-80},{-182,-221},{-160,-221}}, + color={255,0,255})); + connect(TOut.y, boiPlaEnaDis.TOut) annotation (Line(points={{-279,180},{-260, + 180},{-260,-68},{-252,-68},{-252,-118},{-288,-118},{-288,-155.4},{ + -280,-155.4}}, + color={0,0,127})); + connect(conAHU.ySupFan, boiPlaEnaDis.ySupFan) annotation (Line(points={{424, + 629.333},{436,629.333},{436,652},{-258,652},{-258,-116},{-292,-116}, + {-292,-160},{-280,-160}}, + color={255,0,255})); + connect(swiFreSta.y, proHWVal.u1) annotation (Line(points={{42,-130},{48,-130}, + {48,-156},{22,-156},{22,-174},{38,-174}}, color={0,0,127})); + connect(proHWVal.y, HWVal.y) + annotation (Line(points={{62,-180},{86,-180}}, color={0,0,127})); + connect(booToReaHW.y, proHWVal.u2) annotation (Line(points={{-197,-160},{-94,-160}, + {-94,-186},{38,-186}}, color={0,0,127})); + connect(proCHWVal.y, watVal.y) + annotation (Line(points={{490,-108},{526,-108}}, color={0,0,127})); + connect(booToRea.y, proCHWVal.u2) annotation (Line(points={{1189,-116},{1228,-116}, + {1228,-74},{436,-74},{436,-114},{466,-114}}, color={0,0,127})); + connect(plaReqChi.uPlaVal, conAHU.yCoo) annotation (Line(points={{1042,-110},{ + 1016,-110},{1016,-72},{388,-72},{388,44},{448,44},{448,544},{424,544}}, + color={0,0,127})); + connect(conAHU.yCoo, proCHWVal.u1) annotation (Line(points={{424,544},{450,544}, + {450,-102},{466,-102}}, color={0,0,127})); + connect(fanSup.y_actual, chiPlaEnaDis.yFanSpe) annotation (Line(points={{321, + -33},{382,-33},{382,-68},{1080,-68},{1080,-117},{1099,-117}}, color={ + 0,0,127})); + connect(fanSup.y_actual, boiPlaEnaDis.yFanSpe) annotation (Line(points={{321, + -33},{384,-33},{384,28},{16,28},{16,-66},{-256,-66},{-256,-124},{-294, + -124},{-294,-167},{-279,-167}}, color={0,0,127})); + connect(minFloBypCHW.m_flow, chiWSE.mCHW_flow) annotation (Line(points={{1038, + -147},{1012,-147},{1012,-178},{668,-178},{668,-206},{673,-206}}, + color={0,0,127})); + connect(chiPlaEnaDis.yPla, minFloBypCHW.yPla) annotation (Line(points={{1121, + -110},{1142,-110},{1142,-128},{1024,-128},{1024,-153},{1038,-153}}, + color={255,0,255})); + connect(yVal6.y, chiWSE.yVal6) annotation (Line(points={{1039,-198},{866,-198}, + {866,-207.8},{695.6,-207.8}}, color={0,0,127})); + connect(yVal7.y, chiWSE.yVal7) annotation (Line(points={{1039,-220},{862,-220}, + {862,-200.4},{695.6,-200.4}}, color={0,0,127})); + annotation ( + Diagram(coordinateSystem(preserveAspectRatio=false, extent={{-400,-400},{1440, + 750}})), + experiment( + StartTime=17625600, + StopTime=18230400, + __Dymola_Algorithm="Cvode")); + end System; + package VAVReheat "Variable air volume flow system with terminal reheat and five thermal zone" extends Modelica.Icons.ExamplesPackage; @@ -5867,8 +6222,7 @@ First implementation. Medium = Medium) "Building pressure measurement" annotation (Placement(transformation(extent={{60,240},{40,260}}))); - Buildings.Fluid.Sources.Outside out(nPorts=1, redeclare package Medium - = Medium) + Buildings.Fluid.Sources.Outside out(nPorts=1, redeclare package Medium = Medium) annotation (Placement(transformation(extent={{-58,240},{-38,260}}))); Modelica.Blocks.Interfaces.RealOutput p_rel "Relative pressure signal of building static pressure" annotation ( @@ -6381,8 +6735,8 @@ The envelope thermal properties meet ASHRAE Standard 90.1-2004. dp_nominal=50, m_flow_nominal=VRoo*1.2/3600) "Resistance model" annotation (Placement(transformation(extent={{20,-10},{40,10}}))); - Modelica.Fluid.Interfaces.FluidPort_b port_b(redeclare package Medium - = Medium) annotation (Placement(transformation(extent={{90,-10},{110,10}}))); + Modelica.Fluid.Interfaces.FluidPort_b port_b(redeclare package Medium = + Medium) annotation (Placement(transformation(extent={{90,-10},{110,10}}))); Buildings.Fluid.Sources.Outside_CpLowRise amb(redeclare package Medium = Medium, nPorts=1, s=s, @@ -6696,23 +7050,16 @@ as a control signal. pAtmSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, ceiHeiSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, totSkyCovSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, - opaSkyCovSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, - TDryBulSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, - TDewPoiSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, - TBlaSkySou=Buildings.BoundaryConditions.Types.DataSource.Parameter, - TBlaSky=293.15, relHumSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, winSpeSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, winDirSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, HInfHorSou=Buildings.BoundaryConditions.Types.DataSource.Parameter, - HSou=Buildings.BoundaryConditions.Types.RadiationDataSource.Input_HGloHor_HDifHor), - use_windPressure=false, sampleModel=false, flo(gai(K=0*[0.4; 0.4; 0.2])), @@ -6887,23 +7234,23 @@ used for continuous validation whenever models in the library change. rotation=270, origin={70,120}))); - Modelica.Fluid.Interfaces.FluidPort_a port_Out(redeclare package Medium - = Medium, m_flow(start=0, min=if allowFlowReversal then -Constants.inf else + Modelica.Fluid.Interfaces.FluidPort_a port_Out(redeclare package Medium = + Medium, m_flow(start=0, min=if allowFlowReversal then -Constants.inf else 0)) "Fluid connector a (positive design flow direction is from port_a to port_b)" annotation (Placement(transformation(extent={{-110,50},{-90,70}}))); - Modelica.Fluid.Interfaces.FluidPort_b port_Exh(redeclare package Medium - = Medium, m_flow(start=0, max=if allowFlowReversal then +Constants.inf else + Modelica.Fluid.Interfaces.FluidPort_b port_Exh(redeclare package Medium = + Medium, m_flow(start=0, max=if allowFlowReversal then +Constants.inf else 0)) "Fluid connector b (positive design flow direction is from port_a to port_b)" annotation (Placement(transformation(extent={{-90,-70},{-110,-50}}))); - Modelica.Fluid.Interfaces.FluidPort_a port_Ret(redeclare package Medium - = Medium, m_flow(start=0, min=if allowFlowReversal then -Constants.inf else + Modelica.Fluid.Interfaces.FluidPort_a port_Ret(redeclare package Medium = + Medium, m_flow(start=0, min=if allowFlowReversal then -Constants.inf else 0)) "Fluid connector a (positive design flow direction is from port_a to port_b)" annotation (Placement(transformation(extent={{110,-70},{90,-50}}))); - Modelica.Fluid.Interfaces.FluidPort_b port_Sup(redeclare package Medium - = Medium, m_flow(start=0, max=if allowFlowReversal then +Constants.inf else + Modelica.Fluid.Interfaces.FluidPort_b port_Sup(redeclare package Medium = + Medium, m_flow(start=0, max=if allowFlowReversal then +Constants.inf else 0)) "Fluid connector b (positive design flow direction is from port_a to port_b)" annotation (Placement(transformation(extent={{110,50},{90,70}}))); @@ -7381,8 +7728,8 @@ does not include the flow resistance of the air damper. extent={{-10,-10},{10,10}}, rotation=90, origin={132,-120}))); - Buildings.Fluid.Sensors.VolumeFlowRate VOut1(redeclare package Medium - = MediumA, m_flow_nominal=m_flow_nominal) "Outside air volume flow rate" + Buildings.Fluid.Sensors.VolumeFlowRate VOut1(redeclare package Medium = + MediumA, m_flow_nominal=m_flow_nominal) "Outside air volume flow rate" annotation (Placement(transformation(extent={{-72,-44},{-50,-22}}))); FiveZone.VAVReheat.ThermalZones.VAVBranch cor( @@ -8227,8 +8574,8 @@ This is for block BandDeviationSumTest extends Modelica.Icons.Example; - FiveZone.VAVReheat.BaseClasses.BandDeviationSum bandDevSum(uppThreshold - =26 + 273.15, lowThreshold=22 + 273.15) + FiveZone.VAVReheat.BaseClasses.BandDeviationSum bandDevSum(uppThreshold= + 26 + 273.15, lowThreshold=22 + 273.15) annotation (Placement(transformation(extent={{-10,-10},{10,10}}))); Modelica.Blocks.Sources.Sine sine( amplitude=5, @@ -8256,9 +8603,6492 @@ This package contains base classes that are used to construct the models in ")); end BaseClasses; end VAVReheat; + + package BaseClasses + "Base classes for system-level modeling and fault injection" + + model IntegratedPrimaryLoadSide + "Integrated water-side economizer on the load side in a primary-only chilled water system" + extends FiveZone.BaseClasses.PartialIntegratedPrimary(final + m_flow_nominal={m1_flow_chi_nominal,m2_flow_chi_nominal, + m1_flow_wse_nominal,m2_flow_chi_nominal,numChi*m2_flow_chi_nominal, + m2_flow_wse_nominal,numChi*m2_flow_chi_nominal}, rhoStd={ + Medium1.density_pTX( + 101325, + 273.15 + 4, + Medium1.X_default),Medium2.density_pTX( + 101325, + 273.15 + 4, + Medium2.X_default),Medium1.density_pTX( + 101325, + 273.15 + 4, + Medium1.X_default),Medium2.density_pTX( + 101325, + 273.15 + 4, + Medium2.X_default),Medium2.density_pTX( + 101325, + 273.15 + 4, + Medium2.X_default),Medium2.density_pTX( + 101325, + 273.15 + 4, + Medium2.X_default),Medium2.density_pTX( + 101325, + 273.15 + 4, + Medium2.X_default)}); + + //Dynamics + parameter Modelica.SIunits.Time tauPump = 1 + "Time constant of fluid volume for nominal flow in pumps, used if energy or mass balance is dynamic" + annotation (Dialog(tab = "Dynamics", group="Pump", + enable=not energyDynamics == Modelica.Fluid.Types.Dynamics.SteadyState)); + //Pump + parameter Integer numPum = numChi "Number of pumps" + annotation(Dialog(group="Pump")); + replaceable parameter Buildings.Fluid.Movers.Data.Generic perPum[numPum] + "Performance data for the pumps" + annotation (Dialog(group="Pump"), + Placement(transformation(extent={{38,78},{58,98}}))); + parameter Boolean addPowerToMedium = true + "Set to false to avoid any power (=heat and flow work) being added to medium (may give simpler equations)" + annotation (Dialog(group="Pump")); + parameter Modelica.SIunits.Time riseTimePump = 30 + "Rise time of the filter (time to reach 99.6 % of an opening step)" + annotation(Dialog(tab="Dynamics", group="Filtered speed",enable=use_inputFilter)); + parameter Modelica.Blocks.Types.Init initPum = initValve + "Type of initialization (no init/steady state/initial state/initial output)" + annotation(Dialog(tab="Dynamics", group="Filtered speed",enable=use_inputFilter)); + parameter Real[numPum] yPum_start = fill(0,numPum) + "Initial value of output:0-closed, 1-fully opened" + annotation(Dialog(tab="Dynamics", group="Filtered speed",enable=use_inputFilter)); + parameter Real[numPum] yValPum_start = fill(0,numPum) + "Initial value of output:0-closed, 1-fully opened" + annotation(Dialog(tab="Dynamics", group="Filtered opening",enable=use_inputFilter)); + parameter Real lValPum = 0.0001 + "Valve leakage, l=Kv(y=0)/Kv(y=1)" + annotation(Dialog(group="Pump")); + parameter Real kFixedValPum = pum.m_flow_nominal/sqrt(pum.dpValve_nominal) + "Flow coefficient of fixed resistance that may be in series with valve, + k=m_flow/sqrt(dp), with unit=(kg.m)^(1/2)." + annotation(Dialog(group="Pump")); + Modelica.Blocks.Interfaces.RealInput yPum[numPum]( + each final unit = "1", + each min=0, + each max=1) + "Constant normalized rotational speed" + annotation (Placement(transformation(extent={{-140,-60},{-100,-20}}), + iconTransformation(extent={{-132,-28},{-100,-60}}))); + Modelica.Blocks.Interfaces.RealOutput powPum[numPum]( + each final quantity="Power", + each final unit="W") + "Electrical power consumed by the pumps" + annotation (Placement(transformation(extent={{100,-50},{120,-30}}))); + + Buildings.Applications.DataCenters.ChillerCooled.Equipment.FlowMachine_y pum( + redeclare final package Medium = Medium2, + final p_start=p2_start, + final T_start=T2_start, + final X_start=X2_start, + final C_start=C2_start, + final C_nominal=C2_nominal, + final m_flow_small=m2_flow_small, + final show_T=show_T, + final per=perPum, + addPowerToMedium=addPowerToMedium, + final energyDynamics=energyDynamics, + final massDynamics=massDynamics, + final use_inputFilter=use_inputFilter, + final init=initPum, + final tau=tauPump, + final allowFlowReversal=allowFlowReversal2, + final num=numPum, + final m_flow_nominal=m2_flow_chi_nominal, + dpValve_nominal=6000, + final CvData=Buildings.Fluid.Types.CvTypes.OpPoint, + final deltaM=deltaM2, + final riseTimePump=riseTimePump, + final riseTimeValve=riseTimeValve, + final yValve_start=yValPum_start, + final l=lValPum, + final kFixed=kFixedValPum, + final yPump_start=yPum_start, + final from_dp=from_dp2, + final homotopyInitialization=homotopyInitialization, + final linearizeFlowResistance=linearizeFlowResistance2) + "Pumps" + annotation (Placement(transformation(extent={{10,-50},{-10,-30}}))); + + equation + connect(val5.port_b, pum.port_a) + annotation (Line(points={{40,-20},{20,-20},{20,-40},{10,-40}}, + color={0,127,255})); + connect(pum.port_b,val6.port_a) + annotation (Line(points={{-10,-40},{-20,-40},{-20,-20},{-40,-20}}, + color={0,127,255})); + connect(yPum, pum.u) + annotation (Line(points={{-120,-40},{-30,-40},{-30,-28},{ + 18,-28},{18,-36},{12,-36}}, color={0,0,127})); + connect(pum.P, powPum) annotation (Line(points={{-11,-36},{-14,-36},{-14,-66}, + {86,-66},{86,-40},{110,-40}}, + color={0,0,127})); + annotation (Documentation(revisions=" + +", info=" +

This model implements an integrated water-side economizer (WSE) on the load side of the primary-only chilled water system, as shown in the following figure. In the configuration, users can model multiple chillers with only one integrated WSE.

+

\"image\"/

+

Implementation

+

The WSE located on the load side can see the warmest return chilled water, and hence can maximize the use time of the heat exchanger. This system have three operation modes: free cooling (FC) mode, partial mechanical cooling (PMC) mode and fully mechanical cooling (FMC) mode.

+

There are 6 valves for on/off use and minimum mass flow rate control, which can be controlled in order to switch among FC, PMC and FMC mode.

+ +

The details about how to switch among different cooling modes are shown as:

+

For Free Cooling (FC) Mode:

+ +

For Partially Mechanical Cooling (PMC) Mode:

+ +

For Fully Mechanical Cooling (FMC) Mode:

+ +

Reference

+ +"), Icon(graphics={ + Polygon( + points={{-58,40},{-58,40}}, + lineColor={0,0,0}, + fillColor={0,0,0}, + fillPattern=FillPattern.Solid), + Polygon( + points={{-7,-6},{9,-6},{0,3},{-7,-6}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid, + origin={46,-45}, + rotation=90), + Polygon( + points={{-6,-7},{-6,9},{3,0},{-6,-7}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid, + origin={42,-45}), + Ellipse( + extent={{-14,-32},{8,-54}}, + lineColor={0,0,0}, + fillPattern=FillPattern.Sphere, + fillColor={0,128,255}), + Polygon( + points={{-14,-44},{-2,-54},{-2,-32},{-14,-44}}, + lineColor={0,0,0}, + pattern=LinePattern.None, + fillPattern=FillPattern.HorizontalCylinder, + fillColor={255,255,255}), + Line(points={{12,6},{12,0}}, color={0,128,255}), + Line(points={{-70,0}}, color={0,0,0}), + Line(points={{-18,-44}}, color={0,0,0}), + Line(points={{-18,-44},{-14,-44}}, color={0,128,255}), + Line(points={{8,-44},{12,-44}}, color={0,128,255})})); + end IntegratedPrimaryLoadSide; + + model PartialIntegratedPrimary + "Integrated water-side economizer for primary-only chilled water system" + extends + Buildings.Applications.DataCenters.ChillerCooled.Equipment.BaseClasses.PartialChillerWSE( + final numVal=7); + + //Parameters for the valve used in free cooling mode + parameter Real lVal5(min=1e-10,max=1) = 0.0001 + "Valve leakage, l=Kv(y=0)/Kv(y=1)" + annotation(Dialog(group="Two-way valve")); + parameter Real lVal6(min=1e-10,max=1) = 0.0001 + "Valve leakage, l=Kv(y=0)/Kv(y=1)" + annotation(Dialog(group="Two-way valve")); + parameter Real lVal7(min=1e-10,max=1) = 0.0001 + "Valve leakage, l=Kv(y=0)/Kv(y=1)" + annotation(Dialog(group="Two-way valve")); + parameter Real yVal5_start(min=0,max=1) = 0 + "Initial value of output:0-closed, 1-fully opened" + annotation(Dialog(tab="Dynamics", group="Filtered opening", + enable=use_inputFilter)); + parameter Real yVal6_start(min=0,max=1) = 1-yVal5_start + "Initial value of output:0-closed, 1-fully opened" + annotation(Dialog(tab="Dynamics", group="Filtered opening", + enable=use_inputFilter)); + parameter Real yVal7_start(min=0,max=1) = 0 + "Initial value of output:0-closed, 1-fully opened" + annotation(Dialog(tab="Dynamics", group="Filtered opening", + enable=use_inputFilter)); + Modelica.Blocks.Interfaces.RealInput yVal6( + final unit = "1", + min=0, + max=1) + "Actuator position for valve 6 (0: closed, 1: open)" + annotation (Placement( + transformation( + extent={{-20,-20},{20,20}}, + origin={-120,-10}), iconTransformation( + extent={{-16,-16},{16,16}}, + origin={-116,-2}))); + + Modelica.Blocks.Interfaces.RealInput yVal5( + final unit= "1", + min=0, + max=1) + "Actuator position for valve 5(0: closed, 1: open)" + annotation (Placement( + transformation( + extent={{-20,-20},{20,20}}, + origin={-120,20}), iconTransformation( + extent={{16,16},{-16,-16}}, + rotation=180, + origin={-116,30}))); + + Buildings.Fluid.Actuators.Valves.TwoWayLinear val5( + redeclare final package Medium = Medium2, + final CvData=Buildings.Fluid.Types.CvTypes.OpPoint, + final allowFlowReversal=allowFlowReversal2, + final m_flow_nominal=numChi*m2_flow_chi_nominal, + final show_T=show_T, + final from_dp=from_dp2, + final homotopyInitialization=homotopyInitialization, + final linearized=linearizeFlowResistance2, + final deltaM=deltaM2, + final use_inputFilter=use_inputFilter, + final riseTime=riseTimeValve, + final init=initValve, + final dpFixed_nominal=0, + final dpValve_nominal=dpValve_nominal[5], + final l=lVal5, + final kFixed=0, + final rhoStd=rhoStd[5], + final y_start=yVal5_start) + "Bypass valve: closed when fully mechanic cooling is activated; + open when fully mechanic cooling is activated" + annotation (Placement(transformation(extent={{60,-30},{40,-10}}))); + Buildings.Fluid.Actuators.Valves.TwoWayLinear val6( + redeclare final package Medium = Medium2, + final CvData=Buildings.Fluid.Types.CvTypes.OpPoint, + final m_flow_nominal=m2_flow_wse_nominal, + final allowFlowReversal=allowFlowReversal2, + final show_T=show_T, + final from_dp=from_dp2, + final homotopyInitialization=homotopyInitialization, + final linearized=linearizeFlowResistance2, + final deltaM=deltaM2, + final use_inputFilter=use_inputFilter, + final riseTime=riseTimeValve, + final init=initValve, + final dpFixed_nominal=0, + final dpValve_nominal=dpValve_nominal[6], + final l=lVal6, + final kFixed=0, + final rhoStd=rhoStd[6], + final y_start=yVal6_start) + "Bypass valve: closed when free cooling mode is deactivated; + open when free cooling is activated" + annotation (Placement(transformation(extent={{-40,-30},{-60,-10}}))); + + Buildings.Fluid.Sensors.MassFlowRate bypFlo(redeclare package Medium = + Medium2) + "Bypass water mass flowrate" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-80,2}))); + Modelica.Blocks.Interfaces.RealOutput mCHW_flow "Chiller mass flow rate" + annotation (Placement(transformation(extent={{100,-30},{120,-10}}), + iconTransformation(extent={{100,-30},{120,-10}}))); + Buildings.Fluid.Actuators.Valves.TwoWayLinear val7( + redeclare final package Medium = Medium2, + final CvData=Buildings.Fluid.Types.CvTypes.OpPoint, + final allowFlowReversal=allowFlowReversal2, + final m_flow_nominal=numChi*m2_flow_chi_nominal, + final show_T=show_T, + final from_dp=from_dp2, + final homotopyInitialization=homotopyInitialization, + final linearized=linearizeFlowResistance2, + final deltaM=deltaM2, + final use_inputFilter=use_inputFilter, + final riseTime=riseTimeValve, + final init=initValve, + final dpFixed_nominal=0, + final dpValve_nominal=dpValve_nominal[7], + final l=lVal7, + final kFixed=0, + final rhoStd=rhoStd[7], + final y_start=yVal7_start) + "Bypass valve: closed when fully mechanic cooling is activated; + open when fully mechanic cooling is activated" + annotation (Placement(transformation(extent={{10,-90},{-10,-70}}))); + Modelica.Blocks.Interfaces.RealInput yVal7( + final unit="1", + min=0, + max=1) "Actuator position for valve 7 (0: closed, 1: open)" + annotation (Placement( + transformation( + extent={{-20,-20},{20,20}}, + origin={-120,-80}), iconTransformation( + extent={{-16,-16},{16,16}}, + origin={-116,-76}))); + equation + connect(port_a2,val5. port_a) + annotation (Line(points={{100,-60},{80,-60},{80,-20},{60,-20}}, + color={0,127,255})); + connect(port_a2, wse.port_a2) + annotation (Line(points={{100,-60},{88,-60},{80,-60},{80,24},{60,24}}, + color={0,127,255})); + connect(val6.port_a, chiPar.port_a2) + annotation (Line(points={{-40,-20},{-20,-20},{-20,24},{-40,24}}, + color={0,127,255})); + connect(val6.port_b, port_b2) + annotation (Line(points={{-60,-20},{-80,-20},{-80,-60},{-100,-60}}, + color={0,127,255})); + connect(val5.y, yVal5) + annotation (Line(points={{50,-8},{50,16},{-94,16},{-94,20},{-120,20}}, + color={0,0,127})); + connect(yVal6, val6.y) + annotation (Line(points={{-120,-10},{-90,-10},{-90,16},{-50,16},{-50,-8}}, + color={0,0,127})); + connect(senTem.port_b, val5.port_b) + annotation (Line(points={{8,24},{0,24},{0,-20},{40,-20}}, + color={0,127,255})); + connect(bypFlo.port_a, chiPar.port_b2) + annotation (Line(points={{-80,12},{-80,24},{-60,24}}, color={0,127,255})); + connect(bypFlo.port_b, port_b2) annotation (Line(points={{-80,-8},{-80,-60},{ + -100,-60}}, color={0,127,255})); + connect(bypFlo.m_flow, mCHW_flow) annotation (Line(points={{-69,2},{90,2},{90, + -20},{110,-20}}, color={0,0,127})); + connect(port_b2, val7.port_b) annotation (Line(points={{-100,-60},{-40,-60},{ + -40,-80},{-10,-80}}, color={0,127,255})); + connect(yVal7, val7.y) annotation (Line(points={{-120,-80},{-40,-80},{-40,-60}, + {0,-60},{0,-68}}, color={0,0,127})); + connect(val7.port_a, val5.port_b) annotation (Line(points={{10,-80},{20,-80}, + {20,-20},{40,-20}}, color={0,127,255})); + annotation (Documentation(info=" +

+Partial model that implements integrated waterside economizer in primary-ony chilled water system. +

+", revisions=" + +"), Icon(graphics={ + Rectangle( + extent={{32,42},{34,36}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{30,42},{32,36}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{30,4},{32,-2}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{54,42},{56,36}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Rectangle( + extent={{56,42},{58,36}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid), + Polygon( + points={{-7,-6},{9,-6},{0,3},{-7,-6}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid, + origin={-42,-45}, + rotation=90), + Polygon( + points={{-6,-7},{-6,9},{3,0},{-6,-7}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid, + origin={-46,-45}), + Polygon( + points={{-7,-6},{9,-6},{0,3},{-7,-6}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid, + origin={46,-45}, + rotation=90), + Polygon( + points={{-6,-7},{-6,9},{3,0},{-6,-7}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid, + origin={42,-45}), + Line(points={{90,-60},{78,-60},{78,-44},{52,-44}}, color={0,128,255}), + Line(points={{36,-44},{12,-44}},color={0,128,255}), + Line(points={{-18,-44},{-36,-44}}, color={0,128,255}), + Line(points={{-94,-60},{-78,-60},{-78,-44},{-52,-44}}, color={0,128,255}), + Line(points={{78,-44},{78,0},{64,0}}, color={0,128,255}), + Line(points={{24,0},{14,0},{12,0},{12,-44}}, color={0,128,255}), + Line(points={{12,6},{12,0}}, color={0,128,255}), + Line(points={{-70,0}}, color={0,0,0}), + Line(points={{-72,0},{-78,0},{-78,-54}}, color={0,128,255}), + Line(points={{-24,0},{-18,0},{-18,-44}}, color={0,128,255})})); + end PartialIntegratedPrimary; + + partial model PartialWaterside + "Partial model that implements water-side cooling system" + package MediumA = Buildings.Media.Air "Medium model for air"; + package MediumW = Buildings.Media.Water "Medium model for water"; + + // Chiller parameters + parameter Integer numChi=1 "Number of chillers"; + parameter Modelica.SIunits.MassFlowRate m1_flow_chi_nominal= -QEva_nominal*(1+1/COP_nominal)/4200/6.5 + "Nominal mass flow rate at condenser water in the chillers"; + parameter Modelica.SIunits.MassFlowRate m2_flow_chi_nominal= QEva_nominal/4200/(5.56-11.56) + "Nominal mass flow rate at evaporator water in the chillers"; + parameter Modelica.SIunits.PressureDifference dp1_chi_nominal = 46.2*1000 + "Nominal pressure"; + parameter Modelica.SIunits.PressureDifference dp2_chi_nominal = 44.8*1000 + "Nominal pressure"; + parameter Modelica.SIunits.Power QEva_nominal + "Nominal cooling capaciaty(Negative means cooling)"; + // WSE parameters + parameter Modelica.SIunits.MassFlowRate m1_flow_wse_nominal= m1_flow_chi_nominal + "Nominal mass flow rate at condenser water in the chillers"; + parameter Modelica.SIunits.MassFlowRate m2_flow_wse_nominal= m2_flow_chi_nominal + "Nominal mass flow rate at condenser water in the chillers"; + parameter Modelica.SIunits.PressureDifference dp1_wse_nominal = 33.1*1000 + "Nominal pressure"; + parameter Modelica.SIunits.PressureDifference dp2_wse_nominal = 34.5*1000 + "Nominal pressure"; + parameter Real COP_nominal=5.9 "COP"; + parameter FiveZone.Data.Chiller[numChi] perChi( + each QEva_flow_nominal=QEva_nominal, + each COP_nominal=COP_nominal, + each mEva_flow_nominal=m2_flow_chi_nominal, + each mCon_flow_nominal=m1_flow_chi_nominal); + + parameter Buildings.Fluid.Movers.Data.Generic perPumCW( + each pressure= + Buildings.Fluid.Movers.BaseClasses.Characteristics.flowParameters( + V_flow=m1_flow_chi_nominal/1000*{0.2,0.6,1.0,1.2}, + dp=(dp1_chi_nominal+133500+30000+6000)*{1.2,1.1,1.0,0.6})) + "Performance data for condenser water pumps"; + + // Set point + parameter Modelica.SIunits.Temperature TCHWSet = 273.15 + 6 + "Chilled water temperature setpoint"; + parameter Modelica.SIunits.Pressure dpSetPoi = 36000 + "Differential pressure setpoint at cooling coil"; + + FiveZone.Controls.ChillerStage chiStaCon( + tWai=0) "Chiller staging control" + annotation (Placement(transformation(extent={{1286,-138},{1306,-118}}))); + Modelica.Blocks.Math.RealToBoolean chiOn "Real value to boolean value" + annotation (Placement(transformation(extent={{1326,-138},{1346,-118}}))); + Modelica.Blocks.Math.IntegerToBoolean intToBoo( + threshold=Integer(FiveZone.Types.CoolingModes.FullMechanical)) + "Inverse on/off signal for the WSE" + annotation (Placement(transformation(extent={{1286,-164},{1306,-144}}))); + Modelica.Blocks.Logical.Not wseOn "True: WSE is on; False: WSE is off " + annotation (Placement(transformation(extent={{1326,-164},{1346,-144}}))); + FiveZone.Controls.ConstantSpeedPumpStage + CWPumCon(tWai=0) + "Condenser water pump controller" + annotation (Placement(transformation(extent={{1284,-216},{1304,-196}}))); + Modelica.Blocks.Sources.IntegerExpression chiNumOn( + y=integer(chiStaCon.y)) + "The number of running chillers" + annotation (Placement(transformation(extent={{1196,-222},{1218,-200}}))); + Modelica.Blocks.Math.Gain gai(each k=1) + "Gain effect" + annotation (Placement(transformation(extent={{1326,-216},{1346,-196}}))); + FiveZone.Controls.CoolingTowerSpeed cooTowSpeCon( + controllerType=Modelica.Blocks.Types.SimpleController.PI, + yMin=0, + Ti=60, + k=0.1) "Cooling tower speed control" + annotation (Placement(transformation(extent={{1286,-106},{1306,-90}}))); + Modelica.Blocks.Sources.RealExpression TCWSupSet( + y=min(29.44 + 273.15, max(273.15+ 15.56, cooTow.TAir + 3))) + "Condenser water supply temperature setpoint" + annotation (Placement(transformation(extent={{1196,-100},{1216,-80}}))); + replaceable Buildings.Applications.DataCenters.ChillerCooled.Equipment.BaseClasses.PartialChillerWSE chiWSE( + redeclare replaceable package Medium1 = MediumW, + redeclare replaceable package Medium2 = MediumW, + numChi=numChi, + m1_flow_chi_nominal=m1_flow_chi_nominal, + m2_flow_chi_nominal=m2_flow_chi_nominal, + m1_flow_wse_nominal=m1_flow_wse_nominal, + m2_flow_wse_nominal=m2_flow_wse_nominal, + dp1_chi_nominal=dp1_chi_nominal, + dp1_wse_nominal=dp1_wse_nominal, + dp2_chi_nominal=dp2_chi_nominal, + dp2_wse_nominal=dp2_wse_nominal, + perChi = perChi, + use_inputFilter=false, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + use_controller=false) + "Chillers and waterside economizer" + annotation (Placement(transformation(extent={{694,-198},{674,-218}}))); + Buildings.Fluid.Sources.Boundary_pT expVesCW(redeclare replaceable + package Medium = + MediumW, nPorts=1) + "Expansion tank" + annotation (Placement(transformation(extent={{-9,-9.5},{9,9.5}}, + rotation=180, + origin={969,-299.5}))); + Buildings.Fluid.HeatExchangers.CoolingTowers.Merkel cooTow( + redeclare each replaceable package Medium = MediumW, + ratWatAir_nominal=1.5, + each TAirInWB_nominal(displayUnit="degC") = 273.15 + 25.55, + each energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyStateInitial, + each dp_nominal=30000, + each m_flow_nominal=m1_flow_chi_nominal, + TWatIn_nominal=273.15 + 35, + TWatOut_nominal=((273.15 + 35) - 273.15 - 5.56) + 273.15, + each PFan_nominal=4300) "Cooling tower" annotation (Placement( + transformation(extent={{-10,-10},{10,10}}, origin={748,-316}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TCHWSup(redeclare replaceable + package Medium = MediumW, m_flow_nominal=numChi*m2_flow_chi_nominal) + "Chilled water supply temperature" + annotation (Placement(transformation(extent={{778,-138},{758,-118}}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TCWSup(redeclare replaceable + package Medium = MediumW, m_flow_nominal=numChi*m1_flow_chi_nominal) + "Condenser water supply temperature" + annotation (Placement(transformation(extent={{818,-326},{838,-306}}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TCWRet(redeclare replaceable + package Medium = MediumW, m_flow_nominal=numChi*m1_flow_chi_nominal) + "Condenser water return temperature" + annotation (Placement(transformation(extent={{534,-326},{554,-306}}))); + Buildings.Fluid.Movers.SpeedControlled_y pumCW( + redeclare each replaceable package Medium = MediumW, + addPowerToMedium=false, + per=perPumCW, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial) + "Condenser water pump" annotation (Placement( + transformation( + extent={{10,10},{-10,-10}}, + rotation=-90, + origin={910,-288}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TCHWRet(redeclare replaceable + package Medium = MediumW, m_flow_nominal=numChi*m2_flow_chi_nominal) + "Chilled water return temperature" + annotation (Placement(transformation(extent={{618,-198},{598,-178}}))); + Buildings.Fluid.Sources.Boundary_pT expVesChi(redeclare replaceable + package Medium = + MediumW, nPorts=1) + "Expansion tank" + annotation (Placement(transformation(extent={{10,-10},{-10,10}}, + rotation=180, + origin={512,-179}))); + Buildings.Fluid.Sensors.RelativePressure senRelPre(redeclare replaceable + package Medium = MediumW) + "Differential pressure" + annotation (Placement(transformation(extent={{578,-130},{558,-150}}))); + Buildings.Fluid.Actuators.Valves.TwoWayLinear val( + redeclare each package Medium = MediumW, + m_flow_nominal=m1_flow_chi_nominal, + dpValve_nominal=6000, + dpFixed_nominal=133500) "Shutoff valves" + annotation (Placement(transformation(extent={{636,-326},{656,-306}}))); + Buildings.Controls.Continuous.LimPID pumSpe( + controllerType=Modelica.Blocks.Types.SimpleController.PI, + Ti=40, + yMin=0.2, + k=0.1, + reset=Buildings.Types.Reset.Parameter, + y_reset=0) + "Pump speed controller" + annotation (Placement(transformation(extent={{1340,-258},{1360,-238}}))); + Modelica.Blocks.Math.Gain dpGai(k=1/dpSetPoi) "Gain effect" + annotation (Placement(transformation(extent={{1256,-292},{1276,-272}}))); + Buildings.Fluid.Actuators.Valves.TwoWayEqualPercentage watVal + "Two-way valve" + annotation ( + Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=270, + origin={538,-108}))); + Buildings.Fluid.FixedResistances.PressureDrop resCHW( + m_flow_nominal=m2_flow_chi_nominal, + redeclare package Medium = MediumW, + dp_nominal=150000) "Resistance in chilled water loop" + annotation (Placement(transformation(extent={{630,-198},{650,-178}}))); + FiveZone.Controls.TemperatureDifferentialPressureReset + temDifPreRes( + dpMin(displayUnit="Pa"), + dpMax(displayUnit="Pa"), + TMin(displayUnit="K"), + TMax(displayUnit="K")) + annotation (Placement(transformation(extent={{1196,-254},{1216,-234}}))); + Modelica.Blocks.Math.Gain dpSetGai(k=1/dpSetPoi) "Gain effect" + annotation (Placement(transformation(extent={{1256,-258},{1276,-238}}))); + equation + + connect(chiStaCon.y,chiOn. u) + annotation (Line( + points={{1307,-128},{1324,-128}}, + color={0,0,127})); + connect(intToBoo.y,wseOn. u) + annotation (Line( + points={{1307,-154},{1324,-154}}, + color={255,0,255})); + connect(TCWSupSet.y,cooTowSpeCon. TCWSupSet) + annotation (Line( + points={{1217,-90},{1284,-90}}, + color={0,0,127})); + connect(chiNumOn.y,CWPumCon. numOnChi) + annotation (Line( + points={{1219.1,-211},{1282,-211}}, + color={255,127,0})); + connect(dpGai.y, pumSpe.u_m) annotation (Line(points={{1277,-282},{1350,-282}, + {1350,-260}}, color={0,0,127})); + + connect(val.port_b,cooTow. port_a) + annotation (Line(points={{656,-316},{738,-316}}, color={0,0,255}, + thickness=0.5)); + connect(TCWSup.port_b, expVesCW.ports[1]) annotation (Line(points={{838,-316}, + {938,-316},{938,-299.5},{960,-299.5}}, color={0,0,255}, + thickness=0.5)); + connect(senRelPre.p_rel, dpGai.u) annotation (Line(points={{568,-131},{568, + -18},{1182,-18},{1182,-282},{1254,-282}}, + color={0,0,127})); + connect(CWPumCon.y[1], gai.u) annotation (Line(points={{1305,-206.5},{1306, + -206.5},{1306,-206},{1324,-206}}, + color={0,0,127})); + connect(chiWSE.port_a1, pumCW.port_b) annotation (Line(points={{694,-214},{ + 708,-214},{708,-228},{910,-228},{910,-278}}, + color={0,0,255}, + thickness=0.5)); + connect(TCWSup.port_b, pumCW.port_a) annotation (Line(points={{838,-316},{910, + -316},{910,-298}}, color={0,0,255}, + thickness=0.5)); + connect(cooTow.port_b, TCWSup.port_a) + annotation (Line(points={{758,-316},{818,-316}}, color={0,0,255}, + thickness=0.5)); + connect(TCWRet.port_b, val.port_a) + annotation (Line(points={{554,-316},{636,-316}}, color={0,0,255}, + thickness=0.5)); + connect(dpSetGai.y, pumSpe.u_s) + annotation (Line(points={{1277,-248},{1338,-248}}, color={0,0,127})); + connect(temDifPreRes.dpSet, dpSetGai.u) annotation (Line(points={{1217,-239}, + {1236.5,-239},{1236.5,-248},{1254,-248}}, color={0,0,127})); + connect(chiWSE.port_b2,TCHWSup. port_a) + annotation (Line( + points={{694,-202},{718,-202},{718,-188},{906,-188},{906,-128},{778,-128}}, + color={28,108,200}, + thickness=0.5)); + connect(senRelPre.port_b, TCHWRet.port_b) annotation (Line(points={{558,-140}, + {538,-140},{538,-188},{598,-188}}, color={28,108,200}, + thickness=0.5)); + connect(TCWRet.port_a,chiWSE. port_b1) annotation (Line(points={{534,-316},{ + 502,-316},{502,-228},{664,-228},{664,-214},{674,-214}}, + color={0,0,255}, + thickness=0.5)); + connect(watVal.port_b, TCHWRet.port_b) annotation (Line(points={{538,-118},{ + 538,-188},{598,-188}}, color={28,108,200}, + thickness=0.5)); + connect(expVesChi.ports[1], TCHWRet.port_b) annotation (Line(points={{522, + -179},{538,-179},{538,-188},{598,-188}}, color={28,108,200}, + thickness=0.5)); + connect(senRelPre.port_a, TCHWSup.port_b) annotation (Line(points={{578,-140}, + {594,-140},{594,-128},{758,-128}}, color={28,108,200}, + thickness=0.5)); + connect(TCHWRet.port_a, resCHW.port_a) + annotation (Line(points={{618,-188},{630,-188}}, color={28,108,200}, + thickness=0.5)); + connect(resCHW.port_b, chiWSE.port_a2) annotation (Line(points={{650,-188},{ + 662,-188},{662,-202},{674,-202}}, color={28,108,200}, + thickness=0.5)); + annotation (Diagram(coordinateSystem(preserveAspectRatio=false, extent={{-400, + -500},{650,20}})), Documentation(info=" +

+This is a partial model that describes the chilled water cooling system in a data center. The sizing data +are collected from the reference. +

+

Reference

+ +", revisions=" + +")); + end PartialWaterside; + + partial model PartialHotWaterside + "Partial model that implements hot water-side system" + package MediumA = Buildings.Media.Air "Medium model for air"; + package MediumW = Buildings.Media.Water "Medium model for water"; + + // Boiler parameters + parameter Modelica.SIunits.MassFlowRate m_flow_boi_nominal= Q_flow_boi_nominal/4200/5 + "Nominal water mass flow rate at boiler"; + parameter Modelica.SIunits.Power Q_flow_boi_nominal + "Nominal heating capaciaty(Positive means heating)"; + parameter Modelica.SIunits.Pressure dpSetPoiHW = 36000 + "Differential pressure setpoint at heating coil"; + parameter Buildings.Fluid.Movers.Data.Generic perPumHW( + pressure=Buildings.Fluid.Movers.BaseClasses.Characteristics.flowParameters( + V_flow=m_flow_boi_nominal/1000*{0.2,0.6,1.0,1.2}, + dp=(85000+60000+6000+6000)*{1.5,1.3,1.0,0.6})) + "Performance data for primary pumps"; + + Buildings.Fluid.Actuators.Valves.TwoWayEqualPercentage HWVal( + redeclare package Medium = MediumW, + m_flow_nominal=m_flow_boi_nominal, + dpValve_nominal=6000) "Two-way valve" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=270, + origin={98,-180}))); + Buildings.Fluid.Sources.Boundary_pT expVesBoi(redeclare replaceable + package Medium = + MediumW, + T=318.15, nPorts=1) + "Expansion tank" + annotation (Placement(transformation(extent={{10,-10},{-10,10}}, + rotation=180, + origin={58,-319}))); + Buildings.Fluid.Sensors.TemperatureTwoPort THWRet(redeclare replaceable + package Medium = MediumW, m_flow_nominal=m_flow_boi_nominal) + "Boiler plant water return temperature" + annotation (Placement(transformation(extent={{10,-10},{-10,10}}, + rotation=90, + origin={98,-226}))); + Buildings.Fluid.FixedResistances.PressureDrop resHW( + m_flow_nominal=m_flow_boi_nominal, + redeclare package Medium = MediumW, + dp_nominal=85000) "Resistance in hot water loop" annotation (Placement( + transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={350,-260}))); + Buildings.Fluid.Boilers.BoilerPolynomial boi( + redeclare package Medium = MediumW, + m_flow_nominal=m_flow_boi_nominal, + dp_nominal=60000, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + Q_flow_nominal=Q_flow_boi_nominal, + T_nominal=318.15, + fue=Buildings.Fluid.Data.Fuels.NaturalGasLowerHeatingValue()) + annotation (Placement(transformation(extent={{130,-330},{150,-310}}))); + Buildings.Fluid.Actuators.Valves.TwoWayLinear boiIsoVal( + redeclare each package Medium = MediumW, + m_flow_nominal=m_flow_boi_nominal, + dpValve_nominal=6000) "Boiler Isolation Valve" + annotation (Placement(transformation(extent={{282,-330},{302,-310}}))); + Buildings.Fluid.Movers.SpeedControlled_y pumHW( + redeclare package Medium = MediumW, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + per=perPumHW, + addPowerToMedium=false) + annotation (Placement(transformation(extent={{198,-330},{218,-310}}))); + Buildings.Fluid.Sensors.TemperatureTwoPort THWSup(redeclare replaceable + package Medium = MediumW, m_flow_nominal=m_flow_boi_nominal) + "Hot water supply temperature" annotation (Placement(transformation( + extent={{10,-10},{-10,10}}, + rotation=90, + origin={350,-224}))); + Buildings.Fluid.Actuators.Valves.TwoWayEqualPercentage valBypBoi( + redeclare package Medium = MediumW, + m_flow_nominal=m_flow_boi_nominal, + dpValve_nominal=6000, + y_start=0, + use_inputFilter=false, + from_dp=true) "Bypass valve for boiler." annotation (Placement( + transformation(extent={{-10,-10},{10,10}}, origin={230,-252}))); + Buildings.Fluid.Sensors.RelativePressure senRelPreHW(redeclare + replaceable package Medium = + MediumW) "Differential pressure" + annotation (Placement(transformation(extent={{208,-196},{188,-216}}))); + + Modelica.Blocks.Math.Gain dpSetGaiHW(k=1/dpSetPoiHW) "Gain effect" + annotation (Placement(transformation(extent={{-120,-310},{-100,-290}}))); + Modelica.Blocks.Math.Gain dpGaiHW(k=1/dpSetPoiHW) "Gain effect" + annotation (Placement(transformation(extent={{-120,-350},{-100,-330}}))); + Buildings.Controls.Continuous.LimPID pumSpeHW( + controllerType=Modelica.Blocks.Types.SimpleController.PI, + Ti=40, + yMin=0.2, + k=0.1) "Pump speed controller" + annotation (Placement(transformation(extent={{-70,-330},{-50,-310}}))); + Buildings.Controls.OBC.CDL.Continuous.Product proPumHW + annotation (Placement(transformation(extent={{-32,-324},{-12,-304}}))); + FiveZone.Controls.MinimumFlowBypassValve + minFloBypHW( + controllerType=Modelica.Blocks.Types.SimpleController.PI) + "Hot water loop minimum bypass valve control" + annotation (Placement(transformation(extent={{-74,-258},{-54,-238}}))); + Buildings.Fluid.Sensors.MassFlowRate senHWFlo(redeclare package Medium = + MediumW) + "Sensor for hot water flow rate" annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={98,-278}))); + Buildings.Controls.Continuous.LimPID boiTSup( + Td=1, + k=0.5, + controllerType=Modelica.Blocks.Types.SimpleController.PI, + Ti=100) "Boiler supply water temperature" + annotation (Placement(transformation(extent={{-74,-288},{-54,-268}}))); + Buildings.Controls.OBC.CDL.Continuous.Product proBoi + annotation (Placement(transformation(extent={{-32,-282},{-12,-262}}))); + FiveZone.Controls.TrimResponse triResHW( + uTri=0.9, + dpMin(displayUnit="kPa") = 0.5*dpSetPoiHW, + dpMax(displayUnit="kPa") = dpSetPoiHW) + annotation (Placement(transformation(extent={{-156,-236},{-136,-216}}))); + equation + connect(HWVal.port_b, THWRet.port_a) + annotation (Line(points={{98,-190},{98,-216}}, + color={238,46,47}, + thickness=0.5)); + connect(boi.port_b, pumHW.port_a) + annotation (Line(points={{150,-320},{198,-320}},color={238,46,47}, + thickness=0.5)); + connect(pumHW.port_b, boiIsoVal.port_a) + annotation (Line(points={{218,-320},{282,-320}}, color={238,46,47}, + thickness=0.5)); + connect(THWRet.port_a, senRelPreHW.port_b) + annotation (Line(points={{98,-216},{98,-206},{188,-206}}, + color={238,46,47}, + thickness=0.5)); + connect(senRelPreHW.port_a, THWSup.port_a) + annotation (Line(points={{208,-206},{350,-206},{350,-214}}, + color={238,46,47}, + thickness=0.5)); + connect(dpSetGaiHW.y, pumSpeHW.u_s) + annotation (Line(points={{-99,-300},{-86,-300},{-86,-320},{-72,-320}}, + color={0,0,127})); + connect(dpGaiHW.y, pumSpeHW.u_m) annotation (Line(points={{-99,-340},{-60, + -340},{-60,-332}}, + color={0,0,127})); + connect(senRelPreHW.p_rel, dpGaiHW.u) annotation (Line(points={{198,-197},{ + 198,-68},{-182,-68},{-182,-340},{-122,-340}}, + color={0,0,127})); + connect(pumSpeHW.y, proPumHW.u2) + annotation (Line(points={{-49,-320},{-34,-320}}, color={0,0,127})); + connect(proPumHW.y, pumHW.y) annotation (Line(points={{-10,-314},{10,-314},{ + 10,-360},{180,-360},{180,-300},{208,-300},{208,-308}}, + color={0,0,127})); + connect(THWSup.port_b, resHW.port_a) + annotation (Line(points={{350,-234},{350,-250}}, + color={238,46,47}, + thickness=1)); + connect(resHW.port_b, boiIsoVal.port_b) annotation (Line(points={{350,-270},{ + 350,-320},{302,-320}}, color={238,46,47}, + thickness=0.5)); + connect(expVesBoi.ports[1], boi.port_a) annotation (Line(points={{68,-319},{ + 100,-319},{100,-320},{130,-320}}, + color={238,46,47}, + thickness=0.5)); + connect(boiTSup.u_m, boi.T) annotation (Line(points={{-64,-290},{-64,-296},{ + -98,-296},{-98,-64},{160,-64},{160,-312},{151,-312}}, + color={0,0,127})); + connect(senHWFlo.m_flow, minFloBypHW.m_flow) annotation (Line(points={{87,-278}, + {72,-278},{72,-70},{-96,-70},{-96,-245},{-76,-245}}, color={0,0,127})); + connect(valBypBoi.port_a, senHWFlo.port_a) annotation (Line(points={{220,-252}, + {98,-252},{98,-268}}, color={238,46,47}, + thickness=0.5)); + connect(THWRet.port_b, senHWFlo.port_a) + annotation (Line(points={{98,-236},{98,-268}}, color={238,46,47}, + thickness=0.5)); + connect(senHWFlo.port_b, boi.port_a) annotation (Line(points={{98,-288},{98, + -320},{130,-320}}, color={238,46,47}, + thickness=0.5)); + connect(valBypBoi.port_b, resHW.port_b) annotation (Line(points={{240,-252},{ + 320,-252},{320,-290},{350,-290},{350,-270}}, color={238,46,47}, + thickness=0.5)); + connect(boiTSup.y, proBoi.u2) + annotation (Line(points={{-53,-278},{-34,-278}}, color={0,0,127})); + connect(proBoi.y, boi.y) annotation (Line(points={{-10,-272},{12,-272},{12, + -358},{120,-358},{120,-312},{128,-312}}, + color={0,0,127})); + connect(triResHW.dpSet, dpSetGaiHW.u) annotation (Line(points={{-135,-221},{ + -128,-221},{-128,-300},{-122,-300}}, color={0,0,127})); + connect(triResHW.TSet, boiTSup.u_s) annotation (Line(points={{-135,-231},{ + -100,-231},{-100,-278},{-76,-278}}, + color={0,0,127})); + connect(HWVal.y_actual, triResHW.u) annotation (Line(points={{91,-185},{91, + -200},{70,-200},{70,-66},{-180,-66},{-180,-226},{-158,-226}}, + color={0,0,127})); + annotation (Icon(coordinateSystem(preserveAspectRatio=false, extent={{-200, + -380},{350,-60}})), Diagram( + coordinateSystem(preserveAspectRatio=false, extent={{-200,-380},{350, + -60}}))); + end PartialHotWaterside; + + partial model PartialPhysicalAirside + "Partial model of variable air volume flow system with terminal reheat and five + thermal zones: this is a copy of Buildings.Examples.VAVReheat.BaseClasses.PartialOpenLoop" + + package MediumA = Buildings.Media.Air "Medium model for air"; + package MediumW = Buildings.Media.Water "Medium model for water"; + + constant Integer numZon=5 "Total number of served VAV boxes"; + + parameter Modelica.SIunits.Volume VRooCor=AFloCor*flo.hRoo + "Room volume corridor"; + parameter Modelica.SIunits.Volume VRooSou=AFloSou*flo.hRoo + "Room volume south"; + parameter Modelica.SIunits.Volume VRooNor=AFloNor*flo.hRoo + "Room volume north"; + parameter Modelica.SIunits.Volume VRooEas=AFloEas*flo.hRoo "Room volume east"; + parameter Modelica.SIunits.Volume VRooWes=AFloWes*flo.hRoo "Room volume west"; + + parameter Modelica.SIunits.Area AFloCor=flo.cor.AFlo "Floor area corridor"; + parameter Modelica.SIunits.Area AFloSou=flo.sou.AFlo "Floor area south"; + parameter Modelica.SIunits.Area AFloNor=flo.nor.AFlo "Floor area north"; + parameter Modelica.SIunits.Area AFloEas=flo.eas.AFlo "Floor area east"; + parameter Modelica.SIunits.Area AFloWes=flo.wes.AFlo "Floor area west"; + + parameter Modelica.SIunits.Area AFlo[numZon]={flo.cor.AFlo,flo.sou.AFlo,flo.eas.AFlo, + flo.nor.AFlo,flo.wes.AFlo} "Floor area of each zone"; + final parameter Modelica.SIunits.Area ATot=sum(AFlo) "Total floor area"; + + constant Real conv=1.2/3600 "Conversion factor for nominal mass flow rate"; + parameter Modelica.SIunits.MassFlowRate mCor_flow_nominal=6*VRooCor*conv + "Design mass flow rate core"; + parameter Modelica.SIunits.MassFlowRate mSou_flow_nominal=6*VRooSou*conv + "Design mass flow rate perimeter 1"; + parameter Modelica.SIunits.MassFlowRate mEas_flow_nominal=9*VRooEas*conv + "Design mass flow rate perimeter 2"; + parameter Modelica.SIunits.MassFlowRate mNor_flow_nominal=6*VRooNor*conv + "Design mass flow rate perimeter 3"; + parameter Modelica.SIunits.MassFlowRate mWes_flow_nominal=7*VRooWes*conv + "Design mass flow rate perimeter 4"; + parameter Modelica.SIunits.MassFlowRate m_flow_nominal=0.7*(mCor_flow_nominal + + mSou_flow_nominal + mEas_flow_nominal + mNor_flow_nominal + + mWes_flow_nominal) "Nominal mass flow rate"; + parameter Modelica.SIunits.Angle lat=41.98*3.14159/180 "Latitude"; + + parameter Modelica.SIunits.Temperature THeaOn=293.15 + "Heating setpoint during on"; + parameter Modelica.SIunits.Temperature THeaOff=285.15 + "Heating setpoint during off"; + parameter Modelica.SIunits.Temperature TCooOn=297.15 + "Cooling setpoint during on"; + parameter Modelica.SIunits.Temperature TCooOff=303.15 + "Cooling setpoint during off"; + parameter Modelica.SIunits.PressureDifference dpBuiStaSet(min=0) = 12 + "Building static pressure"; + parameter Real yFanMin = 0.1 "Minimum fan speed"; + + // parameter Modelica.SIunits.HeatFlowRate QHeaCoi_nominal= 2.5*yFanMin*m_flow_nominal*1000*(20 - 4) + // "Nominal capacity of heating coil"; + + parameter Boolean allowFlowReversal=true + "= false to simplify equations, assuming, but not enforcing, no flow reversal" + annotation (Evaluate=true); + + parameter Boolean use_windPressure=true "Set to true to enable wind pressure"; + + parameter Boolean sampleModel=true + "Set to true to time-sample the model, which can give shorter simulation time if there is already time sampling in the system model" + annotation (Evaluate=true, Dialog(tab= + "Experimental (may be changed in future releases)")); + + // sizing parameter + parameter Modelica.SIunits.HeatFlowRate designCoolLoad = -m_flow_nominal*1000*15 "Design cooling load"; + parameter Modelica.SIunits.HeatFlowRate designHeatLoad = 0.6*m_flow_nominal*1006*(18 - 8) "Design heating load"; + + Buildings.Fluid.Sources.Outside amb(redeclare package Medium = MediumA, + nPorts=3) "Ambient conditions" + annotation (Placement(transformation(extent={{-136,-56},{-114,-34}}))); + // Buildings.Fluid.HeatExchangers.DryCoilCounterFlow heaCoi( + // redeclare package Medium1 = MediumW, + // redeclare package Medium2 = MediumA, + // UA_nominal = QHeaCoi_nominal/Buildings.Fluid.HeatExchangers.BaseClasses.lmtd( + // T_a1=45, + // T_b1=35, + // T_a2=3, + // T_b2=20), + // m2_flow_nominal=m_flow_nominal, + // allowFlowReversal1=false, + // allowFlowReversal2=allowFlowReversal, + // dp1_nominal=0, + // dp2_nominal=200 + 200 + 100 + 40, + // m1_flow_nominal=QHeaCoi_nominal/4200/10, + // energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial) + // "Heating coil" + // annotation (Placement(transformation(extent={{118,-36},{98,-56}}))); + + Buildings.Fluid.HeatExchangers.DryCoilEffectivenessNTU heaCoi( + redeclare package Medium1 = MediumW, + redeclare package Medium2 = MediumA, + m1_flow_nominal=designHeatLoad/4200/5, + m2_flow_nominal=0.6*m_flow_nominal, + configuration=Buildings.Fluid.Types.HeatExchangerConfiguration.CounterFlow, + Q_flow_nominal=designHeatLoad, + dp1_nominal=0, + dp2_nominal=200 + 200 + 100 + 40, + allowFlowReversal1=false, + allowFlowReversal2=allowFlowReversal, + T_a1_nominal=318.15, + T_a2_nominal=281.65) "Heating coil" + annotation (Placement(transformation(extent={{118,-36},{98,-56}}))); + + Buildings.Fluid.HeatExchangers.WetCoilCounterFlow cooCoi( + UA_nominal=-designCoolLoad/ + Buildings.Fluid.HeatExchangers.BaseClasses.lmtd( + T_a1=26.2, + T_b1=12.8, + T_a2=6, + T_b2=12), + redeclare package Medium1 = MediumW, + redeclare package Medium2 = MediumA, + m1_flow_nominal=-designCoolLoad/4200/6, + m2_flow_nominal=m_flow_nominal, + dp2_nominal=0, + dp1_nominal=30000, + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + allowFlowReversal1=false, + allowFlowReversal2=allowFlowReversal) "Cooling coil" + annotation (Placement(transformation(extent={{210,-36},{190,-56}}))); + Buildings.Fluid.FixedResistances.PressureDrop dpRetDuc( + m_flow_nominal=m_flow_nominal, + redeclare package Medium = MediumA, + allowFlowReversal=allowFlowReversal, + dp_nominal=490) + "Pressure drop for return duct" + annotation (Placement(transformation(extent={{400,130},{380,150}}))); + Buildings.Fluid.Movers.SpeedControlled_y fanSup( + redeclare package Medium = MediumA, + per(pressure(V_flow=m_flow_nominal/1.2*{0.2,0.6,1.0,1.2}, dp=(1030 + 220 + + 10 + 20 + dpBuiStaSet)*{1.2,1.1,1.0,0.6})), + energyDynamics=Modelica.Fluid.Types.Dynamics.FixedInitial, + addPowerToMedium=false) "Supply air fan" + annotation (Placement(transformation(extent={{300,-50},{320,-30}}))); + + Buildings.Fluid.Sensors.VolumeFlowRate senSupFlo(redeclare package Medium = + MediumA, m_flow_nominal=m_flow_nominal) + "Sensor for supply fan flow rate" + annotation (Placement(transformation(extent={{400,-50},{420,-30}}))); + + Buildings.Fluid.Sensors.VolumeFlowRate senRetFlo(redeclare package Medium = + MediumA, m_flow_nominal=m_flow_nominal) + "Sensor for return fan flow rate" + annotation (Placement(transformation(extent={{360,130},{340,150}}))); + + Modelica.Blocks.Routing.RealPassThrough TOut(y( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC", + min=0)) + annotation (Placement(transformation(extent={{-300,170},{-280,190}}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TSup( + redeclare package Medium = MediumA, + m_flow_nominal=m_flow_nominal, + allowFlowReversal=allowFlowReversal) + annotation (Placement(transformation(extent={{330,-50},{350,-30}}))); + Buildings.Fluid.Sensors.RelativePressure dpDisSupFan(redeclare package + Medium = + MediumA) "Supply fan static discharge pressure" annotation (Placement( + transformation( + extent={{-10,10},{10,-10}}, + rotation=90, + origin={320,0}))); + Buildings.Controls.SetPoints.OccupancySchedule occSch(occupancy=3600*{6,19}) + "Occupancy schedule" + annotation (Placement(transformation(extent={{-318,-80},{-298,-60}}))); + Buildings.Utilities.Math.Min min(nin=5) "Computes lowest room temperature" + annotation (Placement(transformation(extent={{1200,440},{1220,460}}))); + Buildings.Utilities.Math.Average ave(nin=5) + "Compute average of room temperatures" + annotation (Placement(transformation(extent={{1200,410},{1220,430}}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TRet( + redeclare package Medium = MediumA, + m_flow_nominal=m_flow_nominal, + allowFlowReversal=allowFlowReversal) "Return air temperature sensor" + annotation (Placement(transformation(extent={{110,130},{90,150}}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TMix( + redeclare package Medium = MediumA, + m_flow_nominal=m_flow_nominal, + allowFlowReversal=allowFlowReversal) "Mixed air temperature sensor" + annotation (Placement(transformation(extent={{30,-50},{50,-30}}))); + Buildings.Fluid.Sensors.VolumeFlowRate VOut1(redeclare package Medium = + MediumA, m_flow_nominal=m_flow_nominal) "Outside air volume flow rate" + annotation (Placement(transformation(extent={{-72,-44},{-50,-22}}))); + + FiveZone.VAVReheat.ThermalZones.VAVBranch cor( + redeclare package MediumA = MediumA, + redeclare package MediumW = MediumW, + m_flow_nominal=mCor_flow_nominal, + VRoo=VRooCor, + allowFlowReversal=allowFlowReversal) + "Zone for core of buildings (azimuth will be neglected)" + annotation (Placement(transformation(extent={{570,22},{610,62}}))); + FiveZone.VAVReheat.ThermalZones.VAVBranch sou( + redeclare package MediumA = MediumA, + redeclare package MediumW = MediumW, + m_flow_nominal=mSou_flow_nominal, + VRoo=VRooSou, + allowFlowReversal=allowFlowReversal) "South-facing thermal zone" + annotation (Placement(transformation(extent={{750,20},{790,60}}))); + FiveZone.VAVReheat.ThermalZones.VAVBranch eas( + redeclare package MediumA = MediumA, + redeclare package MediumW = MediumW, + m_flow_nominal=mEas_flow_nominal, + VRoo=VRooEas, + allowFlowReversal=allowFlowReversal) "East-facing thermal zone" + annotation (Placement(transformation(extent={{930,20},{970,60}}))); + FiveZone.VAVReheat.ThermalZones.VAVBranch nor( + redeclare package MediumA = MediumA, + redeclare package MediumW = MediumW, + m_flow_nominal=mNor_flow_nominal, + VRoo=VRooNor, + allowFlowReversal=allowFlowReversal) "North-facing thermal zone" + annotation (Placement(transformation(extent={{1090,20},{1130,60}}))); + FiveZone.VAVReheat.ThermalZones.VAVBranch wes( + redeclare package MediumA = MediumA, + redeclare package MediumW = MediumW, + m_flow_nominal=mWes_flow_nominal, + VRoo=VRooWes, + allowFlowReversal=allowFlowReversal) "West-facing thermal zone" + annotation (Placement(transformation(extent={{1290,20},{1330,60}}))); + Buildings.Fluid.FixedResistances.Junction splRetRoo1( + redeclare package Medium = MediumA, + m_flow_nominal={m_flow_nominal,m_flow_nominal - mCor_flow_nominal, + mCor_flow_nominal}, + from_dp=false, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering) + "Splitter for room return" + annotation (Placement(transformation(extent={{630,10},{650,-10}}))); + Buildings.Fluid.FixedResistances.Junction splRetSou( + redeclare package Medium = MediumA, + m_flow_nominal={mSou_flow_nominal + mEas_flow_nominal + mNor_flow_nominal + + mWes_flow_nominal,mEas_flow_nominal + mNor_flow_nominal + + mWes_flow_nominal,mSou_flow_nominal}, + from_dp=false, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering) + "Splitter for room return" + annotation (Placement(transformation(extent={{812,10},{832,-10}}))); + Buildings.Fluid.FixedResistances.Junction splRetEas( + redeclare package Medium = MediumA, + m_flow_nominal={mEas_flow_nominal + mNor_flow_nominal + mWes_flow_nominal, + mNor_flow_nominal + mWes_flow_nominal,mEas_flow_nominal}, + from_dp=false, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering) + "Splitter for room return" + annotation (Placement(transformation(extent={{992,10},{1012,-10}}))); + Buildings.Fluid.FixedResistances.Junction splRetNor( + redeclare package Medium = MediumA, + m_flow_nominal={mNor_flow_nominal + mWes_flow_nominal,mWes_flow_nominal, + mNor_flow_nominal}, + from_dp=false, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering) + "Splitter for room return" + annotation (Placement(transformation(extent={{1142,10},{1162,-10}}))); + Buildings.Fluid.FixedResistances.Junction splSupRoo1( + redeclare package Medium = MediumA, + m_flow_nominal={m_flow_nominal,m_flow_nominal - mCor_flow_nominal, + mCor_flow_nominal}, + from_dp=true, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving) + "Splitter for room supply" + annotation (Placement(transformation(extent={{570,-30},{590,-50}}))); + Buildings.Fluid.FixedResistances.Junction splSupSou( + redeclare package Medium = MediumA, + m_flow_nominal={mSou_flow_nominal + mEas_flow_nominal + mNor_flow_nominal + + mWes_flow_nominal,mEas_flow_nominal + mNor_flow_nominal + + mWes_flow_nominal,mSou_flow_nominal}, + from_dp=true, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving) + "Splitter for room supply" + annotation (Placement(transformation(extent={{750,-30},{770,-50}}))); + Buildings.Fluid.FixedResistances.Junction splSupEas( + redeclare package Medium = MediumA, + m_flow_nominal={mEas_flow_nominal + mNor_flow_nominal + mWes_flow_nominal, + mNor_flow_nominal + mWes_flow_nominal,mEas_flow_nominal}, + from_dp=true, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving) + "Splitter for room supply" + annotation (Placement(transformation(extent={{930,-30},{950,-50}}))); + Buildings.Fluid.FixedResistances.Junction splSupNor( + redeclare package Medium = MediumA, + m_flow_nominal={mNor_flow_nominal + mWes_flow_nominal,mWes_flow_nominal, + mNor_flow_nominal}, + from_dp=true, + linearized=true, + energyDynamics=Modelica.Fluid.Types.Dynamics.SteadyState, + dp_nominal(each displayUnit="Pa") = {0,0,0}, + portFlowDirection_1=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Entering, + portFlowDirection_2=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving, + portFlowDirection_3=if allowFlowReversal then Modelica.Fluid.Types.PortFlowDirection.Bidirectional + else Modelica.Fluid.Types.PortFlowDirection.Leaving) + "Splitter for room supply" + annotation (Placement(transformation(extent={{1090,-30},{1110,-50}}))); + Buildings.BoundaryConditions.WeatherData.ReaderTMY3 weaDat(filNam= + Modelica.Utilities.Files.loadResource("modelica://Buildings/Resources/weatherdata/USA_IL_Chicago-OHare.Intl.AP.725300_TMY3.mos")) + annotation (Placement(transformation(extent={{-360,170},{-340,190}}))); + Buildings.BoundaryConditions.WeatherData.Bus weaBus "Weather Data Bus" + annotation (Placement(transformation(extent={{-330,170},{-310,190}}), + iconTransformation(extent={{-360,170},{-340,190}}))); + FiveZone.VAVReheat.ThermalZones.Floor flo( + redeclare final package Medium = MediumA, + final lat=lat, + final use_windPressure=use_windPressure, + final sampleModel=sampleModel) + "Model of a floor of the building that is served by this VAV system" + annotation (Placement(transformation(extent={{772,396},{1100,616}}))); + Modelica.Blocks.Routing.DeMultiplex5 TRooAir(u(each unit="K", each + displayUnit="degC")) "Demultiplex for room air temperature" + annotation (Placement(transformation(extent={{490,160},{510,180}}))); + + Buildings.Fluid.Sensors.TemperatureTwoPort TSupCor( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mCor_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air temperature" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={580,92}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TSupSou( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mSou_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air temperature" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={760,92}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TSupEas( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mEas_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air temperature" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={940,90}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TSupNor( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mNor_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air temperature" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={1100,94}))); + Buildings.Fluid.Sensors.TemperatureTwoPort TSupWes( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mWes_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air temperature" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={1300,90}))); + Buildings.Fluid.Sensors.VolumeFlowRate VSupCor_flow( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mCor_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air flow rate" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={580,130}))); + Buildings.Fluid.Sensors.VolumeFlowRate VSupSou_flow( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mSou_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air flow rate" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={760,130}))); + Buildings.Fluid.Sensors.VolumeFlowRate VSupEas_flow( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mEas_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air flow rate" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={940,128}))); + Buildings.Fluid.Sensors.VolumeFlowRate VSupNor_flow( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mNor_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air flow rate" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={1100,132}))); + Buildings.Fluid.Sensors.VolumeFlowRate VSupWes_flow( + redeclare package Medium = MediumA, + initType=Modelica.Blocks.Types.Init.InitialState, + m_flow_nominal=mWes_flow_nominal, + allowFlowReversal=allowFlowReversal) "Discharge air flow rate" annotation ( + Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=90, + origin={1300,128}))); + FiveZone.VAVReheat.BaseClasses.MixingBox eco( + redeclare package Medium = MediumA, + mOut_flow_nominal=m_flow_nominal, + dpOut_nominal=10, + mRec_flow_nominal=m_flow_nominal, + dpRec_nominal=10, + mExh_flow_nominal=m_flow_nominal, + dpExh_nominal=10, + from_dp=false) "Economizer" annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=0, + origin={-10,-46}))); + + Results res( + final A=ATot, + PFan=fanSup.P + 0, + PHea=heaCoi.Q2_flow + cor.terHea.Q1_flow + nor.terHea.Q1_flow + wes.terHea.Q1_flow + + eas.terHea.Q1_flow + sou.terHea.Q1_flow, + PCooSen=cooCoi.QSen2_flow, + PCooLat=cooCoi.QLat2_flow) "Results of the simulation"; + /*fanRet*/ + + protected + model Results "Model to store the results of the simulation" + parameter Modelica.SIunits.Area A "Floor area"; + input Modelica.SIunits.Power PFan "Fan energy"; + input Modelica.SIunits.Power PHea "Heating energy"; + input Modelica.SIunits.Power PCooSen "Sensible cooling energy"; + input Modelica.SIunits.Power PCooLat "Latent cooling energy"; + + Real EFan( + unit="J/m2", + start=0, + nominal=1E5, + fixed=true) "Fan energy"; + Real EHea( + unit="J/m2", + start=0, + nominal=1E5, + fixed=true) "Heating energy"; + Real ECooSen( + unit="J/m2", + start=0, + nominal=1E5, + fixed=true) "Sensible cooling energy"; + Real ECooLat( + unit="J/m2", + start=0, + nominal=1E5, + fixed=true) "Latent cooling energy"; + Real ECoo(unit="J/m2") "Total cooling energy"; + equation + + A*der(EFan) = PFan; + A*der(EHea) = PHea; + A*der(ECooSen) = PCooSen; + A*der(ECooLat) = PCooLat; + ECoo = ECooSen + ECooLat; + + end Results; + public + Buildings.Controls.OBC.CDL.Logical.OnOffController freSta(bandwidth=1) + "Freeze stat for heating coil" + annotation (Placement(transformation(extent={{0,-102},{20,-82}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant freStaTSetPoi(k=273.15 + + 3) "Freeze stat set point for heating coil" + annotation (Placement(transformation(extent={{-40,-96},{-20,-76}}))); + + equation + connect(fanSup.port_b, dpDisSupFan.port_a) annotation (Line( + points={{320,-40},{320,-10}}, + color={0,0,0}, + smooth=Smooth.None, + pattern=LinePattern.Dot)); + connect(TSup.port_a, fanSup.port_b) annotation (Line( + points={{330,-40},{320,-40}}, + color={0,127,255}, + smooth=Smooth.None, + thickness=0.5)); + connect(amb.ports[1], VOut1.port_a) annotation (Line( + points={{-114,-42.0667},{-94,-42.0667},{-94,-33},{-72,-33}}, + color={170,213,255}, + thickness=0.5)); + connect(splRetRoo1.port_1, dpRetDuc.port_a) annotation (Line( + points={{630,0},{430,0},{430,140},{400,140}}, + color={170,213,255}, + thickness=0.5)); + connect(splRetNor.port_1, splRetEas.port_2) annotation (Line( + points={{1142,0},{1110,0},{1110,0},{1078,0},{1078,0},{1012,0}}, + color={170,213,255}, + thickness=0.5)); + connect(splRetEas.port_1, splRetSou.port_2) annotation (Line( + points={{992,0},{952,0},{952,0},{912,0},{912,0},{832,0}}, + color={170,213,255}, + thickness=0.5)); + connect(splRetSou.port_1, splRetRoo1.port_2) annotation (Line( + points={{812,0},{650,0}}, + color={170,213,255}, + thickness=0.5)); + connect(splSupRoo1.port_3, cor.port_a) annotation (Line( + points={{580,-30},{580,22}}, + color={170,213,255}, + thickness=0.5)); + connect(splSupRoo1.port_2, splSupSou.port_1) annotation (Line( + points={{590,-40},{750,-40}}, + color={170,213,255}, + thickness=0.5)); + connect(splSupSou.port_3, sou.port_a) annotation (Line( + points={{760,-30},{760,20}}, + color={170,213,255}, + thickness=0.5)); + connect(splSupSou.port_2, splSupEas.port_1) annotation (Line( + points={{770,-40},{930,-40}}, + color={170,213,255}, + thickness=0.5)); + connect(splSupEas.port_3, eas.port_a) annotation (Line( + points={{940,-30},{940,20}}, + color={170,213,255}, + thickness=0.5)); + connect(splSupEas.port_2, splSupNor.port_1) annotation (Line( + points={{950,-40},{1090,-40}}, + color={170,213,255}, + thickness=0.5)); + connect(splSupNor.port_3, nor.port_a) annotation (Line( + points={{1100,-30},{1100,20}}, + color={170,213,255}, + thickness=0.5)); + connect(splSupNor.port_2, wes.port_a) annotation (Line( + points={{1110,-40},{1300,-40},{1300,20}}, + color={170,213,255}, + thickness=0.5)); + connect(weaDat.weaBus, weaBus) annotation (Line( + points={{-340,180},{-320,180}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(weaBus.TDryBul, TOut.u) annotation (Line( + points={{-320,180},{-302,180}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(amb.weaBus, weaBus) annotation (Line( + points={{-136,-44.78},{-320,-44.78},{-320,180}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(splRetRoo1.port_3, flo.portsCor[2]) annotation (Line( + points={{640,10},{640,364},{874,364},{874,472},{898,472},{898,449.533}, + {924.286,449.533}}, + color={170,213,255}, + thickness=0.5)); + connect(splRetSou.port_3, flo.portsSou[2]) annotation (Line( + points={{822,10},{822,350},{900,350},{900,420.2},{924.286,420.2}}, + color={170,213,255}, + thickness=0.5)); + connect(splRetEas.port_3, flo.portsEas[2]) annotation (Line( + points={{1002,10},{1002,368},{1067.2,368},{1067.2,445.867}}, + color={170,213,255}, + thickness=0.5)); + connect(splRetNor.port_3, flo.portsNor[2]) annotation (Line( + points={{1152,10},{1152,446},{924.286,446},{924.286,478.867}}, + color={170,213,255}, + thickness=0.5)); + connect(splRetNor.port_2, flo.portsWes[2]) annotation (Line( + points={{1162,0},{1342,0},{1342,394},{854,394},{854,449.533}}, + color={170,213,255}, + thickness=0.5)); + connect(weaBus, flo.weaBus) annotation (Line( + points={{-320,180},{-320,506},{988.714,506}}, + color={255,204,51}, + thickness=0.5, + smooth=Smooth.None)); + connect(flo.TRooAir, min.u) annotation (Line( + points={{1094.14,491.333},{1164.7,491.333},{1164.7,450},{1198,450}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(flo.TRooAir, ave.u) annotation (Line( + points={{1094.14,491.333},{1166,491.333},{1166,420},{1198,420}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + connect(TRooAir.u, flo.TRooAir) annotation (Line( + points={{488,170},{480,170},{480,538},{1164,538},{1164,491.333},{ + 1094.14,491.333}}, + color={0,0,127}, + smooth=Smooth.None, + pattern=LinePattern.Dash)); + + connect(cooCoi.port_b2, fanSup.port_a) annotation (Line( + points={{210,-40},{300,-40}}, + color={170,213,255}, + thickness=0.5)); + connect(cor.port_b, TSupCor.port_a) annotation (Line( + points={{580,62},{580,82}}, + color={170,213,255}, + thickness=0.5)); + + connect(sou.port_b, TSupSou.port_a) annotation (Line( + points={{760,60},{760,82}}, + color={170,213,255}, + thickness=0.5)); + connect(eas.port_b, TSupEas.port_a) annotation (Line( + points={{940,60},{940,80}}, + color={170,213,255}, + thickness=0.5)); + connect(nor.port_b, TSupNor.port_a) annotation (Line( + points={{1100,60},{1100,84}}, + color={170,213,255}, + thickness=0.5)); + connect(wes.port_b, TSupWes.port_a) annotation (Line( + points={{1300,60},{1300,80}}, + color={170,213,255}, + thickness=0.5)); + + connect(TSupCor.port_b, VSupCor_flow.port_a) annotation (Line( + points={{580,102},{580,120}}, + color={170,213,255}, + thickness=0.5)); + connect(TSupSou.port_b, VSupSou_flow.port_a) annotation (Line( + points={{760,102},{760,120}}, + color={170,213,255}, + thickness=0.5)); + connect(TSupEas.port_b, VSupEas_flow.port_a) annotation (Line( + points={{940,100},{940,100},{940,118}}, + color={170,213,255}, + thickness=0.5)); + connect(TSupNor.port_b, VSupNor_flow.port_a) annotation (Line( + points={{1100,104},{1100,122}}, + color={170,213,255}, + thickness=0.5)); + connect(TSupWes.port_b, VSupWes_flow.port_a) annotation (Line( + points={{1300,100},{1300,118}}, + color={170,213,255}, + thickness=0.5)); + connect(VSupCor_flow.port_b, flo.portsCor[1]) annotation (Line( + points={{580,140},{580,372},{866,372},{866,480},{912.571,480},{ + 912.571,449.533}}, + color={170,213,255}, + thickness=0.5)); + + connect(VSupSou_flow.port_b, flo.portsSou[1]) annotation (Line( + points={{760,140},{760,356},{912.571,356},{912.571,420.2}}, + color={170,213,255}, + thickness=0.5)); + connect(VSupEas_flow.port_b, flo.portsEas[1]) annotation (Line( + points={{940,138},{940,376},{1055.49,376},{1055.49,445.867}}, + color={170,213,255}, + thickness=0.5)); + connect(VSupNor_flow.port_b, flo.portsNor[1]) annotation (Line( + points={{1100,142},{1100,498},{912.571,498},{912.571,478.867}}, + color={170,213,255}, + thickness=0.5)); + connect(VSupWes_flow.port_b, flo.portsWes[1]) annotation (Line( + points={{1300,138},{1300,384},{842.286,384},{842.286,449.533}}, + color={170,213,255}, + thickness=0.5)); + connect(VOut1.port_b, eco.port_Out) annotation (Line( + points={{-50,-33},{-42,-33},{-42,-40},{-20,-40}}, + color={170,213,255}, + thickness=0.5)); + connect(eco.port_Sup, TMix.port_a) annotation (Line( + points={{0,-40},{30,-40}}, + color={170,213,255}, + thickness=0.5)); + connect(eco.port_Exh, amb.ports[2]) annotation (Line( + points={{-20,-52},{-96,-52},{-96,-45},{-114,-45}}, + color={170,213,255}, + thickness=0.5)); + connect(eco.port_Ret, TRet.port_b) annotation (Line( + points={{0,-52},{10,-52},{10,140},{90,140}}, + color={170,213,255}, + thickness=0.5)); + connect(senRetFlo.port_a, dpRetDuc.port_b) + annotation (Line(points={{360,140},{380,140}}, color={170,213,255}, + thickness=0.5)); + connect(TSup.port_b, senSupFlo.port_a) + annotation (Line(points={{350,-40},{400,-40}}, color={170,213,255}, + thickness=0.5)); + connect(senSupFlo.port_b, splSupRoo1.port_1) + annotation (Line(points={{420,-40},{570,-40}}, color={170,213,255}, + thickness=0.5)); + connect(dpDisSupFan.port_b, amb.ports[3]) annotation (Line( + points={{320,10},{320,14},{-88,14},{-88,-47.9333},{-114,-47.9333}}, + color={0,0,0}, + pattern=LinePattern.Dot)); + connect(senRetFlo.port_b, TRet.port_a) annotation (Line(points={{340,140},{ + 226,140},{110,140}}, color={170,213,255}, + thickness=0.5)); + connect(freStaTSetPoi.y, freSta.reference) + annotation (Line(points={{-18,-86},{-2,-86}}, color={0,0,127})); + connect(freSta.u, TMix.T) annotation (Line(points={{-2,-98},{-10,-98},{-10,-70}, + {20,-70},{20,-20},{40,-20},{40,-29}}, color={0,0,127})); + connect(TMix.port_b, heaCoi.port_a2) annotation (Line( + points={{50,-40},{98,-40}}, + color={170,213,255}, + thickness=0.5)); + connect(heaCoi.port_b2, cooCoi.port_a2) annotation (Line( + points={{118,-40},{190,-40}}, + color={170,213,255}, + thickness=0.5)); + annotation (Diagram(coordinateSystem(preserveAspectRatio=false, extent={{-380, + -400},{1420,600}})), Documentation(info=" +

+This model consist of an HVAC system, a building envelope model and a model +for air flow through building leakage and through open doors. +

+

+The HVAC system is a variable air volume (VAV) flow system with economizer +and a heating and cooling coil in the air handler unit. There is also a +reheat coil and an air damper in each of the five zone inlet branches. +The figure below shows the schematic diagram of the HVAC system +

+

+\"image\" +

+

+Most of the HVAC control in this model is open loop. +Two models that extend this model, namely + +Buildings.Examples.VAVReheat.ASHRAE2006 +and + +Buildings.Examples.VAVReheat.Guideline36 +add closed loop control. See these models for a description of +the control sequence. +

+

+To model the heat transfer through the building envelope, +a model of five interconnected rooms is used. +The five room model is representative of one floor of the +new construction medium office building for Chicago, IL, +as described in the set of DOE Commercial Building Benchmarks +(Deru et al, 2009). There are four perimeter zones and one core zone. +The envelope thermal properties meet ASHRAE Standard 90.1-2004. +The thermal room model computes transient heat conduction through +walls, floors and ceilings and long-wave radiative heat exchange between +surfaces. The convective heat transfer coefficient is computed based +on the temperature difference between the surface and the room air. +There is also a layer-by-layer short-wave radiation, +long-wave radiation, convection and conduction heat transfer model for the +windows. The model is similar to the +Window 5 model and described in TARCOG 2006. +

+

+Each thermal zone can have air flow from the HVAC system, through leakages of the building envelope (except for the core zone) and through bi-directional air exchange through open doors that connect adjacent zones. The bi-directional air exchange is modeled based on the differences in static pressure between adjacent rooms at a reference height plus the difference in static pressure across the door height as a function of the difference in air density. +Infiltration is a function of the +flow imbalance of the HVAC system. +

+

References

+

+Deru M., K. Field, D. Studer, K. Benne, B. Griffith, P. Torcellini, + M. Halverson, D. Winiarski, B. Liu, M. Rosenberg, J. Huang, M. Yazdanian, and D. Crawley. +DOE commercial building research benchmarks for commercial buildings. +Technical report, U.S. Department of Energy, Energy Efficiency and +Renewable Energy, Office of Building Technologies, Washington, DC, 2009. +

+

+TARCOG 2006: Carli, Inc., TARCOG: Mathematical models for calculation +of thermal performance of glazing systems with our without +shading devices, Technical Report, Oct. 17, 2006. +

+", revisions=" + +")); + end PartialPhysicalAirside; + + partial model PartialAirside + "Variable air volume flow system with terminal reheat and five thermal zones" + extends FiveZone.BaseClasses.PartialPhysicalAirside(heaCoi(dp1_nominal= + 30000)); + + parameter Modelica.SIunits.VolumeFlowRate VPriSysMax_flow=m_flow_nominal/1.2 + "Maximum expected system primary airflow rate at design stage"; + parameter Modelica.SIunits.VolumeFlowRate minZonPriFlo[numZon]={ + mCor_flow_nominal,mSou_flow_nominal,mEas_flow_nominal,mNor_flow_nominal, + mWes_flow_nominal}/1.2 "Minimum expected zone primary flow rate"; + parameter Modelica.SIunits.Time samplePeriod=120 + "Sample period of component, set to the same value as the trim and respond that process yPreSetReq"; + parameter Modelica.SIunits.PressureDifference dpDisRetMax=40 + "Maximum return fan discharge static pressure setpoint"; + + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVCor( + V_flow_nominal=mCor_flow_nominal/1.2, + AFlo=AFloCor, + final samplePeriod=samplePeriod) "Controller for terminal unit corridor" + annotation (Placement(transformation(extent={{530,32},{550,52}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVSou( + V_flow_nominal=mSou_flow_nominal/1.2, + AFlo=AFloSou, + final samplePeriod=samplePeriod) "Controller for terminal unit south" + annotation (Placement(transformation(extent={{700,30},{720,50}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVEas( + V_flow_nominal=mEas_flow_nominal/1.2, + AFlo=AFloEas, + final samplePeriod=samplePeriod) "Controller for terminal unit east" + annotation (Placement(transformation(extent={{880,30},{900,50}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVNor( + V_flow_nominal=mNor_flow_nominal/1.2, + AFlo=AFloNor, + final samplePeriod=samplePeriod) "Controller for terminal unit north" + annotation (Placement(transformation(extent={{1040,30},{1060,50}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.Controller conVAVWes( + V_flow_nominal=mWes_flow_nominal/1.2, + AFlo=AFloWes, + final samplePeriod=samplePeriod) "Controller for terminal unit west" + annotation (Placement(transformation(extent={{1240,28},{1260,48}}))); + Modelica.Blocks.Routing.Multiplex5 TDis "Discharge air temperatures" + annotation (Placement(transformation(extent={{220,270},{240,290}}))); + Modelica.Blocks.Routing.Multiplex5 VDis_flow + "Air flow rate at the terminal boxes" + annotation (Placement(transformation(extent={{220,230},{240,250}}))); + Buildings.Controls.OBC.CDL.Integers.MultiSum TZonResReq(nin=5) + "Number of zone temperature requests" + annotation (Placement(transformation(extent={{300,360},{320,380}}))); + Buildings.Controls.OBC.CDL.Integers.MultiSum PZonResReq(nin=5) + "Number of zone pressure requests" + annotation (Placement(transformation(extent={{300,330},{320,350}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant yOutDam(k=1) + "Outdoor air damper control signal" + annotation (Placement(transformation(extent={{-40,-20},{-20,0}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swiFreSta "Switch for freeze stat" + annotation (Placement(transformation(extent={{20,-140},{40,-120}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant yFreHeaCoi(final k=0.3) + "Flow rate signal for heating coil when freeze stat is on" + annotation (Placement(transformation(extent={{-80,-132},{-60,-112}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.TerminalUnits.ModeAndSetPoints TZonSet[ + numZon]( + final TZonHeaOn=fill(THeaOn, numZon), + final TZonHeaOff=fill(THeaOff, numZon), + TZonCooOn=fill(TCooOn, numZon), + final TZonCooOff=fill(TCooOff, numZon)) "Zone setpoint temperature" + annotation (Placement(transformation(extent={{60,300},{80,320}}))); + Buildings.Controls.OBC.CDL.Routing.BooleanReplicator booRep( + final nout=numZon) + "Replicate boolean input" + annotation (Placement(transformation(extent={{-120,280},{-100,300}}))); + Buildings.Controls.OBC.CDL.Routing.RealReplicator reaRep( + final nout=numZon) + "Replicate real input" + annotation (Placement(transformation(extent={{-120,320},{-100,340}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.Controller conAHU( + final pMaxSet=410, + final yFanMin=yFanMin, + final VPriSysMax_flow=VPriSysMax_flow, + final peaSysPop=1.2*sum({0.05*AFlo[i] for i in 1:numZon})) "AHU controller" + annotation (Placement(transformation(extent={{340,512},{420,640}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.OutdoorAirFlow.Zone + zonOutAirSet[numZon]( + final AFlo=AFlo, + final have_occSen=fill(false, numZon), + final have_winSen=fill(false, numZon), + final desZonPop={0.05*AFlo[i] for i in 1:numZon}, + final minZonPriFlo=minZonPriFlo) + "Zone level calculation of the minimum outdoor airflow setpoint" + annotation (Placement(transformation(extent={{220,580},{240,600}}))); + Buildings.Controls.OBC.ASHRAE.G36_PR1.AHUs.MultiZone.VAV.SetPoints.OutdoorAirFlow.SumZone + zonToSys(final numZon=numZon) "Sum up zone calculation output" + annotation (Placement(transformation(extent={{280,570},{300,590}}))); + Buildings.Controls.OBC.CDL.Routing.RealReplicator reaRep1(final nout=numZon) + "Replicate design uncorrected minimum outdoor airflow setpoint" + annotation (Placement(transformation(extent={{460,580},{480,600}}))); + Buildings.Controls.OBC.CDL.Routing.BooleanReplicator booRep1(final nout=numZon) + "Replicate signal whether the outdoor airflow is required" + annotation (Placement(transformation(extent={{460,550},{480,570}}))); + + Modelica.Blocks.Logical.And andFreSta + annotation (Placement(transformation(extent={{-20,-140},{0,-120}}))); + equation + connect(fanSup.port_b, dpDisSupFan.port_a) annotation (Line( + points={{320,-40},{320,0},{320,-10},{320,-10}}, + color={0,0,0}, + smooth=Smooth.None, + pattern=LinePattern.Dot)); + connect(conVAVCor.TZon, TRooAir.y5[1]) annotation (Line( + points={{528,42},{520,42},{520,162},{511,162}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(conVAVSou.TZon, TRooAir.y1[1]) annotation (Line( + points={{698,40},{690,40},{690,40},{680,40},{680,178},{511,178}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(TRooAir.y2[1], conVAVEas.TZon) annotation (Line( + points={{511,174},{868,174},{868,40},{878,40}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(TRooAir.y3[1], conVAVNor.TZon) annotation (Line( + points={{511,170},{1028,170},{1028,40},{1038,40}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(TRooAir.y4[1], conVAVWes.TZon) annotation (Line( + points={{511,166},{1220,166},{1220,38},{1238,38}}, + color={0,0,127}, + pattern=LinePattern.Dash)); + connect(conVAVCor.TDis, TSupCor.T) annotation (Line(points={{528,36},{522,36}, + {522,40},{514,40},{514,92},{569,92}}, color={0,0,127})); + connect(TSupSou.T, conVAVSou.TDis) annotation (Line(points={{749,92},{688,92}, + {688,34},{698,34}}, color={0,0,127})); + connect(TSupEas.T, conVAVEas.TDis) annotation (Line(points={{929,90},{872,90}, + {872,34},{878,34}}, color={0,0,127})); + connect(TSupNor.T, conVAVNor.TDis) annotation (Line(points={{1089,94},{1032, + 94},{1032,34},{1038,34}}, color={0,0,127})); + connect(TSupWes.T, conVAVWes.TDis) annotation (Line(points={{1289,90},{1228, + 90},{1228,32},{1238,32}}, color={0,0,127})); + connect(cor.yVAV, conVAVCor.yDam) annotation (Line(points={{566,50},{556,50},{ + 556,48},{552,48}}, color={0,0,127})); + connect(cor.yVal, conVAVCor.yVal) annotation (Line(points={{566,34},{560,34},{ + 560,43},{552,43}}, color={0,0,127})); + connect(conVAVSou.yDam, sou.yVAV) annotation (Line(points={{722,46},{730,46},{ + 730,48},{746,48}}, color={0,0,127})); + connect(conVAVSou.yVal, sou.yVal) annotation (Line(points={{722,41},{732.5,41}, + {732.5,32},{746,32}}, color={0,0,127})); + connect(conVAVEas.yVal, eas.yVal) annotation (Line(points={{902,41},{912.5,41}, + {912.5,32},{926,32}}, color={0,0,127})); + connect(conVAVEas.yDam, eas.yVAV) annotation (Line(points={{902,46},{910,46},{ + 910,48},{926,48}}, color={0,0,127})); + connect(conVAVNor.yDam, nor.yVAV) annotation (Line(points={{1062,46},{1072.5,46}, + {1072.5,48},{1086,48}}, color={0,0,127})); + connect(conVAVNor.yVal, nor.yVal) annotation (Line(points={{1062,41},{1072.5,41}, + {1072.5,32},{1086,32}}, color={0,0,127})); + connect(conVAVWes.yVal, wes.yVal) annotation (Line(points={{1262,39},{1272.5,39}, + {1272.5,32},{1286,32}}, color={0,0,127})); + connect(wes.yVAV, conVAVWes.yDam) annotation (Line(points={{1286,48},{1274,48}, + {1274,44},{1262,44}}, color={0,0,127})); + connect(conVAVCor.yZonTemResReq, TZonResReq.u[1]) annotation (Line(points={{552,38}, + {554,38},{554,220},{280,220},{280,375.6},{298,375.6}}, color= + {255,127,0})); + connect(conVAVSou.yZonTemResReq, TZonResReq.u[2]) annotation (Line(points={{722,36}, + {726,36},{726,220},{280,220},{280,372.8},{298,372.8}}, color= + {255,127,0})); + connect(conVAVEas.yZonTemResReq, TZonResReq.u[3]) annotation (Line(points={{902,36}, + {904,36},{904,220},{280,220},{280,370},{298,370}}, color={255, + 127,0})); + connect(conVAVNor.yZonTemResReq, TZonResReq.u[4]) annotation (Line(points={{1062,36}, + {1064,36},{1064,220},{280,220},{280,367.2},{298,367.2}}, + color={255,127,0})); + connect(conVAVWes.yZonTemResReq, TZonResReq.u[5]) annotation (Line(points={{1262,34}, + {1266,34},{1266,220},{280,220},{280,364.4},{298,364.4}}, + color={255,127,0})); + connect(conVAVCor.yZonPreResReq, PZonResReq.u[1]) annotation (Line(points={{552,34}, + {558,34},{558,214},{288,214},{288,345.6},{298,345.6}}, color= + {255,127,0})); + connect(conVAVSou.yZonPreResReq, PZonResReq.u[2]) annotation (Line(points={{722,32}, + {728,32},{728,214},{288,214},{288,342.8},{298,342.8}}, color= + {255,127,0})); + connect(conVAVEas.yZonPreResReq, PZonResReq.u[3]) annotation (Line(points={{902,32}, + {906,32},{906,214},{288,214},{288,340},{298,340}}, color={255, + 127,0})); + connect(conVAVNor.yZonPreResReq, PZonResReq.u[4]) annotation (Line(points={{1062,32}, + {1066,32},{1066,214},{288,214},{288,337.2},{298,337.2}}, + color={255,127,0})); + connect(conVAVWes.yZonPreResReq, PZonResReq.u[5]) annotation (Line(points={{1262,30}, + {1268,30},{1268,214},{288,214},{288,334.4},{298,334.4}}, + color={255,127,0})); + connect(VSupCor_flow.V_flow, VDis_flow.u1[1]) annotation (Line(points={{569,130}, + {472,130},{472,206},{180,206},{180,250},{218,250}}, color={0,0, + 127})); + connect(VSupSou_flow.V_flow, VDis_flow.u2[1]) annotation (Line(points={{749,130}, + {742,130},{742,206},{180,206},{180,245},{218,245}}, color={0,0, + 127})); + connect(VSupEas_flow.V_flow, VDis_flow.u3[1]) annotation (Line(points={{929,128}, + {914,128},{914,206},{180,206},{180,240},{218,240}}, color={0,0, + 127})); + connect(VSupNor_flow.V_flow, VDis_flow.u4[1]) annotation (Line(points={{1089,132}, + {1080,132},{1080,206},{180,206},{180,235},{218,235}}, color={0,0, + 127})); + connect(VSupWes_flow.V_flow, VDis_flow.u5[1]) annotation (Line(points={{1289,128}, + {1284,128},{1284,206},{180,206},{180,230},{218,230}}, color={0,0, + 127})); + connect(TSupCor.T, TDis.u1[1]) annotation (Line(points={{569,92},{466,92},{466, + 210},{176,210},{176,290},{218,290}}, color={0,0,127})); + connect(TSupSou.T, TDis.u2[1]) annotation (Line(points={{749,92},{688,92},{688, + 210},{176,210},{176,285},{218,285}}, color={0,0, + 127})); + connect(TSupEas.T, TDis.u3[1]) annotation (Line(points={{929,90},{872,90},{872, + 210},{176,210},{176,280},{218,280}}, color={0,0,127})); + connect(TSupNor.T, TDis.u4[1]) annotation (Line(points={{1089,94},{1032,94},{1032, + 210},{176,210},{176,275},{218,275}}, color={0,0,127})); + connect(TSupWes.T, TDis.u5[1]) annotation (Line(points={{1289,90},{1228,90},{1228, + 210},{176,210},{176,270},{218,270}}, color={0,0,127})); + connect(conVAVCor.VDis_flow, VSupCor_flow.V_flow) annotation (Line(points={{528,40}, + {522,40},{522,130},{569,130}}, color={0,0,127})); + connect(VSupSou_flow.V_flow, conVAVSou.VDis_flow) annotation (Line(points={{749,130}, + {690,130},{690,38},{698,38}}, color={0,0,127})); + connect(VSupEas_flow.V_flow, conVAVEas.VDis_flow) annotation (Line(points={{929,128}, + {874,128},{874,38},{878,38}}, color={0,0,127})); + connect(VSupNor_flow.V_flow, conVAVNor.VDis_flow) annotation (Line(points={{1089, + 132},{1034,132},{1034,38},{1038,38}}, color={0,0,127})); + connect(VSupWes_flow.V_flow, conVAVWes.VDis_flow) annotation (Line(points={{1289, + 128},{1230,128},{1230,36},{1238,36}}, color={0,0,127})); + connect(TSup.T, conVAVCor.TSupAHU) annotation (Line(points={{340,-29},{340, + -20},{514,-20},{514,34},{528,34}}, + color={0,0,127})); + connect(TSup.T, conVAVSou.TSupAHU) annotation (Line(points={{340,-29},{340, + -20},{686,-20},{686,32},{698,32}}, + color={0,0,127})); + connect(TSup.T, conVAVEas.TSupAHU) annotation (Line(points={{340,-29},{340, + -20},{864,-20},{864,32},{878,32}}, + color={0,0,127})); + connect(TSup.T, conVAVNor.TSupAHU) annotation (Line(points={{340,-29},{340, + -20},{1028,-20},{1028,32},{1038,32}}, + color={0,0,127})); + connect(TSup.T, conVAVWes.TSupAHU) annotation (Line(points={{340,-29},{340, + -20},{1224,-20},{1224,30},{1238,30}}, + color={0,0,127})); + connect(yOutDam.y, eco.yExh) + annotation (Line(points={{-18,-10},{-3,-10},{-3,-34}}, color={0,0,127})); + connect(yFreHeaCoi.y, swiFreSta.u1) annotation (Line(points={{-58,-122},{18, + -122}}, color={0,0,127})); + connect(TZonSet[1].yOpeMod, conVAVCor.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{520,14},{520,32},{528,32}}, + color={255,127,0})); + connect(flo.TRooAir, TZonSet.TZon) annotation (Line(points={{1094.14, + 491.333},{1164,491.333},{1164,666},{50,666},{50,313},{58,313}}, + color={0,0,127})); + connect(occSch.occupied, booRep.u) annotation (Line(points={{-297,-76},{-160, + -76},{-160,290},{-122,290}}, color={255,0,255})); + connect(occSch.tNexOcc, reaRep.u) annotation (Line(points={{-297,-64},{-180, + -64},{-180,330},{-122,330}}, + color={0,0,127})); + connect(reaRep.y, TZonSet.tNexOcc) annotation (Line(points={{-98,330},{-20,330}, + {-20,319},{58,319}}, color={0,0,127})); + connect(booRep.y, TZonSet.uOcc) annotation (Line(points={{-98,290},{-20,290},{ + -20,316.025},{58,316.025}}, color={255,0,255})); + connect(TZonSet[1].TZonHeaSet, conVAVCor.TZonHeaSet) annotation (Line(points={{82,310}, + {524,310},{524,52},{528,52}}, color={0,0,127})); + connect(TZonSet[1].TZonCooSet, conVAVCor.TZonCooSet) annotation (Line(points={{82,317}, + {524,317},{524,50},{528,50}}, color={0,0,127})); + connect(TZonSet[2].TZonHeaSet, conVAVSou.TZonHeaSet) annotation (Line(points={{82,310}, + {694,310},{694,50},{698,50}}, color={0,0,127})); + connect(TZonSet[2].TZonCooSet, conVAVSou.TZonCooSet) annotation (Line(points={{82,317}, + {694,317},{694,48},{698,48}}, color={0,0,127})); + connect(TZonSet[3].TZonHeaSet, conVAVEas.TZonHeaSet) annotation (Line(points={{82,310}, + {860,310},{860,50},{878,50}}, color={0,0,127})); + connect(TZonSet[3].TZonCooSet, conVAVEas.TZonCooSet) annotation (Line(points={{82,317}, + {860,317},{860,48},{878,48}}, color={0,0,127})); + connect(TZonSet[4].TZonCooSet, conVAVNor.TZonCooSet) annotation (Line(points={{82,317}, + {1020,317},{1020,48},{1038,48}}, color={0,0,127})); + connect(TZonSet[4].TZonHeaSet, conVAVNor.TZonHeaSet) annotation (Line(points={{82,310}, + {1020,310},{1020,50},{1038,50}}, color={0,0,127})); + connect(TZonSet[5].TZonCooSet, conVAVWes.TZonCooSet) annotation (Line(points={{82,317}, + {1200,317},{1200,46},{1238,46}}, color={0,0,127})); + connect(TZonSet[5].TZonHeaSet, conVAVWes.TZonHeaSet) annotation (Line(points={{82,310}, + {1200,310},{1200,48},{1238,48}}, color={0,0,127})); + connect(TZonSet[1].yOpeMod, conVAVSou.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{680,14},{680,30},{698,30}}, + color={255,127,0})); + connect(TZonSet[1].yOpeMod, conVAVEas.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{860,14},{860,30},{878,30}}, + color={255,127,0})); + connect(TZonSet[1].yOpeMod, conVAVNor.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{1020,14},{1020,30},{1038,30}}, + color={255,127,0})); + connect(TZonSet[1].yOpeMod, conVAVWes.uOpeMod) annotation (Line(points={{82,303}, + {130,303},{130,180},{420,180},{420,14},{1220,14},{1220,28},{1238,28}}, + color={255,127,0})); + connect(zonToSys.ySumDesZonPop, conAHU.sumDesZonPop) annotation (Line(points={{302,589}, + {308,589},{308,609.778},{336,609.778}}, color={0,0,127})); + connect(zonToSys.VSumDesPopBreZon_flow, conAHU.VSumDesPopBreZon_flow) + annotation (Line(points={{302,586},{310,586},{310,604.444},{336,604.444}}, + color={0,0,127})); + connect(zonToSys.VSumDesAreBreZon_flow, conAHU.VSumDesAreBreZon_flow) + annotation (Line(points={{302,583},{312,583},{312,599.111},{336,599.111}}, + color={0,0,127})); + connect(zonToSys.yDesSysVenEff, conAHU.uDesSysVenEff) annotation (Line(points={{302,580}, + {314,580},{314,593.778},{336,593.778}}, color={0,0,127})); + connect(zonToSys.VSumUncOutAir_flow, conAHU.VSumUncOutAir_flow) annotation ( + Line(points={{302,577},{316,577},{316,588.444},{336,588.444}}, color={0,0, + 127})); + connect(zonToSys.VSumSysPriAir_flow, conAHU.VSumSysPriAir_flow) annotation ( + Line(points={{302,571},{318,571},{318,583.111},{336,583.111}}, color={0,0, + 127})); + connect(zonToSys.uOutAirFra_max, conAHU.uOutAirFra_max) annotation (Line( + points={{302,574},{320,574},{320,577.778},{336,577.778}}, color={0,0,127})); + connect(zonOutAirSet.yDesZonPeaOcc, zonToSys.uDesZonPeaOcc) annotation (Line( + points={{242,599},{270,599},{270,588},{278,588}}, color={0,0,127})); + connect(zonOutAirSet.VDesPopBreZon_flow, zonToSys.VDesPopBreZon_flow) + annotation (Line(points={{242,596},{268,596},{268,586},{278,586}}, + color={0,0,127})); + connect(zonOutAirSet.VDesAreBreZon_flow, zonToSys.VDesAreBreZon_flow) + annotation (Line(points={{242,593},{266,593},{266,584},{278,584}}, + color={0,0,127})); + connect(zonOutAirSet.yDesPriOutAirFra, zonToSys.uDesPriOutAirFra) annotation ( + Line(points={{242,590},{264,590},{264,578},{278,578}}, color={0,0,127})); + connect(zonOutAirSet.VUncOutAir_flow, zonToSys.VUncOutAir_flow) annotation ( + Line(points={{242,587},{262,587},{262,576},{278,576}}, color={0,0,127})); + connect(zonOutAirSet.yPriOutAirFra, zonToSys.uPriOutAirFra) + annotation (Line(points={{242,584},{260,584},{260,574},{278,574}}, + color={0,0,127})); + connect(zonOutAirSet.VPriAir_flow, zonToSys.VPriAir_flow) annotation (Line( + points={{242,581},{258,581},{258,572},{278,572}}, color={0,0,127})); + connect(conAHU.yAveOutAirFraPlu, zonToSys.yAveOutAirFraPlu) annotation (Line( + points={{424,586.667},{440,586.667},{440,468},{270,468},{270,582},{ + 278,582}}, + color={0,0,127})); + connect(conAHU.VDesUncOutAir_flow, reaRep1.u) annotation (Line(points={{424, + 597.333},{440,597.333},{440,590},{458,590}}, + color={0,0,127})); + connect(reaRep1.y, zonOutAirSet.VUncOut_flow_nominal) annotation (Line(points={{482,590}, + {490,590},{490,464},{210,464},{210,581},{218,581}}, color={0, + 0,127})); + connect(conAHU.yReqOutAir, booRep1.u) annotation (Line(points={{424, + 565.333},{444,565.333},{444,560},{458,560}}, + color={255,0,255})); + connect(booRep1.y, zonOutAirSet.uReqOutAir) annotation (Line(points={{482,560}, + {496,560},{496,460},{206,460},{206,593},{218,593}}, color={255,0,255})); + connect(flo.TRooAir, zonOutAirSet.TZon) annotation (Line(points={{1094.14, + 491.333},{1166,491.333},{1166,672},{210,672},{210,590},{218,590}}, + color={0,0,127})); + connect(TDis.y, zonOutAirSet.TDis) annotation (Line(points={{241,280},{252,280}, + {252,340},{200,340},{200,587},{218,587}}, color={0,0,127})); + connect(VDis_flow.y, zonOutAirSet.VDis_flow) annotation (Line(points={{241,240}, + {260,240},{260,346},{194,346},{194,584},{218,584}}, color={0,0,127})); + connect(TZonSet[1].yOpeMod, conAHU.uOpeMod) annotation (Line(points={{82,303}, + {140,303},{140,531.556},{336,531.556}}, color={255,127,0})); + connect(TZonResReq.y, conAHU.uZonTemResReq) annotation (Line(points={{322,370}, + {330,370},{330,526.222},{336,526.222}}, color={255,127,0})); + connect(PZonResReq.y, conAHU.uZonPreResReq) annotation (Line(points={{322,340}, + {326,340},{326,520.889},{336,520.889}}, color={255,127,0})); + connect(TZonSet[1].TZonHeaSet, conAHU.TZonHeaSet) annotation (Line(points={{82,310}, + {110,310},{110,636.444},{336,636.444}}, color={0,0,127})); + connect(TZonSet[1].TZonCooSet, conAHU.TZonCooSet) annotation (Line(points={{82,317}, + {120,317},{120,631.111},{336,631.111}}, color={0,0,127})); + connect(TOut.y, conAHU.TOut) annotation (Line(points={{-279,180},{-260, + 180},{-260,625.778},{336,625.778}}, + color={0,0,127})); + connect(dpDisSupFan.p_rel, conAHU.ducStaPre) annotation (Line(points={{311,0}, + {160,0},{160,620.444},{336,620.444}}, color={0,0,127})); + connect(TSup.T, conAHU.TSup) annotation (Line(points={{340,-29},{340,-20}, + {152,-20},{152,567.111},{336,567.111}}, + color={0,0,127})); + connect(TRet.T, conAHU.TOutCut) annotation (Line(points={{100,151},{100, + 561.778},{336,561.778}}, + color={0,0,127})); + connect(VOut1.V_flow, conAHU.VOut_flow) annotation (Line(points={{-61, + -20.9},{-61,545.778},{336,545.778}}, + color={0,0,127})); + connect(TMix.T, conAHU.TMix) annotation (Line(points={{40,-29},{40, + 538.667},{336,538.667}}, + color={0,0,127})); + connect(conAHU.yOutDamPos, eco.yOut) annotation (Line(points={{424, + 522.667},{448,522.667},{448,36},{-10,36},{-10,-34}}, + color={0,0,127})); + connect(conAHU.yRetDamPos, eco.yRet) annotation (Line(points={{424, + 533.333},{442,533.333},{442,40},{-16.8,40},{-16.8,-34}}, + color={0,0,127})); + connect(conAHU.yHea, swiFreSta.u3) annotation (Line(points={{424,554.667}, + {452,554.667},{452,32},{22,32},{22,-108},{10,-108},{10,-138},{18, + -138}}, color={0,0,127})); + connect(conAHU.ySupFanSpe, fanSup.y) annotation (Line(points={{424, + 618.667},{432,618.667},{432,-14},{310,-14},{310,-28}}, + color={0,0,127})); + connect(cor.y_actual,conVAVCor.yDam_actual) annotation (Line(points={{612,58}, + {620,58},{620,74},{518,74},{518,38},{528,38}}, color={0,0,127})); + connect(sou.y_actual,conVAVSou.yDam_actual) annotation (Line(points={{792,56}, + {800,56},{800,76},{684,76},{684,36},{698,36}}, color={0,0,127})); + connect(eas.y_actual,conVAVEas.yDam_actual) annotation (Line(points={{972,56}, + {980,56},{980,74},{864,74},{864,36},{878,36}}, color={0,0,127})); + connect(nor.y_actual,conVAVNor.yDam_actual) annotation (Line(points={{1132, + 56},{1140,56},{1140,74},{1024,74},{1024,36},{1038,36}}, color={0,0, + 127})); + connect(wes.y_actual,conVAVWes.yDam_actual) annotation (Line(points={{1332, + 56},{1340,56},{1340,74},{1224,74},{1224,34},{1238,34}}, color={0,0, + 127})); + connect(andFreSta.y, swiFreSta.u2) + annotation (Line(points={{1,-130},{18,-130}}, color={255,0,255})); + connect(freSta.y, andFreSta.u1) annotation (Line(points={{22,-92},{28,-92},{ + 28,-112},{-40,-112},{-40,-130},{-22,-130}}, + color={255,0,255})); + annotation ( + Diagram(coordinateSystem(preserveAspectRatio=false,extent={{-380,-320},{1400, + 680}})), + Documentation(info=" +

+This model consist of an HVAC system, a building envelope model and a model +for air flow through building leakage and through open doors. +

+

+The HVAC system is a variable air volume (VAV) flow system with economizer +and a heating and cooling coil in the air handler unit. There is also a +reheat coil and an air damper in each of the five zone inlet branches. +

+

+See the model + +Buildings.Examples.VAVReheat.BaseClasses.PartialOpenLoop +for a description of the HVAC system and the building envelope. +

+

+The control is based on ASHRAE Guideline 36, and implemented +using the sequences from the library + +Buildings.Controls.OBC.ASHRAE.G36_PR1 for +multi-zone VAV systems with economizer. The schematic diagram of the HVAC and control +sequence is shown in the figure below. +

+

+\"image\" +

+

+A similar model but with a different control sequence can be found in + +Buildings.Examples.VAVReheat.ASHRAE2006. +Note that this model, because of the frequent time sampling, +has longer computing time than + +Buildings.Examples.VAVReheat.ASHRAE2006. +The reason is that the time integrator cannot make large steps +because it needs to set a time step each time the control samples +its input. +

+", revisions=" + +"), + __Dymola_Commands(file= + "modelica://Buildings/Resources/Scripts/Dymola/Examples/VAVReheat/Guideline36.mos" + "Simulate and plot"), + experiment(StopTime=172800, Tolerance=1e-06), + Icon(coordinateSystem(extent={{-100,-100},{100,100}}))); + end PartialAirside; + + partial model EnergyMeter "System example for fault injection" + + Modelica.Blocks.Sources.RealExpression eleSupFan "Pow of fan" + annotation (Placement(transformation(extent={{1280,578},{1300,598}}))); + Modelica.Blocks.Sources.RealExpression eleChi + "Power of chiller" + annotation (Placement(transformation(extent={{1280,558},{1300,578}}))); + Modelica.Blocks.Sources.RealExpression eleCHWP + "Power of chilled water pump" + annotation (Placement(transformation(extent={{1280,538},{1300,558}}))); + Modelica.Blocks.Sources.RealExpression eleCWP "Power of CWP" + annotation (Placement(transformation(extent={{1280,518},{1300,538}}))); + Modelica.Blocks.Sources.RealExpression eleCT + "Power of cooling tower" + annotation (Placement(transformation(extent={{1280,498},{1300,518}}))); + Modelica.Blocks.Sources.RealExpression eleHWP + "Power of hot water pump" + annotation (Placement(transformation(extent={{1280,478},{1300,498}}))); + Modelica.Blocks.Sources.RealExpression eleCoiVAV + "Power of VAV terminal reheat coil" + annotation (Placement(transformation(extent={{1280,600},{1300,620}}))); + Modelica.Blocks.Sources.RealExpression gasBoi + "Gas consumption of gas boiler" + annotation (Placement(transformation(extent={{1280,450},{1300,470}}))); + Modelica.Blocks.Math.MultiSum eleTot(nu=7) "Electricity in total" + annotation (Placement(transformation(extent={{1344,604},{1356,616}}))); + + equation + connect(eleCoiVAV.y, eleTot.u[1]) annotation (Line(points={{1301,610},{1322, + 610},{1322,613.6},{1344,613.6}}, color={0,0,127})); + connect(eleSupFan.y, eleTot.u[2]) annotation (Line(points={{1301,588},{1322.5, + 588},{1322.5,612.4},{1344,612.4}}, color={0,0,127})); + connect(eleChi.y, eleTot.u[3]) annotation (Line(points={{1301,568},{1324,568}, + {1324,611.2},{1344,611.2}}, color={0,0,127})); + connect(eleCHWP.y, eleTot.u[4]) annotation (Line(points={{1301,548},{1326,548}, + {1326,610},{1344,610}}, color={0,0,127})); + connect(eleCWP.y, eleTot.u[5]) annotation (Line(points={{1301,528},{1328,528}, + {1328,608.8},{1344,608.8}}, color={0,0,127})); + connect(eleCT.y, eleTot.u[6]) annotation (Line(points={{1301,508},{1330,508}, + {1330,607.6},{1344,607.6}}, color={0,0,127})); + connect(eleHWP.y, eleTot.u[7]) annotation (Line(points={{1301,488},{1332,488}, + {1332,606.4},{1344,606.4}}, color={0,0,127})); + annotation (Diagram(coordinateSystem(extent={{-100,-100},{1580,700}})), Icon( + coordinateSystem(extent={{-100,-100},{1580,700}}))); + end EnergyMeter; + end BaseClasses; + + package Controls + extends Modelica.Icons.Package; + + model ChillerStage "Chiller staging control logic" + extends Modelica.Blocks.Icons.Block; + + parameter Modelica.SIunits.Time tWai "Waiting time"; + + Modelica.Blocks.Interfaces.IntegerInput cooMod + "Cooling mode signal, integer value of + Buildings.Applications.DataCenters.Types.CoolingMode" + annotation (Placement(transformation(extent={{-140,40},{-100,80}}))); + Modelica.Blocks.Interfaces.RealOutput y + "On/off signal for the chillers - 0: off; 1: on" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.StateGraph.Transition con1( + enableTimer=true, + waitTime=tWai, + condition=cooMod > Integer(FiveZone.Types.CoolingModes.FreeCooling) + and cooMod < Integer(FiveZone.Types.CoolingModes.Off)) + "Fire condition 1: free cooling to partially mechanical cooling" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-50,42}))); + Modelica.StateGraph.StepWithSignal oneOn(nIn=2, nOut=2) + "One chiller is commanded on" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-50,10}))); + Modelica.StateGraph.InitialStep off(nIn=1) "Free cooling mode" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-50,70}))); + Modelica.StateGraph.Transition con4( + enableTimer=true, + waitTime=tWai, + condition=cooMod == Integer(FiveZone.Types.CoolingModes.FreeCooling) + or cooMod == Integer(FiveZone.Types.CoolingModes.Off)) + "Fire condition 4: partially mechanical cooling to free cooling" + annotation (Placement(transformation( + extent={{10,-10},{-10,10}}, + rotation=-90, + origin={-20,52}))); + inner Modelica.StateGraph.StateGraphRoot stateGraphRoot + annotation (Placement(transformation(extent={{40,60},{60,80}}))); + + Buildings.Controls.OBC.CDL.Conversions.BooleanToReal booToRea + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + equation + connect(off.outPort[1], con1.inPort) + annotation (Line( + points={{-50,59.5},{-50,46}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con1.outPort, oneOn.inPort[1]) + annotation (Line( + points={{-50,40.5},{-50,26},{-50.5,26},{-50.5,21}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con4.outPort, off.inPort[1]) + annotation (Line( + points={{-20,53.5},{-20,90},{-50,90},{-50,81}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con4.inPort, oneOn.outPort[2]) + annotation (Line( + points={{-20,48},{-20,-10},{-49.75,-10},{-49.75,-0.5}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(oneOn.active, booToRea.u) annotation (Line(points={{-39,10},{-12,10},{ + -12,0},{18,0}}, color={255,0,255})); + connect(booToRea.y, y) + annotation (Line(points={{42,0},{70,0},{70,0},{110,0}}, color={0,0,127})); + annotation (Documentation(info=" +

+This is a chiller staging control that works as follows: +

+ +", revisions=" + +")); + end ChillerStage; + + model ChillerPlantEnableDisable + "Chilled water plant enable disable control sequence" + extends Modelica.Blocks.Icons.Block; + + parameter Integer numIgn=0 "Number of ignored plant requests"; + + parameter Real yFanSpeMin(min=0.1, max=1, unit="1") = 0.15 + "Lowest allowed fan speed if fan is on"; + + parameter Modelica.SIunits.Time shoCycTim=15*60 "Time duration to avoid short cycling of equipment"; + + parameter Modelica.SIunits.Time plaReqTim=3*60 "Time duration of plant requests"; + + parameter Modelica.SIunits.Time tWai=60 "Waiting time"; + + parameter Modelica.SIunits.Temperature TOutPla = 13+273.15 + "The outdoor air lockout temperature below/over which the chiller/boiler plant is prevented from operating. + It is typically 13°C for chiller plants serving systems with airside economizers. + For boiler plant, it is normally 18°C"; + + Modelica.StateGraph.Transition con1( + condition=yPlaReq > numIgn and TOut > TOutPla and ySupFan and offTim.y >= + shoCycTim, + enableTimer=true, + waitTime=tWai) + "Fire condition 1: plant off to on" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-50,32}))); + Modelica.StateGraph.StepWithSignal On(nIn=1, nOut=1) "Plant is commanded on" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-50,0}))); + Modelica.StateGraph.InitialStepWithSignal + off(nIn=1) "Plant is off" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-50,60}))); + Modelica.StateGraph.Transition con2( + condition=(lesEquReq.y >= plaReqTim and onTim.y >= shoCycTim and lesEquSpe.y + >= plaReqTim) or ((TOut < TOutPla - 1 or not ySupFan) and onTim.y >= + shoCycTim), + enableTimer=true, + waitTime=0) "Fire condition 2: plant on to off" annotation (Placement( + transformation( + extent={{10,-10},{-10,10}}, + rotation=-90, + origin={-18,34}))); + inner Modelica.StateGraph.StateGraphRoot stateGraphRoot + annotation (Placement(transformation(extent={{40,60},{60,80}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealInput TOut(final unit="K", final + quantity="ThermodynamicTemperature") "Outdoor air temperature" + annotation (Placement(transformation(extent={{-140,26},{-100,66}}), + iconTransformation(extent={{-140,26},{-100,66}}))); + Buildings.Controls.OBC.CDL.Interfaces.BooleanInput ySupFan + "Supply fan on status" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}), + iconTransformation(extent={{-140,-20},{-100,20}}))); + Buildings.Controls.OBC.CDL.Interfaces.IntegerInput yPlaReq "Plant request" + annotation (Placement(transformation(extent={{-140,50},{-100,90}}), + iconTransformation(extent={{-140,-60},{-100,-20}}))); + Modelica.Blocks.Logical.Timer offTim + "Timer for the state where equipment is off" + annotation (Placement(transformation(extent={{-8,50},{12,70}}))); + Modelica.Blocks.Logical.Timer onTim + "Timer for the state where equipment is on" + annotation (Placement(transformation(extent={{-10,-40},{10,-20}}))); + FiveZone.Controls.BaseClasses.TimeLessEqual lesEquReq(threshold=numIgn) + annotation (Placement(transformation(extent={{-90,60},{-70,80}}))); + + Modelica.Blocks.Interfaces.BooleanOutput yPla + "On/off signal for the plant - 0: off; 1: on" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + Modelica.Blocks.Interfaces.RealInput yFanSpe(unit="1") + "Constant normalized rotational speed" annotation (Placement(transformation( + extent={{-20,-20},{20,20}}, + rotation=0, + origin={-120,-40}), iconTransformation( + extent={{-10,-10},{10,10}}, + rotation=0, + origin={-110,-70}))); + BaseClasses.TimeLessEqualRea lesEquSpe(threshold=yFanSpeMin) + annotation (Placement(transformation(extent={{-90,-50},{-70,-30}}))); + equation + connect(off.outPort[1], con1.inPort) + annotation (Line( + points={{-50,49.5},{-50,36}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con1.outPort, On.inPort[1]) annotation (Line( + points={{-50,30.5},{-50,16},{-50,16},{-50,11}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con2.outPort, off.inPort[1]) + annotation (Line( + points={{-18,35.5},{-18,80},{-50,80},{-50,71}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(off.active, offTim.u) + annotation (Line(points={{-39,60},{-10,60}}, color={255,0,255})); + connect(On.active, onTim.u) annotation (Line(points={{-39,0},{-30,0},{-30,-30}, + {-12,-30}}, color={255,0,255})); + connect(yPlaReq, lesEquReq.u1) + annotation (Line(points={{-120,70},{-92,70}}, color={255,127,0})); + connect(On.active, yPla) annotation (Line(points={{-39,-1.9984e-15},{8, + -1.9984e-15},{8,0},{110,0}}, color={255,0,255})); + connect(On.outPort[1], con2.inPort) annotation (Line( + points={{-50,-10.5},{-50,-20},{-18,-20},{-18,30}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(yFanSpe, lesEquSpe.u1) + annotation (Line(points={{-120,-40},{-92,-40}}, color={0,0,127})); + annotation (Documentation(info=" +

This is a chilled plant enable disable control that works as follows:

+

Enable the plant in the lowest stage when the plant has been disabled for at least 15 minutes and:

+
    +
  1. Number of Chiller Plant Requests > I (I = Ignores shall default to 0, adjustable), and
  2. +
  3. OAT>CH-LOT, and
  4. +
  5. The chiller plant enable schedule is active.
  6. +
+

Disable the plant when it has been enabled for at least 15 minutes and:

+
    +
  1. Number of Chiller Plant Requests I for 3 minutes, or
  2. +
  3. OAT<CH-LOT-1°F, or
  4. +
  5. The chiller plant enable schedule is inactive.
  6. +
+", revisions=" + +")); + end ChillerPlantEnableDisable; + + model CoolingMode + "Mode controller for integrated waterside economizer and chiller" + extends Modelica.Blocks.Icons.Block; + + parameter Modelica.SIunits.Time tWai "Waiting time"; + parameter Modelica.SIunits.TemperatureDifference deaBan1 + "Dead band width 1 for switching chiller on "; + parameter Modelica.SIunits.TemperatureDifference deaBan2 + "Dead band width 2 for switching waterside economizer off"; + parameter Modelica.SIunits.TemperatureDifference deaBan3 + "Dead band width 3 for switching waterside economizer on "; + parameter Modelica.SIunits.TemperatureDifference deaBan4 + "Dead band width 4 for switching chiller off"; + + Modelica.Blocks.Interfaces.RealInput TCHWRetWSE( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") + "Temperature of entering chilled water that flows to waterside economizer " + annotation (Placement(transformation(extent={{-140,-100},{-100,-60}}))); + Modelica.Blocks.Interfaces.RealInput TCHWSupWSE( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") + "Temperature of leaving chilled water that flows out from waterside economizer" + annotation (Placement(transformation(extent={{-140,-70},{-100,-30}}))); + Modelica.Blocks.Interfaces.RealInput TCHWSupSet( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Supply chilled water temperature setpoint " + annotation (Placement(transformation(extent={{-140,22},{-100,62}}), + iconTransformation(extent={{-140,22},{-100,62}}))); + Modelica.Blocks.Interfaces.RealInput TApp( + final quantity="TemperatureDifference", + final unit="K", + displayUnit="degC") "Approach temperature in the cooling tower" + annotation (Placement(transformation(extent={{-140,-40},{-100,0}}))); + Modelica.Blocks.Interfaces.IntegerOutput y + "Cooling mode signal, integer value of Buildings.Applications.DataCenters.Types.CoolingMode" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.StateGraph.Transition con4( + enableTimer=true, + waitTime=tWai, + condition=TCHWSupWSE > TCHWSupSet + deaBan1 and yPla) + "Fire condition 4: free cooling to partially mechanical cooling" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-10,28}))); + Modelica.StateGraph.StepWithSignal parMecCoo(nIn=2, nOut=3) + "Partial mechanical cooling mode" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-10,-2}))); + Modelica.StateGraph.StepWithSignal freCoo(nIn=1, nOut=2) + "Free cooling mode" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-10,58}))); + Modelica.StateGraph.StepWithSignal fulMecCoo(nIn=2, + nOut=2) + "Fully mechanical cooling mode" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-10,-44}))); + Modelica.StateGraph.Transition con5( + enableTimer=true, + waitTime=tWai, + condition=TCHWRetWSE < TCHWSupWSE + deaBan2 and yPla) + "Fire condition 5: partially mechanical cooling to fully mechanical cooling" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-10,-24}))); + Modelica.StateGraph.Transition con2( + enableTimer=true, + waitTime=tWai, + condition=TCHWRetWSE > TWetBul + TApp + deaBan3) + "Fire condition 2: fully mechanical cooling to partially mechanical cooling" + annotation (Placement(transformation( + extent={{10,-10},{-10,10}}, + rotation=-90, + origin={30,-20}))); + Modelica.StateGraph.Transition con3( + enableTimer=true, + waitTime=tWai, + condition=TCHWSupWSE <= TCHWSupSet + deaBan4) + "Fire condition 3: partially mechanical cooling to free cooling" + annotation (Placement(transformation( + extent={{10,-10},{-10,10}}, + rotation=-90, + origin={20,34}))); + inner Modelica.StateGraph.StateGraphRoot stateGraphRoot + annotation (Placement(transformation(extent={{60,60},{80,80}}))); + Modelica.Blocks.Interfaces.RealInput TWetBul( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") + "Wet bulb temperature of outdoor air" + annotation (Placement(transformation(extent={{-140,-10},{-100,30}}))); + + Modelica.Blocks.MathInteger.MultiSwitch swi( + y_default=0, + expr={Integer(FiveZone.Types.CoolingModes.FreeCooling), + Integer(FiveZone.Types.CoolingModes.PartialMechanical), + Integer(FiveZone.Types.CoolingModes.FullMechanical), + Integer(FiveZone.Types.CoolingModes.Off)}, + nu=4) + "Switch boolean signals to real signal" + annotation (Placement(transformation(extent={{68,-6},{92,6}}))); + + Modelica.Blocks.Interfaces.BooleanInput yPla "Plant on/off signal" + annotation (Placement(transformation(extent={{-140,48},{-100,88}}), + iconTransformation(extent={{-140,48},{-100,88}}))); + Modelica.StateGraph.InitialStepWithSignal off(nIn=3) "Off" annotation ( + Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-10,-80}))); + Modelica.StateGraph.Transition con8( + enableTimer=true, + waitTime=0, + condition=not yPla) "Fire condition 8: fully mechanical cooling to off" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={80,-60}))); + Modelica.StateGraph.Transition con7( + enableTimer=true, + waitTime=0, + condition=not yPla) "Fire condition 7: partially mechanical cooling to off" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={70,-34}))); + Modelica.StateGraph.Transition con1( + enableTimer=true, + waitTime=0, + condition=yPla) "Fire condition 1: off to free cooling" + annotation (Placement(transformation( + extent={{10,-10},{-10,10}}, + rotation=-90, + origin={40,-80}))); + Modelica.StateGraph.Transition con6( + enableTimer=true, + waitTime=0, + condition=not yPla) "Fire condition 6: free cooling to off" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={60,20}))); + equation + connect(freCoo.outPort[1], con4.inPort) annotation (Line( + points={{-10.25,47.5},{-10.25,32},{-10,32}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con4.outPort, parMecCoo.inPort[1]) annotation (Line( + points={{-10,26.5},{-10,18},{-10.5,18},{-10.5,9}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con5.inPort, parMecCoo.outPort[1]) + annotation (Line( + points={{-10,-20},{-10.3333,-20},{-10.3333,-12.5}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con5.outPort, fulMecCoo.inPort[1]) + annotation (Line( + points={{-10,-25.5},{-10,-30},{-10,-33},{-10.5,-33}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(fulMecCoo.outPort[1],con2. inPort) + annotation (Line( + points={{-10.25,-54.5},{-10.25,-58},{30,-58},{30,-24}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con2.outPort, parMecCoo.inPort[2]) + annotation (Line( + points={{30,-18.5},{30,16},{-9.5,16},{-9.5,9}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con3.inPort, parMecCoo.outPort[2]) annotation (Line( + points={{20,30},{20,-16},{-10,-16},{-10,-12.5}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(swi.y, y) + annotation (Line(points={{92.6,0},{110,0}}, color={255,127,0})); + connect(parMecCoo.outPort[3],con7. inPort) annotation (Line( + points={{-9.66667,-12.5},{-9.66667,-14},{70,-14},{70,-30}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con7.outPort, off.inPort[2]) annotation (Line( + points={{70,-35.5},{70,-64},{-10,-64},{-10,-69}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con8.outPort, off.inPort[3]) annotation (Line( + points={{80,-61.5},{80,-66},{-10,-66},{-10,-69},{-9.33333,-69}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(freCoo.outPort[2], con6.inPort) annotation (Line( + points={{-9.75,47.5},{-9.75,42},{60,42},{60,24}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con6.outPort, off.inPort[1]) annotation (Line( + points={{60,18.5},{60,-62},{-10.6667,-62},{-10.6667,-69}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(fulMecCoo.outPort[2], con8.inPort) annotation (Line( + points={{-9.75,-54.5},{-9.75,-56},{80,-56}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(off.outPort[1], con1.inPort) annotation (Line( + points={{-10,-90.5},{-10,-96},{40,-96},{40,-84}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con1.outPort, fulMecCoo.inPort[2]) annotation (Line( + points={{40,-78.5},{40,-28},{-9.5,-28},{-9.5,-33}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(freCoo.active, swi.u[1]) annotation (Line(points={{1,58},{42,58},{42, + 1.35},{68,1.35}}, color={255,0,255})); + connect(parMecCoo.active, swi.u[2]) annotation (Line(points={{1,-2},{46,-2},{ + 46,0.45},{68,0.45}}, color={255,0,255})); + connect(fulMecCoo.active, swi.u[3]) annotation (Line(points={{1,-44},{48,-44}, + {48,-0.45},{68,-0.45}}, color={255,0,255})); + connect(off.active, swi.u[4]) annotation (Line(points={{1,-80},{20,-80},{20, + -46},{50,-46},{50,-1.2},{68,-1.2},{68,-1.35}}, color={255,0,255})); + connect(con3.outPort, freCoo.inPort[1]) annotation (Line( + points={{20,35.5},{20,76},{-10,76},{-10,69}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + annotation ( Documentation(info=" +

Controller that outputs if the chilled water system is in off mode, Free Cooling (FC) mode, Partially Mechanical Cooling (PMC) mode or Fully Mechanical Cooling (FMC) mode.

+

The waterside economizer is enabled when

+
    +
  1. The waterside economizer has been disabled for at least 20 minutes, and
  2. +
  3. TCHWR > TWetBul + TTowApp + deaBan1
  4. +
+

The waterside economizer is disabled when

+
    +
  1. The waterside economizer has been enabled for at least 20 minutes, and
  2. +
  3. TWSE_CHWST > TWSE_CHWRT - deaBan2
  4. +
+

The chiller is enabled when

+
    +
  1. The chiller has been disabled for at leat 20 minutes, and
  2. +
  3. TWSE_CHWST > TCHWSTSet + deaBan3
  4. +
+

The chiller is disabled when

+
    +
  1. The chiller has been enabled for at leat 20 minutes, and
  2. +
  3. TWSE_CHWST ≤ TCHWSTSet + deaBan4
  4. +
+

where TWSE_CHWST is the chilled water supply temperature for the WSE, TWetBul is the wet bulb temperature, TTowApp is the cooling tower approach, TWSE_CHWRT is the chilled water return temperature for the WSE, and TCHWSTSet is the chilled water supply temperature setpoint for the system. deaBan 1-4 are deadbands for each switching point.

+

References

+ +", revisions=" + +"), + Diagram(coordinateSystem(extent={{-100,-100},{100,80}})), + Icon(coordinateSystem(extent={{-100,-100},{100,80}}))); + end CoolingMode; + + model ConstantSpeedPumpStage "Staging control for constant speed pumps" + extends Modelica.Blocks.Icons.Block; + + parameter Modelica.SIunits.Time tWai "Waiting time"; + + Modelica.Blocks.Interfaces.IntegerInput cooMod + "Cooling mode - 0:off, 1: free cooling mode; 2: partially mechanical cooling; 3: fully mechanical cooling" + annotation (Placement(transformation(extent={{-140,30},{-100,70}}))); + Modelica.Blocks.Interfaces.IntegerInput numOnChi + "The number of running chillers" + annotation (Placement(transformation(extent={{-140,-70},{-100,-30}}))); + Modelica.Blocks.Interfaces.RealOutput y[2] "On/off signal - 0: off; 1: on" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.StateGraph.Transition con1( + enableTimer=true, + waitTime=tWai, + condition=cooMod == Integer(FiveZone.Types.CoolingModes.FreeCooling) + or cooMod == Integer(FiveZone.Types.CoolingModes.PartialMechanical) + or cooMod == Integer(FiveZone.Types.CoolingModes.FullMechanical)) + "Fire condition 1: free cooling to partially mechanical cooling" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-40,40}))); + Modelica.StateGraph.StepWithSignal oneOn(nIn=2, nOut=2) + "One chiller is commanded on" annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-40,10}))); + Modelica.StateGraph.InitialStep off(nIn=1) "Free cooling mode" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-40,70}))); + Modelica.StateGraph.StepWithSignal twoOn "Two chillers are commanded on" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-40,-80}))); + Modelica.StateGraph.Transition con2( + enableTimer=true, + waitTime=tWai, + condition=cooMod == Integer(FiveZone.Types.CoolingModes.FreeCooling) + or cooMod == Integer(FiveZone.Types.CoolingModes.PartialMechanical) + or (cooMod == Integer(FiveZone.Types.CoolingModes.FullMechanical) + and numOnChi > 1)) + "Fire condition 2: partially mechanical cooling to fully mechanical cooling" + annotation (Placement(transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-40,-40}))); + Modelica.StateGraph.Transition con3( + enableTimer=true, + waitTime=tWai, + condition=cooMod == Integer(FiveZone.Types.CoolingModes.FullMechanical) + and numOnChi < 2) + "Fire condition 3: fully mechanical cooling to partially mechanical cooling" + annotation (Placement(transformation( + extent={{10,-10},{-10,10}}, + rotation=-90, + origin={-10,-40}))); + Modelica.StateGraph.Transition con4( + enableTimer=true, + waitTime=tWai, + condition=cooMod == Integer(FiveZone.Types.CoolingModes.Off)) + "Fire condition 4: partially mechanical cooling to free cooling" + annotation (Placement(transformation( + extent={{10,-10},{-10,10}}, + rotation=-90, + origin={-8,70}))); + inner Modelica.StateGraph.StateGraphRoot stateGraphRoot + annotation (Placement(transformation(extent={{60,60},{80,80}}))); + Modelica.Blocks.Tables.CombiTable1Ds combiTable1Ds(table=[0,0,0; 1,1,0; 2,1,1]) + annotation (Placement(transformation(extent={{70,-10},{90,10}}))); + + Buildings.Controls.OBC.CDL.Conversions.BooleanToInteger booToInt( + final integerTrue=1, + final integerFalse=0) + annotation (Placement(transformation(extent={{20,-50},{40,-30}}))); + Buildings.Controls.OBC.CDL.Conversions.BooleanToInteger booToInt1( + final integerFalse=0, final integerTrue=2) + annotation (Placement(transformation(extent={{20,-90},{40,-70}}))); + Buildings.Controls.OBC.CDL.Integers.Add addInt + annotation (Placement(transformation(extent={{60,-70},{80,-50}}))); + Buildings.Controls.OBC.CDL.Conversions.IntegerToReal intToRea + annotation (Placement(transformation(extent={{40,-10},{60,10}}))); + + equation + connect(off.outPort[1], con1.inPort) + annotation (Line( + points={{-40,59.5},{-40,44}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con1.outPort, oneOn.inPort[1]) + annotation (Line( + points={{-40,38.5},{-40,26},{-40.5,26},{-40.5,21}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con2.inPort, oneOn.outPort[1]) + annotation (Line( + points={{-40,-36},{-40,-10},{-40.25,-10},{-40.25,-0.5}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con2.outPort, twoOn.inPort[1]) + annotation (Line( + points={{-40,-41.5},{-40,-69}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(twoOn.outPort[1], con3.inPort) + annotation (Line( + points={{-40,-90.5},{-40,-98},{-10,-98},{-10,-44}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con4.outPort, off.inPort[1]) + annotation (Line( + points={{-8,71.5},{-8,94},{-40,94},{-40,81}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con3.outPort, oneOn.inPort[2]) + annotation (Line( + points={{-10,-38.5},{-10,26},{-39.5,26},{-39.5,21}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(con4.inPort, oneOn.outPort[2]) + annotation (Line( + points={{-8,66},{-8,-10},{-39.75,-10},{-39.75,-0.5}}, + color={0,0,0}, + pattern=LinePattern.Dash)); + connect(combiTable1Ds.y, y) + annotation (Line(points={{91,0},{91,0},{110,0}}, + color={0,0,127})); + connect(oneOn.active, booToInt.u) annotation (Line(points={{-29,10},{12,10},{ + 12,-40},{18,-40}}, color={255,0,255})); + connect(twoOn.active, booToInt1.u) + annotation (Line(points={{-29,-80},{18,-80}}, color={255,0,255})); + connect(booToInt.y, addInt.u1) annotation (Line(points={{42,-40},{48,-40},{48, + -54},{58,-54}}, color={255,127,0})); + connect(booToInt1.y, addInt.u2) annotation (Line(points={{42,-80},{48,-80},{ + 48,-66},{58,-66}}, color={255,127,0})); + connect(intToRea.y, combiTable1Ds.u) + annotation (Line(points={{62,0},{68,0}}, color={0,0,127})); + connect(addInt.y, intToRea.u) annotation (Line(points={{82,-60},{88,-60},{88, + -20},{30,-20},{30,0},{38,0}}, color={255,127,0})); + annotation ( Documentation(info=" +

+This model describes a simple staging control for two constant-speed pumps in +a chilled water plant with two chillers and a waterside economizer (WSE). The staging sequence +is shown as below. +

+ +", revisions=" + +")); + end ConstantSpeedPumpStage; + + model CoolingTowerSpeed "Controller for the fan speed in cooling towers" + extends Modelica.Blocks.Icons.Block; + + parameter Modelica.Blocks.Types.SimpleController controllerType= + Modelica.Blocks.Types.SimpleController.PID + "Type of controller" + annotation(Dialog(tab="Controller")); + parameter Real k(min=0, unit="1") = 1 + "Gain of controller" + annotation(Dialog(tab="Controller")); + parameter Modelica.SIunits.Time Ti(min=Modelica.Constants.small)=0.5 + "Time constant of integrator block" + annotation (Dialog(enable= + (controllerType == Modelica.Blocks.Types.SimpleController.PI or + controllerType == Modelica.Blocks.Types.SimpleController.PID),tab="Controller")); + parameter Modelica.SIunits.Time Td(min=0)=0.1 + "Time constant of derivative block" + annotation (Dialog(enable= + (controllerType == Modelica.Blocks.Types.SimpleController.PD or + controllerType == Modelica.Blocks.Types.SimpleController.PID),tab="Controller")); + parameter Real yMax(start=1)=1 + "Upper limit of output" + annotation(Dialog(tab="Controller")); + parameter Real yMin=0 + "Lower limit of output" + annotation(Dialog(tab="Controller")); + parameter Boolean reverseAction = true + "Set to true for throttling the water flow rate through a cooling coil controller" + annotation(Dialog(tab="Controller")); + Modelica.Blocks.Interfaces.RealInput TCHWSupSet( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Chilled water supply temperature setpoint" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealInput TCWSupSet( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Condenser water supply temperature setpoint" + annotation (Placement(transformation(extent={{-140,60},{-100,100}}))); + Modelica.Blocks.Interfaces.RealInput TCHWSup( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Chilled water supply temperature " annotation ( + Placement(transformation( + extent={{-20,-20},{20,20}}, + origin={-120,-74}), iconTransformation(extent={{-140,-100},{-100,-60}}))); + Modelica.Blocks.Interfaces.RealInput TCWSup( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Condenser water supply temperature " annotation ( + Placement(transformation( + extent={{20,20},{-20,-20}}, + rotation=180, + origin={-120,-40}))); + Modelica.Blocks.Interfaces.RealOutput y + "Speed signal for cooling tower fans" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Sources.Constant uni(k=1) "Unit" + annotation (Placement(transformation(extent={{-10,70},{10,90}}))); + Modelica.Blocks.Sources.BooleanExpression pmcMod( + y= cooMod == Integer(FiveZone.Types.CoolingModes.PartialMechanical)) + "Partially mechanical cooling mode" + annotation (Placement(transformation(extent={{-8,-10},{12,10}}))); + + Modelica.Blocks.Interfaces.IntegerInput cooMod + "Cooling mode signal, integer value of + Buildings.Applications.DataCenters.Types.CoolingMode" + annotation (Placement(transformation(extent={{-140,20},{-100,60}}))); + Buildings.Controls.Continuous.LimPID conPID( + controllerType=controllerType, + k=k, + Ti=Ti, + Td=Td, + yMax=yMax, + yMin=yMin, + reverseAction=reverseAction, + reset=Buildings.Types.Reset.Parameter, + y_reset=0) + "PID controller" + annotation (Placement(transformation(extent={{-10,-50},{10,-30}}))); + Modelica.Blocks.Math.IntegerToBoolean fmcMod(threshold=Integer(FiveZone.Types.CoolingModes.FullMechanical)) + "Fully mechanical cooling mode" + annotation (Placement(transformation(extent={{-90,30},{-70,50}}))); + + Modelica.Blocks.Sources.BooleanExpression offMod(y=cooMod == Integer( + FiveZone.Types.CoolingModes.Off)) + "off mode" annotation (Placement(transformation(extent={{30,22},{50,42}}))); + Modelica.Blocks.Sources.Constant off(k=0) "zero" + annotation (Placement(transformation(extent={{30,54},{50,74}}))); + Buildings.Controls.OBC.CDL.Integers.LessThreshold notOff(threshold=Integer( + FiveZone.Types.CoolingModes.Off)) + annotation (Placement(transformation(extent={{-88,-100},{-68,-80}}))); + protected + Modelica.Blocks.Logical.Switch swi1 + "Switch 1" + annotation (Placement(transformation(extent={{-46,30},{-26,50}}))); + Modelica.Blocks.Logical.Switch swi2 + "Switch 2" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}, + origin={-34,-60}))); + Modelica.Blocks.Logical.Switch swi3 + "Switch 3" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}, + origin={42,0}))); + + Modelica.Blocks.Logical.Switch swi4 + "Switch 3" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}, + origin={80,32}))); + equation + connect(TCWSupSet, swi1.u1) + annotation (Line(points={{-120,80},{-58,80},{-58,48},{-48,48}}, + color={0,0,127})); + connect(TCHWSupSet, swi1.u3) + annotation (Line(points={{-120,0},{-58,0},{-58,32},{-48,32}}, + color={0,0,127})); + connect(swi1.y, conPID.u_s) + annotation (Line(points={{-25,40},{-20,40},{-20,-40},{-12,-40}}, + color={0,0,127})); + connect(fmcMod.y, swi2.u2) + annotation (Line(points={{-69,40},{-64,40},{-64,-60},{-46,-60}}, + color={255,0,255})); + connect(TCWSup, swi2.u1) + annotation (Line(points={{-120,-40},{-60,-40},{-60,-52},{-46,-52}}, + color={0,0,127})); + connect(swi2.y, conPID.u_m) + annotation (Line(points={{-23,-60},{0,-60},{0,-52}}, color={0,0,127})); + connect(pmcMod.y, swi3.u2) + annotation (Line(points={{13,0},{30,0}}, color={255,0,255})); + connect(uni.y, swi3.u1) + annotation (Line(points={{11,80},{20,80},{20,8},{30,8}}, color={0,0,127})); + connect(fmcMod.y, swi1.u2) + annotation (Line(points={{-69,40},{-48,40}}, + color={255,0,255})); + connect(cooMod, fmcMod.u) + annotation (Line(points={{-120,40},{-92,40}}, + color={255,127,0})); + connect(conPID.y, swi3.u3) annotation (Line(points={{11,-40},{20,-40},{20,-8}, + {30,-8}}, color={0,0,127})); + connect(offMod.y, swi4.u2) + annotation (Line(points={{51,32},{68,32}}, color={255,0,255})); + connect(off.y, swi4.u1) annotation (Line(points={{51,64},{60,64},{60,40},{68, + 40}}, color={0,0,127})); + connect(swi3.y, swi4.u3) + annotation (Line(points={{53,0},{60,0},{60,24},{68,24}}, color={0,0,127})); + connect(swi4.y, y) annotation (Line(points={{91,32},{96,32},{96,0},{110,0}}, + color={0,0,127})); + connect(cooMod, notOff.u) annotation (Line(points={{-120,40},{-96,40},{-96, + -90},{-90,-90}}, color={255,127,0})); + connect(TCHWSup, swi2.u3) annotation (Line(points={{-120,-74},{-60,-74},{-60, + -68},{-46,-68}}, color={0,0,127})); + connect(notOff.y, conPID.trigger) + annotation (Line(points={{-66,-90},{-8,-90},{-8,-52}}, color={255,0,255})); + annotation (Icon(coordinateSystem(preserveAspectRatio=false, extent={{-100, + -100},{100,80}})), Documentation(info=" +

This model describes a simple cooling tower speed controller for +a chilled water system with integrated waterside economizers. +

+

The control logics are described in the following:

+ +", revisions=" + +")); + end CoolingTowerSpeed; + + model TemperatureDifferentialPressureReset + "CHWST and CHW DP reset control for chillers" + extends Modelica.Blocks.Icons.Block; + parameter Modelica.SIunits.Time samplePeriod=120 "Sample period of component"; + parameter Real uTri=0 "Value to triggering the request for actuator"; + parameter Real yEqu0=0 "y setpoint when equipment starts"; + parameter Real yDec=-0.03 "y decrement (must be negative)"; + parameter Real yInc=0.03 "y increment (must be positive)"; + parameter Real x1=0.5 "First interval [x0, x1] and second interval (x1, x2]" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Pressure dpMin = 100 "dpmin" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Pressure dpMax = 300 "dpmax" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.ThermodynamicTemperature TMin=273.15+5.56 "Tchi,min" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.ThermodynamicTemperature TMax = 273.15+22 "Tchi,max" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Time startTime=0 "First sample time instant"; + + Modelica.Blocks.Interfaces.RealInput u + "Input signall, such as dT, or valve position" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + FiveZone.PrimarySideControl.BaseClasses.LinearPiecewiseTwo linPieTwo( + x0=0, + x1=x1, + x2=1, + y10=dpMin, + y11=dpMax, + y20=TMax, + y21=TMin) "Calculation of two piecewise linear functions" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + Modelica.Blocks.Interfaces.RealOutput dpSet( + final quantity="Pressure", + final unit = "Pa") "DP setpoint" + annotation (Placement(transformation(extent={{100,40},{120,60}}), + iconTransformation(extent={{100,40},{120,60}}))); + Modelica.Blocks.Interfaces.RealOutput TSet( + final quantity="ThermodynamicTemperature", + final unit="K") + "CHWST" + annotation (Placement(transformation(extent={{100,-60},{120,-40}}), + iconTransformation(extent={{100,-60},{120,-40}}))); + FiveZone.PrimarySideControl.BaseClasses.TrimAndRespond triAndRes( + samplePeriod=samplePeriod, + startTime=startTime, + uTri=uTri, + yEqu0=yEqu0, + yDec=yDec, + yInc=yInc) + annotation (Placement(transformation(extent={{-40,-10},{-20,10}}))); + + Modelica.Blocks.Logical.Switch swi1 "Switch" + annotation (Placement(transformation(extent={{60,70},{80,90}}))); + Modelica.Blocks.Sources.RealExpression dpSetIni(y=dpMin) + "Initial dp setpoint" + annotation (Placement(transformation(extent={{-20,80},{0,100}}))); + Modelica.Blocks.Sources.RealExpression TSetIni(y=TMin) + "Initial temperature setpoint" + annotation (Placement(transformation(extent={{-20,-88},{0,-68}}))); + Modelica.Blocks.Logical.Switch swi2 "Switch" + annotation (Placement(transformation(extent={{60,-80},{80,-60}}))); + Modelica.Blocks.Interfaces.IntegerInput uOpeMod + "Cooling mode in WSEControls.Type.OperationaModes" annotation (Placement( + transformation(extent={{-140,40},{-100,80}}), iconTransformation( + extent={{-140,40},{-100,80}}))); + Buildings.Controls.OBC.CDL.Integers.GreaterThreshold intGreThr(threshold= + Integer(FiveZone.Types.CoolingModes.FreeCooling)) + annotation (Placement(transformation(extent={{-60,50},{-40,70}}))); + Buildings.Controls.OBC.CDL.Logical.And and2 + annotation (Placement(transformation(extent={{-10,50},{10,70}}))); + Buildings.Controls.OBC.CDL.Integers.LessThreshold intLesThr(threshold=Integer( + FiveZone.Types.CoolingModes.Off)) + annotation (Placement(transformation(extent={{-60,18},{-40,38}}))); + equation + + connect(triAndRes.y, linPieTwo.u) + annotation (Line(points={{-19,0},{18,0}}, color={0,0,127})); + connect(uOpeMod, intGreThr.u) + annotation (Line(points={{-120,60},{-62,60}}, color={255,127,0})); + connect(linPieTwo.y[1], swi1.u1) annotation (Line(points={{41,-0.5},{48,-0.5}, + {48,88},{58,88}}, color={0,0,127})); + connect(dpSetIni.y, swi1.u3) annotation (Line(points={{1,90},{46,90},{46,72}, + {58,72}}, color={0,0,127})); + connect(linPieTwo.y[2], swi2.u1) annotation (Line(points={{41,0.5},{52,0.5},{ + 52,-62},{58,-62}}, color={0,0,127})); + connect(TSetIni.y, swi2.u3) + annotation (Line(points={{1,-78},{58,-78}}, color={0,0,127})); + connect(swi1.y, dpSet) annotation (Line(points={{81,80},{90,80},{90,50},{110, + 50}}, color={0,0,127})); + connect(swi2.y, TSet) annotation (Line(points={{81,-70},{90,-70},{90,-50},{ + 110,-50}}, color={0,0,127})); + connect(u, triAndRes.u) + annotation (Line(points={{-120,0},{-42,0}}, color={0,0,127})); + connect(uOpeMod, intLesThr.u) annotation (Line(points={{-120,60},{-80,60},{ + -80,28},{-62,28}}, color={255,127,0})); + connect(intGreThr.y, and2.u1) + annotation (Line(points={{-38,60},{-12,60}}, color={255,0,255})); + connect(intLesThr.y, and2.u2) annotation (Line(points={{-38,28},{-28,28},{-28, + 52},{-12,52}}, color={255,0,255})); + connect(and2.y, swi1.u2) annotation (Line(points={{12,60},{34,60},{34,80},{58, + 80}}, color={255,0,255})); + connect(and2.y, swi2.u2) annotation (Line(points={{12,60},{46,60},{46,-70},{ + 58,-70}}, color={255,0,255})); + annotation (defaultComponentName="temDifPreRes", + Documentation(info=" +

This model describes a chilled water supply temperature setpoint and differential pressure setpoint reset control. In this logic, it is to first increase the different pressure, Δp, of the chilled water loop to increase the mass flow rate. If Δp reaches the maximum value and further cooling is still needed, the chiller remperature setpoint, Tchi,set, is reduced. If there is too much cooling, the Tchi,set and Δp will be changed in the reverse direction.

+

The model implements a discrete time trim and respond logic as follows:

+ +

The control signal u is converted to setpoints for Δp and Tchi,set as follows:

+ +

where Δpmin and Δpmax are minimum and maximum values for Δp, and Tmin and Tmax are the minimum and maximum values for Tchi,set.

+

Note that we deactivate the trim and response when the chillers are off.

+ +

Reference

+

Stein, J. (2009). Waterside Economizing in Data Centers: Design and Control Considerations. ASHRAE Transactions, 115(2), 192-200.

+

Taylor, S.T. (2007). Increasing Efficiency with VAV System Static Pressure Setpoint Reset. ASHRAE Journal, June, 24-32.

+", revisions=" + +")); + end TemperatureDifferentialPressureReset; + + model PlantRequest "Plant request control" + extends Modelica.Blocks.Icons.Block; + + Buildings.Controls.OBC.CDL.Interfaces.IntegerOutput yPlaReq + "Plant request" annotation (Placement(transformation(extent={{100,-10},{120, + 10}}), iconTransformation(extent={{100,-10},{120,10}}))); + Buildings.Controls.OBC.CDL.Interfaces.RealInput uPlaVal( + min=0, + max=1, + final unit="1") "Cooling or Heating valve position" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Buildings.Controls.OBC.CDL.Continuous.Hysteresis hys(final uHigh=uHigh, + final uLow=uLow) + "Check if valve position is greater than 0.95" + annotation (Placement(transformation(extent={{-70,-10},{-50,10}}))); + parameter Real uLow=0.1 "if y=true and uuHigh, switch to y=true"; + protected + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant onePlaReq(final k=1) + "Constant 1" + annotation (Placement(transformation(extent={{-10,20},{10,40}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant zerPlaReq(final k=0) "Constant 0" + annotation (Placement(transformation(extent={{-10,-40},{10,-20}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi "Output 0 or 1 request " + annotation (Placement(transformation(extent={{30,-10},{50,10}}))); + Buildings.Controls.OBC.CDL.Conversions.RealToInteger reaToInt "Convert real to integer value" + annotation (Placement(transformation(extent={{70,-10},{90,10}}))); + equation + connect(reaToInt.y, yPlaReq) annotation (Line(points={{92,0},{96,0},{96,0},{ + 110,0}}, + color={255,127,0})); + connect(swi.y, reaToInt.u) + annotation (Line(points={{52,0},{68,0}}, color={0,0,127})); + connect(onePlaReq.y, swi.u1) + annotation (Line(points={{12,30},{20,30},{20,8},{28,8}}, color={0,0,127})); + connect(zerPlaReq.y, swi.u3) annotation (Line(points={{12,-30},{20,-30},{20, + -8},{28,-8}}, + color={0,0,127})); + connect(hys.y, swi.u2) + annotation (Line(points={{-48,0},{28,0}}, color={255,0,255})); + connect(uPlaVal, hys.u) + annotation (Line(points={{-120,0},{-72,0}}, color={0,0,127})); + annotation (Documentation(info=" +

This module calculates the plant request number based on the valve position:

+


Chiller Plant Requests. Send the chiller plant that serves the system a Chiller Plant Request as follows:

+
    +
  1. If the CHW valve position is greater than 95%, send 1 Request until the CHW valve position is less than 10%
  2. +
  3. Else if the CHW valve position is less than 95%, send 0 Requests.
  4. +
+

Hot Water Plant Requests: Send the heating hot water plant that serves the AHU a Hot Water Plant Request as follows:

+
    +
  1. If the HW valve position is greater than 95%, send 1 Request until the HW valve position is less than 10%
  2. +
  3. Else if the HW valve position is less than 95%, send 0 Requests.
  4. +
+", revisions=" +
    +
  • Sep 1, 2020, by Xing Lu:
    First implementation.
  • +
+")); + end PlantRequest; + + model BoilerPlantEnableDisable + extends ChillerPlantEnableDisable(con1(condition=yPlaReq > numIgn and TOut < + TOutPla and ySupFan and offTim.y >= shoCycTim), con2(condition=( + lesEquReq.y >= plaReqTim and onTim.y >= shoCycTim and lesEquSpe.y >= + plaReqTim) or ((TOut > TOutPla - 1 or not ySupFan) and onTim.y >= + shoCycTim), waitTime=0)); + annotation (Documentation(info=" +

This is a boiler plant enable disable control that works as follows:

+

Enable the plant in the lowest stage when the plant has been disabled for at least 15 minutes and:

+
    +
  1. Number of Hot Water Plant Requests > I (I = Ignores shall default to 0, adjustable), and
  2. +
  3. OAT<H-LOT, and
  4. +
  5. The boiler plant enable schedule is active.
  6. +
+

Disable the plant when it has been enabled for at least 15 minutes and:

+
    +
  1. Number of Hot Water Plant Requests ≤ I for 3 minutes, or
  2. +
  3. OAT>H-LOT-1°F, or
  4. +
  5. The boiler plant enable schedule is inactive.
  6. +
+

In the above logic, OAT is the outdoor air temperature, CH-LOT is the chiller plant lockout air temperature, H-LOT is the heating plant lockout air temperature.

+")); + end BoilerPlantEnableDisable; + + model MinimumFlowBypassValve "Minimum flow bypass valve control" + extends Modelica.Blocks.Icons.Block; + + Buildings.Controls.OBC.CDL.Interfaces.RealInput m_flow(final quantity= + "MassFlowRate", final unit="kg/s") "Water mass flow rate measurement" + annotation (Placement(transformation(extent={{-140,10},{-100,50}}), + iconTransformation(extent={{-20,-20},{20,20}}, origin={-120,30}))); + Modelica.Blocks.Sources.RealExpression m_flow_min(y=m_flow_minimum) + "Design minimum water flow rate" + annotation (Placement(transformation(extent={{-80,48},{-60,68}}))); + Buildings.Controls.OBC.CDL.Continuous.LimPID conPID( + controllerType=controllerType, + k=k, + Ti=Ti, + Td=Td, + reset=Buildings.Types.Reset.Parameter, + y_reset=0) annotation (Placement(transformation(extent={{-10,60},{10,80}}))); + Modelica.Blocks.Interfaces.RealOutput y + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + parameter Modelica.SIunits.MassFlowRate m_flow_minimum=0.1 "Design minimum water mass flow rate"; + // Controller + parameter Modelica.Blocks.Types.SimpleController controllerType= + Modelica.Blocks.Types.SimpleController.PI + "Type of controller"; + parameter Real k(min=0, unit="1") = 0.1 + "Gain of controller"; + parameter Modelica.SIunits.Time Ti(min=Modelica.Constants.small)=60 + "Time constant of integrator block" + annotation (Dialog(enable= + (controllerType == Modelica.Blocks.Types.SimpleController.PI or + controllerType == Modelica.Blocks.Types.SimpleController.PID))); + parameter Modelica.SIunits.Time Td(min=0)=0.1 + "Time constant of derivative block" + annotation (Dialog(enable= + (controllerType == Modelica.Blocks.Types.SimpleController.PD or + controllerType == Modelica.Blocks.Types.SimpleController.PID))); + + Buildings.Controls.OBC.CDL.Interfaces.BooleanInput yPla "Plant on/off" + annotation (Placement(transformation(extent={{-140,-70},{-100,-30}}), + iconTransformation(extent={{-140,-50},{-100,-10}}))); + Modelica.Blocks.Sources.RealExpression dm(y=m_flow - m_flow_minimum) + "Delta mass flowrate" + annotation (Placement(transformation(extent={{-92,-20},{-72,0}}))); + Buildings.Controls.OBC.CDL.Continuous.Hysteresis hys(uLow=0, uHigh=0.1, + y(start=false)) + annotation (Placement(transformation(extent={{-60,-20},{-40,0}}))); + Modelica.Blocks.Logical.And and1 + annotation (Placement(transformation(extent={{0,-40},{20,-20}}))); + protected + Buildings.Controls.OBC.CDL.Logical.Switch swi "Output 0 or 1 request " + annotation (Placement(transformation(extent={{54,-10},{74,10}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant zer(final k=0) + "Constant 0" + annotation (Placement(transformation(extent={{20,30},{40,50}}))); + equation + connect(m_flow_min.y, conPID.u_s) + annotation (Line(points={{-59,58},{-36,58},{-36,70},{-12,70}}, + color={0,0,127})); + connect(conPID.u_m, m_flow) + annotation (Line(points={{0,58},{0,30},{-120,30}}, color={0,0,127})); + connect(swi.y, y) annotation (Line(points={{76,0},{110,0}}, color={0,0,127})); + connect(dm.y, hys.u) + annotation (Line(points={{-71,-10},{-62,-10}}, color={0,0,127})); + connect(conPID.y, swi.u3) annotation (Line(points={{12,70},{16,70},{16,-8},{52, + -8}}, color={0,0,127})); + connect(zer.y, swi.u1) + annotation (Line(points={{42,40},{44,40},{44,8},{52,8}}, color={0,0,127})); + connect(yPla, and1.u2) annotation (Line(points={{-120,-50},{-20,-50},{-20,-38}, + {-2,-38}}, color={255,0,255})); + connect(hys.y, and1.u1) annotation (Line(points={{-38,-10},{-20,-10},{-20, + -30},{-2,-30}}, + color={255,0,255})); + connect(and1.y, swi.u2) annotation (Line(points={{21,-30},{40,-30},{40,0},{52, + 0}}, color={255,0,255})); + connect(hys.y, conPID.trigger) + annotation (Line(points={{-38,-10},{-6,-10},{-6,58}}, color={255,0,255})); + annotation (Documentation(info=" +

The bypass valve PID loop is enabled when the plant is on. When enabled, the bypass valve loop starts with the valve 0% open. It is closed when the plant is off.

+", revisions=" +
    +
  • Sep 1, 2020, by Xing Lu:
    First implementation.
  • +
+")); + end MinimumFlowBypassValve; + + model HotWaterTemperatureReset "Hot Water Temperature Reset Control" + + parameter Real uHigh=0.95 "if y=false and u>uHigh, switch to y=true"; + parameter Real uLow=0.85 "if y=true and u +

Variable

+

Value

+

Definition

+ + +

Device

+

HW Loop

+

Associated device

+ + +

SP0

+

iniSet

+

Initial setpoint

+ + +

SPmin

+

minSet

+

Minimum setpoint

+ + +

SPmax

+

maxSet

+

Maximum setpoint

+ + +

Td

+

delTim

+

Delay timer

+ + +

T

+

samplePeriod

+

Time step

+ + +

I

+

numIgnReq

+

Number of ignored requests

+ + +

R

+

uZonPreResReq

+

Number of requests

+ + +

SPtrim

+

triAmo

+

Trim amount

+ + +

SPres

+

resAmo

+

Respond amount

+ + +

SPres_max

+

maxRes

+

Maximum response per time interval

+ + +")); + end HotWaterTemperatureReset; + + model TrimResponse "Trim and respond" + extends Modelica.Blocks.Icons.Block; + parameter Modelica.SIunits.Time samplePeriod=120 "Sample period of component"; + parameter Real uTri=0 "Value to triggering the request for actuator"; + parameter Real yEqu0=0 "y setpoint when equipment starts"; + parameter Real yDec=-0.03 "y decrement (must be negative)"; + parameter Real yInc=0.03 "y increment (must be positive)"; + parameter Real x1=0.5 "First interval [x0, x1] and second interval (x1, x2]" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Pressure dpMin = 100 "dpmin" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Pressure dpMax = 300 "dpmax" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.ThermodynamicTemperature TMin=273.15+32 "Tchi,min" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.ThermodynamicTemperature TMax = 273.15+45 "Tchi,max" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Time startTime=0 "First sample time instant"; + + Modelica.Blocks.Interfaces.RealInput u + "Input signall, such as dT, or valve position" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + FiveZone.PrimarySideControl.BaseClasses.LinearPiecewiseTwo linPieTwo( + x0=0, + x1=x1, + x2=1, + y10=dpMin, + y11=dpMax, + y20=TMin, + y21=TMax) "Calculation of two piecewise linear functions" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + Modelica.Blocks.Interfaces.RealOutput dpSet( + final quantity="Pressure", + final unit = "Pa") "DP setpoint" + annotation (Placement(transformation(extent={{100,40},{120,60}}), + iconTransformation(extent={{100,40},{120,60}}))); + Modelica.Blocks.Interfaces.RealOutput TSet( + final quantity="ThermodynamicTemperature", + final unit="K") + "CHWST" + annotation (Placement(transformation(extent={{100,-60},{120,-40}}), + iconTransformation(extent={{100,-60},{120,-40}}))); + FiveZone.PrimarySideControl.BaseClasses.TrimAndRespond triAndRes( + samplePeriod=samplePeriod, + startTime=startTime, + uTri=uTri, + yEqu0=yEqu0, + yDec=yDec, + yInc=yInc) + annotation (Placement(transformation(extent={{-40,-10},{-20,10}}))); + + Buildings.Controls.OBC.CDL.Interfaces.BooleanInput uDevSta + "On/Off status of the associated device" + annotation (Placement(transformation(extent={{-140,50},{-100,90}}), + iconTransformation(extent={{-180,10},{-100,90}}))); + Modelica.Blocks.Sources.RealExpression dpSetIni(y=dpMin) + "Initial dp setpoint" + annotation (Placement(transformation(extent={{-20,80},{0,100}}))); + Modelica.Blocks.Sources.RealExpression TSetIni(y=TMin) + "Initial temperature setpoint" + annotation (Placement(transformation(extent={{-20,-88},{0,-68}}))); + Modelica.Blocks.Logical.Switch swi2 "Switch" + annotation (Placement(transformation(extent={{60,-80},{80,-60}}))); + Modelica.Blocks.Logical.Switch swi1 "Switch" + annotation (Placement(transformation(extent={{60,70},{80,90}}))); + equation + + connect(triAndRes.y, linPieTwo.u) + annotation (Line(points={{-19,0},{18,0}}, color={0,0,127})); + connect(u, triAndRes.u) + annotation (Line(points={{-120,0},{-42,0}}, color={0,0,127})); + connect(uDevSta, swi1.u2) annotation (Line(points={{-120,70},{0,70},{0,80},{ + 58,80}}, color={255,0,255})); + connect(swi1.y, dpSet) annotation (Line(points={{81,80},{92,80},{92,50},{110, + 50}}, color={0,0,127})); + connect(linPieTwo.y[1], swi1.u1) annotation (Line(points={{41,-0.5},{48,-0.5}, + {48,88},{58,88}}, color={0,0,127})); + connect(dpSetIni.y, swi1.u3) annotation (Line(points={{1,90},{46,90},{46,72}, + {58,72}}, color={0,0,127})); + connect(uDevSta, swi2.u2) annotation (Line(points={{-120,70},{0,70},{0,-70},{ + 58,-70}}, color={255,0,255})); + connect(TSetIni.y, swi2.u3) + annotation (Line(points={{1,-78},{58,-78}}, color={0,0,127})); + connect(linPieTwo.y[2], swi2.u1) annotation (Line(points={{41,0.5},{48,0.5},{ + 48,-62},{58,-62}}, color={0,0,127})); + connect(swi2.y, TSet) annotation (Line(points={{81,-70},{88,-70},{88,-50},{ + 110,-50}}, color={0,0,127})); + annotation (defaultComponentName="triRes", + Documentation(info=" +

This model describes a chilled water supply temperature setpoint and differential pressure setpoint reset control. In this logic, it is to first increase the different pressure, Δp, of the chilled water loop to increase the mass flow rate. If Δp reaches the maximum value and further cooling is still needed, the chiller remperature setpoint, Tchi,set, is reduced. If there is too much cooling, the Tchi,set and Δp will be changed in the reverse direction.

+

The model implements a discrete time trim and respond logic as follows:

+
    +
  • A cooling request is triggered if the input signal, y, is larger than 0. y is the difference between the actual and set temperature of the suppuly air to the data center room.
  • +
  • The request is sampled every 2 minutes. If there is a cooling request, the control signal u is increased by 0.03, where 0 ≤ u ≤ 1. If there is no cooling request, u is decreased by 0.03.
  • +
+

The control signal u is converted to setpoints for Δp and Tchi,set as follows:

+
    +
  • If u ∈ [0, x] then Δp = Δpmin + u  (Δpmax-Δpmin)/x and T = Tmax
  • +
  • If u ∈ (x, 1] then Δp = Δpmax and T = Tmax - (u-x) (Tmax-Tmin)/(1-x)
  • +
+

where Δpmin and Δpmax are minimum and maximum values for Δp, and Tmin and Tmax are the minimum and maximum values for Tchi,set.

+

Note that we deactivate the trim and response when the chillers are off.

+ +

Reference

+

Stein, J. (2009). Waterside Economizing in Data Centers: Design and Control Considerations. ASHRAE Transactions, 115(2), 192-200.

+

Taylor, S.T. (2007). Increasing Efficiency with VAV System Static Pressure Setpoint Reset. ASHRAE Journal, June, 24-32.

+", revisions=" +
    +
  • December 19, 2018 by Yangyang Fu:
    + Deactivate reset when chillers are off. +
  • +
  • June 23, 2018 by Xing Lu:
    + First implementation. +
  • +
+")); + end TrimResponse; + + package Validation + + model ChillerPlantEnableDisable + extends Modelica.Icons.Example; + FiveZone.Controls.ChillerPlantEnableDisable plaEnaDis + annotation (Placement(transformation(extent={{-10,-10},{10,10}}))); + Modelica.Blocks.Sources.BooleanPulse ySupFan( + width=60, + period(displayUnit="h") = 10800, + startTime(displayUnit="min") = 300) + annotation (Placement(transformation(extent={{-80,-20},{-60,0}}))); + Modelica.Blocks.Sources.Sine TOut( + amplitude=10, + freqHz=1/10800, + offset=16 + 273.15, + startTime(displayUnit="min") = 1200) + annotation (Placement(transformation(extent={{-80,30},{-60,50}}))); + Modelica.Blocks.Sources.IntegerTable yPlaReq(table=[0,0; 800,1; 2500,0; 3000, + 1; 3800,0; 4500,1; 10800,0; 15000,1; 18000,0]) "Plant Request Numbers" + annotation (Placement(transformation(extent={{-80,-60},{-60,-40}}))); + Modelica.Blocks.Sources.Sine yFanSep( + amplitude=0.5, + freqHz=1/10800, + offset=0.5, + startTime(displayUnit="min")) + annotation (Placement(transformation(extent={{-80,-90},{-60,-70}}))); + equation + connect(ySupFan.y, plaEnaDis.ySupFan) annotation (Line(points={{-59,-10},{-36, + -10},{-36,0},{-12,0}}, color={255,0,255})); + connect(TOut.y, plaEnaDis.TOut) annotation (Line(points={{-59,40},{-36,40},{ + -36,4.6},{-12,4.6}}, + color={0,0,127})); + connect(yPlaReq.y, plaEnaDis.yPlaReq) annotation (Line(points={{-59,-50},{-34, + -50},{-34,-4},{-12,-4}}, color={255,127,0})); + connect(yFanSep.y, plaEnaDis.yFanSpe) annotation (Line(points={{-59,-80},{-32, + -80},{-32,-7},{-11,-7}}, color={0,0,127})); + annotation (Icon(coordinateSystem(preserveAspectRatio=false)), Diagram( + coordinateSystem(preserveAspectRatio=false)), + experiment(StopTime=21600, __Dymola_Algorithm="Cvode")); + end ChillerPlantEnableDisable; + + model PlantRequest + extends Modelica.Icons.Example; + Modelica.Blocks.Sources.Sine uPlaReq( + amplitude=0.5, + freqHz=1/2000, + offset=0.5, + startTime(displayUnit="min") = 300) + annotation (Placement(transformation(extent={{-60,-10},{-40,10}}))); + FiveZone.Controls.PlantRequest plaReq + annotation (Placement(transformation(extent={{-8,-10},{12,10}}))); + equation + connect(uPlaReq.y, plaReq.uPlaVal) + annotation (Line(points={{-39,0},{-9,0}}, color={0,0,127})); + annotation (Icon(coordinateSystem(preserveAspectRatio=false)), Diagram( + coordinateSystem(preserveAspectRatio=false)), + experiment(StopTime=21600, __Dymola_Algorithm="Cvode")); + end PlantRequest; + + model CoolingMode + "Test the model ChillerWSE.Examples.BaseClasses.CoolingModeController" + extends Modelica.Icons.Example; + + FiveZone.Controls.CoolingMode cooModCon( + deaBan1=1, + deaBan2=1, + tWai=30, + deaBan3=1, + deaBan4=1) + "Cooling mode controller used in integrared waterside economizer chilled water system" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}))); + Modelica.Blocks.Sources.Pulse TCHWLeaWSE( + period=300, + amplitude=15, + offset=273.15 + 5) "WSE chilled water supply temperature" + annotation (Placement(transformation(extent={{-60,-50},{-40,-30}}))); + Modelica.Blocks.Sources.Constant TWetBub(k=273.15 + 5) "Wet bulb temperature" + annotation (Placement(transformation(extent={{-60,10},{-40,30}}))); + Modelica.Blocks.Sources.Constant TAppTow(k=5) "Cooling tower approach" + annotation (Placement(transformation(extent={{-60,-20},{-40,0}}))); + Modelica.Blocks.Sources.Constant TCHWEntWSE(k=273.15 + 12) + "Chilled water return temperature in waterside economizer" + annotation (Placement(transformation(extent={{-60,-90},{-40,-70}}))); + Modelica.Blocks.Sources.Constant TCHWLeaSet(k=273.15 + 10) + "Chilled water supply temperature setpoint" + annotation (Placement(transformation(extent={{-60,40},{-40,60}}))); + Modelica.Blocks.Sources.BooleanPulse yPla( + width=80, + period(displayUnit="min") = 300, + startTime(displayUnit="min") = 60) + annotation (Placement(transformation(extent={{-60,70},{-40,90}}))); + equation + connect(TCHWLeaSet.y, cooModCon.TCHWSupSet) annotation (Line(points={{-39,50}, + {-24,50},{-24,5.77778},{-12,5.77778}}, + color={0,0,127})); + connect(TWetBub.y, cooModCon.TWetBul) + annotation (Line(points={{-39,20},{-26,20},{-26,2.22222},{-12,2.22222}}, + color={0,0,127})); + connect(TAppTow.y, cooModCon.TApp) annotation (Line(points={{-39,-10},{-28, + -10},{-28,-1.11111},{-12,-1.11111}}, + color={0,0,127})); + connect(TCHWLeaWSE.y, cooModCon.TCHWSupWSE) annotation (Line(points={{-39,-40}, + {-28,-40},{-28,-4.44444},{-12,-4.44444}}, + color={0,0,127})); + connect(TCHWEntWSE.y, cooModCon.TCHWRetWSE) annotation (Line(points={{-39,-80}, + {-26,-80},{-26,-7.77778},{-12,-7.77778}}, + color={0,0,127})); + connect(yPla.y, cooModCon.yPla) annotation (Line(points={{-39,80},{-22,80},{ + -22,8.66667},{-12,8.66667}}, color={255,0,255})); + annotation ( + Documentation(info=" +

+This model tests the cooling mode controller implemented in + +FaultInjection.Experimental.SystemLevelFaults.Controls.CoolingMode. +

+", revisions=" +
    +
  • +August 25, 2017, by Yangyang Fu:
    +First implementation. +
  • +
+"), + experiment( + StartTime=0, + StopTime=600, + Tolerance=1e-06), + __Dymola_Commands(file= + "Resources/Scripts/dymola/FaultInjection/Experimental/SystemLevelFaults/Controls/Validation/CoolingMode.mos" + "Simulate and Plot")); + end CoolingMode; + + model ConstantSpeedPumpStage + "Test the model ChillerWSE.Examples.BaseClasses.ConstatnSpeedPumpStageControl" + extends Modelica.Icons.Example; + + FiveZone.Controls.ConstantSpeedPumpStage conSpePumSta(tWai=30) + "Staging controller for constant speed pumps" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}))); + Modelica.Blocks.Sources.IntegerTable cooMod(table=[360,1; 720,2; 1080,3; 1440, + 4]) + "Cooling mode" + annotation (Placement(transformation(extent={{-60,40},{-40,60}}))); + Modelica.Blocks.Sources.IntegerTable chiNumOn( + table=[0,0; 360,1; 540,2; 720,1; + 900,2; 1080,1; 1260,2; 1440,1]) + "The number of running chillers" + annotation (Placement(transformation(extent={{-60,-40},{-40,-20}}))); + equation + connect(cooMod.y, conSpePumSta.cooMod) + annotation (Line(points={{-39,50},{-20,50},{-20,5},{-12,5}}, + color={255,127,0})); + connect(chiNumOn.y,conSpePumSta.numOnChi) + annotation (Line(points={{-39,-30},{-20,-30},{-20,-5},{-12,-5}}, + color={255,127,0})); + annotation ( __Dymola_Commands(file= + "modelica://Buildings/Resources/Scripts/Dymola/Applications/DataCenters/ChillerCooled/Controls/Validation/ConstantSpeedPumpStage.mos" + "Simulate and plot"), + Documentation(info=" +

+This example test how the number of required constant-speed pumps varies +based on cooling mode signals and the number of running chillers. Detailed +control logic can be found in + +Buildings.Applications.DataCenters.ChillerCooled.Controls.ConstantSpeedPumpStage. +

+", revisions=" +
    +
  • +August 25, 2017, by Yangyang Fu:
    +First implementation. +
  • +
+"), + experiment( + StartTime=0, + StopTime=1440, + Tolerance=1e-06)); + end ConstantSpeedPumpStage; + + model CoolingTowerSpeed + "Test the model ChillerWSE.Examples.BaseClasses.CoolingTowerSpeedControl" + extends Modelica.Icons.Example; + + parameter Modelica.Blocks.Types.SimpleController controllerType= + Modelica.Blocks.Types.SimpleController.PID + "Type of controller" + annotation(Dialog(tab="Controller")); + parameter Real k(min=0, unit="1") = 1 + "Gain of controller" + annotation(Dialog(tab="Controller")); + parameter Modelica.SIunits.Time Ti(min=Modelica.Constants.small)=0.5 + "Time constant of integrator block" + annotation (Dialog(enable= + (controllerType == Modelica.Blocks.Types.SimpleController.PI or + controllerType == Modelica.Blocks.Types.SimpleController.PID),tab="Controller")); + parameter Modelica.SIunits.Time Td(min=0)=0.1 + "Time constant of derivative block" + annotation (Dialog(enable= + (controllerType == Modelica.Blocks.Types.SimpleController.PD or + controllerType == Modelica.Blocks.Types.SimpleController.PID),tab="Controller")); + parameter Real yMax(start=1)=1 + "Upper limit of output" + annotation(Dialog(tab="Controller")); + parameter Real yMin=0 + "Lower limit of output" + annotation(Dialog(tab="Controller")); + + FiveZone.Controls.CoolingTowerSpeed cooTowSpeCon(controllerType= + Modelica.Blocks.Types.SimpleController.PI) + "Cooling tower speed controller" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}))); + Modelica.Blocks.Sources.Sine CHWST( + amplitude=2, + freqHz=1/360, + offset=273.15 + 5) + "Chilled water supply temperature" + annotation (Placement(transformation(extent={{-60,-80},{-40,-60}}))); + Modelica.Blocks.Sources.Constant CWSTSet(k=273.15 + 20) + "Condenser water supply temperature setpoint" + annotation (Placement(transformation(extent={{-60,70},{-40,90}}))); + Modelica.Blocks.Sources.Sine CWST( + amplitude=5, + freqHz=1/360, + offset=273.15 + 20) + "Condenser water supply temperature" + annotation (Placement(transformation(extent={{-60,-40},{-40,-20}}))); + Modelica.Blocks.Sources.Constant CHWSTSet(k=273.15 + 6) + "Chilled water supply temperature setpoint" + annotation (Placement(transformation(extent={{-60,0},{-40,20}}))); + Modelica.Blocks.Sources.IntegerTable cooMod(table=[360,1; 720,2; 1080,3; 1440, + 4]) + "Cooling mode" + annotation (Placement(transformation(extent={{-60,40},{-40,60}}))); + equation + connect(CWSTSet.y, cooTowSpeCon.TCWSupSet) + annotation (Line(points={{-39,80},{-20,80},{-20,80},{-20,22},{-20,10},{-12, + 10}}, color={0,0,127})); + connect(CHWSTSet.y, cooTowSpeCon.TCHWSupSet) + annotation (Line(points={{-39,10}, + {-32,10},{-32,1.11111},{-12,1.11111}}, color={0,0,127})); + connect(CWST.y, cooTowSpeCon.TCWSup) + annotation (Line(points={{-39,-30},{-32,-30}, + {-32,-3.33333},{-12,-3.33333}}, color={0,0,127})); + connect(CHWST.y, cooTowSpeCon.TCHWSup) + annotation (Line(points={{-39,-70},{-32, + -70},{-24,-70},{-24,-7.77778},{-12,-7.77778}}, color={0,0,127})); + connect(cooMod.y, cooTowSpeCon.cooMod) + annotation (Line(points={{-39,50},{-26,50},{-26,5.55556},{-12,5.55556}}, + color={255,127,0})); + annotation ( __Dymola_Commands(file= + "modelica://Buildings/Resources/Scripts/Dymola/Applications/DataCenters/ChillerCooled/Controls/Validation/CoolingTowerSpeed.mos" + "Simulate and plot"), + Documentation(info=" +

+This example tests the controller for the cooling tower fan speed. Detailed control logic can be found in + +Buildings.Applications.DataCenters.ChillerCooled.Controls.CoolingTowerSpeed. +

+", revisions=" +
    +
  • +August 25, 2017, by Yangyang Fu:
    +First implementation. +
  • +
+"), + experiment( + StopTime=2000, + Tolerance=1e-06, + __Dymola_Algorithm="Dassl")); + end CoolingTowerSpeed; + + model MinimumFlowBypassValve + extends Modelica.Icons.Example; + Modelica.Blocks.Sources.Sine m_flow( + amplitude=0.05, + freqHz=1/10000, + offset=0.1, + startTime(displayUnit="min") = 60) + annotation (Placement(transformation(extent={{-60,10},{-40,30}}))); + FiveZone.Controls.MinimumFlowBypassValve minFloBypVal(m_flow_minimum= + 0.13, controllerType=Modelica.Blocks.Types.SimpleController.PI) + annotation (Placement(transformation(extent={{-12,-10},{8,10}}))); + Modelica.Blocks.Sources.BooleanConstant boo + annotation (Placement(transformation(extent={{-60,-40},{-40,-20}}))); + equation + connect(m_flow.y, minFloBypVal.m_flow) annotation (Line(points={{-39,20},{-25.5, + 20},{-25.5,3},{-14,3}}, color={0,0,127})); + connect(boo.y, minFloBypVal.yPla) annotation (Line(points={{-39,-30},{-26,-30}, + {-26,-3},{-14,-3}}, color={255,0,255})); + annotation (Icon(coordinateSystem(preserveAspectRatio=false)), Diagram( + coordinateSystem(preserveAspectRatio=false)), + experiment(StopTime=21600, __Dymola_Algorithm="Cvode")); + end MinimumFlowBypassValve; + + model HotWaterTemperatureReset + extends Modelica.Icons.Example; + Modelica.Blocks.Sources.Sine yVal( + amplitude=0.3, + freqHz=1/8000, + offset=0.7, + startTime(displayUnit="min") = 0) + annotation (Placement(transformation(extent={{-60,-30},{-40,-10}}))); + FiveZone.Controls.HotWaterTemperatureReset hotWatTemRes(resAmo=2) + annotation (Placement(transformation(extent={{-10,-8},{10,12}}))); + Modelica.Blocks.Sources.BooleanPulse yPla( + width=80, + period(displayUnit="min") = 12000, + startTime(displayUnit="min") = 600) + annotation (Placement(transformation(extent={{-60,20},{-40,40}}))); + equation + connect(yPla.y, hotWatTemRes.uDevSta) annotation (Line(points={{-39,30},{-26, + 30},{-26,9.4},{-12,9.4}}, color={255,0,255})); + connect(yVal.y, hotWatTemRes.uPlaHeaVal) annotation (Line(points={{-39,-20},{ + -26,-20},{-26,2},{-12,2}}, color={0,0,127})); + annotation (Icon(coordinateSystem(preserveAspectRatio=false)), Diagram( + coordinateSystem(preserveAspectRatio=false)), + experiment(StopTime=21600, __Dymola_Algorithm="Cvode"), + __Dymola_Commands(file="\"\"" "Simulate and Plot")); + end HotWaterTemperatureReset; + annotation (Icon(graphics={ + Rectangle( + lineColor={200,200,200}, + fillColor={248,248,248}, + fillPattern=FillPattern.HorizontalCylinder, + extent={{-100,-100},{100,100}}, + radius=25.0), + Polygon( + origin={8,14}, + lineColor={78,138,73}, + fillColor={78,138,73}, + pattern=LinePattern.None, + fillPattern=FillPattern.Solid, + points={{-58.0,46.0},{42.0,-14.0},{-58.0,-74.0},{-58.0,46.0}}), + Rectangle( + lineColor={128,128,128}, + extent={{-100,-100},{100,100}}, + radius=25.0)})); + end Validation; + + package BaseClasses + + model TimeLessEqual + "Timer calculating the time when A is less than or equal than B" + + parameter Real threshold=0 "Comparison with respect to threshold"; + + Modelica.Blocks.Interfaces.RealOutput y( + final quantity="Time", + final unit="s") + "Connector of Real output signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Logical.LessEqualThreshold lesEqu( + threshold = threshold) + annotation (Placement(transformation(extent={{-30,-10},{-10,10}}))); + + Modelica.Blocks.Logical.Timer tim "Timer" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + Modelica.Blocks.Interfaces.IntegerInput u1 + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Math.IntegerToReal intToRea + annotation (Placement(transformation(extent={{-80,-10},{-60,10}}))); + equation + connect(lesEqu.y, tim.u) + annotation (Line(points={{-9,0},{18,0}}, color={255,0,255})); + connect(tim.y,y) annotation (Line(points={{41,0},{110,0}}, color={0,0,127})); + connect(intToRea.y, lesEqu.u) + annotation (Line(points={{-59,0},{-32,0}}, color={0,0,127})); + connect(u1, intToRea.u) + annotation (Line(points={{-120,0},{-82,0}}, color={255,127,0})); + annotation (defaultComponentName="lesEqu", + Icon(coordinateSystem(preserveAspectRatio=false), graphics={ + Rectangle( + extent={{-100,100},{100,-100}}, + lineColor={0,0,0}, + lineThickness=5.0, + fillColor={210,210,210}, + fillPattern=FillPattern.Solid, + borderPattern=BorderPattern.Raised), + Text( + extent={{-90,-40},{60,40}}, + lineColor={0,0,0}, + textString="<="), + Ellipse( + extent={{71,7},{85,-7}}, + lineColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillPattern=FillPattern.Solid), + Text( + extent={{-150,150},{150,110}}, + textString="%name", + lineColor={0,0,255})}), Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

This model represents a timer that starts to calculate the time when the input is less than or equal to a certain threshold. It will return to zero when the condition does not satisfy.

+")); + end TimeLessEqual; + + model TimeLessEqualRea + "Timer calculating the time when A is less than or equal than B" + + parameter Real threshold=0 "Comparison with respect to threshold"; + + Modelica.Blocks.Interfaces.RealOutput y( + final quantity="Time", + final unit="s") + "Connector of Real output signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Logical.LessEqualThreshold lesEqu( + threshold = threshold) + annotation (Placement(transformation(extent={{-30,-10},{-10,10}}))); + + Modelica.Blocks.Logical.Timer tim "Timer" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + Modelica.Blocks.Interfaces.RealInput u1 + "Connector of Real input signal" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + equation + connect(lesEqu.y, tim.u) + annotation (Line(points={{-9,0},{18,0}}, color={255,0,255})); + connect(tim.y,y) annotation (Line(points={{41,0},{110,0}}, color={0,0,127})); + connect(lesEqu.u, u1) + annotation (Line(points={{-32,0},{-120,0}}, color={0,0,127})); + annotation (defaultComponentName="lesEqu", + Icon(coordinateSystem(preserveAspectRatio=false), graphics={ + Rectangle( + extent={{-100,100},{100,-100}}, + lineColor={0,0,0}, + lineThickness=5.0, + fillColor={210,210,210}, + fillPattern=FillPattern.Solid, + borderPattern=BorderPattern.Raised), + Text( + extent={{-90,-40},{60,40}}, + lineColor={0,0,0}, + textString="<="), + Ellipse( + extent={{71,7},{85,-7}}, + lineColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillPattern=FillPattern.Solid), + Text( + extent={{-150,150},{150,110}}, + textString="%name", + lineColor={0,0,255})}), Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

This model represents a timer that starts to calculate the time when the input is less than or equal to a certain threshold. It will return to zero when the condition does not satisfy.

+")); + end TimeLessEqualRea; + end BaseClasses; + annotation (Documentation(info=" +

Collection of models for the control of airside and waterside systems.

+"), Icon(graphics={ + Rectangle( + origin={10,45.1488}, + fillColor={255,255,255}, + extent={{-30.0,-20.1488},{30.0,20.1488}}), + Polygon( + origin={-30,45}, + pattern=LinePattern.None, + fillPattern=FillPattern.Solid, + points={{10.0,0.0},{-5.0,5.0},{-5.0,-5.0}}), + Line( + origin={-41.25,10}, + points={{21.25,-35.0},{-13.75,-35.0},{-13.75,35.0},{6.25,35.0}}), + Rectangle( + origin={10,-24.8512}, + fillColor={255,255,255}, + extent={{-30.0,-20.1488},{30.0,20.1488}}), + Line( + origin={61.25,10}, + points={{-21.25,35.0},{13.75,35.0},{13.75,-35.0},{-6.25,-35.0}})})); + end Controls; + + package PrimarySideControl "Package with primary chilled water loop control" + extends Modelica.Icons.Package; + + package CHWLoopEquipment "Collection of local controls in the chilled water loop" + extends Modelica.Icons.Package; + + model StageLoadBasedChiller + "Chiller staging control based on cooling load" + extends Modelica.Blocks.Icons.Block; + parameter Modelica.SIunits.Power QEva_nominal + "Nominal cooling capaciaty(Negative means cooling)"; + parameter Integer numChi=2 "Design number of chillers"; + parameter Real staUpThr=0.8 "Staging up threshold"; + parameter Real staDowThr=0.25 "Staging down threshold"; + parameter Modelica.SIunits.Time waiTimStaUp=300 + "Time duration of for staging up"; + parameter Modelica.SIunits.Time waiTimStaDow=300 + "Time duration of for staging down"; + parameter Modelica.SIunits.Time shoCycTim=1200 + "Time duration to avoid short cycling of equipment"; + inner Modelica.StateGraph.StateGraphRoot stateGraphRoot + annotation (Placement(transformation(extent={{-100,80},{-80,100}}))); + + Modelica.Blocks.Interfaces.RealInput QTot(unit="W") + "Total cooling load in the chillers, negative" + annotation (Placement(transformation(extent={{-140,-60},{-100,-20}}), + iconTransformation(extent={{-140,-60},{-100,-20}}))); + + Modelica.Blocks.Sources.BooleanExpression unOccFre(y=uOpeMod == Integer( + FiveZone.Types.CoolingModes.Off) + or uOpeMod == Integer(FiveZone.Types.CoolingModes.FreeCooling)) + "Unoccupied or FreeCooling mode" + annotation (Placement(transformation(extent={{-92,10},{-72,30}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi1 + annotation (Placement(transformation(extent={{-20,10},{0,30}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant zer(k=0) "Zero" + annotation (Placement(transformation(extent={{-62,40},{-42,60}}))); + Buildings.Controls.OBC.CDL.Conversions.RealToInteger reaToInt + annotation (Placement(transformation(extent={{10,10},{30,30}}))); + BaseClasses.SequenceSignal seqSig(n=numChi) + "Simple model that is used to determine the on and off sequence of equipment" + annotation (Placement(transformation(extent={{50,10},{70,30}}))); + BaseClasses.Stage sta( + shoCycTim=shoCycTim, + waiTimStaUp=waiTimStaUp, + waiTimStaDow=waiTimStaDow, + staUpThr=staUpThr*(-QEva_nominal), + staDowThr=staDowThr*(-QEva_nominal)) + annotation (Placement(transformation(extent={{-20,-54},{0,-34}}))); + Buildings.Controls.OBC.CDL.Conversions.IntegerToReal intToRea1 + annotation (Placement(transformation(extent={{12,-54},{32,-34}}))); + Modelica.Blocks.Interfaces.RealOutput y[numChi] + "On and off signal of chiller" + annotation (Placement(transformation(extent={{100,-50},{120,-30}}))); + Buildings.Controls.OBC.CDL.Interfaces.IntegerOutput yChi + "Number of active chillers" + annotation (Placement(transformation(extent={{100,30},{120,50}}), + iconTransformation(extent={{100,30},{120,50}}))); + Modelica.Blocks.Interfaces.IntegerInput uOpeMod + "Cooling mode in WSEControls.Type.OperationaModes" annotation (Placement( + transformation(extent={{-140,20},{-100,60}}), iconTransformation( + extent={{-140,20},{-100,60}}))); + + Modelica.Blocks.Math.Gain gain(k=-1) + annotation (Placement(transformation(extent={{-80,-50},{-60,-30}}))); + Buildings.Controls.OBC.CDL.Logical.Not not2 + annotation (Placement(transformation(extent={{-60,-20},{-40,0}}))); + equation + connect(zer.y,swi1. u1) annotation (Line(points={{-40,50},{-30,50},{-30,28},{-22, + 28}}, color={0,0,127})); + connect(unOccFre.y, swi1.u2) + annotation (Line(points={{-71,20},{-22,20}}, color={255,0,255})); + connect(swi1.y,reaToInt. u) + annotation (Line(points={{2,20},{8,20}}, color={0,0,127})); + connect(reaToInt.y,seqSig. u) + annotation (Line(points={{32,20},{48,20}}, color={255,127,0})); + connect(reaToInt.y,yChi) annotation (Line(points={{32,20},{40,20},{40,40},{110, + 40}}, color={255,127,0})); + connect(seqSig.y,y) annotation (Line(points={{71,20},{80,20},{80,-40},{110,-40}}, + color={0,0,127})); + connect(sta.ySta,intToRea1. u) + annotation (Line(points={{1,-44},{10,-44}}, color={255,127,0})); + connect(gain.y, sta.u) annotation (Line(points={{-59,-40},{-22,-40}}, + color={0,0,127})); + connect(QTot, gain.u) annotation (Line(points={{-120,-40},{-82,-40}}, + color={0,0,127})); + connect(unOccFre.y, not2.u) annotation (Line(points={{-71,20},{-66,20},{-66, + -10},{-62,-10}}, color={255,0,255})); + connect(not2.y, sta.on) annotation (Line(points={{-38,-10},{-32,-10},{-32,-48}, + {-22,-48}}, color={255,0,255})); + connect(intToRea1.y, swi1.u3) annotation (Line(points={{34,-44},{40,-44},{40,0}, + {-30,0},{-30,12},{-22,12}}, color={0,0,127})); + annotation ( + defaultComponentName="staLoaChi", + Documentation(info=" + +

This model describes a chiller staging control based on the part load ratio (PLR) or cooling load Q.

+
    +
  • +In unoccupied and free cooling mode, the chillers are off. +
  • + +
  • +In pre-partial, partial and full mechanical cooling mode, the chillers are staged based on part load ratio or cooling load in chillers. At the beginning, the number of chillers stay unchanged +from previous operating mode. +
  • + +
+ +

PLR or Q-based Stage Control

+ +

Chillers are staged up when

+
    +
  1. Current stage has been activated for at least 30 minutes (â–³tstage,on > 30 min) and
  2. +
  3. PLR for any active chiller is greater than 80% for 10 minutes (PLRchiller > 80% for 10 min).
  4. +
+

Chillers are staged down when

+
    +
  1. Current stage has been activated for at least 30 minutes (â–³tstage,on > 30 min) and
  2. +
  3. PLR for any active chiller is less than 25% for 15 minutes (PLRchiller < 25% for 15 min).
  4. +
+

It is noted that the time duration and the percentage can be adjusted according to different projects.

+

This control logic is provided by Jeff Stein via email communication.

+", revisions=" +
    +
  • August 16, 2018, by Yangyang Fu:
    +Improve documentation. +
  • +
  • June 12, 2018, by Xing Lu:
    +First implementation. +
  • +
+"),Diagram(coordinateSystem(extent={{-100,-100},{100,100}})), + Icon(coordinateSystem(extent={{-100,-100},{100,100}})), + __Dymola_Commands); + end StageLoadBasedChiller; + + model StagePump "Staging control for CHW pumps" + extends Modelica.Blocks.Icons.Block; + parameter Modelica.SIunits.MassFlowRate m_flow_nominal + "Nominal mass flow rate of the CHW pump"; + parameter Integer numPum=2 "Design number of pumps"; + parameter Real staUpThr = 0.85 "Staging up threshold"; + parameter Real staDowThr = 0.45 "Staging down threshold"; + parameter Modelica.SIunits.Time waiTimStaUp=300 + "Time duration of for staging up"; + parameter Modelica.SIunits.Time waiTimStaDow=300 + "Time duration of for staging down"; + parameter Modelica.SIunits.Time shoCycTim=1200 + "Time duration to avoid short cycling of equipment"; + Modelica.Blocks.Interfaces.RealInput masFloPum + "Average mass flowrate of the active CHW pump" + annotation (Placement(transformation(extent={{-140, + -60},{-100,-20}}), + iconTransformation(extent={{-140,-60},{-100, + -20}}))); + + inner Modelica.StateGraph.StateGraphRoot stateGraphRoot + annotation (Placement(transformation(extent={{-100,80},{-80,100}}))); + + Modelica.Blocks.Sources.BooleanExpression unOcc(y=uOpeMod + == Integer(FiveZone.Types.CoolingModes.Off)) + "Unoccupied or FreeCooling mode" + annotation (Placement(transformation(extent={{-90,10},{-70,30}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi1 + annotation (Placement(transformation(extent={{-20,10},{0,30}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant zer(k=0) "Zero" + annotation (Placement(transformation(extent={{-60,40},{-40,60}}))); + Buildings.Controls.OBC.CDL.Conversions.RealToInteger reaToInt + annotation (Placement(transformation(extent={{10,10},{30,30}}))); + BaseClasses.SequenceSignal seqSig(n=numPum) + "Simple model that is used to determine the on and off sequence of equipment" + annotation (Placement(transformation(extent={{50,10},{70,30}}))); + BaseClasses.Stage sta( + shoCycTim=shoCycTim, + waiTimStaUp=waiTimStaUp, + waiTimStaDow=waiTimStaDow, + staUpThr=staUpThr*m_flow_nominal, + staDowThr=staDowThr*m_flow_nominal) + annotation (Placement(transformation(extent={{-20,-54},{0,-34}}))); + Buildings.Controls.OBC.CDL.Conversions.IntegerToReal intToRea1 + annotation (Placement(transformation(extent={{12,-54},{32,-34}}))); + Modelica.Blocks.Interfaces.RealOutput y[numPum] + "On and off signal of pumps" + annotation (Placement(transformation(extent={{100,-50},{120,-30}}))); + Buildings.Controls.OBC.CDL.Interfaces.IntegerOutput yPum + "Number of active pumps" + annotation (Placement(transformation(extent={{100,30},{120,50}}), + iconTransformation(extent={{100,30},{120,50}}))); + Modelica.Blocks.Interfaces.IntegerInput uOpeMod + "Cooling mode in WSEControls.Type.OperationaModes" annotation (Placement( + transformation(extent={{-140,20},{-100,60}}), iconTransformation( + extent={{-140,20},{-100,60}}))); + Buildings.Controls.OBC.CDL.Logical.Not not2 + annotation (Placement(transformation(extent={{-60,-30},{-40,-10}}))); + equation + connect(zer.y,swi1. u1) annotation (Line(points={{-38,50},{-30,50},{-30,28},{-22, + 28}}, color={0,0,127})); + connect(unOcc.y,swi1. u2) + annotation (Line(points={{-69,20},{-22,20}}, color={255,0,255})); + connect(swi1.y,reaToInt. u) + annotation (Line(points={{2,20},{8,20}}, color={0,0,127})); + connect(reaToInt.y,seqSig. u) + annotation (Line(points={{32,20},{48,20}}, color={255,127,0})); + connect(reaToInt.y,yPum) annotation (Line(points={{32,20},{40,20},{40,40},{110, + 40}}, color={255,127,0})); + connect(seqSig.y,y) annotation (Line(points={{71,20},{80,20},{80,-40},{110,-40}}, + color={0,0,127})); + connect(sta.ySta,intToRea1. u) + annotation (Line(points={{1,-44},{10,-44}}, color={255,127,0})); + connect(masFloPum, sta.u) annotation (Line( + points={{-120,-40},{-22,-40}}, + color={0,0,127})); + connect(unOcc.y, not2.u) annotation (Line(points={{-69,20},{-66,20},{-66,-20}, + {-62,-20}}, color={255,0,255})); + connect(not2.y, sta.on) annotation (Line(points={{-38,-20},{-30,-20},{-30,-48}, + {-22,-48}}, color={255,0,255})); + connect(intToRea1.y, swi1.u3) annotation (Line(points={{34,-44},{40,-44},{40,0}, + {-30,0},{-30,12},{-22,12}}, color={0,0,127})); + annotation (defaultComponentName="staPum", + Documentation(info=" +

This model describes a chilled water pump staging control.

+
    +
  • In unoccupied and free cooling mode, the chillers are off.
  • +
  • In pre-partial, partial and full mechanical cooling mode, the chilled water pumps are staged based on measured flowrate. At the beginning, the number of pumps stay unchanged from previous operating mode.
  • +
+

Flowrate-based Stage Control

+

The CHW pumps are staged up when

+
    +
  1. Current stage has been active for at least 15 minutes (â–³tstage,on > 15 min) and
  2. +
  3. The measured flowrate is larger than 85% of the total nominal flowrate of the active pumps for 2 minutes (mCHWP > 85% · mCHWP,nominal for 2 min).
  4. +
+

The CHW pumps are staged down when

+
    +
  1. Current stage has been active for at least 15 minutes (â–³tstage,on > 15 min) and
  2. +
  3. The measured flowrate is less than 45% of the total nominal flowrate of the active pumps for 15 minutes (mCHWP < 45% · mCHWP,nominal for 15 min).
  4. +
+

This control logic is provided by Jeff Stein via email communication.

+", revisions=" +
    +
  • June 14, 2018, by Xing Lu:
    First implementation.
  • +
+"),Diagram(coordinateSystem(extent={{-100,-100},{100,100}})), + Icon(coordinateSystem(extent={{-100,-100},{100,100}})), + __Dymola_Commands); + end StagePump; + + model TemperatureDifferentialPressureReset + "CHWST and CHW DP reset control for chillers" + extends Modelica.Blocks.Icons.Block; + parameter Modelica.SIunits.Time samplePeriod=120 "Sample period of component"; + parameter Real uTri=0 "Value to triggering the request for actuator"; + parameter Real yEqu0=0 "y setpoint when equipment starts"; + parameter Real yDec=-0.03 "y decrement (must be negative)"; + parameter Real yInc=0.03 "y increment (must be positive)"; + parameter Real x1=0.5 "First interval [x0, x1] and second interval (x1, x2]" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Pressure dpMin = 100 "dpmin" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Pressure dpMax = 300 "dpmax" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.ThermodynamicTemperature TMin=273.15+5.56 "Tchi,min" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.ThermodynamicTemperature TMax = 273.15+22 "Tchi,max" + annotation(Dialog(tab="Pressure and temperature reset points")); + parameter Modelica.SIunits.Time startTime=0 "First sample time instant"; + + Modelica.Blocks.Interfaces.RealInput u + "Input signall, such as dT, or valve position" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + BaseClasses.LinearPiecewiseTwo linPieTwo( + x0=0, + x1=x1, + x2=1, + y10=dpMin, + y11=dpMax, + y20=TMax, + y21=TMin) + "Calculation of two piecewise linear functions" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + Modelica.Blocks.Interfaces.RealOutput dpSet( + final quantity="Pressure", + final unit = "Pa") "DP setpoint" + annotation (Placement(transformation(extent={{100,40},{120,60}}), + iconTransformation(extent={{100,40},{120,60}}))); + Modelica.Blocks.Interfaces.RealOutput TSet( + final quantity="ThermodynamicTemperature", + final unit="K") + "CHWST" + annotation (Placement(transformation(extent={{100,-60},{120,-40}}), + iconTransformation(extent={{100,-60},{120,-40}}))); + BaseClasses.TrimAndRespond triAndRes( + samplePeriod=samplePeriod, + startTime=startTime, + uTri=uTri, + yEqu0=yEqu0, + yDec=yDec, + yInc=yInc) + annotation (Placement(transformation(extent={{-40,-10},{-20,10}}))); + + Modelica.Blocks.Logical.Switch swi1 "Switch" + annotation (Placement(transformation(extent={{60,70},{80,90}}))); + Modelica.Blocks.Sources.RealExpression dpSetIni(y=dpMin) + "Initial dp setpoint" + annotation (Placement(transformation(extent={{-20,80},{0,100}}))); + Modelica.Blocks.Sources.RealExpression TSetIni(y=TMin) + "Initial temperature setpoint" + annotation (Placement(transformation(extent={{-20,-88},{0,-68}}))); + Modelica.Blocks.Logical.Switch swi2 "Switch" + annotation (Placement(transformation(extent={{60,-80},{80,-60}}))); + Modelica.Blocks.Interfaces.IntegerInput uOpeMod + "Cooling mode in WSEControls.Type.OperationaModes" annotation (Placement( + transformation(extent={{-140,40},{-100,80}}), iconTransformation( + extent={{-140,40},{-100,80}}))); + Buildings.Controls.OBC.CDL.Integers.GreaterThreshold intGreThr(threshold= + Integer(Buildings.Applications.DataCenters.Types.CoolingModes.FreeCooling)) + annotation (Placement(transformation(extent={{-60,50},{-40,70}}))); + equation + + connect(triAndRes.y, linPieTwo.u) + annotation (Line(points={{-19,0},{18,0}}, color={0,0,127})); + connect(uOpeMod, intGreThr.u) + annotation (Line(points={{-120,60},{-62,60}}, color={255,127,0})); + connect(intGreThr.y, swi1.u2) annotation (Line(points={{-38,60},{50,60},{50, + 80},{58,80}}, color={255,0,255})); + connect(intGreThr.y, swi2.u2) annotation (Line(points={{-38,60},{50,60},{50, + -70},{58,-70}}, color={255,0,255})); + connect(linPieTwo.y[1], swi1.u1) annotation (Line(points={{41,-0.5},{48,-0.5}, + {48,88},{58,88}}, color={0,0,127})); + connect(dpSetIni.y, swi1.u3) annotation (Line(points={{1,90},{46,90},{46,72}, + {58,72}}, color={0,0,127})); + connect(linPieTwo.y[2], swi2.u1) annotation (Line(points={{41,0.5},{52,0.5},{ + 52,-62},{58,-62}}, color={0,0,127})); + connect(TSetIni.y, swi2.u3) + annotation (Line(points={{1,-78},{58,-78}}, color={0,0,127})); + connect(swi1.y, dpSet) annotation (Line(points={{81,80},{90,80},{90,50},{110, + 50}}, color={0,0,127})); + connect(swi2.y, TSet) annotation (Line(points={{81,-70},{90,-70},{90,-50},{ + 110,-50}}, color={0,0,127})); + connect(u, triAndRes.u) + annotation (Line(points={{-120,0},{-42,0}}, color={0,0,127})); + annotation (defaultComponentName="temDifPreRes", + Documentation(info=" +

This model describes a chilled water supply temperature setpoint and differential pressure setpoint reset control. In this logic, it is to first increase the different pressure, Δp, of the chilled water loop to increase the mass flow rate. If Δp reaches the maximum value and further cooling is still needed, the chiller remperature setpoint, Tchi,set, is reduced. If there is too much cooling, the Tchi,set and Δp will be changed in the reverse direction.

+

The model implements a discrete time trim and respond logic as follows:

+
    +
  • A cooling request is triggered if the input signal, y, is larger than 0. y is the difference between the actual and set temperature of the suppuly air to the data center room.
  • +
  • The request is sampled every 2 minutes. If there is a cooling request, the control signal u is increased by 0.03, where 0 ≤ u ≤ 1. If there is no cooling request, u is decreased by 0.03.
  • +
+

The control signal u is converted to setpoints for Δp and Tchi,set as follows:

+
    +
  • If u ∈ [0, x] then Δp = Δpmin + u  (Δpmax-Δpmin)/x and T = Tmax
  • +
  • If u ∈ (x, 1] then Δp = Δpmax and T = Tmax - (u-x) (Tmax-Tmin)/(1-x)
  • +
+

where Δpmin and Δpmax are minimum and maximum values for Δp, and Tmin and Tmax are the minimum and maximum values for Tchi,set.

+

Note that we deactivate the trim and response when the chillers are off.

+ +

Reference

+

Stein, J. (2009). Waterside Economizing in Data Centers: Design and Control Considerations. ASHRAE Transactions, 115(2), 192-200.

+

Taylor, S.T. (2007). Increasing Efficiency with VAV System Static Pressure Setpoint Reset. ASHRAE Journal, June, 24-32.

+", revisions=" +
    +
  • December 19, 2018 by Yangyang Fu:
    + Deactivate reset when chillers are off. +
  • +
  • June 23, 2018 by Xing Lu:
    + First implementation. +
  • +
+")); + end TemperatureDifferentialPressureReset; + + annotation (Documentation(info=" +

This package contains a collection of the local controls in the chilled water loop.

+")); + end CHWLoopEquipment; + + package CWLoopEquipment "Collection of local controls in the condenser water loop" + extends Modelica.Icons.Package; + + model MaximumSpeedFan + "The maximum fan speed in cooling towers are reset based on the operation mode" + extends Modelica.Blocks.Icons.Block; + parameter Real lowMax = 0.9 "Low value of maximum speed"; + parameter Real pmcMax = 0.95 "Maximum speed in PMC mode"; + parameter Integer numPum = 2 "Number of design pumps in condenser water loop"; + + Modelica.Blocks.Interfaces.IntegerInput uOpeMod + "Cooling mode in WSEControls.Type.OperationaModes" annotation (Placement( + transformation(extent={{-140,-60},{-100,-20}}),iconTransformation( + extent={{-140,-60},{-100,-20}}))); + Modelica.Blocks.Interfaces.IntegerInput + numActPum + "Number of active pumps in condenser water loop" + annotation (Placement(transformation(extent={{-140,20},{-100,60}}))); + Buildings.Controls.OBC.CDL.Integers.GreaterEqualThreshold intGreEquThr( + threshold=numPum) + annotation (Placement(transformation(extent={{-80,10},{-60,30}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi1 + annotation (Placement(transformation(extent={{-20,10},{0,30}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant lowMaxSpe(k=lowMax) + "Low maximum speed" + annotation (Placement(transformation(extent={{-80,-30},{-60,-10}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant uni(k=1) + "full maximum speed" + annotation (Placement(transformation(extent={{-80,50},{-60,70}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi3 + annotation (Placement(transformation(extent={{40,-50},{60,-30}}))); + Modelica.Blocks.Sources.BooleanExpression FreOrFul(y=uOpeMod == Integer( + FiveZone.Types.CoolingModes.FreeCooling) + or uOpeMod == Integer(FiveZone.Types.CoolingModes.FullMechanical)) + "Free cooling or full mechanical cooling" + annotation (Placement(transformation(extent={{-20,-50},{0,-30}}))); + Buildings.Controls.OBC.CDL.Interfaces.RealOutput y + "Connector of Real output signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi2 + annotation (Placement(transformation(extent={{-20,-80},{0,-60}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant pmcMaxSpe(k=pmcMax) + "Maximum speed for pmc and ppmc mode" + annotation (Placement(transformation(extent={{-80,-60},{-60,-40}}))); + Modelica.Blocks.Sources.BooleanExpression Pmc(y=uOpeMod == Integer( + FiveZone.Types.CoolingModes.PartialMechanical)) + "Partial mechanical cooling" + annotation (Placement(transformation(extent={{-80,-80},{-60,-60}}))); + equation + connect(intGreEquThr.y, swi1.u2) + annotation (Line(points={{-58,20},{-22,20}}, color={255,0,255})); + connect(numActPum, intGreEquThr.u) + annotation (Line(points={{-120,40},{-90,40},{-90,20},{-82,20}}, + color={255,127,0})); + connect(uni.y, swi1.u1) annotation (Line(points={{-58,60},{-40,60},{-40,28},{-22, + 28}}, color={0,0,127})); + connect(lowMaxSpe.y, swi1.u3) annotation (Line(points={{-58,-20},{-40,-20},{-40, + 12},{-22,12}}, color={0,0,127})); + connect(swi1.y, swi3.u1) annotation (Line(points={{2,20},{20,20},{20,-32},{38, + -32}}, color={0,0,127})); + connect(FreOrFul.y, swi3.u2) + annotation (Line(points={{1,-40},{38,-40}}, color={255,0,255})); + connect(swi3.y, y) annotation (Line(points={{62,-40},{80,-40},{80,0},{110,0}}, + color={0,0,127})); + connect(pmcMaxSpe.y, swi2.u1) annotation (Line(points={{-58,-50},{-40,-50},{-40, + -62},{-22,-62}}, color={0,0,127})); + connect(swi2.y, swi3.u3) annotation (Line(points={{2,-70},{20,-70},{20,-48},{38, + -48}}, color={0,0,127})); + connect(uni.y, swi2.u3) annotation (Line(points={{-58,60},{-40,60},{-40,-78},{ + -22,-78}}, color={0,0,127})); + connect(Pmc.y, swi2.u2) + annotation (Line(points={{-59,-70},{-22,-70}}, color={255,0,255})); + annotation (defaultComponentName = "maxSpeFan", + Documentation(info=" +

+The maximum fan speed in cooling towers is reset based on cooling modes and operation status. +

+
    +
  • +When in unoccupied mode, the maximum speed is not reset. +
  • +
  • +When in free cooling mode, if all condenser pumps are enabled, the maximum fan speed is reset to full speed 100%; Otherwise the maximum fan speed is reset to a lower speed, e.g. 90%. +
  • +
  • +When in pre-partial and partial mechanical cooling mode, the maximum fan speed is set to a high speed e.g. 95%. +
  • +
  • +When in full mechanical cooling mode, if all the condenser water pumps are active, the maximum fan speed is reset to full speed 100%; Otherwise it is reset to a lower speed, e.g. 90%. +
  • +
+")); + end MaximumSpeedFan; + + model StageCell "Cooling tower cell stage number control" + extends Modelica.Blocks.Icons.Block; + parameter Integer numCooTow = 2 "Design number of cooling towers"; + parameter Modelica.SIunits.MassFlowRate m_flow_nominal = 50 + "Nominal mass flow rate of one cooling tower"; + parameter Real staUpThr = 1.25 "Staging up threshold"; + parameter Real staDowThr = 0.55 "Staging down threshold"; + parameter Modelica.SIunits.Time waiTimStaUp=900 + "Time duration of for staging up"; + parameter Modelica.SIunits.Time waiTimStaDow=300 + "Time duration of for staging down"; + parameter Modelica.SIunits.Time shoCycTim=1200 + "Time duration to avoid short cycling of equipment"; + + Modelica.Blocks.Interfaces.RealInput aveMasFlo + "Average mass flowrate of condenser water in active cooling towers" + annotation (Placement( + transformation(extent={{-140,-62},{-100,-22}}),iconTransformation( + extent={{-140,-62},{-100,-22}}))); + Modelica.Blocks.Interfaces.IntegerOutput yNumCel + "Stage number of next time step" annotation (Placement(transformation( + extent={{100,30},{120,50}}), iconTransformation(extent={{100,30},{120, + 50}}))); + + Modelica.Blocks.Interfaces.IntegerInput minNumCel + "Minimum number of active tower cells determined by minimum cell controller" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}), + iconTransformation(extent={{-140,-20},{-100,20}}))); + BaseClasses.SequenceSignal seqSig(n=numCooTow) + "Simple model that is used to determine the on and off sequence of equipment" + annotation (Placement(transformation(extent={{60,-10},{80,10}}))); + Modelica.Blocks.Interfaces.RealOutput y[numCooTow] + "On and off signal of cooling tower cell" + annotation (Placement(transformation(extent={{100,-50},{120,-30}}))); + BaseClasses.Stage sta( + staUpThr=staUpThr*m_flow_nominal, + staDowThr=staDowThr*m_flow_nominal, + waiTimStaUp=waiTimStaUp, + waiTimStaDow=waiTimStaDow, + shoCycTim=shoCycTim) "Stage controller" + annotation (Placement(transformation(extent={{-40,-56},{-20,-36}}))); + Buildings.Controls.OBC.CDL.Integers.Max maxInt "Max" + annotation (Placement(transformation(extent={{-10,-50},{10,-30}}))); + + Modelica.Blocks.Interfaces.IntegerInput uOpeMod + "Cooling mode in WSEControls.Type.OperationaModes" annotation (Placement( + transformation(extent={{-140,20},{-100,60}}), iconTransformation( + extent={{-140,20},{-100,60}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi1 + annotation (Placement(transformation(extent={{-10,-10},{10,10}}))); + Buildings.Controls.OBC.CDL.Conversions.IntegerToReal intToRea1 + annotation (Placement(transformation(extent={{22,-50},{42,-30}}))); + Modelica.Blocks.Sources.BooleanExpression unOcc(y=uOpeMod == Integer( + FiveZone.Types.CoolingModes.Off)) + "Unoccupied mode" + annotation (Placement(transformation(extent={{-80,-10},{-60,10}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant zer(k=0) "Zero" + annotation (Placement(transformation(extent={{-50,20},{-30,40}}))); + Buildings.Controls.OBC.CDL.Conversions.RealToInteger reaToInt + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + Buildings.Controls.OBC.CDL.Logical.Not not2 + annotation (Placement(transformation(extent={{-74,-72},{-54,-52}}))); + equation + connect(seqSig.y, y) + annotation (Line(points={{81,0},{90,0},{90,-40},{110,-40}}, + color={0,0,127})); + connect(aveMasFlo, sta.u) annotation (Line(points={{-120,-42},{-42,-42}}, + color={0,0,127})); + connect(unOcc.y, swi1.u2) + annotation (Line(points={{-59,0},{-12,0}}, color={255,0,255})); + connect(minNumCel, maxInt.u1) annotation (Line(points={{-120,0},{-92,0},{-92, + -20},{-20,-20},{-20,-34},{-12,-34}}, + color={255,127,0})); + connect(intToRea1.y, swi1.u3) annotation (Line(points={{44,-40},{50,-40},{50,-16}, + {-40,-16},{-40,-8},{-12,-8}}, color={0,0,127})); + connect(zer.y, swi1.u1) annotation (Line(points={{-28,30},{-20,30},{-20,8},{-12, + 8}}, color={0,0,127})); + connect(seqSig.u, reaToInt.y) + annotation (Line(points={{58,0},{42,0}}, color={255,127,0})); + connect(swi1.y, reaToInt.u) + annotation (Line(points={{12,0},{18,0}}, color={0,0,127})); + connect(reaToInt.y, yNumCel) annotation (Line(points={{42,0},{50,0},{50,40},{110, + 40}}, color={255,127,0})); + connect(sta.ySta, maxInt.u2) annotation (Line(points={{-19,-46},{-12,-46}}, + color={255,127,0})); + connect(maxInt.y, intToRea1.u) annotation (Line(points={{12,-40},{20,-40}}, + color={255,127,0})); + connect(unOcc.y, not2.u) annotation (Line(points={{-59,0},{-50,0},{-50,-18},{ + -80,-18},{-80,-62},{-76,-62}}, color={255,0,255})); + connect(not2.y, sta.on) annotation (Line(points={{-52,-62},{-48,-62},{-48,-50}, + {-42,-50}}, color={255,0,255})); + annotation (defaultComponentName = "staCel", + Documentation(info=" +

The cooling tower cell staging control is based on the water flowrate going through the cooling tower under the operation mode except the unoccuiped mode. In the unoccupied mode, all the cells are staged off.

+
    +
  • One additional cell stages on if average flowrate through active cells is greater than a stage-up threshold staUpThr*m_flow_nominal for 15 minutes.
  • +
  • One additional cell stages off if average flowrate through active cells is lower than a stage-down threshold staDowThr*m_flow_nominal for 5 minutes.
  • +
+", revisions=""), + Diagram(coordinateSystem(extent={{-100,-80},{100,80}})), + __Dymola_Commands); + end StageCell; + + model SpeedFan "Cooling tower fan speed control" + extends Modelica.Blocks.Icons.Block; + + parameter Modelica.Blocks.Types.SimpleController controllerType= + Modelica.Blocks.Types.SimpleController.PID + "Type of controller" + annotation(Dialog(tab="Controller")); + parameter Real k = 1 + "Gain of controller" + annotation(Dialog(tab="Controller")); + parameter Modelica.SIunits.Time Ti=0.5 + "Time constant of integrator block" + annotation (Dialog(enable= + (controllerType == Modelica.Blocks.Types.SimpleController.PI or + controllerType == Modelica.Blocks.Types.SimpleController.PID),tab="Controller")); + parameter Modelica.SIunits.Time Td(min=0)=0.1 + "Time constant of derivative block" + annotation (Dialog(enable= + (controllerType == Modelica.Blocks.Types.SimpleController.PD or + controllerType == Modelica.Blocks.Types.SimpleController.PID),tab="Controller")); + parameter Real yMax(start=1)=1 + "Upper limit of output" + annotation(Dialog(tab="Controller")); + parameter Real yMin=0.2 + "Lower limit of output" + annotation(Dialog(tab="Controller")); + parameter Boolean reverseAction = true + "Set to true for throttling the water flow rate through a cooling coil controller" + annotation(Dialog(tab="Controller")); + parameter Boolean pre_y_start=false "Value of pre(y) at initial time" + annotation(Dialog(tab="Controller")); + + Modelica.Blocks.Interfaces.RealInput TCHWSupSet( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Chilled water supply temperature setpoint" + annotation (Placement(transformation(extent={{-140,40},{-100,80}}), + iconTransformation(extent={{-140,40},{-100,80}}))); + Modelica.Blocks.Interfaces.RealInput TCWSupSet( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Condenser water supply temperature setpoint" + annotation (Placement(transformation(extent={{-140,0},{-100,40}}), + iconTransformation(extent={{-140,0},{-100,40}}))); + Modelica.Blocks.Interfaces.RealInput TCHWSup( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Chilled water supply temperature " annotation ( + Placement(transformation( + extent={{-20,-20},{20,20}}, + origin={-120,-20}), iconTransformation(extent={{-140,-40},{-100,0}}))); + Buildings.Controls.Continuous.LimPID conPID( + controllerType=controllerType, + k=k, + Ti=Ti, + Td=Td, + yMax=yMax, + yMin=yMin, + reverseAction=reverseAction, + initType=Modelica.Blocks.Types.InitPID.DoNotUse_InitialIntegratorState, + y_reset=1) "PID controller to maintain the CW/CHW supply temperature" + annotation (Placement(transformation(extent={{0,-40},{20,-20}}))); + Modelica.Blocks.Interfaces.RealInput TCWSup( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Condenser water supply temperature " annotation ( + Placement(transformation( + extent={{20,20},{-20,-20}}, + rotation=180, + origin={-120,-60}), iconTransformation( + extent={{20,20},{-20,-20}}, + rotation=180, + origin={-120,-60}))); + + Modelica.Blocks.Sources.Constant off(k=0) "Turn off" + annotation (Placement(transformation(extent={{0,20},{20,40}}))); + Modelica.Blocks.Sources.BooleanExpression unOcc(y=uOpeMod == Integer( + FiveZone.Types.CoolingModes.Off)) + "Unoccupied mode" + annotation (Placement(transformation(extent={{0,-10},{20,10}}))); + Modelica.Blocks.Sources.BooleanExpression freCoo(y=uOpeMod == Integer( + FiveZone.Types.CoolingModes.FreeCooling)) + "Free cooling" + annotation (Placement(transformation(extent={{-90,50},{-70,70}}))); + Modelica.Blocks.Interfaces.IntegerInput uOpeMod "Cooling mode" annotation ( + Placement(transformation(extent={{-140,80},{-100,120}}), + iconTransformation(extent={{-140,80},{-100,120}}))); + Modelica.Blocks.Interfaces.RealInput uFanMax "Maximum fan speed" + annotation (Placement(transformation(extent={{-140,-120},{-100,-80}}), + iconTransformation(extent={{-140,-120},{-100,-80}}))); + Modelica.Blocks.Interfaces.RealOutput y "Cooling tower fan speed" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + Modelica.Blocks.Math.Min min "Minum value" + annotation (Placement(transformation(extent={{72,-10},{92,10}}))); + + protected + Modelica.Blocks.Logical.Switch swi1 + "The switch based on whether it is in FMC mode" + annotation (Placement(transformation(extent={{-38,50},{-18,70}}))); + Modelica.Blocks.Logical.Switch swi2 + "The switch based on whether it is in the FMC mode" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}, + origin={-30,-52}))); + Modelica.Blocks.Logical.Switch swi3 + "The switch based on whether it is in PMC mode" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}, + origin={50,0}))); + + Modelica.Blocks.Logical.Switch swi4 + "The switch based on whether it is in PMC mode" + annotation (Placement(transformation(extent={{-10,-10},{10,10}}, + origin={50,70}))); + public + Buildings.Controls.OBC.CDL.Logical.OnOffController onOffCon( + final pre_y_start=pre_y_start, final bandwidth=0.5) + "Electric heater on-off controller" + annotation (Placement(transformation(extent={{-20,94},{0,114}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant froTem(k=273.15) + "Frozen temperature" + annotation (Placement(transformation(extent={{-80,100},{-60,120}}))); + equation + connect(swi1.y, conPID.u_s) + annotation (Line(points={{-17,60},{-10,60},{-10,-30},{-2,-30}}, + color={0,0,127})); + connect(swi2.y, conPID.u_m) + annotation (Line(points={{-19,-52},{10,-52},{10,-42}}, color={0,0,127})); + connect(unOcc.y, swi3.u2) + annotation (Line(points={{21,0},{38,0}}, color={255,0,255})); + connect(off.y, swi3.u1) + annotation (Line(points={{21,30},{30,30},{30,8},{38,8}}, color={0,0,127})); + connect(conPID.y, swi3.u3) + annotation (Line(points={{21,-30},{30,-30},{30,-8},{38,-8}}, + color={0,0,127})); + connect(swi3.y, min.u1) + annotation (Line(points={{61,0},{66,0},{66,6},{70,6}}, color={0,0,127})); + connect(min.u2,uFanMax) annotation (Line(points={{70,-6},{64,-6},{64,-100},{-120, + -100}}, color={0,0,127})); + connect(TCHWSupSet, swi1.u1) annotation (Line(points={{-120,60},{-94,60},{-94, + 80},{-50,80},{-50,68},{-40,68}}, + color={0,0,127})); + connect(TCWSupSet, swi1.u3) annotation (Line(points={{-120,20},{-50,20},{-50,52}, + {-40,52}}, color={0,0,127})); + connect(TCHWSup, swi2.u1) annotation (Line(points={{-120,-20},{-50,-20},{-50,-44}, + {-42,-44}}, color={0,0,127})); + connect(TCWSup, swi2.u3) + annotation (Line(points={{-120,-60},{-42,-60}}, color={0,0,127})); + connect(freCoo.y, swi1.u2) + annotation (Line(points={{-69,60},{-40,60}}, color={255,0,255})); + connect(freCoo.y, swi2.u2) annotation (Line(points={{-69,60},{-60,60},{-60,-52}, + {-42,-52}}, color={255,0,255})); + connect(off.y, swi4.u1) annotation (Line(points={{21,30},{30,30},{30,78},{38, + 78}}, color={0,0,127})); + connect(min.y, swi4.u3) annotation (Line(points={{93,0},{96,0},{96,46},{32,46}, + {32,62},{38,62}}, color={0,0,127})); + connect(swi4.y, y) annotation (Line(points={{61,70},{98,70},{98,0},{110,0}}, + color={0,0,127})); + connect(froTem.y, onOffCon.reference) + annotation (Line(points={{-58,110},{-22,110}}, color={0,0,127})); + connect(TCWSup, onOffCon.u) annotation (Line(points={{-120,-60},{-94,-60},{-94, + 82},{-50,82},{-50,98},{-22,98}}, color={0,0,127})); + connect(onOffCon.y, swi4.u2) annotation (Line(points={{2,104},{26,104},{26,70}, + {38,70}}, color={255,0,255})); + annotation (defaultComponentName = "speFan", + Documentation(info=" +

+Cooling tower fan speed is controlled in different ways when operation mode changes. +

+
    +
  • +For unoccupied operation mode, the fan is turned off. +
  • +
  • +For free cooling mode, the fan speed is controlled to maintain a predefined chilled water supply temperature at the downstream of the economizer, +and not exceed the predefined maximum fan +speed. +
  • +
  • +For pre-partial, partial and full mechanical cooling, the fan speed is controlled to maintain the supply condenser water at its setpoint. +
  • +
+", revisions=""), + Diagram(coordinateSystem(extent={{-100,-120},{100,120}}))); + end SpeedFan; + + model SpeedPump "Pump speed control in condenser water loop" + extends Modelica.Blocks.Icons.Block; + parameter Modelica.SIunits.Pressure dpSetDes "Differential pressure setpoint at design condition "; + + parameter Modelica.Blocks.Types.SimpleController controllerType=Modelica.Blocks.Types.SimpleController.PID + "Type of controller"; + parameter Real k=1 "Gain of controller"; + parameter Modelica.SIunits.Time Ti=0.5 "Time constant of Integrator block"; + parameter Modelica.SIunits.Time Td=0.1 "Time constant of Derivative block"; + parameter Real yMax=1 "Upper limit of output"; + parameter Real yMin=0.4 "Lower limit of output"; + parameter Boolean reverseAction=false + "Set to true for throttling the water flow rate through a cooling coil controller"; + Modelica.Blocks.Interfaces.RealInput uLoa + "Percentage of load in chillers (total loads divided by nominal capacity of all operating chillers)" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}), + iconTransformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.IntegerInput uOpeMod + "Cooling mode in WSEControls.Type.OperationaModes" annotation (Placement( + transformation(extent={{-140,60},{-100,100}}), iconTransformation( + extent={{-140,60},{-100,100}}))); + Modelica.Blocks.Interfaces.RealInput uSpeTow "Speed of cooling tower fans" + annotation (Placement(transformation(extent={{-140,20},{-100,60}}), + iconTransformation(extent={{-140,20},{-100,60}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant minPumSpe(k=yMin) + "Minimum pump speed" + annotation (Placement(transformation(extent={{-80,50},{-60,70}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant zer(k=0) "Zero" + annotation (Placement(transformation(extent={{32,40},{52,60}}))); + Modelica.Blocks.Sources.BooleanExpression notOcc(y=uOpeMod == Integer( + FiveZone.Types.CoolingModes.Off)) + "Not occupied" + annotation (Placement(transformation(extent={{32,10},{52,30}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi + annotation (Placement(transformation(extent={{70,-10},{90,10}}))); + Buildings.Controls.OBC.CDL.Continuous.Max max + annotation (Placement(transformation(extent={{-32,20},{-12,40}}))); + Buildings.Controls.OBC.CDL.Logical.Switch swi1 + annotation (Placement(transformation(extent={{32,-18},{52,2}}))); + Modelica.Blocks.Sources.BooleanExpression freCoo(y=uOpeMod == Integer( + FiveZone.Types.CoolingModes.FreeCooling)) + "Free cooling" + annotation (Placement(transformation(extent={{0,-18},{20,2}}))); + Buildings.Controls.Continuous.LimPID con( + controllerType=controllerType, + k=k, + Ti=Ti, + Td=Td, + yMax=yMax, + yMin=yMin, + reverseAction=reverseAction) "PID controller" + annotation (Placement(transformation(extent={{-40,-60},{-20,-40}}))); + Modelica.Blocks.Interfaces.RealInput dpSet "Differential pressure setpoint" + annotation (Placement(transformation(extent={{-140,-60},{-100,-20}}), + iconTransformation(extent={{-140,-60},{-100,-20}}))); + Modelica.Blocks.Interfaces.RealInput dpMea + "Differential pressure measurement" + annotation (Placement(transformation(extent={{-140,-100},{-100,-60}}), + iconTransformation(extent={{-140,-100},{-100,-60}}))); + Buildings.Controls.OBC.CDL.Continuous.Gain gai1(k=1/dpSetDes) + annotation (Placement(transformation(extent={{-80,-40},{-60,-20}}))); + Buildings.Controls.OBC.CDL.Continuous.Gain gai2(k=1/dpSetDes) + annotation (Placement(transformation(extent={{-80,-90},{-60,-70}}))); + Buildings.Utilities.Math.Max max2(nin=3) + annotation (Placement(transformation(extent={{0,-50},{20,-30}}))); + + Buildings.Controls.OBC.CDL.Interfaces.RealOutput y "Speed signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + equation + connect(notOcc.y, swi.u2) annotation (Line(points={{53,20},{58,20},{58,0},{68, + 0}}, color={255,0,255})); + connect(zer.y, swi.u1) annotation (Line(points={{54,50},{60,50},{60,8},{68,8}}, + color={0,0,127})); + connect(minPumSpe.y,max. u1) annotation (Line(points={{-58,60},{-50,60},{-50,36}, + {-34,36}}, color={0,0,127})); + connect(uSpeTow,max. u2) annotation (Line(points={{-120,40},{-86,40},{-86,24}, + {-34,24}}, color={0,0,127})); + connect(max.y, swi1.u1) annotation (Line(points={{-10,30},{20,30},{20,0},{30,0}}, + color={0,0,127})); + connect(freCoo.y, swi1.u2) annotation (Line(points={{21,-8},{30,-8}}, + color={255,0,255})); + connect(gai1.y, con.u_s) annotation (Line(points={{-58,-30},{-50,-30},{-50,-50}, + {-42,-50}}, color={0,0,127})); + connect(dpSet, gai1.u) + annotation (Line(points={{-120,-40},{-90,-40},{-90,-30},{-82,-30}}, + color={0,0,127})); + connect(dpMea, gai2.u) annotation (Line(points={{-120,-80},{-102,-80},{-102, + -80},{-82,-80}}, + color={0,0,127})); + connect(gai2.y, con.u_m) + annotation (Line(points={{-58,-80},{-30,-80},{-30,-62}}, color={0,0,127})); + connect(minPumSpe.y,max2. u[1]) annotation (Line(points={{-58,60},{-50, + 60},{-50,-18},{-14,-18},{-14,-41.3333},{-2,-41.3333}}, + color={0,0,127})); + connect(uLoa,max2. u[2]) annotation (Line(points={{-120,0},{-52,0},{-52,-20}, + {-16,-20},{-16,-40},{-2,-40}},color={0,0,127})); + connect(con.y,max2. u[3]) annotation (Line(points={{-19,-50},{-12,-50}, + {-12,-38.6667},{-2,-38.6667}}, + color={0,0,127})); + connect(max2.y, swi1.u3) annotation (Line(points={{21,-40},{24,-40},{24,-16}, + {30,-16}}, + color={0,0,127})); + connect(swi1.y, swi.u3) annotation (Line(points={{54,-8},{68,-8}}, + color={0,0,127})); + connect(swi.y, y) annotation (Line(points={{92,0},{110,0}}, color={0,0,127})); + annotation (defaultComponentName="spePum", Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

+Condenser water pump speed control is different in different operation modes. +

+
    +
  • +For unoccupied operation mode, the pump is turned off. +
  • +
  • +For free cooling mode, the condenser water pump speed is equal to a high signal select of a PID loop output and a minimum speed (e.g. 40%). The PID loop outputs the cooling tower +fan speed signal to maintain chilled water supply temperature at its setpoint. +
  • +
  • +For pre-partial, partial and full mechanical cooling, the condenser water pump speed is equal to a high signal select of the following three: (1) a minimum speed (e.g. 40%); (2) highest chiller percentage load; +(3) CW system differential pressure PID output signal. +
  • +
+")); + end SpeedPump; + + model SupplyTemperatureReset + "Cooling tower supply temperature setpoint reset" + extends Modelica.Blocks.Icons.Block; + parameter Modelica.SIunits.ThermodynamicTemperature TSetMinFulMec = 273.15 + 12.78 + "Minimum cooling tower supply temperature setpoint for full mechanical cooling"; + parameter Modelica.SIunits.ThermodynamicTemperature TSetMaxFulMec = 273.15 + 35 + "Maximum cooling tower supply temperature setpoint for full mechanical cooling"; + parameter Modelica.SIunits.ThermodynamicTemperature TSetParMec = 273.15 + 10 + "Cooling tower supply temperature setpoint for partial mechanical cooling"; + Modelica.Blocks.Interfaces.IntegerInput uOpeMod + "Cooling mode signal, integer value of WSEControlLogics.Controls.WSEControls.Type.OperationModes" + annotation ( + Placement(transformation(extent={{-140,30},{-100,70}}), + iconTransformation(extent={{-140,30},{-100,70}}))); + Modelica.Blocks.Interfaces.RealOutput TSet( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Temperature setpoint" annotation ( + Placement(transformation(extent={{100,-10},{120,10}}), iconTransformation( + extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Sources.BooleanExpression fmcMod(y=uOpeMod == Integer( + FiveZone.Types.CoolingModes.FullMechanical)) + "Full mechanical cooling mode" + annotation (Placement(transformation(extent={{0,-30},{20,-10}}))); + + Modelica.Blocks.Interfaces.RealInput TWetBul( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Outdoor air wet bulb emperature" annotation (Placement( + transformation(extent={{-140,-20},{-100,20}}),iconTransformation(extent={{-140, + -20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealInput TAppCooTow( + final quantity="ThermodynamicTemperature", + final unit="K", + displayUnit="degC") "Approach temperature in cooling towers" annotation ( + Placement(transformation(extent={{-140,-70},{-100,-30}}), + iconTransformation(extent={{-140,-70},{-100,-30}}))); + Buildings.Controls.OBC.CDL.Continuous.Add add1 "Addition" + annotation (Placement(transformation(extent={{-80,-10},{-60,10}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant con1(k(unit="K")= + TSetParMec) + annotation (Placement(transformation(extent={{0,-68},{20,-48}}))); + + protected + Modelica.Blocks.Logical.Switch swi1 + "The switch based on whether it is in FMC" + annotation (Placement(transformation(extent={{60,-10},{80,10}}))); + + public + Modelica.Blocks.Math.Min min + annotation (Placement(transformation(extent={{-40,30},{-20,50}}))); + Modelica.Blocks.Math.Max max + annotation (Placement(transformation(extent={{0,0},{20,20}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant con2(k(unit="K")= + TSetMinFulMec) + annotation (Placement(transformation(extent={{-40,-30},{-20,-10}}))); + Buildings.Controls.OBC.CDL.Continuous.Sources.Constant con3(k(unit="K")= + TSetMaxFulMec) + annotation (Placement(transformation(extent={{-80,60},{-60,80}}))); + equation + connect(fmcMod.y, swi1.u2) + annotation (Line(points={{21,-20},{38,-20},{38,0},{58,0}}, + color={255,0,255})); + connect(swi1.y, TSet) + annotation (Line(points={{81,0},{110,0}}, color={0,0,127})); + connect(TWetBul, add1.u1) annotation (Line(points={{-120,0},{-94,0},{-94,6},{-82, + 6}}, color={0,0,127})); + connect(TAppCooTow, add1.u2) annotation (Line(points={{-120,-50},{-90,-50},{-90, + -6},{-82,-6}}, + color={0,0,127})); + connect(con1.y, swi1.u3) annotation (Line(points={{22,-58},{40,-58},{40,-8},{58, + -8}}, color={0,0,127})); + connect(con3.y, min.u1) annotation (Line(points={{-58,70},{-52,70},{-52,46},{-42, + 46}}, color={0,0,127})); + connect(add1.y, min.u2) annotation (Line(points={{-58,0},{-52,0},{-52,34},{-42, + 34}}, color={0,0,127})); + connect(min.y, max.u1) annotation (Line(points={{-19,40},{-12,40},{-12,16},{-2, + 16}}, color={0,0,127})); + connect(con2.y, max.u2) annotation (Line(points={{-18,-20},{-12,-20},{-12,4},{ + -2,4}}, color={0,0,127})); + connect(max.y, swi1.u1) + annotation (Line(points={{21,10},{40,10},{40,8},{58,8}}, color={0,0,127})); + annotation (defaultComponentName="temRes", Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

This model describes a cooling tower supply temperature reset for a chilled water system with integrated waterside economizers.

+
    +
  • When in unoccupied mode, the condenser supply temperature is free floated, and keep unchanged from previous mode
  • +
  • When in free cooling, the condenser water supply temperature is free floated, and keep unchanged from previous mode
  • +
  • When in pre-partial, and partial mechanical cooling, the condenser water supply temperature is reset to a predefined value TSetParMec.This could be changed +based on advanced control algorithm.
  • +
  • When in full mechanical cooling mode, the condenser water supply temperature is reset according to the environment. + Tsup,CW,set = Twb,OA + Tapp,pre. Tsup,CW,set means the supply condenser water temperature setpoint, Twb,OA +is the outdoor air wet bulb temperature, and Tapp,pre is the predicted approach temperature, which could be a fixed or various value.
  • +
+")); + end SupplyTemperatureReset; + + annotation (Documentation(info=" +

This package contains a collection of the local controls in the condenser water loop.

+")); + end CWLoopEquipment; + + package BaseClasses "Base classes for local controls of the chilled water system with water economizer" + + model LinearMap "Ratio function" + extends Modelica.Blocks.Interfaces.SISO; + parameter Boolean use_uInpRef1_in = false "True if use outside values for uInpRef1"; + parameter Boolean use_uInpRef2_in = false "True if use outside values for uInpRef2"; + parameter Boolean use_yOutRef1_in = false "True if use outside values for uOutRef1"; + parameter Boolean use_yOutRef2_in = false "True if use outside values for uOutRef2"; + parameter Real uInpRef1= 0 "Minimum limit" + annotation(Dialog(enable = not use_uInpRef1_in)); + parameter Real uInpRef2= 1 "Maximum limit" + annotation(Dialog(enable = not use_uInpRef2_in)); + parameter Real yOutRef1= 0 "Minimum limit" + annotation(Dialog(enable = not use_yOutRef1_in)); + parameter Real yOutRef2= 1 "Maximum limit" + annotation(Dialog(enable = not use_yOutRef2_in)); + parameter Real dy= 1e-3 "Transition interval"; + + Modelica.Blocks.Interfaces.RealInput uInpRef1_in if use_uInpRef1_in "Connector of Real input signal" + annotation (Placement(transformation(extent={{-140,60},{-100,100}}))); + Modelica.Blocks.Interfaces.RealInput uInpRef2_in if use_uInpRef2_in "Connector of Real input signal" + annotation (Placement(transformation(extent={{-140,20},{-100,60}}))); + + Modelica.Blocks.Interfaces.RealInput yOutRef2_in if use_yOutRef2_in "Connector of Real input signal" + annotation (Placement(transformation(extent={{-140,-100},{-100,-60}}))); + + Modelica.Blocks.Interfaces.RealInput yOutRef1_in if use_yOutRef1_in "Connector of Real input signal" + annotation (Placement(transformation(extent={{-140,-60},{-100,-20}}))); + + protected + Real outInt "Intermediate output"; + Modelica.Blocks.Interfaces.RealInput y1; + Modelica.Blocks.Interfaces.RealInput y2; + Modelica.Blocks.Interfaces.RealInput u1; + Modelica.Blocks.Interfaces.RealInput u2; + + equation + connect(u1,uInpRef1_in); + connect(u2,uInpRef2_in); + connect(y1,yOutRef1_in); + connect(y2,yOutRef2_in); + + if not use_uInpRef1_in then + u1 = uInpRef1; + end if; + if not use_uInpRef2_in then + u2 = uInpRef2; + end if; + if not use_yOutRef1_in then + y1 = yOutRef1; + end if; + if not use_yOutRef2_in then + y2 = yOutRef2; + end if; + + outInt = y1 + (u - u1)*(y2 - y1)/(u2 - u1); + + y=Buildings.Utilities.Math.Functions.smoothLimit( + outInt,min(y1,y2),max(y1,y2),dy); + + annotation (defaultComponentName = "linMap", + Icon(graphics={Text( + extent={{-98,24},{100,-12}}, + lineColor={238,46,47}, + textString="%name")})); + end LinearMap; + + block LinearPiecewiseTwo + "A two-pieces linear piecewise function" + extends Modelica.Blocks.Icons.Block; + parameter Real x0 "First interval [x0, x1]"; + parameter Real x1 "First interval [x0, x1] and second interval (x1, x2]"; + parameter Real x2 "Second interval (x1, x2]"; + parameter Real y10 "y[1] at u = x0"; + parameter Real y11 "y[1] at u = x1"; + parameter Real y20 "y[2] at u = x1"; + parameter Real y21 "y[2] at u = x2"; + Modelica.Blocks.Interfaces.RealInput u "Set point" annotation (extent=[-190, + 80; -150, 120], Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealOutput y[2] "Connectors of Real output signal" + annotation (extent=[148, -10; 168, 10], Placement(transformation(extent={{100,-10}, + {120,10}}))); + Buildings.Controls.SetPoints.Table y1Tab(table=[x0, y10; x1, y11; x2, y11]) + "Table for y[1]" + annotation (Placement(transformation(extent={{-40,20},{-20,40}}))); + Buildings.Controls.SetPoints.Table y2Tab(table=[x0, y20; x1, y20; x2, y21]) + "Table for y[2]" + annotation (Placement(transformation(extent={{-40,-40},{-20,-20}}))); + equation + connect(u, y1Tab.u) annotation (Line( + points={{-120,1.11022e-15},{-58,1.11022e-15},{-58,30},{-42,30}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(u, y2Tab.u) annotation (Line( + points={{-120,1.11022e-15},{-58,1.11022e-15},{-58,-30},{-42,-30}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(y1Tab.y, y[1]) annotation (Line( + points={{-19,30},{26,30},{26,-5},{110,-5}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(y2Tab.y, y[2]) annotation (Line( + points={{-19,-30},{42,-30},{42,5},{110,5}}, + color={0,0,127}, + smooth=Smooth.None)); + annotation ( + defaultComponentName="linPieTwo", + Documentation(info=" +

+This component calcuates the output according to two piecewise linear function as +

+ + + + + + + + + +
+u ∈ [x0, x1]:y1 = y10 + u (y11-y10)/(x1-x0)
+ y2 = y20
u ∈ (x1, x2]:y1 = y11
+ y2 = y20 + (u-x1) + (y21-y20)/(x2-x1)
+", revisions=" +
    +
  • +July 20, 2011, by Wangda Zuo:
    +Add comments and merge to library. +
  • +
  • +January 18, 2011, by Wangda Zuo:
    +First implementation. +
  • +
+"),Icon(graphics={ + Line( + points={{-68,62},{-68,-50},{62,-50}}, + color={0,0,0}, + smooth=Smooth.None, + arrow={Arrow.Filled,Arrow.Filled}), + Line( + points={{46,-50},{46,62}}, + color={0,0,0}, + smooth=Smooth.None, + arrow={Arrow.None,Arrow.Filled}), + Text( + extent={{-52,6},{-42,-2}}, + lineColor={0,0,0}, + textString="y[1]"), + Text( + extent={{24,6},{34,-2}}, + lineColor={128,0,255}, + textString="y[2]", + lineThickness=1), + Text( + extent={{-74,-52},{-64,-60}}, + lineColor={0,0,0}, + textString="x0"), + Text( + extent={{-18,-52},{-8,-60}}, + lineColor={0,0,0}, + textString="x1"), + Text( + extent={{40,-52},{50,-60}}, + lineColor={0,0,0}, + textString="x2"), + Text( + extent={{-80,-38},{-70,-46}}, + lineColor={0,0,0}, + textString="y10"), + Text( + extent={{-80,34},{-68,26}}, + lineColor={0,0,0}, + textString="y11"), + Text( + extent={{48,50},{60,42}}, + lineColor={128,0,255}, + textString="y21"), + Text( + extent={{48,-32},{58,-40}}, + lineColor={128,0,255}, + textString="y20", + lineThickness=1), + Line( + points={{-68,-42},{-14,30},{46,30}}, + color={0,0,0}, + smooth=Smooth.None, + thickness=1), + Line( + points={{-68,44},{-14,44},{46,-36}}, + color={128,0,255}, + thickness=1, + smooth=Smooth.None), + Line( + points={{-14,44},{-14,-50}}, + color={175,175,175}, + smooth=Smooth.None, + pattern=LinePattern.Dash), + Line( + points={{-68,30},{-14,30}}, + color={175,175,175}, + pattern=LinePattern.Dash, + smooth=Smooth.None), + Line( + points={{-14,44},{46,44}}, + color={175,175,175}, + pattern=LinePattern.Dash, + smooth=Smooth.None), + Text( + extent={{62,-46},{72,-54}}, + lineColor={0,0,0}, + textString="x")})); + end LinearPiecewiseTwo; + + model SequenceSignal "Signal for each cell" + extends Modelica.Blocks.Icons.Block; + parameter Integer n(min=1) "Length of the signal"; + + Modelica.Blocks.Interfaces.RealOutput y[n] + "On/off signals for each equipment (1: on, 0: off)" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Interfaces.IntegerInput u + "Number of active tower cells" annotation (Placement(transformation(extent={{-140, + -20},{-100,20}}), iconTransformation(extent={{-140,-20},{-100,20}}))); + + algorithm + y := fill(0,n); + for i in 1:u loop + y[i] := 1; + end for; + + annotation (defaultComponentName = "seqSig", + Icon(coordinateSystem(preserveAspectRatio=false)), Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

+Simple model that is used to determine the on and off sequence of equipment. This model can be replaced by rotation control models. +The logic in this model is explained as follows: +

+
    +
  • +Among n equipment, the first u equipment are switched on, and the rest n-u are switched off. +
  • +
+")); + end SequenceSignal; + + model Stage "General stage control model" + extends Modelica.Blocks.Icons.Block; + + parameter Real staUpThr = 1.25 "Staging up threshold"; + parameter Real staDowThr = 0.55 "Staging down threshold"; + + parameter Modelica.SIunits.Time waiTimStaUp=300 + "Time duration of for staging up"; + parameter Modelica.SIunits.Time waiTimStaDow=600 + "Time duration of for staging down"; + parameter Modelica.SIunits.Time shoCycTim=1200 + "Time duration to avoid short cycling of equipment"; + + Modelica.Blocks.Interfaces.RealInput u "Measured signal" annotation ( + Placement(transformation(extent={{-140,20},{-100,60}}), + iconTransformation(extent={{-140,20},{-100,60}}))); + Modelica.Blocks.Interfaces.IntegerOutput ySta(start=0) + "Stage number of next time step" annotation (Placement(transformation( + extent={{100,-10},{120,10}}), iconTransformation(extent={{100,-10},{120, + 10}}))); + + Modelica.StateGraph.InitialStepWithSignal off "All off" annotation (Placement( + transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-22,50}))); + Modelica.StateGraph.StepWithSignal oneOn(nIn=2, nOut=2) + "One equipment is staged" annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-22,-10}))); + Modelica.StateGraph.StepWithSignal twoOn "Two equipment are staged" + annotation (Placement(transformation( + extent={{-10,10},{10,-10}}, + rotation=-90, + origin={-22,-90}))); + Modelica.StateGraph.Transition tra1( + condition=(timGreEqu.y >= waiTimStaUp and offTim.y >= shoCycTim) or on) + "Transition 1" annotation (Placement( + transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-52,20}))); + Modelica.StateGraph.Transition tra2( + condition=timGreEqu.y >= waiTimStaUp and oneOnTim.y >= shoCycTim) + "Transition 1" + annotation (Placement( + transformation( + extent={{-10,-10},{10,10}}, + rotation=-90, + origin={-42,-50}))); + FiveZone.PrimarySideControl.BaseClasses.TimerGreatEqual timGreEqu(threshold= + staUpThr) "Timer" + annotation (Placement(transformation(extent={{-80,70},{-60,90}}))); + FiveZone.PrimarySideControl.BaseClasses.TimeLessEqual timLesEqu(threshold= + staDowThr) "Timer" + annotation (Placement(transformation(extent={{-80,40},{-60,60}}))); + Modelica.StateGraph.Transition tra3(condition=(timLesEqu.y >= waiTimStaDow + and twoOnTim.y >= shoCycTim) or not on) + "Transition 1" annotation (Placement( + transformation( + extent={{10,10},{-10,-10}}, + rotation=-90, + origin={-2,-50}))); + Modelica.StateGraph.Transition tra4( + enableTimer=false, condition=( + timLesEqu.y >= waiTimStaDow and oneOnTim.y >= shoCycTim) or not on) + "Transition 1" annotation ( + Placement(transformation( + extent={{10,10},{-10,-10}}, + rotation=-90, + origin={0,20}))); + FiveZone.PrimarySideControl.BaseClasses.Timer offTim + "Timer for the state where equipment is off" + annotation (Placement(transformation(extent={{18,40},{38,60}}))); + FiveZone.PrimarySideControl.BaseClasses.Timer oneOnTim + "Timer for the state where only one equipment is on" + annotation (Placement(transformation(extent={{18,-20},{38,0}}))); + FiveZone.PrimarySideControl.BaseClasses.Timer twoOnTim + "Timer for the state where two equipment are on" + annotation (Placement(transformation(extent={{18,-100},{38,-80}}))); + Modelica.Blocks.MathInteger.MultiSwitch mulSwi(expr={0,1,2}, nu=3) + annotation (Placement(transformation(extent={{60,-10},{80,10}}))); + Modelica.Blocks.Interfaces.BooleanInput on + "Set to true to enable equipment, or false to disable equipment" + annotation (Placement(transformation(extent={{-140,-60},{-100,-20}}), + iconTransformation(extent={{-140,-60},{-100,-20}}))); + equation + connect(u, timGreEqu.u) + annotation (Line(points={{-120,40},{-92,40},{-92,80},{-82,80}}, + color={0,0,127})); + connect(u, timLesEqu.u) annotation (Line(points={{-120,40},{-92,40},{-92,50}, + {-82,50}},color={0,0,127})); + connect(off.active, offTim.u) annotation (Line(points={{-11,50},{16,50}}, + color={255,0,255})); + connect(oneOn.active, oneOnTim.u) + annotation (Line(points={{-11,-10},{16,-10}}, + color={255,0,255})); + connect(twoOn.active, twoOnTim.u) + annotation (Line(points={{-11,-90},{16,-90}},color={255,0,255})); + connect(off.outPort[1], tra1.inPort) annotation (Line(points={{-22,39.5},{-22, + 34},{-52,34},{-52,24}}, + color={0,0,0})); + connect(tra1.outPort, oneOn.inPort[1]) annotation (Line(points={{-52,18.5},{-52, + 8},{-22.5,8},{-22.5,1}}, color={0,0,0})); + connect(oneOn.outPort[1], tra2.inPort) annotation (Line(points={{-22.25,-20.5}, + {-22.25,-30},{-42,-30},{-42,-46}}, + color={0,0,0})); + connect(tra2.outPort, twoOn.inPort[1]) annotation (Line(points={{-42,-51.5},{-42, + -68},{-22,-68},{-22,-79}}, + color={0,0,0})); + connect(twoOn.outPort[1], tra3.inPort) annotation (Line(points={{-22,-100.5},{ + -22,-112},{-2,-112},{-2,-54}}, + color={0,0,0})); + connect(tra3.outPort, oneOn.inPort[2]) annotation (Line(points={{-2,-48.5},{-2, + 8},{-21.5,8},{-21.5,1}},color={0,0,0})); + connect(oneOn.outPort[2], tra4.inPort) annotation (Line(points={{-21.75,-20.5}, + {-21.75,-30},{0,-30},{0,16}}, + color={0,0,0})); + connect(tra4.outPort, off.inPort[1]) + annotation (Line(points={{0,21.5},{0,66},{-22,66},{-22,61}}, + color={0,0,0})); + connect(mulSwi.y, ySta) + annotation (Line(points={{80.5,0},{110,0}}, color={255,127,0})); + connect(off.active, mulSwi.u[1]) annotation (Line(points={{-11,50},{8,50},{8, + 70},{54,70},{54,2},{60,2}}, color={255,0,255})); + connect(oneOn.active, mulSwi.u[2]) annotation (Line(points={{-11,-10},{10,-10}, + {10,-28},{54,-28},{54,0},{60,0}}, color={255,0,255})); + connect(twoOn.active, mulSwi.u[3]) annotation (Line(points={{-11,-90},{10,-90}, + {10,-110},{56,-110},{56,-2},{60,-2}}, color={255,0,255})); + annotation (defaultComponentName = "sta", + Documentation(info=" +

+General stage control for two equipment using state-graph package in Modelica. +

+
    +
  • +One additional equipment stages on if measured signal is greater than a stage-up threshold staUpThr for a predefined time period +waiTimStaUp, and the elapsed time since the staged equipment was off is greater than shoCycTim to avoid short cycling. +
  • +
  • +One additional equipment stages off if measured signal is less than a stage-down threshold staUpThr for a predefined time period +waiTimStaDow, and the elapsed time since the staged equipment was on is greater than shoCycTim to avoid short cycling. +
  • +
+", revisions=""), + Diagram(coordinateSystem(extent={{-100,-140},{100,100}})), + __Dymola_Commands); + end Stage; + + model StageBackup + "General stage control model as a back model which needs to be improved and tested" + extends Modelica.Blocks.Icons.Block; + parameter Integer numSta "Design number of equipment that can be staged"; + parameter Real staUpThr = 1.25 "Staging up threshold"; + parameter Real staDowThr = 0.55 "Staging down threshold"; + + parameter Modelica.SIunits.Time waiTimStaUp = 900 "Time duration of TFlo1 condition for staging on one tower cell"; + parameter Modelica.SIunits.Time waiTimStaDow = 300 "Time duration of TFlo2 condition for staging off one tower cell"; + + Modelica.Blocks.Interfaces.RealInput u "Measured signal" annotation ( + Placement(transformation(extent={{-140,60},{-100,100}}), + iconTransformation(extent={{-140,60},{-100,100}}))); + Modelica.Blocks.Interfaces.IntegerOutput ySta + "Stage number of next time step" annotation (Placement(transformation( + extent={{100,-10},{120,10}}), iconTransformation(extent={{100,-10},{120, + 10}}))); + + Modelica.Blocks.Interfaces.IntegerInput minSta "Minimum number of stages" + annotation (Placement(transformation(extent={{-140,-100},{-100,-60}}), + iconTransformation(extent={{-140,-100},{-100,-60}}))); + Modelica.Blocks.Interfaces.IntegerInput uSta "Number of active stages" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}), + iconTransformation(extent={{-140,-20},{-100,20}}))); + Buildings.Controls.OBC.CDL.Conversions.IntegerToReal intToRea + annotation (Placement(transformation(extent={{-80,50},{-60,70}}))); + BaseClasses.TimerGreatEqual timGreEqu(threshold=staUpThr) + "Timer" + annotation (Placement(transformation(extent={{-20,70},{0,90}}))); + BaseClasses.TimeLessEqual timLesEqu(threshold=staDowThr) + "Timer" + annotation (Placement(transformation(extent={{-40,-70},{-20,-50}}))); + Buildings.Controls.OBC.CDL.Continuous.GreaterEqualThreshold staUpAct(threshold= + waiTimStaUp) + "Stageup activated" + annotation (Placement(transformation(extent={{40,70},{60,90}}))); + Buildings.Controls.OBC.CDL.Continuous.GreaterEqualThreshold staDowAct(threshold= + waiTimStaDow) + "Stage down activated" + annotation (Placement(transformation(extent={{20,-70},{40,-50}}))); + protected + Modelica.Blocks.Logical.Switch swi1 + "The switch based on whether it is in FMC mode" + annotation (Placement(transformation(extent={{20,12},{40,32}}))); + public + Buildings.Controls.OBC.CDL.Continuous.Add add1 + annotation (Placement(transformation(extent={{-40,20},{-20,40}}))); + Modelica.Blocks.Sources.Constant uni(k=1) "One" + annotation (Placement(transformation(extent={{-80,14},{-60,34}}))); + Buildings.Controls.OBC.CDL.Continuous.Add add2(k2=-1) + annotation (Placement(transformation(extent={{-40,-30},{-20,-10}}))); + protected + Modelica.Blocks.Logical.Switch swi2 + "The switch based on whether it is in FMC mode" + annotation (Placement(transformation(extent={{8,-38},{28,-18}}))); + public + Buildings.Controls.OBC.CDL.Conversions.RealToInteger reaToInt + annotation (Placement(transformation(extent={{-80,-108},{-60,-88}}))); + Buildings.Controls.OBC.CDL.Integers.Max maxInt + annotation (Placement(transformation(extent={{-40,-114},{-20,-94}}))); + Buildings.Controls.OBC.CDL.Integers.Min minInt + annotation (Placement(transformation(extent={{20,-130},{40,-110}}))); + Buildings.Controls.OBC.CDL.Integers.Sources.Constant conInt(k=numSta) + annotation (Placement(transformation(extent={{-40,-140},{-20,-120}}))); + equation + connect(uSta, intToRea.u) annotation (Line(points={{-120,0},{-90,0},{-90,60},{ + -82,60}}, color={255,127,0})); + connect(timGreEqu.y, staUpAct.u) + annotation (Line(points={{1,80},{38,80}}, color={0,0,127})); + connect(timLesEqu.y, staDowAct.u) + annotation (Line(points={{-19,-60},{18,-60}},color={0,0,127})); + connect(intToRea.y, add1.u1) annotation (Line(points={{-58,60},{-54,60}, + {-54,36},{-42,36}}, + color={0,0,127})); + connect(uni.y, add1.u2) + annotation (Line(points={{-59,24},{-42,24}}, color={0,0,127})); + connect(add1.y, swi1.u1) + annotation (Line(points={{-18,30},{18,30}}, color={0,0,127})); + connect(staUpAct.y, swi1.u2) annotation (Line(points={{62,80},{80,80},{ + 80,54},{0,54},{0,22},{18,22}}, + color={255,0,255})); + connect(intToRea.y, swi1.u3) annotation (Line(points={{-58,60},{-52,60}, + {-52,14},{18,14}}, + color={0,0,127})); + connect(intToRea.y, add2.u1) annotation (Line(points={{-58,60},{-50,60}, + {-50,-14},{-42,-14}}, + color={0,0,127})); + connect(staDowAct.y, swi2.u2) annotation (Line(points={{42,-60},{50,-60}, + {50,-44},{-6,-44},{-6,-28},{6,-28}}, + color={255,0,255})); + connect(add2.y, swi2.u1) + annotation (Line(points={{-18,-20},{6,-20}}, color={0,0,127})); + connect(uni.y, add2.u2) annotation (Line(points={{-59,24},{-54,24},{-54,-26},{ + -42,-26}}, color={0,0,127})); + connect(swi1.y, swi2.u3) annotation (Line(points={{41,22},{50,22},{50,0},{-10, + 0},{-10,-36},{6,-36}}, color={0,0,127})); + connect(swi2.y, reaToInt.u) annotation (Line(points={{29,-28},{60,-28},{60,-80}, + {-92,-80},{-92,-98},{-82,-98}}, color={0,0,127})); + connect(minSta, maxInt.u2) annotation (Line(points={{-120,-80},{-94,-80},{-94, + -110},{-42,-110}}, color={255,127,0})); + connect(reaToInt.y, maxInt.u1) + annotation (Line(points={{-58,-98},{-42,-98}},color={255,127,0})); + connect(maxInt.y, minInt.u1) annotation (Line(points={{-18,-104},{-10, + -104},{-10,-114},{18,-114}}, + color={255,127,0})); + connect(conInt.y, minInt.u2) annotation (Line(points={{-18,-130},{-10, + -130},{-10,-126},{18,-126}}, + color={255,127,0})); + connect(minInt.y, ySta) annotation (Line(points={{42,-120},{80,-120},{ + 80,0},{110,0}}, + color={255,127,0})); + connect(u, timGreEqu.u) + annotation (Line(points={{-120,80},{-22,80}}, color={0,0,127})); + connect(u, timLesEqu.u) annotation (Line(points={{-120,80},{-48,80},{-48,-60}, + {-42,-60}}, color={0,0,127})); + annotation (defaultComponentName = "sta", + Documentation(info=" +

+The cooling tower cell staging control is based on the water flowrate going through the cooling tower. +

+
    +
  • +One additional cell stages on if average flowrate through active cells is greater than a stage-up threshold staUpThr*m_flow_nominal for 15 minutes. +
  • +
  • +One additional cell stages off if average flowrate through active cells is lower than a stage-down threshold staDowThr*m_flow_nominal for 5 minutes. +
  • +
+", revisions=""), + Diagram(coordinateSystem(extent={{-100,-140},{100,100}})), + __Dymola_Commands); + end StageBackup; + + block Timer + "Timer measuring the time from the time instant where the Boolean input became true" + + extends Modelica.Blocks.Icons.PartialBooleanBlock; + Modelica.Blocks.Interfaces.BooleanInput u "Connector of Boolean input signal" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealOutput y "Connector of Real output signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + protected + discrete Modelica.SIunits.Time entryTime "Time instant when u became true"; + initial equation + pre(entryTime) = 0; + equation + when u then + entryTime = time; + end when; + y = if u then time - entryTime else 0.0; + annotation ( + Icon( + coordinateSystem(preserveAspectRatio=true, + extent={{-100.0,-100.0},{100.0,100.0}}), + graphics={ + Line(points={{-90.0,-70.0},{82.0,-70.0}}, + color={192,192,192}), + Line(points={{-80.0,68.0},{-80.0,-80.0}}, + color={192,192,192}), + Polygon(lineColor={192,192,192}, + fillColor={192,192,192}, + fillPattern=FillPattern.Solid, + points={{90.0,-70.0},{68.0,-62.0},{68.0,-78.0},{90.0,-70.0}}), + Polygon(lineColor={192,192,192}, + fillColor={192,192,192}, + fillPattern=FillPattern.Solid, + points={{-80.0,90.0},{-88.0,68.0},{-72.0,68.0},{-80.0,90.0}}), + Line(points={{-80.0,-70.0},{-60.0,-70.0},{-60.0,-26.0},{38.0,-26.0},{38.0,-70.0},{66.0,-70.0}}, + color={255,0,255}), + Line(points={{-80.0,0.0},{-62.0,0.0},{40.0,90.0},{40.0,0.0},{68.0,0.0}}, + color={0,0,127})}), + Diagram(coordinateSystem(preserveAspectRatio=true, extent={{-100,-100},{ + 100,100}}), graphics={Line(points={{-90,-70},{82,-70}}, color={0, + 0,0}),Line(points={{-80,68},{-80,-80}}),Polygon( + points={{90,-70},{68,-62},{68,-78},{90,-70}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid),Polygon( + points={{-80,90},{-88,68},{-72,68},{-80,90}}, + lineColor={0,0,0}, + fillColor={255,255,255}, + fillPattern=FillPattern.Solid),Line(points={{-80,-68},{-60,-68},{ + -60,-40},{20,-40},{20,-68},{60,-68}}, color={255,0,255}),Line( + points={{-80,-20},{-60,-20},{20,60},{20,-20},{60,-20},{60,-20}}, + color={0,0,255}),Text( + extent={{-88,6},{-54,-4}}, + lineColor={0,0,0}, + textString="y"),Text( + extent={{48,-80},{84,-88}}, + lineColor={0,0,0}, + textString="time"),Text( + extent={{-88,-36},{-54,-46}}, + lineColor={0,0,0}, + textString="u")}), + Documentation(info=" +

When the Boolean input "u" becomes true, the timer is started and the output "y" is the time from the time instant where u became true. The timer is stopped and the output is reset to zero, once the input becomes false.

+")); + end Timer; + + model TimerGreat + "Timer calculating the time when A is greater than B" + + parameter Real threshold=0 "Comparison with respect to threshold"; + + Modelica.Blocks.Interfaces.RealInput u "Connector of Boolean input signal" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealOutput y( + final quantity="Time", + final unit="s") + "Connector of Real output signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Logical.GreaterThreshold greEqu( + threshold = threshold) + annotation (Placement(transformation(extent={{-50,-10},{-30,10}}))); + + Timer tim "Timer" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + equation + connect(greEqu.y, tim.u) + annotation (Line(points={{-29,0},{18,0}}, color={255,0,255})); + connect(greEqu.u, u) + annotation (Line(points={{-52,0},{-120,0}}, color={0,0,127})); + connect(tim.y,y) annotation (Line(points={{41,0},{110,0}}, color={0,0,127})); + annotation (defaultComponentName="greEqu", + Icon(coordinateSystem(preserveAspectRatio=false), graphics={ + Rectangle( + extent={{-100,100},{100,-100}}, + lineColor={0,0,0}, + lineThickness=5.0, + fillColor={210,210,210}, + fillPattern=FillPattern.Solid, + borderPattern=BorderPattern.Raised), + Text( + extent={{-90,-40},{60,40}}, + lineColor={0,0,0}, + textString=">"), + Ellipse( + extent={{71,7},{85,-7}}, + lineColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillPattern=FillPattern.Solid), + Text( + extent={{-150,152},{150,112}}, + textString="%name", + lineColor={0,0,255})}), Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

This model represents a timer that starts to calculate the time when the input is greater than or equal to a certain threshold. It will return to zero when the condition does not satisfy.

+")); + end TimerGreat; + + model TimerGreatEqual + "Timer calculating the time when A is greater than or equal than B" + + parameter Real threshold=0 "Comparison with respect to threshold"; + + Modelica.Blocks.Interfaces.RealInput u "Connector of Boolean input signal" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealOutput y( + final quantity="Time", + final unit="s") + "Connector of Real output signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Logical.GreaterEqualThreshold greEqu( + threshold = threshold) + annotation (Placement(transformation(extent={{-50,-10},{-30,10}}))); + + Timer tim "Timer" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + equation + connect(greEqu.y, tim.u) + annotation (Line(points={{-29,0},{18,0}}, color={255,0,255})); + connect(greEqu.u, u) + annotation (Line(points={{-52,0},{-120,0}}, color={0,0,127})); + connect(tim.y,y) annotation (Line(points={{41,0},{110,0}}, color={0,0,127})); + annotation (defaultComponentName="greEqu", + Icon(coordinateSystem(preserveAspectRatio=false), graphics={ + Rectangle( + extent={{-100,100},{100,-100}}, + lineColor={0,0,0}, + lineThickness=5.0, + fillColor={210,210,210}, + fillPattern=FillPattern.Solid, + borderPattern=BorderPattern.Raised), + Text( + extent={{-90,-40},{60,40}}, + lineColor={0,0,0}, + textString=">="), + Ellipse( + extent={{71,7},{85,-7}}, + lineColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillPattern=FillPattern.Solid), + Text( + extent={{-150,152},{150,112}}, + textString="%name", + lineColor={0,0,255})}), Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

This model represents a timer that starts to calculate the time when the input is greater than or equal to a certain threshold. It will return to zero when the condition does not satisfy.

+")); + end TimerGreatEqual; + + model TimeLess "Timer calculating the time when A is less than B" + + parameter Real threshold=0 "Comparison with respect to threshold"; + + Modelica.Blocks.Interfaces.RealInput u "Connector of Boolean input signal" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealOutput y( + final quantity="Time", + final unit="s") + "Connector of Real output signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Logical.LessThreshold lesEqu( + threshold = threshold) + annotation (Placement(transformation(extent={{-52,-10},{-32,10}}))); + + Timer tim "Timer" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + equation + connect(lesEqu.y, tim.u) + annotation (Line(points={{-31,0},{18,0}}, color={255,0,255})); + connect(lesEqu.u, u) + annotation (Line(points={{-54,0},{-120,0}}, color={0,0,127})); + connect(tim.y,y) annotation (Line(points={{41,0},{110,0}}, color={0,0,127})); + annotation (defaultComponentName="lesEqu", + Icon(coordinateSystem(preserveAspectRatio=false), graphics={ + Rectangle( + extent={{-100,100},{100,-100}}, + lineColor={0,0,0}, + lineThickness=5.0, + fillColor={210,210,210}, + fillPattern=FillPattern.Solid, + borderPattern=BorderPattern.Raised), + Text( + extent={{-90,-40},{60,40}}, + lineColor={0,0,0}, + textString="<"), + Ellipse( + extent={{71,7},{85,-7}}, + lineColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillPattern=FillPattern.Solid), + Text( + extent={{-150,150},{150,110}}, + textString="%name", + lineColor={0,0,255})}), Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

This model represents a timer that starts to calculate the time when the input is less than a certain threshold. It will return to zero when the condition does not satisfy.

+")); + end TimeLess; + + model TimeLessEqual + "Timer calculating the time when A is less than or equal than B" + + parameter Real threshold=0 "Comparison with respect to threshold"; + + Modelica.Blocks.Interfaces.RealInput u "Connector of Boolean input signal" + annotation (Placement(transformation(extent={{-140,-20},{-100,20}}))); + Modelica.Blocks.Interfaces.RealOutput y( + final quantity="Time", + final unit="s") + "Connector of Real output signal" + annotation (Placement(transformation(extent={{100,-10},{120,10}}))); + + Modelica.Blocks.Logical.LessEqualThreshold lesEqu( + threshold = threshold) + annotation (Placement(transformation(extent={{-52,-10},{-32,10}}))); + + Timer tim "Timer" + annotation (Placement(transformation(extent={{20,-10},{40,10}}))); + + equation + connect(lesEqu.y, tim.u) + annotation (Line(points={{-31,0},{18,0}}, color={255,0,255})); + connect(lesEqu.u, u) + annotation (Line(points={{-54,0},{-120,0}}, color={0,0,127})); + connect(tim.y,y) annotation (Line(points={{41,0},{110,0}}, color={0,0,127})); + annotation (defaultComponentName="lesEqu", + Icon(coordinateSystem(preserveAspectRatio=false), graphics={ + Rectangle( + extent={{-100,100},{100,-100}}, + lineColor={0,0,0}, + lineThickness=5.0, + fillColor={210,210,210}, + fillPattern=FillPattern.Solid, + borderPattern=BorderPattern.Raised), + Text( + extent={{-90,-40},{60,40}}, + lineColor={0,0,0}, + textString="<="), + Ellipse( + extent={{71,7},{85,-7}}, + lineColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillColor=DynamicSelect({235,235,235}, if y > 0.5 then {0,255,0} + else {235,235,235}), + fillPattern=FillPattern.Solid), + Text( + extent={{-150,150},{150,110}}, + textString="%name", + lineColor={0,0,255})}), Diagram( + coordinateSystem(preserveAspectRatio=false)), + Documentation(info=" +

This model represents a timer that starts to calculate the time when the input is less than or equal to a certain threshold. It will return to zero when the condition does not satisfy.

+")); + end TimeLessEqual; + + block TrimAndRespond "Trim and respond logic" + extends Modelica.Blocks.Interfaces.DiscreteSISO(firstTrigger(start=false, fixed=true)); + parameter Real uTri "Value to triggering the request for actuator"; + parameter Real yEqu0 "y setpoint when equipment starts"; + parameter Real yDec(max=0) "y decrement (must be negative)"; + parameter Real yInc(min=0) "y increment (must be positive)"; + + Modelica.Blocks.Logical.GreaterEqualThreshold incY(threshold=uTri) + "Outputs true if y needs to be increased" + annotation (extent=[-20, 98; 0, 118], Placement(transformation(extent={{-20, + 50},{0,70}}))); + Modelica.Blocks.Logical.Switch swi annotation (extent=[100, 110; 120, 130], + Placement(transformation(extent={{60,50},{80,70}}))); + Sampler sam(samplePeriod=samplePeriod) "Sampler" + annotation (extent=[-60, 90; -40, 110], Placement(transformation(extent={{-60, + 50},{-40,70}}))); + + Modelica.Blocks.Sources.Constant conYDec(k=yDec) "y decrease" + annotation (extent=[26, 90; 46, 110], Placement(transformation(extent={{20,30}, + {40,50}}))); + Modelica.Blocks.Sources.Constant conYInc(k=yInc) "y increase" + annotation (extent=[-20, 124; 0, 144], Placement(transformation(extent={{20,70}, + {40,90}}))); + UnitDelay uniDel1( + y_start=yEqu0, + samplePeriod=samplePeriod, + startTime=samplePeriod) + annotation (extent=[-52, -40; -32, -20], Placement( + transformation(extent={{-60,-16},{-40,4}}))); + Modelica.Blocks.Math.Add add annotation (extent=[-20, -20; 0, 0], Placement( + transformation(extent={{-20,-10},{0,10}}))); + Modelica.Blocks.Nonlinear.Limiter lim(uMax=1, uMin=0) "State limiter" + annotation (extent=[20, -20; 40, 0], Placement(transformation(extent={{20,-10}, + {40,10}}))); + + // The UnitDelay and Sampler is reimplemented to avoid in Dymola 2016 the translation warning + // The initial conditions for variables of type Boolean are not fully specified. + // Dymola has selected default initial conditions. + // Assuming fixed default start value for the discrete non-states: + // ...firstTrigger(start = false) + // ... + + protected + block UnitDelay + extends Modelica.Blocks.Discrete.UnitDelay( + firstTrigger(start=false, fixed=true)); + end UnitDelay; + + block Sampler + extends Modelica.Blocks.Discrete.Sampler( + firstTrigger(start=false, fixed=true)); + end Sampler; + equation + connect(lim.y, y) annotation (Line( + points={{41,6.10623e-16},{70,6.10623e-16},{70,5.55112e-16},{110,5.55112e-16}}, + color={0,0,127}, + smooth=Smooth.None)); + + connect(add.y, lim.u) annotation (Line( + points={{1,6.10623e-16},{9.5,6.10623e-16},{9.5,6.66134e-16},{18, + 6.66134e-16}}, + color={0,0,127}, + smooth=Smooth.None)); + + connect(uniDel1.y, add.u2) annotation (Line( + points={{-39,-6},{-22,-6}}, + color={0,0,127}, + smooth=Smooth.None)); + + connect(incY.y, swi.u2) annotation (Line( + points={{1,60},{58,60}}, + color={255,0,255}, + smooth=Smooth.None)); + connect(sam.y, incY.u) annotation (Line( + points={{-39,60},{-22,60}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(lim.y, uniDel1.u) annotation (Line( + points={{41,6.66134e-16},{60,6.66134e-16},{60,-40},{-80,-40},{-80,-6},{-62, + -6}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(swi.y, add.u1) annotation (Line( + points={{81,60},{88,60},{88,20},{-30,20},{-30,6},{-22,6}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(swi.u3, conYDec.y) annotation (Line( + points={{58,52},{50,52},{50,40},{41,40}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(conYInc.y, swi.u1) annotation (Line( + points={{41,80},{50,80},{50,68},{58,68}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(sam.u, u) annotation (Line( + points={{-62,60},{-80,60},{-80,1.11022e-15},{-120,1.11022e-15}}, + color={0,0,127}, + smooth=Smooth.None)); + annotation ( + defaultComponentName="triAndRes", + Documentation(info=" +

+ This model implements the trim and respond logic. The model samples the outputs of actuators every tSam. + The control sequence is as follows: +

+
    +
  • If u ≥ 0, then y = y + nActInc,
  • +
  • If u < 0, then y = y - yDec.
  • +
+", revisions=" +
    +
  • +September 24, 2015 by Michael Wetter:
    +Implemented UnitDelay and Sampler to avoid a translation warning +because these blocks do not set the fixed attribute of firstTrigger +in MSL 3.2.1. +
  • +
  • +December 5, 2012, by Michael Wetter:
    +Simplified implementation. +
  • +
  • +September 21, 2012, by Wangda Zuo:
    +Deleted the status input that was not needed for new control. +
  • +
  • +July 20, 2011, by Wangda Zuo:
    +Added comments, redefine variable names, and merged to library. +
  • +
  • +January 6 2011, by Michael Wetter and Wangda Zuo:
    +First implementation. +
  • +
+")); + end TrimAndRespond; + + block TrimAndRespondContinuousTimeApproximation + "Trim and respond logic" + extends Modelica.Blocks.Interfaces.SISO; + parameter Real uTri "Value to triggering the request for actuator"; + parameter Real k=0.1 "Gain of controller"; + parameter Modelica.SIunits.Time Ti=120 "Time constant of Integrator block"; + + Buildings.Controls.Continuous.LimPID conPID( + Td=1, + reverseAction=true, + controllerType=Modelica.Blocks.Types.SimpleController.PI, + k=k, + Ti=Ti) annotation (Placement(transformation(extent={{-20,40},{0,60}}))); + Modelica.Blocks.Sources.Constant const(k=uTri) + annotation (Placement(transformation(extent={{-60,40},{-40,60}}))); + + equation + connect(const.y, conPID.u_s) annotation (Line( + points={{-39,50},{-22,50}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(conPID.y, y) annotation (Line( + points={{1,50},{76,50},{76,4.44089e-16},{110,4.44089e-16}}, + color={0,0,127}, + smooth=Smooth.None)); + connect(u, conPID.u_m) annotation (Line( + points={{-120,0},{-10,0},{-10,38}}, + color={0,0,127}, + smooth=Smooth.None)); + annotation ( + defaultComponentName="triAndRes", + Documentation(info=" +

+ This model implements a continuous time approximation to the trim and respond + control algorithm. +

+ ", revisions=" +
    +
  • +December 5, 2012, by Michael Wetter:
    +First implementation. +
  • +
+")); + end TrimAndRespondContinuousTimeApproximation; + + package Validation "Collection of validation models that the base classes of the local controls" + extends Modelica.Icons.ExamplesPackage; + + model Stage "Test the general stage model" + extends Modelica.Icons.Example; + parameter Integer numSta=4 "Design number of equipment that can be staged"; + parameter Real staUpThr=0.8 "Staging up threshold"; + parameter Real staDowThr=0.45 "Staging down threshold"; + FiveZone.PrimarySideControl.BaseClasses.Stage sta( + staUpThr=staUpThr, + staDowThr=staDowThr, + waiTimStaUp=300, + shoCycTim=200) + annotation (Placement(transformation(extent={{-10,-10},{10,10}}))); + + Buildings.Controls.OBC.CDL.Continuous.Sources.Sine u( + amplitude=0.5, + offset=0.5, + freqHz=1/1500) "Input signal" + annotation (Placement(transformation(extent={{-60,20},{-40,40}}))); + + Modelica.Blocks.Sources.BooleanPulse on(period=3000) + annotation (Placement(transformation(extent={{-60,-40},{-40,-20}}))); + equation + connect(u.y, sta.u) + annotation (Line(points={{-39,30},{-26,30},{-26,4},{-12,4}}, + color={0,0,127})); + connect(on.y, sta.on) annotation (Line(points={{-39,-30},{-26,-30},{-26,-4},{ + -12,-4}}, color={255,0,255})); + annotation (Icon(coordinateSystem(preserveAspectRatio=false)), Diagram( + coordinateSystem(preserveAspectRatio=false)), + experiment(StopTime=3600), + __Dymola_Commands(file= + "modelica://WSEControlLogics/Resources/Scripts/Dymola/Controls/LocalControls/BaseClasses/Validation/Stage.mos" + "Simulate and Plot")); + end Stage; + annotation (Documentation(info=" +

This package contains validation models for the classes in + +WSEControlLogics/Controls/LocalControls/BaseClasses.

+")); + end Validation; + annotation (Documentation(info=" +

This package contains base classes that are used to construct the models in + +WSEControlLogics.Controls.LocalControl. +

+")); + end BaseClasses; + annotation (Documentation(info=" +

This package contains a collection of models for the local controls of chilled water system with waterside economizer.

+"), Icon(graphics={ + Rectangle( + origin={0.0,35.1488}, + fillColor={255,255,255}, + extent={{-30.0,-20.1488},{30.0,20.1488}}), + Polygon( + origin={-40.0,35.0}, + pattern=LinePattern.None, + fillPattern=FillPattern.Solid, + points={{10.0,0.0},{-5.0,5.0},{-5.0,-5.0}}), + Line( + origin={-51.25,0.0}, + points={{21.25,-35.0},{-13.75,-35.0},{-13.75,35.0},{6.25,35.0}}), + Line( + origin={51.25,0.0}, + points={{-21.25,35.0},{13.75,35.0},{13.75,-35.0},{-6.25,-35.0}}), + Rectangle( + origin={0.0,-34.8512}, + fillColor={255,255,255}, + extent={{-30.0,-20.1488},{30.0,20.1488}})})); + end PrimarySideControl; + + package Data "Performance data" + + record Chiller = + Buildings.Fluid.Chillers.Data.ElectricEIR.Generic ( + QEva_flow_nominal = -1076100, + COP_nominal = 5.52, + PLRMin = 0.10, + PLRMinUnl = 0.10, + PLRMax = 1.02, + mEva_flow_nominal = 1000 * 0.03186, + mCon_flow_nominal = 1000 * 0.04744, + TEvaLvg_nominal = 273.15 + 5.56, + TConEnt_nominal = 273.15 + 24.89, + TEvaLvgMin = 273.15 + 5.56, + TEvaLvgMax = 273.15 + 10.00, + TConEntMin = 273.15 + 12.78, + TConEntMax = 273.15 + 24.89, + capFunT = {1.785912E-01,-5.900023E-02,-5.946963E-04,9.297889E-02,-2.841024E-03,4.974221E-03}, + EIRFunT = {5.245110E-01,-2.850126E-02,8.034720E-04,1.893133E-02,1.151629E-04,-9.340642E-05}, + EIRFunPLR = {2.619878E-01,2.393605E-01,4.988306E-01}, + etaMotor = 1.0) + "ElectricEIRChiller Carrier 19XR 1076kW/5.52COP/Vanes" annotation ( + defaultComponentName="datChi", + defaultComponentPrefixes="parameter", + Documentation(info= + " +Performance data for chiller model. +This data corresponds to the following EnergyPlus model: + +")); + end Data; + + package Types "Package with type definitions" + extends Modelica.Icons.TypesPackage; + + type CoolingModes = enumeration( + FreeCooling "Free cooling mode", + PartialMechanical "Partial mechanical cooling", + FullMechanical "Full mechanical cooling", + Off "Off") annotation ( + Documentation(info=" +

Enumeration for the type cooling mode.

+
    +
  1. FreeCooling
  2. +
  3. PartialMechanical
  4. +
  5. FullMechanical
  6. +
  7. Off
  8. +
+", revisions= + " +
    +
  • +August 29, 2017, by Michael Wetter:
    +First implementation. +
  • +
+")); + annotation (Documentation(info=" +

+This package contains type definitions. +

+")); + end Types; + annotation (uses( Buildings(version="7.0.0"), - Modelica(version="3.2.3")), + Modelica(version="3.2.3"), + Complex(version="3.2.3"), + Modelica_LinearSystems2(version="2.3.5"), + Modelica_Synchronous(version="0.93.0")), version="1.0.0", conversion(noneFromVersion="")); end FiveZone; diff --git a/testcases/models/high_fidelity_models/five-zones-supervisory-tsup/FiveZoneVAV.fmu b/testcases/models/high_fidelity_models/five-zones-air/FiveZoneVAV.fmu similarity index 100% rename from testcases/models/high_fidelity_models/five-zones-supervisory-tsup/FiveZoneVAV.fmu rename to testcases/models/high_fidelity_models/five-zones-air/FiveZoneVAV.fmu diff --git a/testcases/models/high_fidelity_models/five-zones-supervisory-tsup/FiveZoneVAVBaseline.fmu b/testcases/models/high_fidelity_models/five-zones-air/FiveZoneVAVBaseline.fmu similarity index 100% rename from testcases/models/high_fidelity_models/five-zones-supervisory-tsup/FiveZoneVAVBaseline.fmu rename to testcases/models/high_fidelity_models/five-zones-air/FiveZoneVAVBaseline.fmu diff --git a/testcases/models/high_fidelity_models/five-zones-air/compile_fmu.bat b/testcases/models/high_fidelity_models/five-zones-air/compile_fmu.bat new file mode 100644 index 00000000..5e0de162 --- /dev/null +++ b/testcases/models/high_fidelity_models/five-zones-air/compile_fmu.bat @@ -0,0 +1,10 @@ +docker run^ + --user=root^ + --detach=false^ + -e DISPLAY=${DISPLAY}^ + -v /tmp/.X11-unix:/tmp/.X11-unix^ + --rm^ + -v %CD%:/mnt/shared^ + -i^ + -t^ + mpcdrl /bin/bash -c "cd /mnt/shared && python2 /mnt/shared/compile_fmu.py" diff --git a/testcases/models/high_fidelity_models/five-zones-supervisory-tsup/compile_fmu.py b/testcases/models/high_fidelity_models/five-zones-air/compile_fmu.py similarity index 86% rename from testcases/models/high_fidelity_models/five-zones-supervisory-tsup/compile_fmu.py rename to testcases/models/high_fidelity_models/five-zones-air/compile_fmu.py index 9cd1bd6d..1f159783 100644 --- a/testcases/models/high_fidelity_models/five-zones-supervisory-tsup/compile_fmu.py +++ b/testcases/models/high_fidelity_models/five-zones-air/compile_fmu.py @@ -13,7 +13,7 @@ #### Compile Baseline Model ## ------------ mopath = 'FiveZone.mo' -modelpath = 'FiveZone.Guideline36Baseline' +modelpath = 'FiveZone.System' # ------------ # COMPILE FMU: set JVM maximum leap to 1G to avoid memory issues @@ -21,7 +21,7 @@ # the defauted compilation target is model exchange, where no numerical integrator is integrated into the fmu. # The equations in FMU is solved by numerical solvers in the importing tool. compiler_options = {"cs_rel_tol":1.0E-04} -fmupath = compile_fmu(modelpath,[mopath], jvm_args='-Xmx1g',target='cs',version='2.0',compile_to='FiveZoneVAVBaseline.fmu',compiler_options=compiler_options) +fmupath = compile_fmu(modelpath,[mopath], jvm_args='-Xmx8g',target='cs',version='2.0',compile_to='FiveZoneSystem.fmu',compiler_options=compiler_options) # ----------- # #### Compile FiveZone diff --git a/testcases/models/high_fidelity_models/five-zones-air/compile_fmu.sh b/testcases/models/high_fidelity_models/five-zones-air/compile_fmu.sh new file mode 100644 index 00000000..a39519e7 --- /dev/null +++ b/testcases/models/high_fidelity_models/five-zones-air/compile_fmu.sh @@ -0,0 +1,12 @@ + exec docker run \ + --name c_mpcdrl \ + --user=root \ + --detach=false \ + -e DISPLAY=${DISPLAY} \ + -v /tmp/.X11-unix:/tmp/.X11-unix\ + --rm \ + -v `pwd`:/mnt/shared \ + -i \ + -t \ + mpcdrl /bin/bash -c "cd /mnt/shared && python /mnt/shared/compile_fmu.py" + exit $ diff --git a/testcases/models/high_fidelity_models/five-zones-supervisory-tsup/simulateFMU.pdf b/testcases/models/high_fidelity_models/five-zones-air/simulateFMU.pdf similarity index 100% rename from testcases/models/high_fidelity_models/five-zones-supervisory-tsup/simulateFMU.pdf rename to testcases/models/high_fidelity_models/five-zones-air/simulateFMU.pdf diff --git a/testcases/models/high_fidelity_models/five-zones-supervisory-tsup/simulate_fmu.bat.bat b/testcases/models/high_fidelity_models/five-zones-air/simulate_fmu.bat.bat similarity index 100% rename from testcases/models/high_fidelity_models/five-zones-supervisory-tsup/simulate_fmu.bat.bat rename to testcases/models/high_fidelity_models/five-zones-air/simulate_fmu.bat.bat diff --git a/testcases/models/high_fidelity_models/five-zones-supervisory-tsup/simulate_fmu.py b/testcases/models/high_fidelity_models/five-zones-air/simulate_fmu.py similarity index 100% rename from testcases/models/high_fidelity_models/five-zones-supervisory-tsup/simulate_fmu.py rename to testcases/models/high_fidelity_models/five-zones-air/simulate_fmu.py