├── README.md ├── HVAC_Load_Calc.py ├── HVAC_NN_Load calc.py └── ENB2012_data.csv /README.md: -------------------------------------------------------------------------------- 1 | # HVAC-calc-with-NN 2 | Deep Learning python code for HVAC cooling / Heating load calculation 3 | 4 | Project Scope: 5 | The project examines how a neural network can be applied within a design task of HVAC design, I decided to model a very common and fundamental process. 6 | 7 | ‘The initial calculation of cooling and heating loads for a medium size building’. 8 | 9 | So the task became: 10 | 11 | How to create a tool (trained AI model), which can predict the cooling and heating load of a medium size building by just providing some inputs without any engineering calculations. 12 | 13 | Dataset used: 14 | The dataset used was an existing collection from UCI Machine Learning repository [1] under the ownership and license of Athanasios Tsanas and Angeliki Xifara [2]. 15 | 16 | Model: 17 | The problem was modeled through a 3-layer neural network algorithm including 2 hidden layers, 64 nodes per hidden layer and 0.01 as the regularization parameter. The input layer contains 8 normalized input parameters, and the output layer 1 variable 18 | 19 | 20 | References 21 | [1] https://archive.ics.uci.edu/ml/datasets/Energy+efficiency 22 | [2] A. Tsanas, A. Xifara: "Accurate quantitative estimation of energy performance of residential buildings using statistical machine learning tools", Energy and Buildings, Vol. 49, pp. 560-567, 2012 23 | -------------------------------------------------------------------------------- /HVAC_Load_Calc.py: -------------------------------------------------------------------------------- 1 | import numpy as np 2 | import pandas as pd 3 | import matplotlib.pyplot as plt 4 | 5 | import tensorflow as tf 6 | import keras 7 | from keras import models 8 | from keras import layers 9 | from keras.utils import np_utils 10 | 11 | 12 | # Load of buildings energy data from file. Save ENB2012_data.csv file into local drive and add below the path. 13 | dataset = pd.read_csv('/ ... /ENB2012_data.csv') 14 | 15 | print(dataset) 16 | 17 | # Separation of training data into X and Y sets 18 | X_train = dataset.ix[0:667,1:9].values.astype('float32') 19 | Y1_train = dataset.loc[0:667,'Y1'].values.astype('float32') 20 | Y2_train = dataset.loc[0:667,'Y2'].values.astype('float32') 21 | 22 | # Separation of test data into X and Y sets 23 | X_test = dataset.ix[668:767,1:9].values.astype('float32') 24 | Y1_test = dataset.loc[668:767,'Y1'].values.astype('float32') 25 | Y2_test = dataset.loc[668:767,'Y2'].values.astype('float32') 26 | 27 | 28 | # Training and test input data Normalization 29 | mean = X_train.mean(axis=0) 30 | X_train -= mean 31 | std = X_train.std(axis=0) 32 | X_train /= std 33 | 34 | X_test -= mean 35 | X_test /= std 36 | 37 | 38 | # NN model definition 39 | def build_model(): 40 | # Train of the DL network using keras 41 | model =models.Sequential() 42 | # The Input Layer: 43 | model.add(layers.Dense(64, input_dim=X_train.shape[1], activation='relu')) 44 | # The Hidden Layers 45 | model.add(layers.Dense(64,activation='relu')) 46 | # The Output Layer 47 | model.add(layers.Dense(1)) 48 | 49 | model.compile(optimizer='rmsprop', loss='mse', metrics=['mae']) 50 | return model 51 | 52 | model = build_model() 53 | model.fit(X_train, Y1_train, epochs=300, batch_size=10, verbose=0) 54 | test_mse_score, test_mae_score = model.evaluate(X_test, Y1_test) 55 | -------------------------------------------------------------------------------- /HVAC_NN_Load calc.py: -------------------------------------------------------------------------------- 1 | import numpy as np 2 | import pandas as pd 3 | import matplotlib.pyplot as plt 4 | 5 | import tensorflow as tf 6 | import keras 7 | from keras import models 8 | from keras import layers 9 | from keras.utils import np_utils 10 | 11 | print('Dota Loading ...') 12 | 13 | # Load of buildings energy data from file 14 | dataset = pd.read_csv('/Users/theodosismoumiadis/Documents/ENB2012_data.csv') 15 | # A command that returns all data rows in random order 16 | # dataset = dataset.sample(frac=1) 17 | 18 | # Separation of training data into X and Y sets 19 | X_train = dataset.ix[0:667,1:9].values.astype('float32') 20 | Y1_train = dataset.loc[0:667,'Y1'].values.astype('float32') 21 | Y2_train = dataset.loc[0:667,'Y2'].values.astype('float32') 22 | 23 | # Separation of test data into X and Y sets 24 | X_test = dataset.ix[668:767,1:9].values.astype('float32') 25 | Y1_test = dataset.loc[668:767,'Y1'].values.astype('float32') 26 | Y2_test = dataset.loc[668:767,'Y2'].values.astype('float32') 27 | 28 | print('Data Loaded') 29 | 30 | print(' ') 31 | print('Data Normalization ... ') 32 | 33 | # Training and test input data Normalization 34 | mean = X_train.mean(axis=0) 35 | X_train -= mean 36 | std = X_train.std(axis=0) 37 | X_train /= std 38 | 39 | X_test -= mean 40 | X_test /= std 41 | 42 | print('Data Normalized') 43 | 44 | print(' ') 45 | print('Neural network training ... ') 46 | 47 | # NN model definition 48 | 49 | # Train of the DL network using tf.keras 50 | model = tf.keras.models.Sequential() 51 | # The Input Layer: 52 | model.add(tf.keras.layers.Dense(64, activation=tf.nn.relu, input_shape=(8,))) 53 | # The Hidden Layers 54 | model.add(tf.keras.layers.Dense(64,activation=tf.nn.relu)) 55 | 56 | # The Output Layer 57 | model.add(tf.keras.layers.Dense(1)) 58 | 59 | model.compile(optimizer='rmsprop', loss='mse', metrics=['mae']) 60 | 61 | model.fit(X_train, Y1_train, epochs=300, batch_size=10, verbose=0) 62 | 63 | test_mse_score, test_mae_score = model.evaluate(X_test, Y1_test) 64 | 65 | -------------------------------------------------------------------------------- /ENB2012_data.csv: -------------------------------------------------------------------------------- 1 | ,X1,X2,X3,X4,X5,X6,X7,X8,Y1,Y2,, 2 | 1,0.64,784,343,220.5,3.5,4,0.25,5,16.76,20.19,, 3 | 2,0.69,735,294,220.5,3.5,4,0.25,1,12.73,15.48,, 4 | 3,0.74,686,245,220.5,3.5,3,0.25,3,12.03,13.79,, 5 | 4,0.66,759.5,318.5,220.5,3.5,2,0.1,2,11.45,14.86,, 6 | 5,0.86,588,294,147,7,2,0.1,3,25.41,31.73,, 7 | 6,0.71,710.5,269.5,220.5,3.5,2,0.25,2,12.33,14.91,, 8 | 7,0.86,588,294,147,7,4,0.1,2,26.33,27.36,, 9 | 8,0.98,514.5,294,110.25,7,3,0.25,4,28.55,29.59,, 10 | 9,0.62,808.5,367.5,220.5,3.5,4,0.4,1,17.14,17.15,, 11 | 10,0.86,588,294,147,7,2,0.1,5,27.03,25.82,, 12 | 11,0.86,588,294,147,7,4,0.25,2,29.27,29.9,, 13 | 12,0.76,661.5,416.5,122.5,7,2,0.1,4,33.08,34.11,, 14 | 13,0.98,514.5,294,110.25,7,3,0.4,4,32.67,33.06,, 15 | 14,0.98,514.5,294,110.25,7,2,0.4,3,32.82,32.78,, 16 | 15,0.82,612.5,318.5,147,7,3,0.25,2,25.98,26.96,, 17 | 16,0.71,710.5,269.5,220.5,3.5,5,0.1,5,13.69,13.89,, 18 | 17,0.62,808.5,367.5,220.5,3.5,5,0.4,3,16.74,16,, 19 | 18,0.62,808.5,367.5,220.5,3.5,3,0.1,5,12.74,13.97,, 20 | 19,0.71,710.5,269.5,220.5,3.5,3,0.25,3,12.28,14.74,, 21 | 20,0.76,661.5,416.5,122.5,7,4,0.25,1,36.91,37.45,, 22 | 21,0.9,563.5,318.5,122.5,7,3,0.4,4,35.73,39.92,, 23 | 22,0.9,563.5,318.5,122.5,7,5,0.25,5,32.46,35.62,, 24 | 23,0.98,514.5,294,110.25,7,4,0.25,4,28.15,30.19,, 25 | 24,0.98,514.5,294,110.25,7,3,0.4,3,32.69,33.24,, 26 | 25,0.79,637,343,147,7,4,0.25,1,39.86,36.85,, 27 | 26,0.82,612.5,318.5,147,7,2,0.1,1,23.53,27.31,, 28 | 27,0.74,686,245,220.5,3.5,3,0.4,5,14.19,16.62,, 29 | 28,0.98,514.5,294,110.25,7,5,0.4,1,32.53,33.04,, 30 | 29,0.64,784,343,220.5,3.5,2,0.1,1,15.41,19.37,, 31 | 30,0.82,612.5,318.5,147,7,5,0,0,15.98,24.93,, 32 | 31,0.9,563.5,318.5,122.5,7,3,0.1,4,28.05,33.91,, 33 | 32,0.76,661.5,416.5,122.5,7,2,0,0,24.77,29.79,, 34 | 33,0.69,735,294,220.5,3.5,3,0.4,5,14.28,15.87,, 35 | 34,0.98,514.5,294,110.25,7,5,0,0,15.55,21.33,, 36 | 35,0.66,759.5,318.5,220.5,3.5,5,0.1,5,11.34,14.87,, 37 | 36,0.76,661.5,416.5,122.5,7,3,0.4,3,39.84,38.48,, 38 | 37,0.71,710.5,269.5,220.5,3.5,4,0.25,4,12.17,15.2,, 39 | 38,0.82,612.5,318.5,147,7,5,0.1,5,23.86,27.69,, 40 | 39,0.98,514.5,294,110.25,7,4,0.1,1,24.63,26.44,, 41 | 40,0.62,808.5,367.5,220.5,3.5,4,0.25,2,14.6,15.14,, 42 | 41,0.74,686,245,220.5,3.5,3,0.1,4,10.15,13.36,, 43 | 42,0.79,637,343,147,7,2,0.1,4,36.86,34.25,, 44 | 43,0.64,784,343,220.5,3.5,5,0.25,2,17.11,20.43,, 45 | 44,0.86,588,294,147,7,5,0.1,2,25.36,31.9,, 46 | 45,0.79,637,343,147,7,5,0.4,3,42.08,38.23,, 47 | 46,0.69,735,294,220.5,3.5,2,0,0,6.85,11.74,, 48 | 47,0.66,759.5,318.5,220.5,3.5,3,0.1,5,11.34,14.81,, 49 | 48,0.66,759.5,318.5,220.5,3.5,4,0.4,4,15.09,18.36,, 50 | 49,0.76,661.5,416.5,122.5,7,5,0.1,1,32.21,33.67,, 51 | 50,0.9,563.5,318.5,122.5,7,3,0.25,2,33.27,32.64,, 52 | 51,0.82,612.5,318.5,147,7,2,0.4,3,28.67,32.43,, 53 | 52,0.76,661.5,416.5,122.5,7,4,0.1,3,32.33,34.48,, 54 | 53,0.64,784,343,220.5,3.5,4,0.1,1,15.42,19.34,, 55 | 54,0.66,759.5,318.5,220.5,3.5,5,0,0,7.1,12.14,, 56 | 55,0.9,563.5,318.5,122.5,7,3,0.25,5,32.31,32,, 57 | 56,0.76,661.5,416.5,122.5,7,4,0.25,5,36.06,35.73,, 58 | 57,0.62,808.5,367.5,220.5,3.5,4,0.25,1,15.08,15.77,, 59 | 58,0.66,759.5,318.5,220.5,3.5,4,0.4,1,15.23,18.14,, 60 | 59,0.79,637,343,147,7,3,0.25,2,40.19,37.41,, 61 | 60,0.64,784,343,220.5,3.5,4,0.4,2,18.9,22.09,, 62 | 61,0.98,514.5,294,110.25,7,2,0.1,4,24.38,25.91,, 63 | 62,0.64,784,343,220.5,3.5,4,0.4,1,19.48,22.72,, 64 | 63,0.9,563.5,318.5,122.5,7,2,0.4,1,36.47,39.28,, 65 | 64,0.79,637,343,147,7,2,0.25,2,38.57,43.86,, 66 | 65,0.82,612.5,318.5,147,7,4,0.1,3,24.17,25.35,, 67 | 66,0.79,637,343,147,7,2,0.1,2,35.65,41.07,, 68 | 67,0.64,784,343,220.5,3.5,3,0.25,5,16.86,20.01,, 69 | 68,0.64,784,343,220.5,3.5,5,0.1,5,15.36,19.29,, 70 | 69,0.79,637,343,147,7,4,0.4,4,41.32,46.23,, 71 | 70,0.74,686,245,220.5,3.5,3,0.1,1,10.43,13.71,, 72 | 71,0.66,759.5,318.5,220.5,3.5,2,0.25,2,13.05,15.89,, 73 | 72,0.62,808.5,367.5,220.5,3.5,5,0.25,5,13.86,14.75,, 74 | 73,0.98,514.5,294,110.25,7,3,0.1,2,24.31,25.63,, 75 | 74,0.71,710.5,269.5,220.5,3.5,5,0,0,6.4,11.67,, 76 | 75,0.74,686,245,220.5,3.5,4,0.25,1,12.41,15.28,, 77 | 76,0.69,735,294,220.5,3.5,2,0.25,5,12.47,15.14,, 78 | 77,0.66,759.5,318.5,220.5,3.5,4,0.1,1,11.7,13.88,, 79 | 78,0.71,710.5,269.5,220.5,3.5,3,0.4,2,14.66,17.37,, 80 | 79,0.86,588,294,147,7,5,0.1,5,26.45,31.28,, 81 | 80,0.82,612.5,318.5,147,7,2,0.4,5,30,29.93,, 82 | 81,0.82,612.5,318.5,147,7,3,0.25,1,27.27,27.84,, 83 | 82,0.64,784,343,220.5,3.5,2,0.25,4,16.99,19.65,, 84 | 83,0.66,759.5,318.5,220.5,3.5,5,0.4,1,15.23,17.95,, 85 | 84,0.74,686,245,220.5,3.5,5,0.25,2,12.3,15.44,, 86 | 85,0.74,686,245,220.5,3.5,2,0.25,5,12.12,14.48,, 87 | 86,0.82,612.5,318.5,147,7,5,0.4,4,29.52,28.43,, 88 | 87,0.69,735,294,220.5,3.5,3,0.1,5,11.14,14.28,, 89 | 88,0.9,563.5,318.5,122.5,7,5,0.1,1,28.09,34.33,, 90 | 89,0.86,588,294,147,7,4,0.4,4,32.15,36.21,, 91 | 90,0.66,759.5,318.5,220.5,3.5,2,0.25,4,12.95,15.95,, 92 | 91,0.74,686,245,220.5,3.5,2,0.25,1,12.43,15.19,, 93 | 92,0.9,563.5,318.5,122.5,7,4,0.1,5,28.03,34.45,, 94 | 93,0.66,759.5,318.5,220.5,3.5,3,0,0,7.1,12.23,, 95 | 94,0.76,661.5,416.5,122.5,7,4,0.4,3,38.89,39.66,, 96 | 95,0.74,686,245,220.5,3.5,3,0.25,4,12.3,15.24,, 97 | 96,0.98,514.5,294,110.25,7,5,0.4,2,32.72,33.78,, 98 | 97,0.64,784,343,220.5,3.5,4,0.4,3,18.48,21.54,, 99 | 98,0.62,808.5,367.5,220.5,3.5,4,0.4,3,16.55,16.56,, 100 | 99,0.66,759.5,318.5,220.5,3.5,2,0.25,5,12.93,15.83,, 101 | 100,0.79,637,343,147,7,2,0.4,4,42.77,38.33,, 102 | 101,0.66,759.5,318.5,220.5,3.5,2,0.1,5,11.38,14.54,, 103 | 102,0.82,612.5,318.5,147,7,2,0.1,3,22.93,28.68,, 104 | 103,0.74,686,245,220.5,3.5,5,0,0,6.04,11.17,, 105 | 104,0.82,612.5,318.5,147,7,5,0.25,2,24.94,29.88,, 106 | 105,0.9,563.5,318.5,122.5,7,5,0.25,2,31.66,37.72,, 107 | 106,0.79,637,343,147,7,2,0.1,3,35.78,43.12,, 108 | 107,0.69,735,294,220.5,3.5,3,0.4,2,14.71,17.01,, 109 | 108,0.82,612.5,318.5,147,7,3,0.4,3,29.67,30.65,, 110 | 109,0.74,686,245,220.5,3.5,3,0.1,2,10.46,13.72,, 111 | 110,0.66,759.5,318.5,220.5,3.5,3,0.4,3,15.18,17.63,, 112 | 111,0.79,637,343,147,7,3,0.1,5,36.71,34.18,, 113 | 112,0.69,735,294,220.5,3.5,5,0.4,5,14.21,16.74,, 114 | 113,0.86,588,294,147,7,4,0.4,1,32.09,31.7,, 115 | 114,0.69,735,294,220.5,3.5,4,0,0,6.77,11.73,, 116 | 115,0.82,612.5,318.5,147,7,5,0.4,3,28.91,29.64,, 117 | 116,0.98,514.5,294,110.25,7,4,0.1,5,24.03,25.88,, 118 | 117,0.76,661.5,416.5,122.5,7,4,0.1,5,32.46,33.64,, 119 | 118,0.66,759.5,318.5,220.5,3.5,5,0.4,5,15.16,18.06,, 120 | 119,0.9,563.5,318.5,122.5,7,3,0.4,3,34.95,35.04,, 121 | 120,0.9,563.5,318.5,122.5,7,5,0.25,4,33.28,33.16,, 122 | 121,0.98,514.5,294,110.25,7,5,0.1,2,24.25,25.89,, 123 | 122,0.66,759.5,318.5,220.5,3.5,5,0.4,3,14.9,18.22,, 124 | 123,0.82,612.5,318.5,147,7,5,0.25,4,26,27.34,, 125 | 124,0.74,686,245,220.5,3.5,3,0,0,6.05,11.19,, 126 | 125,0.69,735,294,220.5,3.5,4,0.4,5,14.37,16.54,, 127 | 126,0.79,637,343,147,7,5,0,0,28.75,39.44,, 128 | 127,0.74,686,245,220.5,3.5,5,0.4,5,14.39,16.7,, 129 | 128,0.79,637,343,147,7,4,0.4,3,42.49,38.81,, 130 | 129,0.79,637,343,147,7,3,0.4,4,41.73,47.59,, 131 | 130,0.98,514.5,294,110.25,7,4,0.1,3,24.11,25.84,, 132 | 131,0.69,735,294,220.5,3.5,3,0.4,3,14.56,15.84,, 133 | 132,0.69,735,294,220.5,3.5,3,0.1,3,11.16,14.27,, 134 | 133,0.66,759.5,318.5,220.5,3.5,4,0.25,3,12.74,16.14,, 135 | 134,0.64,784,343,220.5,3.5,3,0.1,5,15.37,19.18,, 136 | 135,0.86,588,294,147,7,2,0.1,4,26.44,27.17,, 137 | 136,0.86,588,294,147,7,5,0,0,18.31,27.87,, 138 | 137,0.86,588,294,147,7,3,0.25,4,28.42,34.19,, 139 | 138,0.66,759.5,318.5,220.5,3.5,5,0.1,1,11.69,13.65,, 140 | 139,0.74,686,245,220.5,3.5,3,0.1,3,10.34,13.36,, 141 | 140,0.74,686,245,220.5,3.5,4,0.4,1,14.5,17.03,, 142 | 141,0.76,661.5,416.5,122.5,7,3,0,0,23.93,29.68,, 143 | 142,0.71,710.5,269.5,220.5,3.5,3,0.4,1,14.6,17.51,, 144 | 143,0.62,808.5,367.5,220.5,3.5,5,0.1,3,12.73,13.89,, 145 | 144,0.66,759.5,318.5,220.5,3.5,4,0.25,4,12.86,16.17,, 146 | 145,0.71,710.5,269.5,220.5,3.5,5,0.1,1,10.75,14.27,, 147 | 146,0.64,784,343,220.5,3.5,3,0.4,1,19.36,22.73,, 148 | 147,0.9,563.5,318.5,122.5,7,5,0.25,1,32,37.58,, 149 | 148,0.98,514.5,294,110.25,7,4,0,0,15.55,21.33,, 150 | 149,0.74,686,245,220.5,3.5,5,0.1,3,10.38,13.49,, 151 | 150,0.82,612.5,318.5,147,7,3,0.4,1,29.91,29.13,, 152 | 151,0.66,759.5,318.5,220.5,3.5,4,0.25,2,12.77,16.22,, 153 | 152,0.71,710.5,269.5,220.5,3.5,3,0.25,2,12.29,15.4,, 154 | 153,0.86,588,294,147,7,2,0.25,4,29.47,29.45,, 155 | 154,0.66,759.5,318.5,220.5,3.5,4,0.25,5,12.78,15.8,, 156 | 155,0.76,661.5,416.5,122.5,7,3,0.25,1,36.13,37.58,, 157 | 156,0.86,588,294,147,7,3,0.4,1,32.39,30.66,, 158 | 157,0.64,784,343,220.5,3.5,5,0.25,4,16.62,19.9,, 159 | 158,0.69,735,294,220.5,3.5,5,0.1,2,11.49,13.51,, 160 | 159,0.76,661.5,416.5,122.5,7,4,0.1,1,32.94,34.14,, 161 | 160,0.64,784,343,220.5,3.5,4,0.1,2,15.34,19.32,, 162 | 161,0.69,735,294,220.5,3.5,4,0.25,2,12.73,15.66,, 163 | 162,0.62,808.5,367.5,220.5,3.5,5,0.1,5,12.62,14.15,, 164 | 163,0.86,588,294,147,7,3,0.25,5,29.09,29.43,, 165 | 164,0.64,784,343,220.5,3.5,2,0.25,3,16.83,19.87,, 166 | 165,0.74,686,245,220.5,3.5,3,0.4,2,14.45,16.93,, 167 | 166,0.64,784,343,220.5,3.5,4,0.25,1,17.52,21.09,, 168 | 167,0.79,637,343,147,7,2,0.4,5,42.11,38.56,, 169 | 168,0.66,759.5,318.5,220.5,3.5,3,0.25,2,12.93,15.85,, 170 | 169,0.69,735,294,220.5,3.5,4,0.4,1,14.42,16.87,, 171 | 170,0.79,637,343,147,7,5,0.25,2,38.98,45.97,, 172 | 171,0.69,735,294,220.5,3.5,3,0.4,1,14.7,17,, 173 | 172,0.79,637,343,147,7,5,0.25,5,38.65,43.73,, 174 | 173,0.62,808.5,367.5,220.5,3.5,5,0.4,1,17.14,17.2,, 175 | 174,0.9,563.5,318.5,122.5,7,4,0.1,3,29.62,30.08,, 176 | 175,0.74,686,245,220.5,3.5,4,0.25,3,11.98,14.72,, 177 | 176,0.69,735,294,220.5,3.5,2,0.1,3,11.22,14.44,, 178 | 177,0.86,588,294,147,7,5,0.25,2,28.4,34.52,, 179 | 178,0.69,735,294,220.5,3.5,2,0.25,3,12.34,14.92,, 180 | 179,0.76,661.5,416.5,122.5,7,4,0.25,4,36.81,37.05,, 181 | 180,0.74,686,245,220.5,3.5,5,0.1,2,10.45,13.79,, 182 | 181,0.74,686,245,220.5,3.5,5,0.4,2,14.5,17.03,, 183 | 182,0.71,710.5,269.5,220.5,3.5,4,0.1,2,10.55,13.8,, 184 | 183,0.69,735,294,220.5,3.5,3,0.25,3,12.46,14.38,, 185 | 184,0.69,735,294,220.5,3.5,4,0.1,4,11.07,14.42,, 186 | 185,0.76,661.5,416.5,122.5,7,4,0.4,2,40.57,40.47,, 187 | 186,0.82,612.5,318.5,147,7,2,0.4,4,28.93,28.2,, 188 | 187,0.64,784,343,220.5,3.5,2,0.1,2,15.41,19.23,, 189 | 188,0.71,710.5,269.5,220.5,3.5,5,0.25,4,12.28,15.64,, 190 | 189,0.66,759.5,318.5,220.5,3.5,5,0.25,2,13,15.87,, 191 | 190,0.64,784,343,220.5,3.5,2,0.25,1,17.5,21.13,, 192 | 191,0.76,661.5,416.5,122.5,7,3,0.4,5,39.72,39.8,, 193 | 192,0.86,588,294,147,7,5,0.25,5,29.39,33.47,, 194 | 193,0.82,612.5,318.5,147,7,2,0.4,2,28.95,30.34,, 195 | 194,0.64,784,343,220.5,3.5,5,0.1,2,15.19,19.3,, 196 | 195,0.82,612.5,318.5,147,7,2,0.25,5,25.7,26.53,, 197 | 196,0.74,686,245,220.5,3.5,4,0.4,2,14.18,16.99,, 198 | 197,0.98,514.5,294,110.25,7,5,0.4,5,32.73,34.01,, 199 | 198,0.62,808.5,367.5,220.5,3.5,4,0.4,5,16.48,16.61,, 200 | 199,0.9,563.5,318.5,122.5,7,2,0.4,3,34.24,37.26,, 201 | 200,0.71,710.5,269.5,220.5,3.5,4,0.1,4,10.53,13.79,, 202 | 201,0.79,637,343,147,7,2,0.4,3,41.26,46.44,, 203 | 202,0.66,759.5,318.5,220.5,3.5,4,0.4,3,14.72,18.1,, 204 | 203,0.82,612.5,318.5,147,7,4,0.1,4,23.59,27.57,, 205 | 204,0.71,710.5,269.5,220.5,3.5,2,0.4,4,14.6,16.85,, 206 | 205,0.86,588,294,147,7,5,0.4,5,32.06,35.71,, 207 | 206,0.86,588,294,147,7,3,0.25,1,30.05,28.61,, 208 | 207,0.64,784,343,220.5,3.5,4,0.25,2,17.02,20.48,, 209 | 208,0.98,514.5,294,110.25,7,4,0.25,1,28.37,29.28,, 210 | 209,0.71,710.5,269.5,220.5,3.5,3,0.25,4,12.49,15.09,, 211 | 210,0.86,588,294,147,7,3,0.1,4,25.37,31.76,, 212 | 211,0.9,563.5,318.5,122.5,7,3,0.4,1,37.24,36.38,, 213 | 212,0.74,686,245,220.5,3.5,5,0.1,1,10.39,13.7,, 214 | 213,0.9,563.5,318.5,122.5,7,3,0.4,2,36.57,35.39,, 215 | 214,0.62,808.5,367.5,220.5,3.5,3,0.4,3,16.35,17.14,, 216 | 215,0.74,686,245,220.5,3.5,3,0.25,1,12.5,15.5,, 217 | 216,0.82,612.5,318.5,147,7,3,0.25,5,25.17,26.08,, 218 | 217,0.74,686,245,220.5,3.5,4,0.1,4,10.07,13.21,, 219 | 218,0.82,612.5,318.5,147,7,4,0.4,3,29.47,29.77,, 220 | 219,0.86,588,294,147,7,5,0.4,1,31.29,36.73,, 221 | 220,0.98,514.5,294,110.25,7,4,0.25,3,28.17,30.1,, 222 | 221,0.86,588,294,147,7,2,0.1,2,26.48,30.91,, 223 | 222,0.69,735,294,220.5,3.5,2,0.1,1,11.11,14.28,, 224 | 223,0.69,735,294,220.5,3.5,3,0.1,1,11.13,14.61,, 225 | 224,0.9,563.5,318.5,122.5,7,5,0.1,4,29.79,29.92,, 226 | 225,0.64,784,343,220.5,3.5,2,0.4,4,19.06,21.68,, 227 | 226,0.82,612.5,318.5,147,7,3,0.4,2,29.49,27.93,, 228 | 227,0.71,710.5,269.5,220.5,3.5,2,0.25,3,12.41,14.92,, 229 | 228,0.76,661.5,416.5,122.5,7,3,0.25,5,36.64,37.01,, 230 | 229,0.86,588,294,147,7,5,0.1,1,25.27,31.73,, 231 | 230,0.69,735,294,220.5,3.5,2,0.4,5,14.12,16.63,, 232 | 231,0.66,759.5,318.5,220.5,3.5,5,0.25,1,13.18,16.19,, 233 | 232,0.74,686,245,220.5,3.5,4,0.25,2,12.16,15.18,, 234 | 233,0.82,612.5,318.5,147,7,4,0.25,5,24.6,29.31,, 235 | 234,0.76,661.5,416.5,122.5,7,2,0.25,5,35.69,36.93,, 236 | 235,0.74,686,245,220.5,3.5,2,0.25,4,12.32,14.92,, 237 | 236,0.62,808.5,367.5,220.5,3.5,2,0.1,4,12.85,14.37,, 238 | 237,0.62,808.5,367.5,220.5,3.5,4,0.1,3,12.71,14.14,, 239 | 238,0.82,612.5,318.5,147,7,3,0.4,4,28.05,32.35,, 240 | 239,0.9,563.5,318.5,122.5,7,2,0.25,4,32.67,32.12,, 241 | 240,0.76,661.5,416.5,122.5,7,3,0.1,1,32.12,34.07,, 242 | 241,0.82,612.5,318.5,147,7,2,0.25,3,24.7,28.77,, 243 | 242,0.69,735,294,220.5,3.5,4,0.1,5,11.11,14.46,, 244 | 243,0.86,588,294,147,7,4,0.25,3,29.43,28.38,, 245 | 244,0.69,735,294,220.5,3.5,3,0.4,4,14.62,16.88,, 246 | 245,0.76,661.5,416.5,122.5,7,3,0.4,2,40.15,40.4,, 247 | 246,0.9,563.5,318.5,122.5,7,4,0.25,2,32.33,32.77,, 248 | 247,0.82,612.5,318.5,147,7,4,0.4,4,28.64,31.14,, 249 | 248,0.76,661.5,416.5,122.5,7,2,0.4,1,40.78,39.55,, 250 | 249,0.9,563.5,318.5,122.5,7,2,0.1,4,29.06,29.34,, 251 | 250,0.74,686,245,220.5,3.5,2,0.4,1,14.52,16.94,, 252 | 251,0.74,686,245,220.5,3.5,5,0.25,1,12.45,15.5,, 253 | 252,0.64,784,343,220.5,3.5,5,0.25,3,16.86,20.28,, 254 | 253,0.76,661.5,416.5,122.5,7,4,0.4,4,40.6,39.85,, 255 | 254,0.71,710.5,269.5,220.5,3.5,2,0.4,2,14.7,16.77,, 256 | 255,0.62,808.5,367.5,220.5,3.5,2,0.1,2,12.88,14.37,, 257 | 256,0.76,661.5,416.5,122.5,7,4,0,0,24.77,29.79,, 258 | 257,0.98,514.5,294,110.25,7,3,0.4,1,32.26,33.34,, 259 | 258,0.71,710.5,269.5,220.5,3.5,4,0.4,3,13.94,16.7,, 260 | 259,0.62,808.5,367.5,220.5,3.5,3,0.25,3,14.34,14.96,, 261 | 260,0.74,686,245,220.5,3.5,4,0.1,5,10.34,13.72,, 262 | 261,0.98,514.5,294,110.25,7,5,0.1,1,24.59,26.29,, 263 | 262,0.9,563.5,318.5,122.5,7,2,0,0,20.84,28.28,, 264 | 263,0.69,735,294,220.5,3.5,3,0,0,6.79,12.05,, 265 | 264,0.62,808.5,367.5,220.5,3.5,5,0.4,2,17.15,16.99,, 266 | 265,0.62,808.5,367.5,220.5,3.5,2,0.25,3,13.91,14.89,, 267 | 266,0.82,612.5,318.5,147,7,2,0.25,1,26.84,30.17,, 268 | 267,0.74,686,245,220.5,3.5,2,0.1,5,10.47,13.65,, 269 | 268,0.98,514.5,294,110.25,7,2,0.1,5,24.35,25.64,, 270 | 269,0.64,784,343,220.5,3.5,3,0.25,3,16.93,20.03,, 271 | 270,0.9,563.5,318.5,122.5,7,4,0.4,2,36.06,34.94,, 272 | 271,0.9,563.5,318.5,122.5,7,2,0.25,1,32.68,36.12,, 273 | 272,0.74,686,245,220.5,3.5,4,0.1,3,10.35,13.65,, 274 | 273,0.86,588,294,147,7,2,0.4,5,32.31,29.69,, 275 | 274,0.74,686,245,220.5,3.5,4,0.25,4,12.18,15.03,, 276 | 275,0.66,759.5,318.5,220.5,3.5,3,0.4,1,15.23,18.03,, 277 | 276,0.76,661.5,416.5,122.5,7,3,0.4,4,40.4,39.67,, 278 | 277,0.79,637,343,147,7,4,0.1,4,35.45,41.86,, 279 | 278,0.62,808.5,367.5,220.5,3.5,4,0.1,1,12.93,14.33,, 280 | 279,0.74,686,245,220.5,3.5,4,0.25,5,11.64,14.81,, 281 | 280,0.9,563.5,318.5,122.5,7,4,0.25,3,32.68,32.83,, 282 | 281,0.62,808.5,367.5,220.5,3.5,5,0.25,2,14.6,15.3,, 283 | 282,0.64,784,343,220.5,3.5,3,0.25,1,17.35,21.19,, 284 | 283,0.79,637,343,147,7,5,0.4,2,41.92,48.03,, 285 | 284,0.76,661.5,416.5,122.5,7,2,0.1,5,32.31,34.25,, 286 | 285,0.71,710.5,269.5,220.5,3.5,2,0.1,1,10.71,13.8,, 287 | 286,0.98,514.5,294,110.25,7,2,0.25,3,28.67,29.43,, 288 | 287,0.64,784,343,220.5,3.5,3,0.1,3,15.36,19.18,, 289 | 288,0.66,759.5,318.5,220.5,3.5,5,0.1,3,11.61,13.83,, 290 | 289,0.69,735,294,220.5,3.5,2,0.4,4,14.54,16.81,, 291 | 290,0.86,588,294,147,7,3,0.4,4,31.66,36.2,, 292 | 291,0.79,637,343,147,7,2,0,0,28.52,37.73,, 293 | 292,0.71,710.5,269.5,220.5,3.5,5,0.1,4,10.72,14.2,, 294 | 293,0.71,710.5,269.5,220.5,3.5,5,0.1,3,10.7,13.87,, 295 | 294,0.69,735,294,220.5,3.5,3,0.1,2,11.46,13.54,, 296 | 295,0.71,710.5,269.5,220.5,3.5,2,0,0,6.37,11.27,, 297 | 296,0.69,735,294,220.5,3.5,5,0.1,5,11.16,14.39,, 298 | 297,0.66,759.5,318.5,220.5,3.5,3,0.25,1,13.18,16.27,, 299 | 298,0.71,710.5,269.5,220.5,3.5,4,0.4,5,12.76,15.33,, 300 | 299,0.9,563.5,318.5,122.5,7,3,0.1,5,29.08,29.52,, 301 | 300,0.9,563.5,318.5,122.5,7,4,0.4,4,35.4,39.22,, 302 | 301,0.69,735,294,220.5,3.5,3,0.1,4,11.22,14.49,, 303 | 302,0.9,563.5,318.5,122.5,7,2,0.1,5,29.83,29.82,, 304 | 303,0.79,637,343,147,7,4,0.25,3,39.81,37.76,, 305 | 304,0.74,686,245,220.5,3.5,4,0,0,6.01,10.94,, 306 | 305,0.64,784,343,220.5,3.5,2,0.4,3,18.48,20.78,, 307 | 306,0.66,759.5,318.5,220.5,3.5,3,0.1,3,11.6,13.7,, 308 | 307,0.66,759.5,318.5,220.5,3.5,2,0,0,7.18,12.4,, 309 | 308,0.74,686,245,220.5,3.5,4,0.4,4,14.32,16.9,, 310 | 309,0.82,612.5,318.5,147,7,3,0.1,1,24.03,24.91,, 311 | 310,0.64,784,343,220.5,3.5,5,0.1,3,15.36,19.29,, 312 | 311,0.98,514.5,294,110.25,7,5,0.1,4,24.32,25.87,, 313 | 312,0.69,735,294,220.5,3.5,5,0.25,1,12.72,15.78,, 314 | 313,0.86,588,294,147,7,3,0,0,19.95,21.97,, 315 | 314,0.9,563.5,318.5,122.5,7,4,0.25,4,32.07,36.16,, 316 | 315,0.62,808.5,367.5,220.5,3.5,3,0.1,4,13.04,14.34,, 317 | 316,0.66,759.5,318.5,220.5,3.5,2,0.4,2,15.34,17.85,, 318 | 317,0.76,661.5,416.5,122.5,7,2,0.4,4,40.68,40.36,, 319 | 318,0.71,710.5,269.5,220.5,3.5,2,0.1,4,10.66,13.67,, 320 | 319,0.64,784,343,220.5,3.5,4,0.1,4,15.32,19.42,, 321 | 320,0.66,759.5,318.5,220.5,3.5,2,0.4,4,15.34,17.86,, 322 | 321,0.66,759.5,318.5,220.5,3.5,2,0.1,1,11.68,13.9,, 323 | 322,0.62,808.5,367.5,220.5,3.5,3,0.4,1,17.17,17.21,, 324 | 323,0.98,514.5,294,110.25,7,2,0.4,2,32.82,32.96,, 325 | 324,0.9,563.5,318.5,122.5,7,2,0.1,2,28.88,32.54,, 326 | 325,0.69,735,294,220.5,3.5,4,0.25,5,12.18,15.22,, 327 | 326,0.69,735,294,220.5,3.5,3,0.25,1,12.93,15.63,, 328 | 327,0.69,735,294,220.5,3.5,4,0.1,1,11.09,14.3,, 329 | 328,0.86,588,294,147,7,3,0.4,5,31.81,31.2,, 330 | 329,0.64,784,343,220.5,3.5,2,0.25,2,17.14,20.47,, 331 | 330,0.98,514.5,294,110.25,7,2,0.25,5,28.69,29.53,, 332 | 331,0.79,637,343,147,7,5,0.25,3,39.83,36.87,, 333 | 332,0.98,514.5,294,110.25,7,2,0.4,4,32.85,32.95,, 334 | 333,0.98,514.5,294,110.25,7,4,0.4,2,32.24,33.94,, 335 | 334,0.64,784,343,220.5,3.5,5,0.4,4,18.84,22.49,, 336 | 335,0.9,563.5,318.5,122.5,7,5,0.25,3,32.29,32.46,, 337 | 336,0.66,759.5,318.5,220.5,3.5,3,0.4,5,14.92,17.79,, 338 | 337,0.86,588,294,147,7,3,0.1,2,27.02,25.63,, 339 | 338,0.82,612.5,318.5,147,7,3,0.1,2,24.23,25.02,, 340 | 339,0.76,661.5,416.5,122.5,7,3,0.25,4,36.45,36.76,, 341 | 340,0.71,710.5,269.5,220.5,3.5,5,0.4,5,12.42,15.31,, 342 | 341,0.71,710.5,269.5,220.5,3.5,2,0.25,5,12.27,15.27,, 343 | 342,0.62,808.5,367.5,220.5,3.5,2,0.25,4,14.33,15.41,, 344 | 343,0.64,784,343,220.5,3.5,5,0.25,5,16.92,20.29,, 345 | 344,0.98,514.5,294,110.25,7,2,0.25,1,28.15,29.79,, 346 | 345,0.98,514.5,294,110.25,7,2,0.25,2,28.67,29.62,, 347 | 346,0.74,686,245,220.5,3.5,3,0.25,2,12.45,15.1,, 348 | 347,0.98,514.5,294,110.25,7,5,0.4,4,32.74,33.88,, 349 | 348,0.86,588,294,147,7,4,0.25,4,29.08,33.93,, 350 | 349,0.74,686,245,220.5,3.5,4,0.4,5,14.17,16.94,, 351 | 350,0.64,784,343,220.5,3.5,4,0.1,3,15.12,19.37,, 352 | 351,0.62,808.5,367.5,220.5,3.5,2,0.4,3,16.47,16.9,, 353 | 352,0.66,759.5,318.5,220.5,3.5,3,0.1,2,11.42,14.75,, 354 | 353,0.62,808.5,367.5,220.5,3.5,5,0.1,4,13,14.47,, 355 | 354,0.69,735,294,220.5,3.5,4,0.1,2,11.32,13.32,, 356 | 355,0.86,588,294,147,7,5,0.4,4,32.75,31,, 357 | 356,0.62,808.5,367.5,220.5,3.5,3,0.4,5,16.44,17.11,, 358 | 357,0.79,637,343,147,7,4,0.25,2,39.97,36.77,, 359 | 358,0.71,710.5,269.5,220.5,3.5,3,0.1,1,10.8,14.28,, 360 | 359,0.86,588,294,147,7,5,0.4,3,31.84,31.6,, 361 | 360,0.76,661.5,416.5,122.5,7,3,0.25,2,36.28,37.35,, 362 | 361,0.9,563.5,318.5,122.5,7,4,0.4,1,36.66,35.92,, 363 | 362,0.74,686,245,220.5,3.5,2,0.1,2,10.42,13.39,, 364 | 363,0.9,563.5,318.5,122.5,7,4,0.25,1,32.84,32.71,, 365 | 364,0.76,661.5,416.5,122.5,7,5,0.1,4,32.31,34.05,, 366 | 365,0.64,784,343,220.5,3.5,5,0.25,1,17.37,21.08,, 367 | 366,0.86,588,294,147,7,3,0.1,1,26.91,25.6,, 368 | 367,0.66,759.5,318.5,220.5,3.5,3,0.25,4,13,15.59,, 369 | 368,0.76,661.5,416.5,122.5,7,5,0.25,4,36.26,37.51,, 370 | 369,0.98,514.5,294,110.25,7,5,0.25,5,28.61,30.2,, 371 | 370,0.82,612.5,318.5,147,7,5,0.1,3,23.87,24.93,, 372 | 371,0.79,637,343,147,7,5,0.1,5,35.48,41.26,, 373 | 372,0.79,637,343,147,7,5,0.1,2,36.03,42.86,, 374 | 373,0.76,661.5,416.5,122.5,7,4,0.25,2,36.86,37.28,, 375 | 374,0.82,612.5,318.5,147,7,2,0.25,4,25.66,26.3,, 376 | 375,0.82,612.5,318.5,147,7,3,0.1,5,23.89,24.77,, 377 | 376,0.71,710.5,269.5,220.5,3.5,5,0.4,4,14.66,17.74,, 378 | 377,0.79,637,343,147,7,2,0.4,1,41.4,45.29,, 379 | 378,0.86,588,294,147,7,3,0.4,3,32.12,34.7,, 380 | 379,0.82,612.5,318.5,147,7,4,0.25,4,25.43,28.76,, 381 | 380,0.69,735,294,220.5,3.5,5,0.4,2,14.62,17.22,, 382 | 381,0.82,612.5,318.5,147,7,4,0,0,16.95,21.16,, 383 | 382,0.9,563.5,318.5,122.5,7,2,0.1,1,29.03,32.92,, 384 | 383,0.66,759.5,318.5,220.5,3.5,5,0.1,2,11.43,14.74,, 385 | 384,0.66,759.5,318.5,220.5,3.5,5,0.1,4,11.43,14.83,, 386 | 385,0.98,514.5,294,110.25,7,4,0.1,4,24.04,26.18,, 387 | 386,0.74,686,245,220.5,3.5,5,0.1,5,10.39,13.5,, 388 | 387,0.71,710.5,269.5,220.5,3.5,4,0.4,4,14.47,17.23,, 389 | 388,0.66,759.5,318.5,220.5,3.5,2,0.1,3,11.59,13.46,, 390 | 389,0.74,686,245,220.5,3.5,2,0.25,3,11.8,14.49,, 391 | 390,0.66,759.5,318.5,220.5,3.5,4,0,0,7.1,12.4,, 392 | 391,0.62,808.5,367.5,220.5,3.5,3,0.1,2,13,14.57,, 393 | 392,0.69,735,294,220.5,3.5,5,0.4,1,14.42,17.2,, 394 | 393,0.9,563.5,318.5,122.5,7,2,0.4,5,35.67,33.94,, 395 | 394,0.82,612.5,318.5,147,7,5,0.25,1,26.19,31.39,, 396 | 395,0.86,588,294,147,7,2,0.25,1,29.54,33.98,, 397 | 396,0.9,563.5,318.5,122.5,7,4,0,0,20.71,25.16,, 398 | 397,0.64,784,343,220.5,3.5,2,0.25,5,16.73,20.13,, 399 | 398,0.86,588,294,147,7,4,0.1,5,25.36,32.04,, 400 | 399,0.74,686,245,220.5,3.5,5,0.25,3,11.69,14.76,, 401 | 400,0.82,612.5,318.5,147,7,5,0.25,5,25.49,28.14,, 402 | 401,0.62,808.5,367.5,220.5,3.5,5,0.25,3,13.99,14.35,, 403 | 402,0.79,637,343,147,7,2,0.25,1,38.67,43.8,, 404 | 403,0.66,759.5,318.5,220.5,3.5,2,0.25,1,13.17,16.39,, 405 | 404,0.86,588,294,147,7,2,0.4,2,32.48,35.48,, 406 | 405,0.71,710.5,269.5,220.5,3.5,5,0.25,3,12.19,14.94,, 407 | 406,0.64,784,343,220.5,3.5,3,0.25,2,16.84,20.56,, 408 | 407,0.79,637,343,147,7,4,0.25,4,38.33,44.16,, 409 | 408,0.9,563.5,318.5,122.5,7,5,0.4,4,36.57,36.1,, 410 | 409,0.98,514.5,294,110.25,7,5,0.25,3,28.63,30.19,, 411 | 410,0.71,710.5,269.5,220.5,3.5,4,0.25,5,12.25,15.23,, 412 | 411,0.76,661.5,416.5,122.5,7,5,0.1,2,32.41,33.78,, 413 | 412,0.71,710.5,269.5,220.5,3.5,4,0.4,1,14.5,17.12,, 414 | 413,0.79,637,343,147,7,5,0.25,1,39.04,45.52,, 415 | 414,0.76,661.5,416.5,122.5,7,5,0.4,2,40.42,39.7,, 416 | 415,0.66,759.5,318.5,220.5,3.5,5,0.25,4,12.92,16.14,, 417 | 416,0.69,735,294,220.5,3.5,5,0.25,5,12.47,14.6,, 418 | 417,0.74,686,245,220.5,3.5,5,0.1,4,10.14,13.53,, 419 | 418,0.9,563.5,318.5,122.5,7,5,0.1,2,27.9,34.2,, 420 | 419,0.9,563.5,318.5,122.5,7,3,0.1,2,29.68,29.44,, 421 | 420,0.74,686,245,220.5,3.5,5,0.4,4,14.44,17.32,, 422 | 421,0.62,808.5,367.5,220.5,3.5,3,0.4,4,16.9,16.79,, 423 | 422,0.71,710.5,269.5,220.5,3.5,3,0.25,1,12.65,15.85,, 424 | 423,0.98,514.5,294,110.25,7,3,0.25,5,28.58,29.77,, 425 | 424,0.64,784,343,220.5,3.5,3,0.4,5,18.19,20.21,, 426 | 425,0.98,514.5,294,110.25,7,3,0.25,1,28.15,29.79,, 427 | 426,0.64,784,343,220.5,3.5,4,0.1,5,15.12,19.26,, 428 | 427,0.76,661.5,416.5,122.5,7,5,0.25,2,36.45,36.81,, 429 | 428,0.9,563.5,318.5,122.5,7,2,0.4,2,35.84,38.35,, 430 | 429,0.76,661.5,416.5,122.5,7,2,0.4,2,40.78,39.48,, 431 | 430,0.98,514.5,294,110.25,7,3,0,0,15.55,21.33,, 432 | 431,0.86,588,294,147,7,2,0.4,4,32.38,31.53,, 433 | 432,0.98,514.5,294,110.25,7,3,0.25,2,28.57,29.69,, 434 | 433,0.86,588,294,147,7,4,0.1,4,26.33,31.06,, 435 | 434,0.98,514.5,294,110.25,7,3,0.1,4,24.23,25.72,, 436 | 435,0.64,784,343,220.5,3.5,3,0.4,4,19.13,21.54,, 437 | 436,0.82,612.5,318.5,147,7,5,0.4,2,28.01,32.92,, 438 | 437,0.79,637,343,147,7,5,0.4,1,41.67,46.94,, 439 | 438,0.82,612.5,318.5,147,7,5,0.1,2,22.79,28.79,, 440 | 439,0.79,637,343,147,7,4,0.25,5,39.01,45.28,, 441 | 440,0.98,514.5,294,110.25,7,2,0.4,5,32.84,32.88,, 442 | 441,0.86,588,294,147,7,2,0.25,3,28.4,33.52,, 443 | 442,0.62,808.5,367.5,220.5,3.5,2,0.4,2,16.76,17.36,, 444 | 443,0.98,514.5,294,110.25,7,3,0.25,3,28.56,29.78,, 445 | 444,0.74,686,245,220.5,3.5,3,0.4,3,14.22,15.39,, 446 | 445,0.9,563.5,318.5,122.5,7,3,0.25,1,33.48,33.17,, 447 | 446,0.64,784,343,220.5,3.5,5,0.1,1,15.21,19.32,, 448 | 447,0.66,759.5,318.5,220.5,3.5,2,0.25,3,12.97,15.53,, 449 | 448,0.64,784,343,220.5,3.5,2,0,0,10.85,16.78,, 450 | 449,0.82,612.5,318.5,147,7,3,0.25,3,25.48,27.76,, 451 | 450,0.71,710.5,269.5,220.5,3.5,3,0.1,4,10.68,14.12,, 452 | 451,0.82,612.5,318.5,147,7,5,0.4,1,28.65,33.54,, 453 | 452,0.74,686,245,220.5,3.5,2,0.1,1,10.36,13.43,, 454 | 453,0.69,735,294,220.5,3.5,4,0.4,4,14.53,16.9,, 455 | 454,0.9,563.5,318.5,122.5,7,5,0.1,3,29.05,29.67,, 456 | 455,0.74,686,245,220.5,3.5,5,0.4,1,14.55,17.25,, 457 | 456,0.9,563.5,318.5,122.5,7,3,0.1,3,29.01,32.85,, 458 | 457,0.71,710.5,269.5,220.5,3.5,2,0.4,5,12.43,15.59,, 459 | 458,0.86,588,294,147,7,4,0.4,3,32.05,30.11,, 460 | 459,0.69,735,294,220.5,3.5,5,0.4,3,14.08,17.02,, 461 | 460,0.69,735,294,220.5,3.5,2,0.4,2,14.75,16.44,, 462 | 461,0.82,612.5,318.5,147,7,2,0.25,2,25.74,28.27,, 463 | 462,0.86,588,294,147,7,2,0.4,1,31.89,35.99,, 464 | 463,0.76,661.5,416.5,122.5,7,3,0.25,3,36.59,36.44,, 465 | 464,0.9,563.5,318.5,122.5,7,3,0.1,1,29.87,29.87,, 466 | 465,0.86,588,294,147,7,5,0.1,4,27.03,25.81,, 467 | 466,0.79,637,343,147,7,5,0.4,5,40.79,44.87,, 468 | 467,0.76,661.5,416.5,122.5,7,5,0.25,1,36.43,36.62,, 469 | 468,0.82,612.5,318.5,147,7,5,0.1,1,22.58,28.51,, 470 | 469,0.62,808.5,367.5,220.5,3.5,2,0.25,5,13.68,15.19,, 471 | 470,0.76,661.5,416.5,122.5,7,4,0.1,4,33.09,33.89,, 472 | 471,0.9,563.5,318.5,122.5,7,4,0.4,3,35.05,33.82,, 473 | 472,0.69,735,294,220.5,3.5,2,0.25,4,12.91,15.37,, 474 | 473,0.64,784,343,220.5,3.5,5,0.4,3,18.46,21.53,, 475 | 474,0.76,661.5,416.5,122.5,7,2,0.25,2,36.95,36.87,, 476 | 475,0.76,661.5,416.5,122.5,7,5,0.25,3,36.52,37.29,, 477 | 476,0.86,588,294,147,7,4,0.1,1,26.37,27.03,, 478 | 477,0.71,710.5,269.5,220.5,3.5,4,0.4,2,14.4,17.27,, 479 | 478,0.98,514.5,294,110.25,7,4,0.25,5,28.15,30,, 480 | 479,0.62,808.5,367.5,220.5,3.5,2,0.1,5,12.59,14.24,, 481 | 480,0.79,637,343,147,7,4,0.4,5,41.09,47.01,, 482 | 481,0.62,808.5,367.5,220.5,3.5,5,0.25,1,15.16,15.76,, 483 | 482,0.62,808.5,367.5,220.5,3.5,2,0.4,4,16.44,17.1,, 484 | 483,0.76,661.5,416.5,122.5,7,2,0.25,4,36.95,37.2,, 485 | 484,0.71,710.5,269.5,220.5,3.5,3,0.4,4,14.7,17.2,, 486 | 485,0.62,808.5,367.5,220.5,3.5,2,0.4,1,15.09,17.2,, 487 | 486,0.69,735,294,220.5,3.5,2,0.4,1,14.51,16.5,, 488 | 487,0.82,612.5,318.5,147,7,2,0.1,5,24.37,25.11,, 489 | 488,0.82,612.5,318.5,147,7,3,0.1,4,22.8,28.61,, 490 | 489,0.62,808.5,367.5,220.5,3.5,4,0.25,3,13.95,14.89,, 491 | 490,0.9,563.5,318.5,122.5,7,4,0.1,4,28.86,32.83,, 492 | 491,0.66,759.5,318.5,220.5,3.5,2,0.4,5,14.96,17.64,, 493 | 492,0.64,784,343,220.5,3.5,3,0.1,2,15.18,19.34,, 494 | 493,0.62,808.5,367.5,220.5,3.5,4,0.1,4,13,14.28,, 495 | 494,0.79,637,343,147,7,3,0.4,2,43.1,39.41,, 496 | 495,0.79,637,343,147,7,2,0.1,1,35.56,41.68,, 497 | 496,0.9,563.5,318.5,122.5,7,3,0.25,4,31.69,37.12,, 498 | 497,0.69,735,294,220.5,3.5,4,0.4,3,14.33,16.99,, 499 | 498,0.82,612.5,318.5,147,7,2,0.1,4,23.8,24.61,, 500 | 499,0.69,735,294,220.5,3.5,3,0.25,5,12.12,14.97,, 501 | 500,0.76,661.5,416.5,122.5,7,2,0.1,1,32.96,33.87,, 502 | 501,0.9,563.5,318.5,122.5,7,4,0.1,1,29.14,29.58,, 503 | 502,0.98,514.5,294,110.25,7,3,0.1,5,24.33,25.98,, 504 | 503,0.66,759.5,318.5,220.5,3.5,3,0.25,3,13.01,15.8,, 505 | 504,0.64,784,343,220.5,3.5,4,0.4,5,18.16,20.71,, 506 | 505,0.74,686,245,220.5,3.5,3,0.4,1,14.61,17.25,, 507 | 506,0.82,612.5,318.5,147,7,4,0.25,2,25.38,26.72,, 508 | 507,0.66,759.5,318.5,220.5,3.5,4,0.1,5,11.22,14.65,, 509 | 508,0.76,661.5,416.5,122.5,7,3,0.1,4,32.38,33.62,, 510 | 509,0.79,637,343,147,7,4,0.1,1,36.9,34.43,, 511 | 510,0.86,588,294,147,7,5,0.25,3,29.07,29.82,, 512 | 511,0.69,735,294,220.5,3.5,5,0.25,2,12.95,15.99,, 513 | 512,0.9,563.5,318.5,122.5,7,3,0,0,21.46,25.38,, 514 | 513,0.76,661.5,416.5,122.5,7,5,0.1,5,33.27,33.88,, 515 | 514,0.82,612.5,318.5,147,7,4,0.1,5,22.89,28.88,, 516 | 515,0.76,661.5,416.5,122.5,7,4,0.4,5,39.31,37.79,, 517 | 516,0.74,686,245,220.5,3.5,2,0,0,6.07,10.9,, 518 | 517,0.69,735,294,220.5,3.5,5,0.25,4,12.86,16.13,, 519 | 518,0.82,612.5,318.5,147,7,2,0.1,2,23.75,27.38,, 520 | 519,0.66,759.5,318.5,220.5,3.5,5,0.25,3,12.84,16.26,, 521 | 520,0.64,784,343,220.5,3.5,5,0.1,4,15.16,19.48,, 522 | 521,0.62,808.5,367.5,220.5,3.5,4,0.4,2,17.26,16.86,, 523 | 522,0.86,588,294,147,7,3,0.25,3,29.4,32.93,, 524 | 523,0.79,637,343,147,7,4,0,0,29.63,30.93,, 525 | 524,0.9,563.5,318.5,122.5,7,4,0.25,5,31.53,37.19,, 526 | 525,0.64,784,343,220.5,3.5,4,0,0,10.77,16.75,, 527 | 526,0.9,563.5,318.5,122.5,7,5,0,0,19.68,29.6,, 528 | 527,0.74,686,245,220.5,3.5,5,0.25,4,12.43,15.35,, 529 | 528,0.86,588,294,147,7,4,0.1,3,26.89,25.9,, 530 | 529,0.62,808.5,367.5,220.5,3.5,3,0.25,2,14.66,15.64,, 531 | 530,0.62,808.5,367.5,220.5,3.5,5,0,0,8.5,12.04,, 532 | 531,0.64,784,343,220.5,3.5,2,0.4,5,17.69,20.82,, 533 | 532,0.76,661.5,416.5,122.5,7,4,0.25,3,35.64,37.28,, 534 | 533,0.98,514.5,294,110.25,7,4,0.1,2,24.13,26.13,, 535 | 534,0.9,563.5,318.5,122.5,7,2,0.4,4,36.45,33.98,, 536 | 535,0.64,784,343,220.5,3.5,2,0.1,3,15.16,19.14,, 537 | 536,0.82,612.5,318.5,147,7,4,0.25,1,26.97,27.25,, 538 | 537,0.98,514.5,294,110.25,7,4,0.25,2,28.18,30.18,, 539 | 538,0.9,563.5,318.5,122.5,7,5,0.4,5,35.24,37.27,, 540 | 539,0.98,514.5,294,110.25,7,3,0.1,3,24.4,26.02,, 541 | 540,0.98,514.5,294,110.25,7,4,0.4,1,32.49,32.83,, 542 | 541,0.79,637,343,147,7,5,0.4,4,42.96,39.56,, 543 | 542,0.86,588,294,147,7,2,0,0,19.5,27.3,, 544 | 543,0.79,637,343,147,7,2,0.25,5,39.89,37.54,, 545 | 544,0.82,612.5,318.5,147,7,5,0.4,5,29.92,32.54,, 546 | 545,0.76,661.5,416.5,122.5,7,5,0.4,1,40.43,39.48,, 547 | 546,0.79,637,343,147,7,3,0.25,1,40.03,37.81,, 548 | 547,0.82,612.5,318.5,147,7,2,0,0,17.05,23.77,, 549 | 548,0.64,784,343,220.5,3.5,5,0.4,2,19.12,21.93,, 550 | 549,0.62,808.5,367.5,220.5,3.5,2,0.1,1,12.96,14.34,, 551 | 550,0.9,563.5,318.5,122.5,7,2,0.25,2,32.46,35.56,, 552 | 551,0.74,686,245,220.5,3.5,2,0.1,3,10.39,13.6,, 553 | 552,0.9,563.5,318.5,122.5,7,5,0.1,5,29.02,33.01,, 554 | 553,0.66,759.5,318.5,220.5,3.5,3,0.1,4,11.42,14.67,, 555 | 554,0.69,735,294,220.5,3.5,4,0.4,2,14.33,17.23,, 556 | 555,0.86,588,294,147,7,2,0.1,1,26.28,30.89,, 557 | 556,0.66,759.5,318.5,220.5,3.5,4,0.4,5,14.92,17.55,, 558 | 557,0.71,710.5,269.5,220.5,3.5,5,0.25,1,12.63,15.81,, 559 | 558,0.86,588,294,147,7,3,0.1,5,26.45,27.33,, 560 | 559,0.98,514.5,294,110.25,7,2,0.4,1,32.26,33.37,, 561 | 560,0.66,759.5,318.5,220.5,3.5,4,0.25,1,13.17,16.39,, 562 | 561,0.79,637,343,147,7,3,0.1,1,37.12,35.28,, 563 | 562,0.71,710.5,269.5,220.5,3.5,5,0.4,3,13.86,16.1,, 564 | 563,0.86,588,294,147,7,4,0.4,5,31.12,36.26,, 565 | 564,0.69,735,294,220.5,3.5,3,0.25,4,12.95,15.73,, 566 | 565,0.66,759.5,318.5,220.5,3.5,5,0.4,2,15.3,18.15,, 567 | 566,0.71,710.5,269.5,220.5,3.5,3,0.4,3,14.03,15.47,, 568 | 567,0.66,759.5,318.5,220.5,3.5,5,0.25,5,13.02,16.06,, 569 | 568,0.62,808.5,367.5,220.5,3.5,4,0.25,4,14.61,15.07,, 570 | 569,0.62,808.5,367.5,220.5,3.5,2,0.4,5,16.54,16.88,, 571 | 570,0.66,759.5,318.5,220.5,3.5,2,0.1,4,11.44,14.86,, 572 | 571,0.9,563.5,318.5,122.5,7,2,0.25,3,31.63,36.35,, 573 | 572,0.62,808.5,367.5,220.5,3.5,5,0.1,2,13.04,14.24,, 574 | 573,0.71,710.5,269.5,220.5,3.5,5,0.25,5,12.27,14.97,, 575 | 574,0.71,710.5,269.5,220.5,3.5,2,0.1,3,10.77,14.14,, 576 | 575,0.71,710.5,269.5,220.5,3.5,2,0.25,4,12.36,14.67,, 577 | 576,0.64,784,343,220.5,3.5,2,0.1,5,15.16,19.24,, 578 | 577,0.69,735,294,220.5,3.5,4,0.25,3,12.31,15.44,, 579 | 578,0.98,514.5,294,110.25,7,3,0.4,5,32.72,33.23,, 580 | 579,0.62,808.5,367.5,220.5,3.5,5,0.1,1,13.02,14.27,, 581 | 580,0.62,808.5,367.5,220.5,3.5,3,0.25,1,15.12,15.95,, 582 | 581,0.71,710.5,269.5,220.5,3.5,2,0.1,5,10.78,14.18,, 583 | 582,0.82,612.5,318.5,147,7,3,0.1,3,23.84,27.54,, 584 | 583,0.71,710.5,269.5,220.5,3.5,3,0.4,5,12.63,14.58,, 585 | 584,0.86,588,294,147,7,4,0.25,1,29.6,30.12,, 586 | 585,0.71,710.5,269.5,220.5,3.5,4,0.25,2,12.2,14.94,, 587 | 586,0.79,637,343,147,7,3,0.4,1,42.62,39.07,, 588 | 587,0.79,637,343,147,7,3,0.4,5,41.96,37.7,, 589 | 588,0.62,808.5,367.5,220.5,3.5,2,0.1,3,12.68,14.09,, 590 | 589,0.86,588,294,147,7,3,0.25,2,29.87,27.89,, 591 | 590,0.82,612.5,318.5,147,7,4,0.1,1,23.54,24.61,, 592 | 591,0.69,735,294,220.5,3.5,5,0.25,3,12.12,15.17,, 593 | 592,0.86,588,294,147,7,5,0.1,3,26.46,27.4,, 594 | 593,0.9,563.5,318.5,122.5,7,5,0.4,1,35.96,40.99,, 595 | 594,0.74,686,245,220.5,3.5,2,0.4,3,13.97,16.08,, 596 | 595,0.69,735,294,220.5,3.5,2,0.25,1,12.78,15.21,, 597 | 596,0.62,808.5,367.5,220.5,3.5,4,0.1,5,12.8,13.99,, 598 | 597,0.62,808.5,367.5,220.5,3.5,4,0.4,4,16.94,16.58,, 599 | 598,0.62,808.5,367.5,220.5,3.5,4,0,0,8.45,12.08,, 600 | 599,0.98,514.5,294,110.25,7,5,0.1,5,24.26,26.18,, 601 | 600,0.69,735,294,220.5,3.5,2,0.25,2,12.85,15.52,, 602 | 601,0.66,759.5,318.5,220.5,3.5,4,0.1,2,11.33,15,, 603 | 602,0.64,784,343,220.5,3.5,4,0.25,4,16.56,20.37,, 604 | 603,0.9,563.5,318.5,122.5,7,4,0.1,2,28.83,29.36,, 605 | 604,0.86,588,294,147,7,3,0.1,3,26.47,31.01,, 606 | 605,0.76,661.5,416.5,122.5,7,2,0.1,2,33.16,33.91,, 607 | 606,0.98,514.5,294,110.25,7,4,0.4,5,32.21,33.76,, 608 | 607,0.74,686,245,220.5,3.5,4,0.4,3,14.1,16.57,, 609 | 608,0.66,759.5,318.5,220.5,3.5,4,0.1,3,11.53,13.59,, 610 | 609,0.71,710.5,269.5,220.5,3.5,3,0,0,6.4,11.72,, 611 | 610,0.82,612.5,318.5,147,7,3,0.25,4,24.96,29.43,, 612 | 611,0.62,808.5,367.5,220.5,3.5,3,0.1,3,12.63,14.23,, 613 | 612,0.74,686,245,220.5,3.5,2,0.4,4,14.37,16.61,, 614 | 613,0.79,637,343,147,7,3,0.25,3,38.35,43.66,, 615 | 614,0.66,759.5,318.5,220.5,3.5,3,0.25,5,12.82,16.03,, 616 | 615,0.86,588,294,147,7,4,0.4,2,32.13,32.28,, 617 | 616,0.86,588,294,147,7,3,0.4,2,32.74,30.53,, 618 | 617,0.86,588,294,147,7,2,0.25,5,29.71,28.02,, 619 | 618,0.79,637,343,147,7,5,0.25,4,40.12,37.26,, 620 | 619,0.82,612.5,318.5,147,7,4,0.4,1,29.53,28.99,, 621 | 620,0.98,514.5,294,110.25,7,5,0.25,2,28.6,30.02,, 622 | 621,0.74,686,245,220.5,3.5,4,0.1,1,10.36,13.48,, 623 | 622,0.98,514.5,294,110.25,7,5,0.25,1,28.41,29.49,, 624 | 623,0.9,563.5,318.5,122.5,7,5,0.4,2,35.69,40.66,, 625 | 624,0.71,710.5,269.5,220.5,3.5,4,0,0,6366,11.29,, 626 | 625,0.79,637,343,147,7,3,0.1,3,35.48,41.22,, 627 | 626,0.64,784,343,220.5,3.5,2,0.4,1,19.52,22.72,, 628 | 627,0.76,661.5,416.5,122.5,7,5,0.4,5,39.86,38.18,, 629 | 628,0.9,563.5,318.5,122.5,7,3,0.25,3,32.4,35.1,, 630 | 629,0.79,637,343,147,7,5,0.1,3,36.7,34.29,, 631 | 630,0.74,686,245,220.5,3.5,3,0.1,5,10.37,13.44,, 632 | 631,0.71,710.5,269.5,220.5,3.5,5,0.1,2,10.68,14.21,, 633 | 632,0.62,808.5,367.5,220.5,3.5,5,0.4,5,16.64,16.03,, 634 | 633,0.98,514.5,294,110.25,7,3,0.1,1,24.63,26.37,, 635 | 634,0.71,710.5,269.5,220.5,3.5,5,0.4,2,14.71,17.51,, 636 | 635,0.79,637,343,147,7,5,0.1,4,37.1,35.29,, 637 | 636,0.82,612.5,318.5,147,7,5,0.1,4,24.24,25.16,, 638 | 637,0.76,661.5,416.5,122.5,7,3,0.4,1,39.97,40.85,, 639 | 638,0.98,514.5,294,110.25,7,2,0.1,2,24.29,25.95,, 640 | 639,0.69,735,294,220.5,3.5,2,0.1,4,11.18,14.29,, 641 | 640,0.79,637,343,147,7,4,0.1,5,36.77,43.14,, 642 | 641,0.62,808.5,367.5,220.5,3.5,3,0,0,8.49,12.22,, 643 | 642,0.79,637,343,147,7,3,0.1,2,37.26,34.62,, 644 | 643,0.62,808.5,367.5,220.5,3.5,4,0.1,2,12.97,14.27,, 645 | 644,0.79,637,343,147,7,2,0.25,4,40,36.26,, 646 | 645,0.66,759.5,318.5,220.5,3.5,2,0.4,3,15.16,17.04,, 647 | 646,0.98,514.5,294,110.25,7,4,0.4,4,32.21,33.95,, 648 | 647,0.66,759.5,318.5,220.5,3.5,4,0.4,2,15.09,18.36,, 649 | 648,0.86,588,294,147,7,5,0.25,4,29.88,28.31,, 650 | 649,0.9,563.5,318.5,122.5,7,2,0.1,3,28.07,34.14,, 651 | 650,0.62,808.5,367.5,220.5,3.5,5,0.25,4,14.65,15.38,, 652 | 651,0.98,514.5,294,110.25,7,2,0.1,1,24.58,26.47,, 653 | 652,0.64,784,343,220.5,3.5,5,0.4,5,17.88,21.4,, 654 | 653,0.86,588,294,147,7,2,0.25,2,29.34,33.37,, 655 | 654,0.69,735,294,220.5,3.5,2,0.1,2,11.45,13.2,, 656 | 655,0.79,637,343,147,7,2,0.4,2,41.64,45.59,, 657 | 656,0.71,710.5,269.5,220.5,3.5,3,0.1,2,10.72,14.11,, 658 | 657,0.74,686,245,220.5,3.5,5,0.25,5,12.02,14.03,, 659 | 658,0.82,612.5,318.5,147,7,3,0.4,5,29.5,29.56,, 660 | 659,0.64,784,343,220.5,3.5,5,0,0,10.56,16.67,, 661 | 660,0.69,735,294,220.5,3.5,2,0.4,3,14.32,16.35,, 662 | 661,0.76,661.5,416.5,122.5,7,2,0.25,3,35.99,36.07,, 663 | 662,0.69,735,294,220.5,3.5,5,0.1,1,11.16,14.45,, 664 | 663,0.98,514.5,294,110.25,7,2,0.1,3,24.28,25.68,, 665 | 664,0.71,710.5,269.5,220.5,3.5,2,0.1,2,10.64,13.67,, 666 | 665,0.64,784,343,220.5,3.5,2,0.4,2,19.2,21.72,, 667 | 666,0.76,661.5,416.5,122.5,7,5,0.4,4,40.11,40.77,, 668 | 667,0.86,588,294,147,7,4,0,0,19.34,23.49,, 669 | 668,0.74,686,245,220.5,3.5,2,0.25,2,12.35,14.73,, 670 | 669,0.98,514.5,294,110.25,7,3,0.4,2,32.71,33.13,, 671 | 670,0.69,735,294,220.5,3.5,2,0.1,5,11.21,14.55,, 672 | 671,0.66,759.5,318.5,220.5,3.5,3,0.4,4,15.29,17.82,, 673 | 672,0.74,686,245,220.5,3.5,2,0.4,2,14.54,16.43,, 674 | 673,0.79,637,343,147,7,3,0.4,3,41.3,44.18,, 675 | 674,0.69,735,294,220.5,3.5,5,0.1,3,11.14,14.4,, 676 | 675,0.79,637,343,147,7,3,0.1,4,35.89,43.3,, 677 | 676,0.62,808.5,367.5,220.5,3.5,2,0.25,1,15.09,15.77,, 678 | 677,0.64,784,343,220.5,3.5,3,0.4,3,18.71,20.72,, 679 | 678,0.79,637,343,147,7,5,0.1,1,35.94,43.33,, 680 | 679,0.74,686,245,220.5,3.5,2,0.1,4,10.08,13.2,, 681 | 680,0.66,759.5,318.5,220.5,3.5,3,0.4,2,15.29,17.89,, 682 | 681,0.82,612.5,318.5,147,7,3,0,0,17.41,21.46,, 683 | 682,0.79,637,343,147,7,4,0.4,1,42.5,38.35,, 684 | 683,0.86,588,294,147,7,5,0.4,2,31.64,36.86,, 685 | 684,0.69,735,294,220.5,3.5,5,0.1,4,11.2,14.73,, 686 | 685,0.66,759.5,318.5,220.5,3.5,5,0.4,4,15.3,18.24,, 687 | 686,0.62,808.5,367.5,220.5,3.5,3,0.4,2,17.23,17.38,, 688 | 687,0.76,661.5,416.5,122.5,7,2,0.4,3,39.32,38.17,, 689 | 688,0.79,637,343,147,7,4,0.1,2,36.97,33.87,, 690 | 689,0.71,710.5,269.5,220.5,3.5,3,0.25,5,12.19,14.71,, 691 | 690,0.98,514.5,294,110.25,7,5,0.1,3,24.35,26.14,, 692 | 691,0.79,637,343,147,7,3,0.25,5,39.83,36.66,, 693 | 692,0.76,661.5,416.5,122.5,7,5,0.25,5,36.7,36.15,, 694 | 693,0.98,514.5,294,110.25,7,5,0.4,3,32.75,34,, 695 | 694,0.76,661.5,416.5,122.5,7,2,0.4,5,38.82,39.37,, 696 | 695,0.69,735,294,220.5,3.5,4,0.25,4,12.67,15.83,, 697 | 696,0.76,661.5,416.5,122.5,7,4,0.1,2,33.12,34.17,, 698 | 697,0.76,661.5,416.5,122.5,7,2,0.1,3,32.52,33.85,, 699 | 698,0.76,661.5,416.5,122.5,7,3,0.1,5,33.21,34.35,, 700 | 699,0.71,710.5,269.5,220.5,3.5,3,0.1,3,10.68,13.77,, 701 | 700,0.74,686,245,220.5,3.5,4,0.1,2,10.32,13.57,, 702 | 701,0.76,661.5,416.5,122.5,7,5,0.4,3,39.68,40.1,, 703 | 702,0.69,735,294,220.5,3.5,5,0.4,4,14.71,17.39,, 704 | 703,0.62,808.5,367.5,220.5,3.5,5,0.4,4,16.77,16.79,, 705 | 704,0.71,710.5,269.5,220.5,3.5,4,0.1,5,10.67,14.26,, 706 | 705,0.69,735,294,220.5,3.5,5,0,0,6.81,11.93,, 707 | 706,0.82,612.5,318.5,147,7,2,0.4,1,29.22,31.71,, 708 | 707,0.9,563.5,318.5,122.5,7,5,0.4,3,34.29,33.31,, 709 | 708,0.98,514.5,294,110.25,7,4,0.4,3,32.23,33.86,, 710 | 709,0.98,514.5,294,110.25,7,2,0.25,4,28.7,29.61,, 711 | 710,0.82,612.5,318.5,147,7,4,0.1,2,23.67,24.8,, 712 | 711,0.79,637,343,147,7,3,0.25,4,38.84,45.48,, 713 | 712,0.74,686,245,220.5,3.5,5,0.4,3,13.78,16.6,, 714 | 713,0.76,661.5,416.5,122.5,7,5,0,0,23.93,29.4,, 715 | 714,0.69,735,294,220.5,3.5,3,0.25,2,12.87,15.85,, 716 | 715,0.64,784,343,220.5,3.5,3,0.4,2,18.88,22.07,, 717 | 716,0.79,637,343,147,7,2,0.25,3,39.04,45.13,, 718 | 717,0.62,808.5,367.5,220.5,3.5,2,0,0,8.6,12.07,, 719 | 718,0.64,784,343,220.5,3.5,3,0,0,10.54,16.8,, 720 | 719,0.62,808.5,367.5,220.5,3.5,3,0.1,1,12.97,14.5,, 721 | 720,0.64,784,343,220.5,3.5,4,0.4,4,19,22.25,, 722 | 721,0.64,784,343,220.5,3.5,3,0.25,4,16.69,19.76,, 723 | 722,0.79,637,343,147,7,3,0,0,29.9,31.27,, 724 | 723,0.62,808.5,367.5,220.5,3.5,3,0.25,5,13.99,14.61,, 725 | 724,0.86,588,294,147,7,2,0.4,3,31.28,35.22,, 726 | 725,0.98,514.5,294,110.25,7,5,0.25,4,28.62,30.12,, 727 | 726,0.69,735,294,220.5,3.5,4,0.1,3,11.1,14.67,, 728 | 727,0.76,661.5,416.5,122.5,7,2,0.25,1,36.96,36.85,, 729 | 728,0.64,784,343,220.5,3.5,3,0.1,1,15.2,19.43,, 730 | 729,0.71,710.5,269.5,220.5,3.5,5,0.4,1,14.58,17.47,, 731 | 730,0.62,808.5,367.5,220.5,3.5,4,0.25,5,14.16,14.61,, 732 | 731,0.79,637,343,147,7,4,0.1,3,36.97,35.1,, 733 | 732,0.82,612.5,318.5,147,7,4,0.25,3,25.37,26.95,, 734 | 733,0.9,563.5,318.5,122.5,7,3,0.4,5,35.01,33.14,, 735 | 734,0.71,710.5,269.5,220.5,3.5,4,0.25,1,12.57,15.44,, 736 | 735,0.71,710.5,269.5,220.5,3.5,4,0.25,3,12.1,15.57,, 737 | 736,0.76,661.5,416.5,122.5,7,4,0.4,1,40.71,40.63,, 738 | 737,0.64,784,343,220.5,3.5,2,0.1,4,15.4,19.24,, 739 | 738,0.71,710.5,269.5,220.5,3.5,4,0.1,3,10.68,14.3,, 740 | 739,0.64,784,343,220.5,3.5,5,0.4,1,19.42,22.53,, 741 | 740,0.79,637,343,147,7,2,0.1,5,37.03,34.99,, 742 | 741,0.82,612.5,318.5,147,7,5,0.25,3,25.17,26.41,, 743 | 742,0.64,784,343,220.5,3.5,4,0.25,3,16.66,20.46,, 744 | 743,0.66,759.5,318.5,220.5,3.5,3,0.1,1,11.69,13.72,, 745 | 744,0.71,710.5,269.5,220.5,3.5,3,0.1,5,10.7,13.75,, 746 | 745,0.82,612.5,318.5,147,7,4,0.4,5,29.06,33.84,, 747 | 746,0.9,563.5,318.5,122.5,7,4,0.4,5,34.72,38.79,, 748 | 747,0.71,710.5,269.5,220.5,3.5,2,0.4,1,14.51,17.1,, 749 | 748,0.76,661.5,416.5,122.5,7,3,0.1,3,33.28,34.11,, 750 | 749,0.86,588,294,147,7,4,0.25,5,28.31,34.15,, 751 | 750,0.66,759.5,318.5,220.5,3.5,2,0.4,1,15.23,18.14,, 752 | 751,0.74,686,245,220.5,3.5,3,0.25,5,11.67,14.58,, 753 | 752,0.62,808.5,367.5,220.5,3.5,3,0.25,4,14.61,15.56,, 754 | 753,0.76,661.5,416.5,122.5,7,5,0.1,3,33.24,34.5,, 755 | 754,0.71,710.5,269.5,220.5,3.5,2,0.4,3,14.07,16.11,, 756 | 755,0.79,637,343,147,7,4,0.4,2,42.74,38.84,, 757 | 756,0.74,686,245,220.5,3.5,2,0.4,5,14.41,16.69,, 758 | 757,0.64,784,343,220.5,3.5,3,0.1,4,15.19,19.25,, 759 | 758,0.71,710.5,269.5,220.5,3.5,2,0.25,1,12.57,15.42,, 760 | 759,0.71,710.5,269.5,220.5,3.5,5,0.25,2,12.49,15.32,, 761 | 760,0.62,808.5,367.5,220.5,3.5,2,0.25,2,14.34,15.32,, 762 | 761,0.76,661.5,416.5,122.5,7,3,0.1,2,32.4,34.07,, 763 | 762,0.71,710.5,269.5,220.5,3.5,4,0.1,1,10.7,13.87,, 764 | 763,0.86,588,294,147,7,5,0.25,1,28.66,34.73,, 765 | 764,0.9,563.5,318.5,122.5,7,2,0.25,5,33.13,32.25,, 766 | 765,0.82,612.5,318.5,147,7,4,0.4,2,28.64,28.95,, 767 | 766,0.66,759.5,318.5,220.5,3.5,4,0.1,4,11.33,15,, 768 | 767,0.74,686,245,220.5,3.5,3,0.4,4,14.48,16.74,, 769 | 768,0.98,514.5,294,110.25,7,2,0,0,15.55,21.33,, --------------------------------------------------------------------------------