diff --git a/Banaei/ae_0db_1_12/ae_0db_1_12.py b/Banaei/ae_0db_1_12/ae_0db_1_12.py new file mode 100644 index 0000000..fcdbca6 --- /dev/null +++ b/Banaei/ae_0db_1_12/ae_0db_1_12.py @@ -0,0 +1,164 @@ +# imports +import numpy as np + +from keras.layers import Layer, PReLU, Conv2D, Activation, Conv2DTranspose, GaussianNoise, Lambda, Flatten, Reshape, \ + BatchNormalization, Reshape +from sklearn.model_selection import train_test_split +import tensorflow as tf +import keras +from keras.datasets import cifar10 +from keras.models import Sequential +from keras import backend as K +import math + +save_directory = 'saves1/' + +# Load dataset +(X_train, Y_train), (X_test, Y_test) = cifar10.load_data() +# Divide data into test and validdation +X_test, X_validation, Y_test, Y_validation = train_test_split(X_test, Y_test, test_size=0.33, random_state=42) + +# Normalizing dataset +X_train_norm = X_train / 255 +X_test_norm = X_test / 255 +X_validation_norm = X_validation / 255 + +k = 8 * 8 * 8 +sqrtk = np.sqrt(k / 2) +c = k // 64 +snr = 0 +p = 1 +var = p / math.pow(10, snr / 10) +var = var/2 #to make it complex +std = np.sqrt(var) +n = 32 * 32 * 3 +np.random.seed(1000) +width = 32 +height = 32 +batch_size = 64 +nb_epochs = 15 +code_length = 128 +print(std, std ** 2, 'k/n: ', k / (2 * n)) + + + +K.clear_session() +tf.set_random_seed(0) +np.random.seed(0) + +class ChannelNormalizer(Layer): + + def __init__(self, sqrtk, **kwargs): + # self.output_dim = output_dim + self.sqrtk = sqrtk + super(ChannelNormalizer, self).__init__(**kwargs) + + def build(self, input_shape): + super(ChannelNormalizer, self).build(input_shape) # Be sure to call this at the end + + def call(self, x): + return self.sqrtk * K.l2_normalize(x, axis=1) + + def compute_output_shape(self, input_shape): + return input_shape + + +class ChannelNoise(Layer): + + def __init__(self, sigma, **kwargs): + # self.output_dim = output_dim + self.sigma = sigma + super(ChannelNoise, self).__init__(**kwargs) + + def build(self, input_shape): + # Create a trainable weight variable for this layer. + # self.kernel = self.add_weight(name='kernel', + # shape=(input_shape[1], self.output_dim), + # initializer='uniform', + # trainable=True) + self.inshape = input_shape + super(ChannelNoise, self).build(input_shape) # Be sure to call this at the end + + def call(self, x): + # l2_x = K.sqrt(K.dot(K.flatten(x),K.flatten(x))) + # h = K.random_normal(shape = (1), mean = 0, stddev = self.Hc) + + return x + K.random_normal(self.inshape[1:], mean=0, stddev=self.sigma) + + def compute_output_shape(self, input_shape): + return input_shape + + +# Define model +model = Sequential() + +# Encoder +model.add(Conv2D(16, (5, 5), padding='same', strides=2, input_shape=X_train.shape[1:])) +model.add(PReLU(alpha_initializer='zeros', alpha_regularizer=None, alpha_constraint=None, shared_axes=[1, 2])) +# model.add(BatchNormalization()) +model.add(Conv2D(32, (5, 5), padding='same', strides=2)) +model.add(PReLU(alpha_initializer='zeros', alpha_regularizer=None, alpha_constraint=None, shared_axes=[1, 2])) +# model.add(BatchNormalization()) +model.add(Conv2D(32, (5, 5), padding='same', strides=1)) +model.add(PReLU(alpha_initializer='zeros', alpha_regularizer=None, alpha_constraint=None, shared_axes=[1, 2])) +# model.add(BatchNormalization()) +model.add(Conv2D(32, (5, 5), padding='same', strides=1)) +model.add(PReLU(alpha_initializer='zeros', alpha_regularizer=None, alpha_constraint=None, shared_axes=[1, 2])) +# model.add(BatchNormalization()) +model.add(Conv2D(c, (5, 5), padding='same', strides=1)) +model.add(PReLU(alpha_initializer='zeros', alpha_regularizer=None, alpha_constraint=None, shared_axes=[1, 2])) +# model.add(BatchNormalization(name='last')) +model.add(Flatten(name='last')) +model.add(ChannelNormalizer(sqrtk, name='normal')) +model.add(ChannelNoise(std, name='noise')) +model.add(Reshape([8, 8, c])) + +# Decoder +model.add(Conv2DTranspose(32, (5, 5), padding='same', strides=1)) +model.add(PReLU(alpha_initializer='zeros', alpha_regularizer=None, alpha_constraint=None, shared_axes=[1, 2])) +# model.add(BatchNormalization()) +model.add(Conv2DTranspose(32, (5, 5), padding='same', strides=1)) +model.add(PReLU(alpha_initializer='zeros', alpha_regularizer=None, alpha_constraint=None, shared_axes=[1, 2])) +# model.add(BatchNormalization()) +model.add(Conv2DTranspose(32, (5, 5), padding='same', strides=1)) +model.add(PReLU(alpha_initializer='zeros', alpha_regularizer=None, alpha_constraint=None, shared_axes=[1, 2])) +# model.add(BatchNormalization()) +model.add(Conv2DTranspose(16, (5, 5), padding='same', strides=2)) +model.add(PReLU(alpha_initializer='zeros', alpha_regularizer=None, alpha_constraint=None, shared_axes=[1, 2])) +# model.add(BatchNormalization()) +model.add(Conv2DTranspose(3, (5, 5), padding='same', strides=2)) +model.add(Activation('sigmoid')) + + +opt = keras.optimizers.Adam(lr=0.001) + + +def PSNR(y_true, y_pred): + return 10 * K.log(K.max(y_true) ** 2 / (K.mean(K.square(y_pred - y_true)))) / K.log(10.0) + + +def schedule(epoch, lr): + if epoch<640: + lr = 0.001 + else: + lr = 0.0001 + return lr + +# from google.colab import files +lrate = keras.callbacks.LearningRateScheduler(schedule, verbose=1) +chckpnt = keras.callbacks.ModelCheckpoint(save_directory + 'ae_0db_1_12_weights.{epoch}-{val_PSNR:.2f}.h5', + monitor='val_PSNR', verbose=0, save_best_only=False, + save_weights_only=True, mode='auto', period=100) +csv = keras.callbacks.CSVLogger(save_directory + 'ae_0db_1_12.log', separator=',', append=True) +opt = keras.optimizers.Adam(lr=0.001) +model.compile(loss='mse', optimizer=opt, metrics=[PSNR]) +# TODO uncomment part below to load weights and continue learning +# model.load_weights() +model.fit(X_train_norm, X_train_norm, + batch_size=64, + epochs=5000, + validation_data=(X_validation_norm, X_validation_norm), + shuffle=True, + callbacks=[lrate, csv, chckpnt]) + + diff --git a/Banaei/ae_0db_1_12/diff_snr_test.py b/Banaei/ae_0db_1_12/diff_snr_test.py new file mode 100644 index 0000000..b162e23 --- /dev/null +++ b/Banaei/ae_0db_1_12/diff_snr_test.py @@ -0,0 +1,166 @@ +import numpy as np +import keras +from keras.datasets import cifar10 +from keras.models import Sequential +from keras import backend as K +from keras.layers import Layer, PReLU, Conv2D, Activation, Conv2DTranspose , GaussianNoise,BatchNormalization,Conv1D +from sklearn.model_selection import train_test_split +import tensorflow as tf +import math +import numpy as np +from keras.models import Model +from keras.layers import Layer, PReLU, Conv2D, Activation, Conv2DTranspose , GaussianNoise,Lambda, Flatten, Reshape,BatchNormalization,Reshape +from sklearn.model_selection import train_test_split +import tensorflow as tf +import keras +from keras.datasets import cifar10 +from keras.models import Sequential +from keras import backend as K +import math + +from keras.layers import Input, Dense, Lambda +from keras.layers import Conv2D, MaxPooling2D, Flatten +#%% +#make a 'saves' directory beside code to save callbacks and logs +save_directory = 'save/' + +#%% + +# Load dataset +(X_train, Y_train), (X_test, Y_test) = cifar10.load_data() +# Divide data into test and validdation +X_test, X_validation, Y_test,Y_validation = train_test_split(X_test, Y_test, test_size=0.33, random_state=42) + +# Normalizing dataset +X_train_norm = X_train/255 +X_test_norm = X_test/255 +X_validation_norm = X_validation/255 + +#%% + +for snr in range(0, 20): + k = 8 * 8 * 8 + n = 32 * 32 * 3 + # Make sure we devide k by two in the line below + sqrtk = np.sqrt(k / 2) + c = k // 64 + p = 1 + var = p / math.pow(10, snr / 10) + var = var / 2 # var should be devided by 2 + std = np.sqrt(var) + np.random.seed(1000) + width = 32 + height = 32 + batch_size = 64 + nb_epochs = 15 + code_length = 128 + print(std, std ** 2, 'k/n: ', k / (2 * n)) + # %% + + K.clear_session() + tf.random.set_seed(0) + np.random.seed(0) + + # from keras.mode import Model + # encoder part + input = Input(shape=(32, 32, 3)) + conv_1 = Conv2D(16, (5, 5), padding='same', strides=2, activation='relu')(input) + conv_2 = Conv2D(32, (5, 5), padding='same', strides=2, activation='relu')(conv_1) + conv_3 = Conv2D(32, (5, 5), padding='same', strides=1, activation='relu')(conv_2) + conv_4 = Conv2D(32, (5, 5), padding='same', strides=1, activation='relu')(conv_3) + encoded = Conv2D(c, (5, 5), padding='same', strides=1, activation='relu')(conv_4) + + z_mean = Conv2D(c, (5, 5), padding='same', strides=1, activation='relu')(encoded) + z_log_var = Conv2D(c, (5, 5), padding='same', strides=1, activation='relu')(encoded) + + + # %% + + def sampling(args): + z_mean, z_log_var = args + epsilon = tf.random.normal( + shape=(K.shape(z_mean)[0], K.shape(z_mean)[1], K.shape(z_mean)[2], K.shape(z_mean)[3]), mean=0., + stddev=1.0) + return z_mean + K.exp(z_log_var / 2) * epsilon + + + from keras.layers import Input, Lambda, Reshape, Flatten + + z = Lambda(sampling, output_shape=(8, 8, c))([z_mean, z_log_var]) + z = Flatten()(z) + + + # %% + + class ChannelNormalizer(Layer): + + def __init__(self, sqrtk, **kwargs): + self.sqrtk = sqrtk + super(ChannelNormalizer, self).__init__(**kwargs) + + def build(self, input_shape): + super(ChannelNormalizer, self).build(input_shape) # Be sure to call this at the end + + def call(self, x): + return self.sqrtk * K.l2_normalize(x, axis=1) + + def compute_output_shape(self, input_shape): + return input_shape + + + z = ChannelNormalizer(sqrtk, name='normal')(z) + + + # %% + class ChannelNoise(Layer): + + def __init__(self, sigma, **kwargs): + self.sigma = sigma + super(ChannelNoise, self).__init__(**kwargs) + + def build(self, input_shape): + self.inshape = input_shape + super(ChannelNoise, self).build(input_shape) + + def call(self, x): + return x + tf.random.normal(self.inshape[1:], mean=0, stddev=self.sigma) + + def compute_output_shape(self, input_shape): + return input_shape + + + z = ChannelNoise(std)(z) + # %% + + z = Reshape([8, 8, c])(z) + conv_0T = Conv2DTranspose(32, (5, 5), padding='same', strides=1, activation='relu')(z) + conv_1T = Conv2DTranspose(32, (5, 5), padding='same', strides=1, activation='relu')(conv_0T) + conv_2T = Conv2DTranspose(32, (5, 5), padding='same', strides=1, activation='relu')(conv_1T) + conv_3T = Conv2DTranspose(16, (5, 5), padding='same', strides=2, activation='relu')(conv_2T) + x_out = Conv2DTranspose(3, (5, 5), padding='same', strides=2, activation='sigmoid')(conv_3T) + + # %% + + vae = Model(input, x_out) + + + + def VAE_loss(x_origin, x_out): + reconstruction_loss = tf.reduce_mean(tf.reduce_sum(tf.square(x_origin - x_out), axis=[1, 2, 3])) + kl_loss = - 0.5 * K.sum(1 + z_log_var - K.square(z_mean) - K.exp(z_log_var), axis=-1) + kl_loss = tf.reduce_mean(kl_loss) + loss_sum = kl_loss + 32 * 32 * 3 * reconstruction_loss + return loss_sum + + + def PSNR(y_true, y_pred): + return 10 * K.log(K.max(y_true) ** 2 / (K.mean(K.square(y_pred - y_true)))) / K.log(10.0) + + + opt = keras.optimizers.Adam(lr=0.001) + + vae.compile(optimizer=opt, loss=VAE_loss, metrics=[PSNR]) + + vae.load_weights() + + vae.evaluate(X_test_norm, X_test_norm) \ No newline at end of file diff --git a/Banaei/final_runs/vae_0db_1_12/plot.py b/Banaei/final_runs/vae_0db_1_12/plot.py index 4fa9608..a464a4f 100644 --- a/Banaei/final_runs/vae_0db_1_12/plot.py +++ b/Banaei/final_runs/vae_0db_1_12/plot.py @@ -9,7 +9,7 @@ #%% import numpy as np -psnrs = logs['val_PSNR'].to_numpy() +psnrs = logs['val_PSNR'].to_numpy()[900:] epchs = np.array([_ for _ in range(psnrs.shape[0])]) #%% diff --git a/Banaei/final_runs/vae_0db_1_12/vae_0db_1_12.log b/Banaei/final_runs/vae_0db_1_12/vae_0db_1_12.log index 5908c7f..c48a591 100644 --- a/Banaei/final_runs/vae_0db_1_12/vae_0db_1_12.log +++ b/Banaei/final_runs/vae_0db_1_12/vae_0db_1_12.log @@ -1,1819 +1,1070 @@ epoch,PSNR,loss,val_PSNR,val_loss -0,17.037301403808595,1087.9305160546876,17.829748151374584,1074.911894975142 -1,18.480622268066405,1067.7692590625,18.307307082667496,1069.773074840199 -2,18.829652868041993,1064.3785551171875,18.50132752158425,1067.6926208866005 -3,19.013668452148437,1062.6975564453126,18.37326105522387,1068.9748314689868 -4,19.139421896362304,1061.6016298046875,18.629778053977272,1066.3690935724433 -5,19.328291692504884,1060.005080703125,18.292570939497516,1070.0456975023674 -6,19.44775211242676,1059.022890625,18.852915295687588,1064.3676097892992 -7,19.55676791809082,1058.156883203125,18.7221558565082,1065.6055112156723 -8,19.61269651611328,1057.7210493359376,18.541464069250857,1067.406269383286 -9,19.693586880493164,1057.097072578125,18.588012776230322,1066.9565386777936 -10,19.760871433105468,1056.591541484375,18.831483306884767,1064.601327829072 -11,19.813276029052734,1056.202022265625,18.75161538326379,1065.3810011245266 -12,19.87769487060547,1055.7300237890624,18.845762315229937,1064.43961011482 -13,19.942847508544922,1055.25265296875,18.80731911399148,1064.8967535215436 -14,19.977153752441406,1055.018656171875,18.751365569143584,1065.6968680456912 -15,19.999504739379883,1054.8590893359376,18.73945534446023,1065.4733149857955 -16,20.04198069519043,1054.547955546875,18.58614996245413,1067.2617061730587 -17,20.062524572143555,1054.4042176171874,19.01079802542022,1063.0369702888258 -18,20.098792896728515,1054.15963546875,18.68673014091723,1066.101758996212 -19,20.11558592163086,1054.0375973828125,18.75206137223677,1065.4232643821022 -20,20.139615013427733,1053.882443671875,18.66714319633715,1066.367890181108 -21,20.15970961608887,1053.7380820703124,18.666769744410658,1066.290156397964 -22,20.197854989624023,1053.4801778125,18.708670247395833,1065.8888657078598 -23,20.21387636657715,1053.3655287109375,18.595198889067678,1067.0904169625946 -24,20.22146008544922,1053.328138203125,18.639093107743697,1066.6986666962596 -25,20.23108512084961,1053.24623875,18.514246574170663,1068.189090909091 -26,20.24434133117676,1053.164197421875,18.612023544311523,1066.825714222301 -27,20.27463014770508,1052.956153203125,18.548888387969047,1067.6359676846591 -28,20.284783145141603,1052.89052296875,18.618147048950195,1067.1915986032197 -29,20.296543380737305,1052.820180546875,19.057334342725348,1062.6331022135416 -30,20.306086994628906,1052.755828671875,18.796407405968868,1064.8349846117424 -31,20.308561594848634,1052.7347133203125,18.645402684067236,1066.751444720644 -32,20.346709520874022,1052.4787887109376,18.617759251450046,1067.024697265625 -33,20.335194178466796,1052.557340546875,18.70745530793161,1065.7267931758997 -34,20.338351127929688,1052.5343707421875,18.564533367734967,1067.4027499112217 -35,20.380086845092773,1052.2610678125,18.363842005874172,1069.5188233901515 -36,20.381579180908204,1052.244057109375,18.418613290497753,1069.0222995087595 -37,20.3984838671875,1052.14860578125,18.551589484937264,1067.4768135949337 -38,20.399750377807617,1052.13583015625,18.659631370775628,1066.6915068655303 -39,20.414932650756835,1052.034917109375,18.506092802105528,1068.00876953125 -40,20.405600494995117,1052.09952875,18.41572461446126,1069.2832054924243 -41,20.442395004882812,1051.8640770703125,18.46358019742099,1068.6289349550188 -42,20.453678945922853,1051.8014927734375,18.664827698216293,1066.5613198390151 -43,20.454272541503908,1051.7782658984374,18.401922965772226,1069.2224280894886 -44,20.456862212524413,1051.7663074609375,18.406835530598958,1069.3739534505207 -45,20.47500230102539,1051.6503878125,18.597112059159713,1067.227334132339 -46,20.4740815625,1051.66008984375,18.41867096640847,1069.0004925722064 -47,20.484966123657227,1051.5862544921874,18.469396096431847,1068.6216876775568 -48,20.484081594848632,1051.5928897265626,18.644131714791964,1066.6740414891099 -49,20.515193110961913,1051.395539921875,18.465000795306583,1068.360458836411 -50,20.516324641113282,1051.3870021875,18.278906307798444,1071.251171875 -51,20.516523955078124,1051.3896201171874,18.259129694158382,1070.9670040246212 -52,20.509438878173828,1051.435339296875,18.248703491904518,1071.0886412464488 -53,20.519152985839845,1051.3674375390624,18.188110175855233,1071.6033402876421 -54,20.545199858398437,1051.2076530078125,18.24956283338142,1070.7512359434186 -55,20.54560823059082,1051.2029445703124,18.248615489150538,1071.0301139322917 -56,20.5414929296875,1051.2300473046876,18.216995715516987,1070.9945688328598 -57,20.56135279724121,1051.1034421875,18.170374543161103,1072.0061767578125 -58,20.562672998657227,1051.097184609375,18.444349314371745,1068.6888411458333 -59,20.5681717565918,1051.0709378515626,18.180613837964607,1071.685402018229 -60,20.591868244018556,1050.911236953125,18.369495828801934,1069.7832399680399 -61,20.58090082702637,1050.98064140625,18.30721125053637,1070.4318680456913 -62,20.59208326477051,1050.9188459765626,18.610127082593515,1067.0149609375 -63,20.59052339416504,1050.9173417578124,18.278157928929183,1070.6177605646308 -64,20.596845349121093,1050.885215234375,18.475178930109198,1068.2847972892991 -65,20.610087686767578,1050.80337828125,18.11909360712225,1072.448486476089 -66,20.6003611138916,1050.8615984375,18.307333743933476,1070.2646129261364 -67,20.608061442871094,1050.815286796875,18.284083383733577,1070.480506628788 -68,20.60069269836426,1050.85896484375,18.311336556636927,1070.385389737216 -0,17.037843712158203,3135.93581265625,17.779365017052854,3123.4765367542614 -1,18.512803235473633,3115.41125171875,18.15101994601163,3119.4645827414774 -2,18.860967741088867,3112.060118984375,18.56842511957342,3114.89892726089 -3,19.071677741088866,3110.16379921875,18.43907058947014,3116.256581143466 -4,19.234730682373048,3108.76615453125,18.662470869584517,3114.0409247750945 -5,19.39080191833496,3107.467697421875,18.354409470991655,3117.331437618371 -6,19.4869675201416,3106.688037890625,18.79398296702992,3112.9585295336174 -7,19.5966445324707,3105.82790953125,18.595101054798473,3114.9635310132576 -8,19.649527277832032,3105.4150375,18.526416908032967,3115.6804530658146 -9,19.732538915405275,3104.781318671875,18.64921780210553,3114.326124822443 -10,19.784693444213868,3104.39462140625,18.65564680850867,3114.423055160985 -11,19.834429708251953,3104.0269328125,18.70250335230972,3113.993760653409 -12,19.89936219543457,3103.551775546875,18.75164728800456,3113.4092634351327 -13,19.967679938354493,3103.055870234375,18.712515175559304,3113.8264790482954 -14,20.0116681262207,3102.753431015625,18.69067063071511,3114.2786153527463 -15,20.047164482421874,3102.50677765625,18.331692040183327,3117.788375651042 -16,20.101405607299803,3102.114099375,18.42553313515403,3117.0397576349433 -17,20.134769153442384,3101.88363171875,18.808842544555663,3113.2793276515154 -18,20.186249227905275,3101.541421875,18.59492147734671,3115.2141826467805 -19,20.22294630432129,3101.2883809375,18.543987840594667,3115.920114820076 -20,20.248145960083008,3101.126767578125,18.440602920994614,3116.8380968868373 -21,20.26996716064453,3100.976809296875,18.456819414080996,3116.6206702769887 -22,20.312882981567384,3100.693191484375,18.49319067290335,3115.981993371212 -23,20.34825672363281,3100.45079234375,18.367180131854433,3117.675077829072 -24,20.353316282348633,3100.431432421875,18.40115776986787,3117.7102574573864 -25,20.358286742553712,3100.385639296875,18.232053567134972,3119.773564453125 -26,20.380768413696288,3100.2441425,18.34998159235174,3117.8742714251894 -27,20.41591674987793,3100.016575078125,18.331994337602094,3117.8569682173297 -28,20.425388490600586,3099.951793125,18.29439651489258,3118.5556205610796 -29,20.433506455688477,3099.9044275,18.630746085427024,3114.8053361742423 -30,20.45266252685547,3099.782487890625,18.49006543477376,3116.1578178267046 -31,20.453966662597658,3099.771858828125,18.33833200628107,3118.201970584754 -32,20.486899474487306,3099.556847421875,18.34391651731549,3118.198633700284 -33,20.474022092285157,3099.64051859375,18.427172685102985,3116.6360209517047 -34,20.47115191711426,3099.66058265625,18.27218535452178,3118.763712121212 -35,20.519637940063475,3099.3529328125,18.117034706346917,3120.5301923532197 -36,20.528367591552733,3099.287146171875,17.97874769962195,3122.08533203125 -37,20.53901726135254,3099.230005390625,18.244429392959134,3118.9148171164775 -38,20.551154114379884,3099.153709609375,18.394666285659326,3117.5309428267046 -39,20.55690008605957,3099.116555625,18.320879726987897,3118.019676254735 -40,20.554028943481445,3099.132158046875,18.083301712960907,3121.0605912642045 -41,20.580656595458983,3098.975646171875,18.29132110595703,3118.464549893466 -42,20.589627443237305,3098.923489375,18.392045126250295,3117.501474017519 -43,20.595808782348634,3098.87397828125,17.812557779947916,3124.148271188447 -44,20.591440346069337,3098.901462109375,17.93674576730439,3122.9366755445076 -45,20.62531916748047,3098.693984375,18.277475405606356,3118.7957978219697 -46,20.62066910583496,3098.7240775,18.15575868548769,3120.317313565341 -47,20.630210075683593,3098.65626015625,18.165009818799568,3119.975036991004 -48,20.627451910400392,3098.675911484375,18.25539077758789,3118.825361624053 -49,20.654308848876955,3098.517583984375,17.978219818346428,3122.0171513967803 -50,20.663520227661134,3098.452690234375,17.868704089540422,3124.299969815341 -51,20.67251469909668,3098.40325296875,17.8665638478597,3123.912469223485 -52,20.647276127929686,3098.56053515625,17.878475984515564,3123.475565518466 -53,20.66364009399414,3098.461037109375,17.641882203997987,3126.478048946496 -54,20.683643492431642,3098.333375703125,18.004917202573836,3121.9001423413824 -55,20.68423764892578,3098.329907421875,17.82707465431907,3124.793982007576 -56,20.68651666809082,3098.316863125,17.902467017896246,3122.700537109375 -57,20.702193955688475,3098.22183296875,17.70534175526012,3126.4949866832385 -58,20.711772775268553,3098.167300703125,18.13197554617217,3120.389287109375 -59,20.70867584350586,3098.1881309375,17.708372851285066,3126.2355368134467 -60,20.722668501586913,3098.09435765625,18.004650187636866,3122.2058774266097 -61,20.72627515686035,3098.075504453125,17.832650666670364,3124.2667939157195 -62,20.741979082641603,3097.98773140625,18.30558341401996,3118.42038914536 -63,20.73485237487793,3098.0183921875,17.772991841634113,3124.866756924716 -64,20.745255234375,3097.964785703125,18.01380710023822,3121.7766477272726 -65,20.752075888061523,3097.922195,17.65657121369333,3126.192497632576 -66,20.743626813354492,3097.973563671875,17.627087878602925,3126.5916459517043 -67,20.75063062927246,3097.932203671875,17.991143671671548,3122.088349905303 -68,20.750894899902345,3097.92858859375,17.9564917084665,3122.4081205610796 -69,20.76306374633789,3097.85615328125,17.363742100108755,3129.846884173769 -70,20.77650812011719,3097.776711953125,17.635152016842003,3127.388203716856 -71,20.781121235351563,3097.7493478125,17.483926867860735,3128.608467980587 -72,20.786014332885742,3097.713389296875,17.796217642119437,3124.33497750947 -73,20.772535967407226,3097.796716171875,17.80435455091072,3124.14845407197 -74,20.79194702758789,3097.6866784375,17.726985697890772,3125.8279918323865 -75,20.802767639160155,3097.6182659375,17.821674353859642,3124.18750295928 -76,20.797287705688476,3097.6527153125,17.46566424514308,3129.756542080966 -77,20.808095104370118,3097.58474046875,17.97498571684866,3122.515559303977 -78,20.810761436157225,3097.575250390625,18.038218399972628,3122.4736774976327 -79,20.813497197265626,3097.5584846875,17.648001970233338,3126.233988517992 -80,20.818804545898438,3097.51992265625,17.750281980109936,3125.6043877249053 -81,20.83317000305176,3097.442989140625,17.68386929136334,3125.729396306818 -82,20.848842388305663,3097.349188125,17.938151071721858,3122.995419330019 -83,20.827406877441405,3097.47654046875,17.759302488384826,3124.4580631510416 -84,20.83198245605469,3097.450183671875,17.80988423202977,3123.993358191288 -85,20.83271092285156,3097.44669,17.694442684289182,3125.8000130208334 -86,20.84999184326172,3097.3442590625,17.70865462332061,3126.704470584754 -87,20.84845021057129,3097.35330859375,17.936478555852716,3122.9522508285986 -88,20.858162138671876,3097.2890325,17.73179010102243,3125.098759173769 -89,20.865999415893555,3097.24813765625,17.544164944273053,3127.4748597301136 -90,20.861155995483397,3097.27780578125,17.603672113129587,3127.2661473129733 -91,20.867393940429686,3097.23873703125,17.70763007655288,3125.4250952888256 -92,20.871371490478516,3097.21771734375,17.840643123279918,3123.7637846235793 -93,20.869605391845703,3097.220408984375,17.763464859471178,3124.951874408144 -94,20.87076874633789,3097.2127453125,17.739176894679215,3125.0679338304926 -95,20.86908389099121,3097.229665859375,17.842985437566583,3123.9659611742422 -96,20.873833290405273,3097.2020146875,17.399902563384085,3129.959724786932 -97,20.874882146606446,3097.199085234375,17.724182847918886,3125.1003364701705 -98,20.878160068359374,3097.179107109375,17.706522563587537,3125.5935395951706 -99,20.886492094726563,3097.130807265625,17.72727084766735,3125.1504675662877 -100,20.900706493530272,3097.05275390625,17.526899166685162,3128.9994960345643 -101,20.905482673950196,3097.01423421875,17.68409465905392,3125.2905146188446 -102,20.89125535888672,3097.10106171875,17.809675323023942,3124.280000295928 -103,20.916325618896483,3096.952326171875,17.59411276615027,3127.071904592803 -104,20.90849185180664,3097.00353390625,17.64032579942183,3126.3995342092803 -105,20.902599036865233,3097.026625625,17.731833329634235,3125.0682658617425 -106,20.900450153198243,3097.045418828125,17.586963519472064,3127.63117335464 -107,20.911977658691406,3096.98187078125,17.632624340635356,3126.7673091264205 -108,20.89895548828125,3097.054260703125,17.67245564547452,3125.6109138257575 -109,20.919638271484374,3096.94037953125,17.79456501122677,3124.1942474550187 -110,20.935735274658203,3096.840137265625,17.71173923145641,3125.031163884943 -111,20.92031501220703,3096.933399921875,17.863622834176727,3123.5100651041666 -112,20.938187279052734,3096.8324009375,17.68527213125518,3126.250947857481 -113,20.944565612792967,3096.786325703125,17.81821470780806,3124.285856119792 -114,20.93784397644043,3096.827871484375,17.48293702327844,3129.0730149147726 -115,20.935447943725585,3096.852526328125,17.452919128880357,3128.389892282197 -116,20.94957744506836,3096.767480390625,17.814031316583808,3123.9926991595644 -117,20.943013436279298,3096.806216953125,17.521025873819987,3127.8969776870267 -118,20.94525273071289,3096.79438171875,17.635898553096887,3126.5008484256628 -119,20.943892954101564,3096.798970859375,17.80108564897017,3124.424665305398 -120,20.951210889282226,3096.75495546875,17.493123257954917,3128.3994167258525 -121,20.949091618652343,3096.7684303125,17.555756278760505,3127.2716811671403 -122,20.954656475219725,3096.740360703125,17.858055343627928,3123.2596437026514 -123,20.953279138183593,3096.744153046875,17.807120319713245,3123.9670226680873 -124,20.96247152038574,3096.697703046875,17.810545510956736,3124.823492838542 -125,20.96580771850586,3096.676838671875,17.580527387676817,3126.645694839015 -126,20.968878180541992,3096.6551728125,17.598858418320166,3126.88677438447 -127,20.972577858276367,3096.631572734375,17.496418715968275,3128.198912464489 -128,20.98035042236328,3096.58787546875,17.74249049100009,3124.7453870738636 -129,20.974927763671875,3096.621201640625,17.759506368926075,3124.6870558120263 -130,20.97300899658203,3096.630822421875,17.763450742779355,3124.7003935842804 -131,20.98377722717285,3096.57465171875,17.778342649286444,3124.4805927438447 -132,20.984712818603516,3096.560123515625,17.659121045199306,3126.0024585700758 -133,20.986209474487303,3096.55444484375,17.55934949239095,3127.600235558712 -134,20.999046076660157,3096.478672109375,17.600250713463986,3126.67662405303 -135,20.99705973815918,3096.494117734375,17.404190389459785,3129.2963156960227 -136,20.98959658996582,3096.54049171875,17.270846663966324,3131.9202988873108 -137,21.00541181640625,3096.444418125,17.42497517903646,3129.7517314749052 -138,20.9986744329834,3096.4866015625,17.39124159148245,3130.148899147727 -139,21.005728892822265,3096.440359765625,17.703006224198774,3125.5906661339964 -140,21.01454029663086,3096.388972734375,17.634769667423132,3126.7747295217805 -141,21.004743482055662,3096.455406171875,17.502428517197117,3128.181053503788 -142,21.011420656127928,3096.410485625,17.310806822343306,3131.693543738163 -143,21.020232975463866,3096.35842875,17.683548348166727,3126.145653113163 -144,21.03453293823242,3096.2837228125,17.459103835134794,3128.639637784091 -145,21.019526567993164,3096.365549296875,17.579474394827177,3126.7757167376894 -146,21.015839295654295,3096.3868125,17.56297973401619,3127.234130859375 -147,21.02974963745117,3096.30914390625,17.606966451009114,3126.2551251775567 -148,21.024594732666017,3096.342445546875,17.34686526443019,3130.2275532670456 -149,21.023861780395507,3096.342404609375,17.287118102564957,3131.2365068655304 -150,21.040930623168947,3096.25042140625,17.202884701815517,3132.6813515033145 -151,21.036016275024416,3096.2726671875,17.503126997514205,3128.0456395004735 -152,21.047843087158203,3096.208123046875,17.34265774351178,3130.6022591145834 -153,21.0282283795166,3096.322609921875,17.521822875051786,3127.8008428030303 -154,21.02613610534668,3096.33025609375,17.549126797300396,3127.5617447916666 -155,21.043129692382813,3096.234348203125,17.555388363924894,3127.6652589370265 -156,21.042375594482422,3096.24000953125,17.285391344012638,3132.5192619554923 -157,21.049659904785155,3096.196312890625,17.487088149099637,3128.3945842211174 -158,21.045785715942383,3096.218371875,17.59256041093306,3127.2232445549243 -159,21.03881264099121,3096.261358046875,17.619928223581024,3127.0901512192236 -160,21.0403896295166,3096.249671875,17.51360689798991,3127.607683475379 -161,21.055777684936523,3096.1591621875,17.317403289332535,3130.9133960700756 -162,21.052007778930665,3096.184290234375,17.52535389293324,3127.8621729995266 -163,21.06536750488281,3096.106476796875,17.528551270456024,3128.0874937855115 -164,21.05840531677246,3096.147837734375,17.4926046406139,3128.56597508286 -165,21.072101446533203,3096.073042578125,17.403867691502427,3129.2521333451705 -166,21.051696160278322,3096.193520234375,17.385499898737127,3129.755773259943 -167,21.068173381958008,3096.1010953125,17.34576333248254,3130.999520300663 -168,21.054356585083006,3096.171016640625,17.401105533946644,3130.3263917495265 -169,21.06707937805176,3096.101372265625,17.26317861152418,3131.8447502367426 -170,21.06529987854004,3096.11239421875,17.313972110170308,3130.3648381273674 -171,21.06869624938965,3096.08825984375,17.15917441397002,3133.058604699337 -172,21.08895680480957,3095.98045125,17.356527765447442,3130.6853796756627 -173,21.079370493774412,3096.03412171875,17.66680523034298,3126.507441998106 -174,21.069957454833986,3096.088904375,17.35008802240545,3129.673408203125 -175,21.088750878295897,3095.97938328125,17.472184084111994,3129.4162183357007 -176,21.078390032348633,3096.03660890625,17.474153195005474,3128.9788414417612 -177,21.076964298095703,3096.048819140625,17.300693248401988,3131.114368193655 -178,21.087939965209962,3095.982696015625,17.736933723218513,3125.4369699928975 -179,21.08355368713379,3096.01649453125,17.20287133997137,3133.079426491477 -180,21.089344736938475,3095.97663984375,17.359742420080938,3129.826495620265 -181,21.08806667541504,3095.987235703125,17.380594218860974,3129.46482273911 -182,21.09723223022461,3095.934998046875,17.415559701630563,3129.5603003669507 -183,21.092855232543947,3095.9569940625,17.41370306419604,3129.614423532197 -184,21.09800369995117,3095.930228515625,17.35987303762725,3130.154734552557 -185,21.086568676757814,3095.99026515625,17.449972698327265,3128.9959596946023 -186,21.10015377380371,3095.918706171875,17.810408475471267,3124.144952947443 -187,21.093121381225586,3095.954896171875,17.331678781220408,3130.992125355114 -188,21.087153317871095,3095.993322421875,17.33413897890033,3130.9752808357007 -189,21.120447329101562,3095.80433375,17.459060867771957,3128.7149165482956 -190,21.101572307739257,3095.90610734375,16.966517595233338,3135.511716678504 -191,21.116989200439452,3095.8300684375,17.23459120085745,3132.034045336174 -192,21.126007271118166,3095.7730371875,17.12503193248402,3134.1378944720645 -193,21.117044982910155,3095.825929921875,17.436358170942828,3128.7270954663827 -194,21.10684673400879,3095.882749375,17.193680521647135,3133.0797700639205 -195,21.115948002319335,3095.832006875,17.350115305582683,3129.5828873697915 -196,21.133274794311525,3095.729318203125,17.231139068603515,3131.7111594460225 -197,21.125682030029296,3095.779492109375,17.64586891636704,3126.5024085582386 -198,21.12942737487793,3095.764357109375,17.118097901777787,3134.728113458807 -199,21.124282687377928,3095.78733,17.309459087487422,3130.7112085700755 -200,21.11561245666504,3095.83657234375,17.31510206973914,3130.8238242779357 -201,21.120599235839844,3095.806114140625,17.72439852627841,3125.510045868845 -202,21.141784723510742,3095.690478984375,17.338022576534385,3130.7868297230116 -203,21.13422408203125,3095.732108125,17.597408051924273,3126.563318536932 -204,21.137134010620116,3095.718676171875,17.22753597721909,3132.662801846591 -205,21.13757279296875,3095.7109390625,17.563857334021368,3127.3900328480113 -206,21.15745736694336,3095.602596015625,17.504780821366744,3128.8352586410983 -207,21.137209072265627,3095.71898265625,17.57039669268059,3127.570225201231 -208,21.1424365826416,3095.68471078125,17.53838103207675,3127.664570608428 -209,21.146604889526365,3095.661242265625,17.512571777574944,3128.244543087121 -210,21.143546185302736,3095.67702453125,17.285026212750058,3131.6327059659093 -211,21.135939041748045,3095.72081625,17.41674675912568,3129.9636763139206 -212,21.167004466552733,3095.550100703125,17.568375394416577,3128.3560650449813 -213,21.136940759887697,3095.7179378125,17.510429458618162,3128.0990882457386 -214,21.147813799438477,3095.660378125,17.482137899687796,3128.3644258996214 -215,21.13977533508301,3095.704817109375,17.25270553820061,3131.6080362215907 -216,21.14777977722168,3095.657752734375,17.291964999112217,3131.2662352035986 -217,21.17015205566406,3095.54103515625,17.30722027171742,3130.9447487571024 -218,21.15984235900879,3095.595927578125,17.207181356025465,3132.096543856534 -219,21.16939194152832,3095.541633671875,17.417284721605707,3128.966444424716 -220,21.161076688842773,3095.587596328125,17.236271128798975,3132.05427438447 -221,21.15718932006836,3095.605713984375,17.434283195264413,3129.3920324337123 -222,21.171303384399415,3095.53124,17.02908945603804,3135.5125020714963 -223,21.16308503845215,3095.576267734375,17.276027850526752,3131.152559777462 -224,21.160523012084962,3095.591838125,17.62009553157922,3127.666900449811 -225,21.170463588256837,3095.53447015625,17.47344605185769,3128.567560369318 -226,21.15338199584961,3095.624119453125,17.36037627480247,3130.099979285038 -227,21.160683801879884,3095.584469296875,17.31717907529889,3130.4789814157198 -228,21.172576723022463,3095.52834703125,17.330012842814128,3129.9160100023673 -229,21.166113712158204,3095.556627421875,17.25939567681515,3131.5581708688446 -230,21.17561411254883,3095.507641015625,17.356971511840822,3130.2264103929924 -231,21.17757642211914,3095.492999140625,17.451195642875902,3129.3439491595645 -232,21.18221481262207,3095.471603125,17.36391738429214,3130.459709398674 -233,21.180051908569336,3095.47705078125,17.417771398370917,3129.598034741951 -234,21.173055576782225,3095.5188209375,17.30102628881281,3130.308780184659 -235,21.188805930175782,3095.435614609375,17.25803444371079,3132.0671034564393 -236,21.185596499023436,3095.453849375,17.346302349206173,3130.766376361269 -237,21.185956477661133,3095.44908875,17.400288164543383,3129.577841205019 -238,21.18067959289551,3095.479304609375,17.058187410759203,3134.712699159564 -239,21.176922762451174,3095.49951296875,17.333349454475172,3130.745186434659 -240,21.187365111083984,3095.442878125,17.185987638993698,3132.4184812973485 -241,21.172744182128906,3095.522105,17.063406441428445,3135.3144984019887 -242,21.18236636352539,3095.471341484375,17.26300612825336,3131.4540764086173 -243,21.188075669555666,3095.43458890625,17.6793255592115,3126.131719341856 -244,21.18575755859375,3095.4487615625,17.0943803729433,3133.8862834398674 -245,21.183211303100585,3095.468285859375,17.275187710848723,3131.1045848129734 -246,21.19844866394043,3095.38459296875,17.113854559696083,3133.3257143702654 -247,21.175170685424806,3095.5136765625,17.20033541361491,3132.185704900568 -248,21.17904180419922,3095.490314453125,17.058290967074306,3134.8049940814394 -249,21.20160301513672,3095.365397734375,17.405205376364968,3130.5972493489585 -250,21.200010350952148,3095.37034078125,17.329559305364434,3130.2252953361744 -251,21.197435216064452,3095.388380703125,17.149461341626715,3133.176984493371 -252,21.1933881640625,3095.408326640625,17.12916560086337,3133.6190855823866 -253,21.20269585083008,3095.361516875,17.326323512684215,3130.768587239583 -254,21.20425566894531,3095.350134140625,17.270524456139768,3131.4591977391096 -255,21.200530201416015,3095.3705409375,17.344214149243903,3130.5606584398674 -256,21.200664650268553,3095.369622265625,16.96838597384366,3135.804861505682 -257,21.20837641296387,3095.32751171875,17.503717692982068,3128.524890802557 -258,21.205381924438477,3095.342016484375,17.294026260375976,3131.385703716856 -259,21.185882258911132,3095.458101328125,17.235507091175425,3132.174385949337 -260,21.209998327026366,3095.326631640625,17.170754910093365,3134.4243400804926 -261,21.20800616333008,3095.332367109375,17.29422698165431,3130.7918539891098 -262,21.193860736083984,3095.4086428125,17.264340022693982,3131.614509351326 -263,21.206300130615233,3095.34267453125,17.30132571364894,3130.884064867424 -264,21.219790783081056,3095.267587890625,17.13476771961559,3133.5909659090908 -265,21.21504557006836,3095.298270625,17.412589878891453,3130.0320655776513 -266,21.218786026000977,3095.277269609375,17.13206678679495,3133.2891690340907 -267,21.21272349182129,3095.309423046875,17.162908711288914,3132.401846294981 -268,21.21799259399414,3095.2800509375,17.148944716020065,3133.6598588423294 -269,21.207990181274415,3095.328786875,17.280785964041044,3131.0031519294507 -270,21.205301373291014,3095.346037421875,17.13632820591782,3132.874352805398 -271,21.217133776245117,3095.2851634375,17.33243661591501,3130.6424630089964 -272,21.203590532836913,3095.3558165625,17.422443043101918,3129.9463636363635 -273,21.223560795898436,3095.2481590625,17.1996004671039,3132.5203568892043 -274,21.20927157409668,3095.323542734375,17.346588939319957,3129.7722120620265 -275,21.235293380126954,3095.1812915625,17.18771232142593,3132.966057942708 -276,21.23395660522461,3095.1943871875,17.217239185680043,3132.0442749763256 -277,21.22223887878418,3095.256202421875,17.085048351865826,3133.8953832267994 -278,21.226300001220704,3095.2337128125,17.36477657433712,3130.0749781013255 -279,21.22906167175293,3095.212585546875,16.97182370966131,3135.3906557765154 -280,21.232869107666016,3095.20306515625,16.981230644457266,3136.2821126302083 -281,21.23381087585449,3095.190444453125,17.024150661121716,3134.6712585819128 -282,21.22650500427246,3095.235543828125,16.893998272057736,3137.3228746448863 -283,21.23410141479492,3095.191699921875,17.191366750543768,3132.277618371212 -284,21.240428497314454,3095.15749890625,17.13778026927601,3133.5831883285987 -285,21.240578391723634,3095.155068359375,17.251332933830493,3131.7683525686552 -286,21.238179533081055,3095.169418203125,17.27011272083629,3131.138270892519 -287,21.23461565673828,3095.188969453125,17.309725730202416,3130.307629320549 -288,21.217382741088866,3095.285120703125,17.45015276590983,3129.277283972538 -289,21.232235068969725,3095.20752671875,17.469405956846295,3128.2030415482955 -290,21.22160504699707,3095.25980515625,17.228667958577475,3131.758926077178 -291,21.228198686523438,3095.220364453125,17.220675929676403,3132.110017755682 -292,21.253233178100587,3095.0834096875,17.129592835397432,3133.4456856652464 -293,21.227296275024415,3095.222470625,17.067742981188225,3133.7203379498105 -294,21.2334149609375,3095.19541828125,17.077680614355838,3133.4747209398674 -295,21.251581547241212,3095.09437328125,17.304728909116804,3130.9658623342802 -296,21.245384897460937,3095.131903828125,17.071393028028083,3134.503203716856 -297,21.238900994873045,3095.1677784375,17.2636970242587,3131.6379317589963 -298,21.239940850830077,3095.162778125,16.971227754535096,3136.6711644767993 -299,21.234451621704103,3095.19122921875,17.235966440836588,3132.551084576231 -300,21.245937344970702,3095.13128453125,16.97336288914536,3135.42349461411 -301,21.248482388916017,3095.11444453125,17.221511489405778,3131.488525094697 -302,21.23240622253418,3095.199249375,17.14124457619407,3132.556683238636 -303,21.251205687255858,3095.099528359375,17.06135651097153,3134.842888849432 -304,21.243439653320312,3095.1440784375,17.32185873551802,3130.330625887784 -305,21.252588278198242,3095.093273515625,17.253403188532047,3131.4149544270836 -306,21.262392309570313,3095.039206171875,17.061671139110217,3134.1313734019886 -307,21.255212789916992,3095.0779540625,17.284940431768245,3131.421132516572 -308,21.245496806640624,3095.13672078125,17.39594985037139,3129.5457303503786 -309,21.24093506591797,3095.15895953125,17.086120621652313,3134.1324473248105 -310,21.2537547064209,3095.07930796875,17.04764131488222,3134.907139855587 -311,21.24258379699707,3095.14550578125,17.09961777195786,3133.8194196851327 -312,21.249325909423828,3095.111921796875,17.408723189614037,3129.154159564394 -313,21.260953233642578,3095.046425703125,17.446766415220317,3129.2902598248106 -314,21.2688145111084,3095.011605703125,17.145018770622485,3133.5584931344697 -315,21.248708451538086,3095.11252078125,17.436019106778232,3129.028203420928 -316,21.239561979370116,3095.158781875,17.13108134876598,3133.2133543442233 -317,21.246034368896485,3095.132052578125,17.166956352465082,3132.653663293087 -318,21.25010632385254,3095.106481328125,17.345598403468276,3131.1466861979166 -319,21.264424765625,3095.0278509375,17.31498638268673,3131.9082424834282 -320,21.26453898803711,3095.024990625,17.175877697106564,3133.150976858428 -321,21.26600543762207,3095.02256453125,17.21463289896647,3132.6755246803978 -322,21.26626158630371,3095.021572734375,17.466682154337565,3128.8195167495264 -323,21.251420474243165,3095.09797578125,17.17795253638065,3132.577194602273 -324,21.249071948242186,3095.10914515625,17.208030708775375,3132.324442471591 -325,21.267152813720703,3095.0099884375,17.163122535474372,3133.1171428148673 -326,21.256014123535156,3095.07878359375,16.960858103434244,3136.0451346472537 -327,21.263948659667967,3095.03318796875,17.18309817458644,3132.6414607007578 -328,21.27134492614746,3094.993210703125,17.391242567120177,3129.4987144886363 -329,21.27204475402832,3094.987416796875,17.3490928996693,3129.8444546046403 -330,21.272088159179688,3094.988985703125,17.1577487783721,3132.789508167614 -331,21.268217611694336,3095.012968359375,17.33346977927468,3130.5768909801136 -332,21.2699843170166,3095.00353828125,17.309814356023615,3130.6860940459283 -333,21.272354209594727,3094.979178671875,17.47093337203517,3128.5139991714013 -334,21.27023176879883,3094.9923846875,17.224982769128047,3131.9235324928977 -335,21.269253088378907,3095.00648859375,17.124226867213395,3133.429280007102 -336,21.260726271972658,3095.051189921875,17.25069973338734,3131.9158570075756 -337,21.271659955444335,3094.994193359375,17.321977011940696,3130.820645714962 -338,21.26859411743164,3095.00281421875,17.02864273996064,3135.385528527462 -339,21.28564967163086,3094.920254765625,17.31747010202119,3130.83541015625 -340,21.280548980102537,3094.941894296875,17.06737757364909,3134.6150529711176 -341,21.27846860961914,3094.956282578125,16.984822392319188,3136.022920513731 -342,21.259541649169922,3095.05649484375,17.06936540545839,3134.2881628787877 -343,21.251838912963866,3095.096739765625,17.277489963878285,3131.8244111032195 -344,21.28537782043457,3094.918008828125,17.276669080329665,3131.1000541548296 -345,21.274622485351564,3094.978197265625,17.301382515647195,3131.1476606889205 -346,21.28268041015625,3094.930338515625,16.906822676225143,3135.487792376894 -347,21.27576433898926,3094.968223515625,17.13666226242528,3133.010001775568 -348,21.288608555297852,3094.90250984375,17.181370606855914,3132.208997395833 -349,21.264079913940428,3095.027898828125,17.459002791896012,3128.2677488754734 -350,21.2948639453125,3094.86512421875,17.13939499363755,3133.0909821851324 -351,21.266352138061524,3095.02658890625,17.111103215073094,3133.4483422111743 -352,21.273589551391602,3094.98229953125,17.136288558497572,3133.676931226326 -353,21.28430391052246,3094.924640859375,17.191866168397844,3132.464864169034 -354,21.2870009954834,3094.914416328125,17.30663078770493,3130.745388849432 -355,21.29200935852051,3094.877945390625,17.343386614250413,3129.3633259351327 -356,21.2872361907959,3094.903824609375,17.12227447047378,3133.591426964962 -357,21.28202620666504,3094.938330390625,17.1163236282811,3133.8448680160986 -358,21.289759795532227,3094.8971471875,17.133860942956172,3133.31203272964 -359,21.27792700744629,3094.961422265625,17.245126167066168,3131.594885475852 -360,21.279207562866212,3094.9498146875,16.96709954695268,3135.879014559659 -361,21.291654998168944,3094.883046796875,17.182232051040188,3132.9111499763258 -362,21.286563034667967,3094.911372109375,16.681073905482435,3141.0667234848484 -363,21.294749445800782,3094.868447109375,17.198354462132308,3132.1003284801136 -364,21.299183955688477,3094.8496265625,17.413611180854566,3129.187414772727 -365,21.285720280151367,3094.9102078125,17.34000664104115,3130.9380877130684 -366,21.286124362792968,3094.90836328125,17.08881818597967,3134.202941524621 -367,21.303786673583986,3094.816208671875,16.80445609815193,3138.6870762310605 -368,21.28339475769043,3094.92842984375,17.08959018129291,3133.6968681936555 -369,21.302215462036134,3094.830642421875,17.118332323016542,3133.299384173769 -370,21.296571740112306,3094.85771140625,17.210100825916637,3132.861534682765 -371,21.300143435058594,3094.840023203125,16.962508198131214,3136.265791015625 -372,21.289126127319335,3094.903001875,17.127300477461382,3133.175847833807 -373,21.280572966308593,3094.945051015625,17.092683637214428,3133.791544152462 -374,21.289950325927734,3094.8907459375,17.17744377598618,3132.639167258523 -375,21.286940946655275,3094.903306875,17.23364777536103,3131.3286280776515 -376,21.304843564453126,3094.813068515625,16.86634885383375,3137.2995845170453 -377,21.291257048950197,3094.89061203125,17.03979788577918,3134.6644267874053 -378,21.28762333618164,3094.90423203125,16.982227577440668,3136.0115891335226 -379,21.29756038330078,3094.858005234375,17.0561223301743,3135.1412955729165 -380,21.29608237915039,3094.866282265625,17.014868331677985,3135.027843572443 -381,21.295371821899415,3094.866798828125,17.16559551123417,3132.5289399857957 -382,21.300836672973634,3094.84386328125,17.05762497179436,3134.8703746448864 -383,21.31580778869629,3094.76014390625,16.687533661813447,3140.2159694602274 -384,21.306980941772462,3094.8141515625,17.07513944683653,3135.0289757930873 -385,21.313947513427735,3094.764152890625,17.161791936700993,3132.982119140625 -386,21.312281819458008,3094.78153640625,17.19613824786562,3131.63631007339 -387,21.30628078186035,3094.800716171875,17.11839469909668,3133.564637192235 -388,21.321022996826173,3094.732584765625,17.19382051410097,3132.692033025568 -389,21.312273016357423,3094.778505546875,17.038177047498298,3134.239551373106 -390,21.314405814819334,3094.762615,17.076539493907582,3134.1100233783145 -391,21.31756419494629,3094.7479134375,17.164427275224167,3132.5004758522728 -392,21.303420494995116,3094.824992734375,17.097454346165513,3133.7537997159093 -393,21.311943181152344,3094.776501875,16.77395686756481,3139.649533321496 -394,21.30921535583496,3094.794242890625,17.092887175588896,3134.188668027936 -395,21.331071604003906,3094.678288984375,17.0664548515551,3133.943610026042 -396,21.31081734680176,3094.77908671875,17.132520699934528,3133.1010890151515 -397,21.302472116699217,3094.8276609375,17.26845126990116,3131.3381821141097 -398,21.324067703857423,3094.717970078125,16.910441943081942,3135.798385416667 -399,21.30434127624512,3094.8138775,17.078616076382723,3134.7670274029356 -400,21.312367680664064,3094.781306328125,17.13990001678467,3133.5544492779354 -401,21.315216463012696,3094.7628075,17.203908430157284,3132.1693791429925 -402,21.3176803894043,3094.747651015625,17.300964561231208,3131.0357478101328 -403,21.317787869262695,3094.7449359375,17.26733812505549,3131.39073922822 -404,21.3176232421875,3094.742603828125,16.966904259883997,3135.4933522727274 -405,21.30856623474121,3094.797073828125,17.122713722460198,3133.069894353693 -406,21.323319981689455,3094.71801546875,17.11126047076601,3133.773933179451 -407,21.318045176391603,3094.745545625,17.25803032614968,3131.286809599905 -408,21.31692165588379,3094.7543959375,16.91273209774133,3137.347491418087 -409,21.31603429321289,3094.757300390625,17.461478063409977,3129.9671321614583 -410,21.321862397460936,3094.7226534375,16.89980347373269,3136.7564897017046 -411,21.31832986633301,3094.750547578125,17.079925639990606,3134.0569288589013 -412,21.323463616333008,3094.716288515625,16.8313167849454,3137.9982993016097 -413,21.328913006591797,3094.691532109375,17.03152446631229,3134.885037878788 -414,21.327848088378907,3094.69063625,17.154279350511956,3133.771512488163 -415,21.327954040527345,3094.68954265625,16.880630704706366,3137.2628098366476 -416,21.325884192504883,3094.709515625,17.180069954612037,3132.557657137784 -417,21.32095625427246,3094.736524375,16.931094163836853,3136.8211529356063 -418,21.320775341186522,3094.732165234375,17.190273624766956,3133.293791429924 -419,21.322975234375,3094.7193775,17.1092678231904,3134.116863162879 -420,21.329930900878907,3094.688592265625,17.32694021282774,3130.784142992424 -421,21.33296913635254,3094.6684353125,17.093744222467596,3133.8502781723487 -422,21.31981420776367,3094.73540171875,17.117287114461263,3134.1609812973484 -423,21.317837435913084,3094.74849515625,17.09955574613629,3134.033837890625 -424,21.331339387817383,3094.676764140625,16.98374007022742,3135.068173532197 -425,21.33799176696777,3094.637623671875,17.06640076377175,3134.447637606534 -426,21.329612934570314,3094.687891953125,17.128561038392963,3133.625420217803 -427,21.33057572692871,3094.676571796875,17.381896091807974,3129.8824150686555 -428,21.325558230590822,3094.70709234375,16.898331962354256,3136.894337121212 -429,21.345788829345704,3094.60546125,16.921501511082504,3136.0133836410987 -430,21.31796641479492,3094.7502415625,16.85021492235588,3137.7827225378787 -431,21.332476387939455,3094.6673796875,17.455894240177038,3128.843371508049 -432,21.343857150878907,3094.617670859375,17.03997556513006,3135.318565340909 -433,21.34334111755371,3094.613723671875,16.71357958244555,3139.1535206557764 -434,21.32564651611328,3094.709137421875,16.926337566953716,3136.0028867779356 -435,21.34310474975586,3094.619300390625,16.764101016882694,3138.4686615175187 -436,21.341733610839842,3094.62418984375,17.13842319835316,3133.649226444129 -437,21.342317716674806,3094.624385703125,16.822010116577147,3137.706281368371 -438,21.331777694091798,3094.67643328125,17.065599540941644,3134.5970723839964 -439,21.328367498779297,3094.6908290625,16.94444493496057,3136.405126657197 -440,21.334281821289064,3094.6589525,16.92316018306848,3136.7880391808712 -441,21.345879606933593,3094.60299703125,17.237700405698835,3131.498531605114 -442,21.34562764099121,3094.60298078125,17.264357917092063,3131.6293877249054 -443,21.33899672302246,3094.637923671875,17.015762303670247,3135.5548798532195 -444,21.334779146118166,3094.665034609375,17.02248700922186,3134.973527166193 -445,21.334190426635743,3094.662184140625,17.035598262440075,3134.635007694129 -446,21.357004797973634,3094.5423475,17.028433375503077,3135.535312795928 -447,21.332691900024415,3094.669953046875,17.012376984104964,3135.449446910511 -448,21.35036363708496,3094.57728546875,17.020081088904178,3134.6105838660037 -449,21.332197837524415,3094.671379140625,17.08708346742572,3133.9373919862687 -450,21.333161551513673,3094.66499140625,17.136493532585376,3133.6640009469697 -451,21.337462454833986,3094.6462671875,16.92489176201098,3136.245900213068 -452,21.340505095214844,3094.624678125,17.219850285847983,3132.227721946023 -453,21.363578084106447,3094.506835078125,17.18921103737571,3132.043182410038 -454,21.338076282348634,3094.646495625,17.04597912412701,3135.422107007576 -455,21.34451171081543,3094.609826328125,17.179162559509276,3132.894081439394 -456,21.35272859741211,3094.568208515625,17.296031618985264,3130.7482667495265 -457,21.35370737426758,3094.562376640625,16.960781714699486,3135.356132516572 -458,21.348258286743164,3094.58566953125,16.849858605355926,3137.624823922822 -459,21.341681533813478,3094.6268428125,16.792902582341974,3139.1916838304924 -460,21.341881682128907,3094.6213859375,16.842882172555633,3137.674715613163 -461,21.366364906616212,3094.496105625,16.972650914047705,3135.623272372159 -462,21.356061166381835,3094.550428828125,17.14754558910023,3132.7255255681816 -463,21.35934880432129,3094.52758375,17.28305330103094,3130.472751538826 -464,21.35118952697754,3094.573544453125,16.9107703815807,3136.564726266572 -465,21.351818189697266,3094.569568984375,16.89580916896011,3137.2123014322915 -466,21.35260059387207,3094.56536859375,17.000120105165422,3134.630051787405 -467,21.359207451782225,3094.52823984375,17.157543205492424,3132.9369057765152 -468,21.350480972900392,3094.572886875,17.308129057450728,3131.165488873106 -469,21.35714746459961,3094.54209125,17.10722506898822,3134.066044330019 -470,21.353740490112305,3094.55876578125,17.11912197228634,3133.057890920928 -471,21.35553874267578,3094.554265546875,17.224766311645507,3131.826042554451 -472,21.367831339111326,3094.485870546875,16.702624428488992,3140.1452879379735 -473,21.34539527770996,3094.608331484375,17.10611474355062,3133.308228278883 -474,21.361600087890626,3094.5224446875,17.038901700106535,3134.5815944602273 -475,21.36377908569336,3094.5020528125,16.86274093165542,3137.3080696614584 -476,21.3540976940918,3094.5600446875,17.089678293863933,3133.9803000710226 -477,21.37165163635254,3094.46919046875,17.047772970488577,3135.2356912878786 -478,21.359709154052734,3094.522400703125,17.108878083662553,3133.6220851089015 -479,21.360581696777345,3094.525265390625,17.15706962816643,3132.265438565341 -480,21.363474450683594,3094.509629609375,16.903365392973928,3136.8315642755683 -481,21.341908341064453,3094.621812578125,16.710748448227392,3141.0206279592803 -482,21.357554287719726,3094.538511328125,17.079301517370975,3133.803703835227 -483,21.367713251342774,3094.4847784375,17.210993229259145,3132.3105797230114 -484,21.372441795654296,3094.459556875,17.10048065994725,3133.2397508285985 -485,21.362560619506837,3094.51347609375,17.0261479695638,3134.255568181818 -486,21.35151473449707,3094.571556796875,17.077841750636246,3134.486126598011 -487,21.367102670898436,3094.493510234375,17.060492516719933,3133.864640447443 -488,21.36974953125,3094.479167109375,16.955074823552913,3135.803638731061 -489,21.37024447631836,3094.473899453125,17.162776517001067,3133.0443667140153 -490,21.36635863220215,3094.495371953125,17.020634278962106,3134.6996943063446 -491,21.36505956237793,3094.50173046875,16.934053381717565,3136.673220584754 -492,21.37086328857422,3094.475287578125,16.941819037235145,3135.8625242660983 -493,21.37670691345215,3094.43658140625,17.024559031399814,3135.1313994436555 -494,21.370417619018554,3094.478833984375,16.79943005186139,3138.633535452178 -495,21.369909865722658,3094.48126421875,17.314571517019562,3131.1940580610794 -496,21.374203561401366,3094.457958828125,16.853422227339312,3136.987958392519 -497,21.369105453491212,3094.4766,16.979630843653823,3135.553993548769 -498,21.357262620239258,3094.55144421875,17.167196065729314,3133.1971966737688 -499,21.375178458251952,3094.446596328125,17.15678950223056,3132.488116418087 -500,21.37061953552246,3094.474147578125,17.02936971953421,3134.9039302201704 -501,21.376605877075196,3094.44327203125,17.082108612060548,3134.04214695786 -502,21.384182874755858,3094.400619765625,16.861146882953065,3136.6283238636365 -503,21.372325693359375,3094.46138328125,17.323285196477716,3131.0890681226324 -504,21.36992283874512,3094.479853359375,16.88246474526145,3137.433448745265 -505,21.394348947753905,3094.35342625,16.640644582112632,3141.4921617542614 -506,21.371309147338867,3094.47770609375,16.82633685718883,3138.3369782788827 -507,21.382578845214844,3094.408134921875,16.961944836703214,3136.7294501657198 -508,21.378440709228517,3094.43087359375,16.99201876784816,3135.030555160985 -509,21.39553235534668,3094.3424159375,16.845957507509173,3137.653670691288 -510,21.37674210998535,3094.44163890625,17.05316560456247,3134.762432232481 -511,21.38032490234375,3094.424019921875,16.80512150851163,3138.648641098485 -512,21.383374845581056,3094.4075965625,16.622409180149887,3142.3466915246213 -513,21.377866434936525,3094.434726328125,17.111859204841384,3133.1725609611744 -514,21.390462837524414,3094.371506171875,17.050293514367304,3134.4369785748104 -515,21.383091485595703,3094.40595015625,17.116965221058237,3133.7281581439393 -516,21.381427928466795,3094.422271171875,16.9767324366714,3135.8857288707386 -517,21.378541185913086,3094.430196796875,16.833398892951735,3137.299560842803 -518,21.380532700195314,3094.41954234375,16.73517555699204,3139.1749727746214 -519,21.39251050048828,3094.357531328125,17.208626841920793,3132.150136126894 -520,21.36978604614258,3094.477076328125,17.346751914746832,3130.530431463068 -521,21.375681171875,3094.44285796875,17.09275756142356,3134.1967950994317 -522,21.378934353637696,3094.429057265625,16.87267633380312,3136.712452355587 -523,21.384349349365234,3094.399339140625,16.794574587272876,3138.8370279947917 -524,21.38267378967285,3094.413281328125,17.062997591423265,3135.128319128788 -525,21.385536935424806,3094.39434765625,17.451241760253907,3128.396830314867 -526,21.38498021118164,3094.396622578125,17.14844570044315,3133.0422386955493 -527,21.388419468383788,3094.381629921875,17.239423014322917,3131.2377971117426 -528,21.37130906616211,3094.466227109375,17.247901791659267,3131.487865175189 -529,21.370852642822264,3094.471722578125,17.228483717947295,3131.4926603929925 -530,21.39364152282715,3094.3551784375,16.830198339982466,3137.4098221472536 -531,21.388637715454102,3094.3845653125,17.181537875551165,3133.8784262547347 -532,21.398668399658202,3094.33039953125,17.061945285219135,3134.968611505682 -533,21.386257935791015,3094.390354609375,16.98636311155377,3135.025628255208 -534,21.380896303710937,3094.421219375,16.74010507063432,3139.0959425307765 -535,21.39304829589844,3094.3553959375,16.873337393095998,3137.8933715080493 -536,21.389623744506835,3094.37720921875,16.908614670724578,3136.619473839962 -537,21.39461766845703,3094.34980515625,17.32328189503063,3130.440430871212 -538,21.399707591552733,3094.32388046875,16.95052885575728,3136.195564038826 -539,21.391342083740234,3094.369763515625,16.953378755974047,3136.4687958688446 -540,21.39128611694336,3094.365257109375,17.083304984352804,3133.590702829072 -541,21.393115493164064,3094.3610809375,16.80263919021144,3137.4901402698865 -542,21.401548345947266,3094.31145546875,16.75438743360115,3139.9642521898672 -543,21.393164877319336,3094.35518421875,16.82795367154208,3138.2932436671404 -544,21.392463579711915,3094.360838359375,16.969170213179154,3135.673654711174 -545,21.396977643432617,3094.33875421875,17.18864528540409,3132.9476885061554 -546,21.397220076904297,3094.335878984375,17.015835037231444,3135.431202059659 -547,21.400262498168946,3094.318331875,17.002281135790277,3134.7803270004733 -548,21.395121342163087,3094.345543046875,16.9409561550256,3136.3932090435605 -549,21.40024653869629,3094.32260765625,17.115496266682943,3133.939228515625 -550,21.41018759094238,3094.264515625,17.146640606504498,3132.842219460227 -551,21.401930615844726,3094.310622421875,16.893114455251983,3137.0338923413824 -552,21.399064624633787,3094.32485171875,16.99960943395441,3135.318766867898 -553,21.40811276550293,3094.27939109375,17.057335869760223,3134.288367069129 -554,21.389982742919923,3094.36981625,17.25809621637518,3131.1399769176137 -555,21.418162536010744,3094.222755625,17.00061445987586,3135.901291429924 -556,21.390863161621095,3094.36560203125,17.003717736908882,3134.8160108901516 -557,21.398528157348633,3094.3286059375,17.04628048983487,3135.2948887310604 -558,21.392999760131836,3094.359565703125,17.156974346276485,3132.8599496922347 -559,21.405125313720703,3094.297187734375,17.03823407491048,3135.0654252485797 -560,21.402487946166993,3094.307373125,17.281737532182174,3131.344100970644 -561,21.427989287719726,3094.18036109375,16.963999053492692,3135.5299467329546 -562,21.39686235107422,3094.33691765625,16.94752855011911,3136.6183442826705 -563,21.40734317626953,3094.28413875,17.159352643562087,3132.398125295928 -564,21.41385123413086,3094.252349609375,17.033711850715406,3135.55767282197 -565,21.412327361450195,3094.260755390625,16.868797279126717,3137.296123934659 -566,21.412753178100587,3094.251754296875,16.631434755036324,3141.3210401870265 -567,21.40538515258789,3094.293959921875,16.948946103182706,3135.6491225733903 -568,21.409232459716797,3094.2723134375,16.919327105897846,3136.4932182173297 -569,21.41111773803711,3094.26191265625,17.09449238170277,3133.8479578006627 -570,21.402410325927736,3094.313121484375,16.734069698218143,3139.840293560606 -571,21.41056217590332,3094.264937109375,17.330641911824543,3130.537275390625 -572,21.404985555419923,3094.29382921875,17.01241838166208,3134.7982774029356 -573,21.41835478393555,3094.22502921875,16.713976019657018,3139.9797025923294 -574,21.402487365722656,3094.309532734375,16.76647059816303,3139.7340962357953 -575,21.412754627075195,3094.25382515625,17.004748891194662,3134.7520617305872 -576,21.417545604858397,3094.232729140625,16.868880127415512,3137.7992980587123 -577,21.408745032958983,3094.279520546875,16.978122738924892,3135.793095111269 -578,21.419271895141602,3094.231552890625,16.66577343680642,3141.050928622159 -579,21.42650633666992,3094.18458796875,17.277987337979404,3131.098072324811 -580,21.4174298449707,3094.2297509375,16.8471931180087,3137.262877308239 -581,21.400489462890626,3094.31412375,16.96948650013317,3135.7553767163827 -582,21.40059998474121,3094.3198609375,17.04464998303038,3134.907832327178 -583,21.41939855834961,3094.2186265625,16.91737314860026,3136.548064038826 -584,21.408227783813476,3094.281381796875,17.138984274430708,3133.4791071851328 -585,21.416868272094728,3094.2396075,17.07186899127382,3134.1825819720643 -586,21.41386520751953,3094.248193359375,16.93600852503921,3135.4272854521782 -587,21.41902045715332,3094.22263765625,16.83769069556034,3137.823430693655 -588,21.406925130004883,3094.287626015625,16.96880174810236,3135.301680575284 -589,21.420015016479493,3094.2163628125,17.189136417273318,3132.8473452296403 -590,21.404026564331055,3094.30150078125,16.921596714366565,3135.903242779356 -591,21.424518118896483,3094.199184140625,16.902631912231445,3137.43302734375 -592,21.420432108154298,3094.2183115625,16.740106393062707,3139.582842684659 -593,21.395815827026368,3094.33431375,16.790243153427586,3138.0583354048294 -594,21.42133043823242,3094.2083853125,16.770740513657078,3138.9379770359847 -595,21.399863026123047,3094.321759453125,17.12640005978671,3133.4928595525566 -596,21.40691407775879,3094.2862809375,17.192628952951143,3131.9536283735797 -597,21.413476146850584,3094.254064921875,17.018762331875887,3134.290300662879 -598,21.411538800048827,3094.266108046875,16.73667100386186,3139.6451313920456 -599,21.426891588134765,3094.180038203125,16.74287860061183,3139.8754361979168 -600,21.419760857543945,3094.22159109375,16.794806139396897,3138.3408972537877 -601,21.437814844970703,3094.130506640625,17.128792021780303,3133.045116891572 -602,21.418753825683595,3094.222953359375,16.729476327607127,3138.8667900686555 -603,21.42226014892578,3094.20529921875,16.931218774968926,3136.2574363754734 -604,21.42338103881836,3094.20104390625,16.93334336714311,3136.5674869791665 -605,21.42610913635254,3094.187949296875,16.864155807495116,3137.9187029474433 -606,21.437423659057618,3094.129519609375,17.011079450665097,3135.6276447088067 -607,21.42649880004883,3094.184069296875,16.965593543775153,3135.9633652935604 -608,21.423063493652343,3094.199286640625,16.989758937720097,3135.1488985558713 -609,21.432834865722658,3094.157564609375,16.619361521402993,3141.500743075284 -610,21.424312926635743,3094.200845,17.089559455640387,3134.0045564038824 -611,21.428375233764648,3094.173964765625,17.060353999282373,3134.693740530303 -612,21.41621703491211,3094.23759125,17.132661065766307,3134.2980717329547 -613,21.43723447265625,3094.13109828125,17.069758307717063,3134.2541856060607 -614,21.432671449584962,3094.156741015625,16.82654614535245,3137.991377840909 -615,21.42243887939453,3094.21205078125,17.05622741236831,3134.416482303504 -616,21.438057756347657,3094.124556484375,16.7622042314934,3139.3632664535985 -617,21.433495383911133,3094.15383515625,16.86353091615619,3137.342489642519 -618,21.42694951965332,3094.184117109375,16.895202332698936,3137.179287997159 -619,21.435797338256837,3094.13264734375,16.682468465169272,3140.4930785392994 -620,21.437262048339843,3094.1269815625,16.96547275196422,3135.217464192708 -621,21.443826036376954,3094.096076953125,17.037858015118225,3134.8906584398674 -622,21.429910864257813,3094.1653265625,16.816165903264825,3137.61388523911 -623,21.434664976196288,3094.145513125,17.179922822894472,3133.234694306345 -624,21.427169385375976,3094.184653515625,17.10225172331839,3134.044288589015 -625,21.44188726867676,3094.107833984375,17.036026938467316,3134.769766808712 -626,21.43583150268555,3094.137860859375,16.896568860140714,3137.247587890625 -627,21.437887775268553,3094.12645109375,17.005751976244376,3134.4955234966856 -628,21.429076481323243,3094.171738046875,16.891818567911784,3137.329309599905 -629,21.427491454467773,3094.17683328125,17.062190702033764,3134.5430125473486 -630,21.420379772949218,3094.218320703125,17.25584424567945,3131.1024831321024 -631,21.441576188354492,3094.10790359375,16.948830645012134,3136.2319549005683 -632,21.43711649902344,3094.13046625,16.883343201839562,3136.223678977273 -633,21.42207103210449,3094.20770578125,17.15451496702252,3132.6081102035987 -634,21.43147599182129,3094.1598628125,17.09294650106719,3134.0906969105113 -635,21.425110388793946,3094.194113125,16.884371532093393,3137.12407907197 -636,21.42595340637207,3094.187398671875,16.836906312884707,3137.395460759943 -637,21.42719033630371,3094.182305234375,17.09897899049701,3133.9108217921403 -638,21.436567736206054,3094.13694515625,17.15511381438284,3133.049068714489 -639,21.42599396484375,3094.188572734375,17.08501530965169,3133.998486919981 -640,21.536726994018554,3093.621695703125,16.837729210131098,3139.2376600970642 -641,21.541493579711915,3093.605713984375,16.84800421628085,3137.4264882220646 -642,21.549593606567385,3093.56376,16.702697894934452,3139.9711381392044 -643,21.562233756103517,3093.498291484375,16.768804564042526,3139.1531170099433 -644,21.561100359497072,3093.50427265625,17.0988919691606,3133.4754361979167 -645,21.568742570800783,3093.47083515625,16.797579417373196,3138.967448508523 -646,21.559187982788085,3093.51382078125,16.684527183301523,3140.558614464962 -647,21.566464462890625,3093.4770175,16.944158110185104,3136.4673002485797 -648,21.568036857910155,3093.472511328125,16.943323854388613,3136.834042672822 -649,21.56679393005371,3093.47547828125,16.7604210431648,3138.7652112926135 -650,21.56991090698242,3093.462863359375,16.934553086251924,3135.8482454427085 -651,21.562450349731446,3093.50088578125,16.938445952444365,3135.713370324337 -652,21.56800189880371,3093.465921875,16.67331542275169,3140.09552882339 -653,21.58042296875,3093.41055203125,16.58970432628285,3141.38183297822 -654,21.575985241699218,3093.429312578125,16.976919166102554,3135.7261316287877 -655,21.578887296752928,3093.42181890625,16.959514583240857,3135.7166364820077 -656,21.57662568054199,3093.4317540625,16.883814882220644,3137.7077169152462 -657,21.561887501220703,3093.510929921875,16.917370848222212,3136.2655089962122 -658,21.57026350341797,3093.4583309375,16.85641534285112,3137.61140477036 -659,21.580301827392578,3093.41394625,16.73436892191569,3139.7560321969695 -660,21.576106997680665,3093.428056328125,16.98309321085612,3135.904639263731 -661,21.577207607421876,3093.424635625,16.845842347578568,3137.041277817235 -662,21.577816611938477,3093.42359046875,17.141404520670573,3134.021396780303 -663,21.5866705670166,3093.37633546875,16.622391909974993,3140.8853580729165 -664,21.5805115045166,3093.4078453125,16.439500274658204,3144.173477746212 -665,21.56955941833496,3093.462264609375,16.845764513882724,3138.6377385179926 -666,21.575372985839845,3093.432234296875,16.75571171500466,3139.422628136837 -667,21.578505497436524,3093.42306359375,16.554077243226946,3142.87505859375 -668,21.581658607788086,3093.40953390625,17.009769462816642,3134.996314808239 -669,21.580574232177735,3093.408751171875,16.777260141083687,3139.4295427911934 -670,21.57965911254883,3093.41126265625,16.714438030358515,3139.4362414180873 -671,21.591942877807618,3093.3526615625,16.85829070120147,3138.0869395123104 -672,21.571576951293945,3093.455203671875,16.75905194600423,3139.091769353693 -673,21.591800956420897,3093.3516109375,16.78625527121804,3138.8979222892995 -674,21.586576786499023,3093.378804296875,17.130907370827416,3132.8570173413827 -675,21.583265185546875,3093.392650859375,16.626878918734462,3141.5723857717803 -676,21.582455673217773,3093.40131953125,16.919559020996093,3136.0015956439393 -677,21.59205820739746,3093.35423484375,16.951427996086352,3136.533211115057 -678,21.57721787841797,3093.4295434375,16.75007953297008,3137.9301595052084 -679,21.587032189331055,3093.3754846875,16.790208328709458,3138.829298058712 -680,21.584947039794923,3093.3864415625,16.625801807750356,3141.3022638494317 -681,21.590206530151367,3093.35630921875,16.828125823049835,3138.261086647727 -682,21.587899171142578,3093.3717325,16.72567800579649,3139.5492237807766 -683,21.59933599914551,3093.317424609375,16.69179437117143,3140.458984375 -684,21.58508059326172,3093.38608640625,16.681504481922495,3139.710038174716 -685,21.6002827734375,3093.3129540625,16.832519330111417,3138.1109132339016 -686,21.57959455078125,3093.416370703125,16.84743025115042,3137.6843909801137 -687,21.589747658691405,3093.366235546875,16.78273262023926,3138.356719637784 -688,21.594069720458986,3093.341282109375,16.335916698340213,3146.5036171283145 -689,21.597716372680665,3093.3232834375,16.769229529409696,3138.60595999053 -690,21.59141965576172,3093.36009109375,16.78299063017874,3138.362352923769 -691,21.591723162841795,3093.352910078125,16.750343489213424,3139.072252604167 -692,21.58962557373047,3093.36157,16.698561505404385,3139.854802911932 -693,21.595440109863283,3093.338471953125,16.453835474650067,3144.226494436553 -694,21.594895858764648,3093.33520484375,16.774279762036873,3139.1005116595643 -695,21.60433046875,3093.291599609375,16.440981068466648,3143.597663352273 -696,21.600339831542968,3093.312516953125,16.69607613765832,3140.31156102036 -697,21.591460170288087,3093.356244453125,16.763061132720022,3138.922166193182 -698,21.601259024047852,3093.30892671875,16.41637811834162,3144.0477394057766 -699,21.597801889038085,3093.32382375,16.64662586558949,3140.9906110913826 -700,21.597661439819337,3093.327666171875,16.70271589568167,3139.7960901988636 -701,21.600166170043945,3093.311130390625,16.880888204863577,3137.6961458333335 -702,21.59376912902832,3093.344321875,16.80473271225438,3137.514785748106 -703,21.594607495117188,3093.341826171875,16.89895982684511,3136.7043137428977 -704,21.60069676574707,3093.306599765625,16.68052238926743,3140.660803444602 -705,21.590697103881837,3093.360486640625,16.78747577089252,3138.9529240648676 -706,21.59565183654785,3093.33052125,16.80067722089363,3137.751649798769 -707,21.59811159729004,3093.330409375,16.761244079127458,3138.543916903409 -708,21.589622982177733,3093.36595703125,16.652758957833957,3140.8345933948863 -709,21.597293402709962,3093.3319034375,16.445657374064126,3143.991240826231 -710,21.59830167114258,3093.3205646875,16.67436432693944,3140.484169330019 -711,21.606112084960937,3093.28299375,16.247930123300264,3148.3323564749053 -712,21.60368441040039,3093.298883203125,16.582209916548294,3141.8381667258523 -713,21.606875939331054,3093.278416953125,16.746711777195785,3139.9231696851325 -714,21.600228790283204,3093.31510859375,16.882450029777758,3136.860371389678 -715,21.60389740234375,3093.29751765625,16.674290158820874,3141.536200875947 -716,21.60598572692871,3093.2846134375,16.784522723573627,3138.5269694010417 -717,21.606847446899415,3093.277185234375,16.868180363972982,3137.069093276515 -718,21.590802830810546,3093.3606225,16.68309703133323,3140.27687647964 -719,21.591350874023437,3093.3595871875,16.534036735765863,3141.9875796046404 -720,21.60009233642578,3093.317370390625,16.560767415364584,3142.2307703006627 -721,21.59588328491211,3093.334956875,16.626309930050013,3140.630687440814 -722,21.61361111694336,3093.247909296875,16.809338519934453,3137.9094205729166 -723,21.5997954888916,3093.313811875,16.993374150594075,3135.256466027462 -724,21.60002961242676,3093.31796046875,16.64765019272313,3140.5960591264206 -725,21.60431092224121,3093.294113515625,16.543604604547674,3142.581886245265 -726,21.598224642333985,3093.317561640625,16.77187266956676,3138.012702710701 -727,21.610490044555664,3093.26465859375,16.861416928840406,3137.6046330492422 -728,21.60263695983887,3093.3001959375,16.648758324131823,3140.7200819720642 -729,21.597688568115235,3093.32803015625,16.77731470975009,3138.263710049716 -730,21.605695758666993,3093.2912271875,16.755688562104197,3138.3335218394886 -731,21.604580275268553,3093.288538515625,16.46499076612068,3144.359169330019 -732,21.6070605267334,3093.280589453125,16.71591510888302,3139.0728409090907 -733,21.606550733642578,3093.276784375,16.580615941827947,3141.218046579072 -734,21.601638809814453,3093.30844890625,16.59647263960405,3140.9517637310605 -735,21.60196687561035,3093.309446875,16.73150912429347,3138.8811183120265 -736,21.59793444824219,3093.323177578125,16.79303920399059,3138.564179983428 -737,21.60554649597168,3093.28813265625,16.92416299530954,3135.7037769294507 -738,21.616545845336915,3093.22940765625,16.862841618855793,3137.148391927083 -739,21.60891383300781,3093.272554140625,16.536570644956647,3142.1166279000945 -740,21.613078103637694,3093.247682109375,16.548707460345643,3141.9849772135417 -741,21.60924040222168,3093.27071421875,16.648338329430782,3140.186470762311 -742,21.596627983398438,3093.333603125,16.811771385886452,3138.2738062263256 -743,21.605850830078126,3093.281649921875,16.569496982458865,3142.0530249763256 -744,21.59561410827637,3093.335543125,16.87523782903498,3138.1950500118373 -745,21.59698563598633,3093.332853984375,16.74006013581247,3139.911220111269 -746,21.6124681640625,3093.250830703125,16.529129289569276,3142.4537239583333 -747,21.610459670410155,3093.25725328125,16.892094652580493,3136.255195608428 -748,21.605477146606447,3093.284693515625,17.015569656834458,3134.378964547822 -749,21.597664688110353,3093.330680234375,17.08189834132339,3134.044453125 -750,21.604470795288087,3093.29341,16.81080979087136,3137.888915127841 -751,21.605804983520507,3093.286760390625,16.720208689371745,3139.1986369554925 -752,21.61339786071777,3093.25171140625,16.537399179863208,3143.046290838068 -753,21.60778358947754,3093.281348046875,16.688799519394383,3140.164943181818 -754,21.62266620361328,3093.19803328125,16.346046142578125,3145.7602071496212 -755,21.61235317993164,3093.254738828125,16.726792886907404,3139.5359691642993 -756,21.620005161132813,3093.2213884375,16.842319044633346,3136.8442060250945 -757,21.608896443481445,3093.270551796875,16.448379232233222,3143.883839666193 -758,21.607275641479493,3093.278512109375,16.502464088671136,3143.736297052557 -759,21.60635635620117,3093.286860546875,16.62128097187389,3141.9187165601325 -760,21.609916690063475,3093.264225703125,16.68837767861106,3140.390419034091 -761,21.60246715698242,3093.301339296875,16.635352193659003,3142.0169457267993 -762,21.617110376586915,3093.233596484375,16.509816684144916,3143.692428977273 -763,21.61187965698242,3093.25595,16.805685346198803,3138.5979175544508 -764,21.60584441040039,3093.286719609375,16.93217841639663,3135.7121715198864 -765,21.61006094482422,3093.26412734375,16.72947349317146,3139.8130403645832 -766,21.603276114501952,3093.298063046875,16.828985995668354,3137.472821673769 -767,21.621399755859375,3093.211855,16.493806348858456,3143.066904888731 -768,21.61252222229004,3093.256319765625,16.538299479629053,3142.5098857717803 -769,21.608974756469728,3093.270900859375,16.832688256466028,3137.942184244792 -770,21.614209688720702,3093.2413940625,16.40902554136334,3145.172379261364 -771,21.611156997070314,3093.2597409375,16.82612605239406,3137.787137488163 -772,21.60594301879883,3093.28379234375,16.425493688872365,3144.6705912642046 -773,21.604316942138674,3093.2898521875,16.754196832830257,3139.1232765151517 -774,21.612610240478517,3093.25314890625,16.439757448832193,3143.9649964488635 -775,21.61551019958496,3093.23851671875,16.497404299649325,3142.5486884469697 -776,21.606856021118166,3093.287561484375,16.58115204782197,3142.7692160866477 -777,21.609476528930664,3093.27256390625,16.772661862228855,3139.1925523792615 -778,21.605474947509766,3093.289812265625,16.701232628099845,3139.409910629735 -779,21.612245249023438,3093.2564559375,16.716290475093956,3139.5352494673293 -780,21.61815081665039,3093.224405859375,16.611023178100584,3141.0127015269886 -781,21.621364555664062,3093.20684125,16.786406437266958,3138.1146661931816 -782,21.611011908569335,3093.25814375,16.594417896848736,3141.38619140625 -783,21.611828960571287,3093.25567921875,16.795975537155613,3137.6400733901514 -784,21.595744549560546,3093.33209875,16.58042277133826,3142.3994975142045 -785,21.609268060302735,3093.26739734375,16.649359581687232,3141.121805456913 -786,21.61654725341797,3093.232098359375,16.609847029483678,3140.921905480587 -787,21.607279895629883,3093.282523203125,16.393258934020995,3144.196096117424 -788,21.616984962158202,3093.2295096875,16.5120651846221,3142.967462121212 -789,21.618382055664064,3093.222051640625,16.28329009778572,3146.5033028527464 -790,21.617432145996094,3093.22643625,16.71473850597035,3139.528427438447 -791,21.6130485345459,3093.248469140625,16.475168789950285,3143.6166068892044 -792,21.622701912841798,3093.204418984375,16.905787145441227,3137.010008285985 -793,21.630732348022462,3093.160769453125,16.548531779664934,3142.9318483664774 -794,21.614636915893556,3093.243560234375,16.576889195297703,3141.7770928030304 -795,21.61962134277344,3093.22090703125,16.662618091467657,3140.382292554451 -796,21.61763382507324,3093.22655921875,16.73374650435014,3139.0709889914774 -797,21.61423120300293,3093.243890234375,16.598947827888257,3141.236116536458 -798,21.602547987060547,3093.29777984375,16.50004655317827,3142.4861162405305 -799,21.605722713012696,3093.289955703125,16.61162983981046,3141.5595350970643 -800,21.61909444213867,3093.220037734375,17.04648706262762,3134.2436677320075 -801,21.62001187866211,3093.21944140625,16.32510474349513,3146.408097478693 -802,21.61288334411621,3093.250592421875,16.655509776491108,3141.087985913826 -803,21.61204980163574,3093.252293203125,16.64675843441125,3140.803037701231 -804,21.606190947265624,3093.285481171875,16.67888690370502,3139.595742779356 -805,21.60623234313965,3093.281168671875,16.892668146075625,3137.0838799124053 -806,21.614853575439454,3093.241998515625,16.811651295748625,3137.5263713304926 -807,21.616252092285155,3093.237072578125,16.81442517482873,3139.308866891572 -808,21.61915747253418,3093.220778359375,16.569100771817293,3141.285304214015 -809,21.620751517944335,3093.21151015625,16.535066341053355,3142.9212929095643 -810,21.61846447631836,3093.22717125,16.595024721550217,3141.5223493726326 -811,21.60647580078125,3093.283756484375,16.804901147322223,3139.5125893702652 -812,21.621002670898438,3093.209252109375,16.50673083449855,3143.4854240648674 -813,21.61192830505371,3093.25825296875,16.64589755665172,3140.0814962121212 -814,21.611717496337892,3093.2592703125,16.65627433083274,3140.175876538826 -815,21.625081643676758,3093.19821203125,16.54070353305701,3141.668021425189 -816,21.624214304199217,3093.189071796875,16.567820429946437,3142.4962133049244 -817,21.61231162536621,3093.25165734375,16.849852516867898,3137.417136600379 -818,21.61556325439453,3093.2361225,16.80580853548917,3138.6354826586175 -819,21.605566813964845,3093.288867109375,16.52201360644716,3142.5491151751894 -820,21.626107163085937,3093.1897225,16.241733033151338,3147.665105646307 -821,21.619756622924804,3093.221560390625,16.786895785476222,3138.5744969223483 -822,21.625670806884767,3093.186486484375,16.641402793653082,3141.5377391098486 -823,21.62484739562988,3093.1935125,16.861504555904503,3136.767236328125 -824,21.629237568359375,3093.17258265625,16.41157611731327,3145.7175420217804 -825,21.60971924316406,3093.269759296875,16.40967434276234,3144.441434659091 -826,21.617966834716796,3093.2265246875,16.58383827903054,3142.201825875947 -827,21.612789138183594,3093.255034921875,16.428123131954308,3143.680459576231 -828,21.616093670043945,3093.230051640625,16.43143342220422,3143.970919744318 -829,21.618827602539064,3093.22275171875,16.659422392411667,3141.0061940696023 -830,21.61983332458496,3093.214012890625,16.349639964248194,3145.4629148910985 -831,21.61874146179199,3093.220383046875,16.56679976723411,3141.59322265625 -832,21.629202775878905,3093.175011953125,16.654561695908054,3141.417871389678 -833,21.61953888549805,3093.2147925,16.41667830727317,3144.767717507102 -834,21.61393724975586,3093.248191328125,16.70094623450077,3139.8581113873106 -835,21.621500427246094,3093.21116671875,16.55082584727894,3142.2650864109846 -836,21.621451871948242,3093.20986046875,16.827424015854344,3138.4390962357957 -837,21.63445952697754,3093.1447321875,16.495644270001037,3142.6607191051135 -838,21.62172285583496,3093.207367265625,16.53903721664891,3142.688924893466 -839,21.62064387878418,3093.2163446875,16.52780178416859,3142.103126183712 -840,21.620190122680665,3093.21701234375,16.336507760250207,3145.496249704072 -841,21.620971730346678,3093.206971640625,16.64151723919493,3142.4841897490533 -842,21.616184465942382,3093.23333609375,16.648164989587034,3141.1776793323866 -843,21.620438967285157,3093.207741328125,16.729078031597716,3138.7741586766097 -844,21.62848651916504,3093.177001796875,16.537745134758225,3143.2394578598487 -845,21.631121558227537,3093.162645234375,16.7445537740534,3139.3443101917615 -846,21.625872800292967,3093.185271171875,16.69026271242084,3140.31644383286 -847,21.630073199462892,3093.162967421875,16.363990027687766,3145.16458688447 -848,21.631594739990234,3093.1581378125,16.583473432136305,3141.850243844697 -849,21.614395986328127,3093.24933546875,16.480128890528825,3143.326366891572 -850,21.627495538330077,3093.1811078125,16.58909172751687,3142.137578420928 -851,21.631081104125975,3093.163964453125,16.661881616765804,3140.652595880682 -852,21.629369006347655,3093.1699346875,16.609666213989257,3140.9885881273676 -853,21.620431652832032,3093.212441640625,16.909230924664122,3136.5723721590907 -854,21.615825196533205,3093.2391234375,16.666194206006598,3140.325564630682 -855,21.625770809326173,3093.191584140625,16.148566795117926,3149.290165719697 -856,21.62203852050781,3093.207549453125,16.62817060990767,3140.480280243845 -857,21.640641146850587,3093.111368046875,16.93015386870413,3136.371751006155 -858,21.620507932739258,3093.219288125,16.63225241458777,3139.990529119318 -859,21.63495806640625,3093.14367703125,16.600550040042762,3140.9278376538828 -860,21.62097934692383,3093.212821875,16.595019452644117,3141.374735736269 -861,21.61736571899414,3093.226578359375,16.650100953073213,3140.7607087476326 -862,21.61757890930176,3093.226975390625,16.52668104460745,3142.4312825520833 -863,21.614296919555663,3093.243155,16.75802495320638,3138.7370925071023 -864,21.625885576171875,3093.1870121875,16.54287477435488,3141.4936189038826 -865,21.62180048828125,3093.207492890625,16.51560694839015,3143.060156545928 -866,21.631134001464844,3093.164433125,16.635308267997974,3140.959807054924 -867,21.621529006958006,3093.20899640625,16.998108641884542,3135.048858605587 -868,21.64238042907715,3093.10382640625,16.763081817626954,3138.631661339962 -869,21.622252421875,3093.202914296875,16.573335500774963,3141.8282087476327 -870,21.62361656738281,3093.1998090625,16.608262410019382,3141.363289831913 -871,21.632698896484374,3093.153490859375,16.708550165349788,3139.9966648910986 -872,21.629192219848633,3093.171574453125,16.738018216219814,3139.2578462357956 -873,21.62428623474121,3093.193540390625,16.57747380805738,3141.4431587357954 -874,21.62402295288086,3093.194683125,16.56257444670706,3141.8068158143938 -875,21.626475544433593,3093.179925234375,16.747182561700996,3138.701350319602 -876,21.616292390136717,3093.231995,16.33262373490767,3145.331939512311 -877,21.620734887695313,3093.212487734375,16.809023358894116,3138.0584910629736 -878,21.62922567565918,3093.163954140625,16.597836181178238,3142.1306779711176 -879,21.620553360595704,3093.2109171875,16.609544860377458,3142.3120564038827 -880,21.623345342407227,3093.201064375,16.60866505478368,3141.422542317708 -881,21.61455710144043,3093.245774765625,16.29830595883456,3145.9149269057766 -882,21.630729188842775,3093.16164765625,16.427596937237364,3143.2884706439395 -883,21.638678857421876,3093.1214878125,16.75338153954708,3138.471261245265 -884,21.622398685302734,3093.201968125,16.680247116088868,3140.841609256629 -885,21.62849766845703,3093.174682734375,16.548275287512578,3142.4606264796403 -886,21.640411994628906,3093.116605546875,16.85943599354137,3137.2171114464963 -887,21.627227036132812,3093.178261796875,16.49310750209924,3143.001124526515 -888,21.630466533813475,3093.1667759375,16.62616711240826,3141.2963618607955 -889,21.630318961791993,3093.167217421875,16.57000391295462,3141.382559777462 -890,21.626494232177734,3093.184425625,16.545167573871034,3143.029756451231 -891,21.62132353515625,3093.209112265625,16.779660545117927,3138.670108901515 -892,21.620774766845702,3093.210949140625,16.422290524569426,3144.7785694839017 -893,21.622106821289062,3093.208088828125,16.65848000497529,3141.195979817708 -894,21.635911357421875,3093.14214265625,16.948219699281633,3135.5733546401516 -895,21.620215025024415,3093.214181640625,16.45404918670654,3143.911629971591 -896,21.634312681884765,3093.14744953125,16.682481594663678,3139.709528882576 -897,21.63560816772461,3093.137597734375,16.248517771634187,3147.4236780894885 -898,21.640117056274413,3093.117171640625,16.646821048620975,3140.42974757339 -899,21.630962595825196,3093.161475703125,16.58399419148763,3141.819258700284 -900,21.629700292358397,3093.1655003125,16.590521147756867,3141.569023733428 -901,21.630774165649413,3093.167751640625,16.596857094042228,3141.0498881392045 -902,21.626871854248048,3093.19055015625,16.662779001178162,3140.7489364346593 -903,21.634679587402342,3093.1498834375,16.617510986328124,3140.9128175307765 -904,21.630593170166016,3093.1684465625,16.823326221812856,3137.388436612216 -905,21.618699732666016,3093.22286203125,16.727549447724314,3139.4555391808713 -906,21.6386836138916,3093.12396328125,16.59465208573775,3141.6277497632577 -907,21.622183690185548,3093.207147421875,16.582329686482748,3141.145545987216 -908,21.62086989379883,3093.213456484375,16.651387104843604,3140.732803326231 -909,21.639200270385743,3093.1231934375,16.64438680013021,3140.713191879735 -910,21.621367810058594,3093.21434484375,16.380653292338053,3144.6846318655303 -911,21.625074931640626,3093.190514375,16.717717749855733,3139.8222881155302 -912,21.620664118041994,3093.208960546875,16.73796427640048,3139.3412763375945 -913,21.63771927001953,3093.122474609375,16.495972999803946,3143.7478204900567 -914,21.63155997741699,3093.1605640625,16.820822409427528,3138.1608132102274 -915,21.625952117919923,3093.186351484375,16.03908003835967,3150.910931285511 -916,21.631928821411133,3093.157461015625,16.34677159164891,3146.414775686553 -917,21.62949689147949,3093.17126109375,16.559000622142445,3142.2463136245265 -918,21.64599201538086,3093.09053765625,16.453681811708393,3143.2251840672347 -919,21.623847314453126,3093.2007828125,16.526678845954663,3142.4436919981063 -920,21.621383436889648,3093.20925015625,16.361787828387637,3145.2080196496213 -921,21.618627411499023,3093.22761484375,16.713640622225675,3139.406633522727 -922,21.6309299017334,3093.16431359375,16.806388480446554,3137.8475085819127 -923,21.62564187866211,3093.192508515625,16.52340054136334,3143.6061482007576 -924,21.621141326293944,3093.208435390625,16.726306073737867,3139.985704012784 -925,21.635009848632812,3093.141170703125,16.590459640965317,3141.414873342803 -926,21.630746573486327,3093.159243671875,16.472081326571377,3144.100334398674 -927,21.63726301940918,3093.1330396875,16.482514419555663,3142.876591500947 -928,21.6307063671875,3093.167090078125,16.37707551204797,3145.8574979285036 -929,21.631914326171874,3093.160304921875,16.240213918974906,3147.70402639678 -930,21.629848236694336,3093.166121796875,16.521592541318952,3143.4207575757578 -931,21.61833314758301,3093.22207421875,16.504201423182632,3142.6101683830493 -932,21.63384901489258,3093.146253984375,16.487941716512044,3142.832792080966 -933,21.63547182434082,3093.14045484375,16.722915399724787,3139.6566527580494 -934,21.634671928100587,3093.143496328125,16.576931901411577,3141.5636147608902 -935,21.633093331298827,3093.158304296875,16.449402851913913,3143.5996117424243 -936,21.62876351989746,3093.171783125,16.60219672116366,3141.968514737216 -937,21.62666053100586,3093.183759140625,16.675626984798548,3141.3530921519887 -938,21.61619321777344,3093.2376109375,16.56921350074537,3142.0048455255683 -939,21.63242387939453,3093.15252578125,16.385840144301905,3145.8612286931816 -940,21.625161310424804,3093.193040859375,16.559988279631643,3142.2831593276514 -941,21.637371032104493,3093.136576484375,16.66818726048325,3140.1433451704547 -942,21.636761646118163,3093.1317921875,16.478694904211796,3142.860155362216 -943,21.63295344116211,3093.14974625,16.681669182054925,3141.3178562973485 -944,21.63403685119629,3093.144845,16.707872957171816,3139.9345365767044 -945,21.62750254638672,3093.180100234375,16.805472777395536,3137.71726858428 -946,21.63887879333496,3093.126749140625,16.648706029256186,3140.6249553148673 -947,21.641838280029297,3093.107166484375,16.521738355232007,3142.9774564985796 -948,21.629394093017577,3093.169242421875,16.57397844950358,3141.6489917732006 -949,21.624738288574218,3093.19605625,16.477325862537732,3144.0076515151513 -950,21.638966817016602,3093.123976171875,16.707682550603693,3139.835330255682 -951,21.632848165893556,3093.15422046875,16.60080870079272,3142.0930809067236 -952,21.625033858032225,3093.19155171875,17.012952310966725,3135.114459339489 -953,21.63161119140625,3093.1576615625,16.598823667584043,3141.241608960701 -954,21.629658110351563,3093.1715784375,16.348078463005297,3145.0676784446023 -955,21.628198482055662,3093.1712428125,16.60463508605957,3141.5921099668562 -956,21.6339369921875,3093.15109015625,16.585073207508433,3141.8281584398674 -957,21.63556785583496,3093.14277765625,16.440560004494408,3144.1741835345642 -958,21.632067153930663,3093.15867359375,16.62469435720733,3141.0845276988634 -959,21.64600636230469,3093.093099765625,16.479459085175485,3143.404483309659 -960,21.623595529174803,3093.201213125,16.691390021353058,3139.7116657788824 -961,21.63066884033203,3093.161803359375,16.444061459628017,3143.7862354995264 -962,21.63681045227051,3093.134924765625,16.494130008581912,3142.5785893110797 -963,21.635357229003905,3093.14578921875,16.819159966671105,3138.615164831913 -964,21.640066193847655,3093.11547296875,16.586161734841088,3142.852009647254 -965,21.64107598388672,3093.1115278125,16.432224551114167,3143.928690222538 -966,21.638192940063476,3093.12492578125,16.39024401578036,3144.769187973485 -967,21.640929131469726,3093.112034453125,16.61083761735396,3141.1638633404355 -968,21.638051384277343,3093.12501171875,16.667253740484064,3140.5901624644885 -969,21.64499083984375,3093.091054921875,16.868202436042555,3136.700302438447 -970,21.64202008972168,3093.111230390625,16.763910005742854,3139.2323103101326 -971,21.640244333496092,3093.11898984375,16.964702735669686,3135.6943522135416 -972,21.63751984313965,3093.128447734375,16.551082816846442,3142.1068451112687 -973,21.632964108886718,3093.15158015625,16.461878037886187,3144.826533794981 -974,21.624013568725587,3093.19552640625,16.282201991225733,3146.3553850023673 -975,21.63999659057617,3093.119037265625,16.65388128338438,3140.1402278645833 -976,21.640739716186523,3093.115643671875,16.60363111900561,3142.001397668087 -977,21.635988666381834,3093.138081171875,16.742011926824397,3139.38290719697 -978,21.640193922119142,3093.118954609375,16.577105437770033,3141.279755563447 -979,21.630640419921875,3093.164128828125,16.463707563226873,3143.6594264914775 -980,21.632570459594728,3093.149988984375,16.40330556118127,3144.5212079782195 -981,21.644416286010742,3093.099346171875,16.330752695257015,3146.0279761482007 -982,21.629355603637695,3093.168349765625,16.252990687977185,3147.3888586055873 -983,21.637841284179686,3093.130819765625,16.456708480372573,3143.4579927201703 -984,21.639528063354494,3093.118333671875,16.65423092697606,3140.2311863754735 -985,21.625497437133788,3093.184914609375,16.474389387188534,3142.923788174716 -986,21.62774758972168,3093.18696828125,16.780681707208807,3138.4611493844695 -987,21.649483991699217,3093.07101625,16.788046084317294,3137.6887636126894 -988,21.632656889038085,3093.157433671875,16.453896581476386,3144.802246981534 -989,21.638628322143553,3093.121636796875,16.725324510516543,3139.2746700402463 -990,21.629913604736327,3093.171727734375,16.634096376823656,3139.93392578125 -991,21.635454622192384,3093.147591171875,16.487281660600143,3144.1336890388257 -992,21.62366624267578,3093.19397453125,16.622844127308237,3141.1205992542614 -993,21.64013583557129,3093.117445234375,16.575507426406396,3141.5803110203597 -994,21.634128107299805,3093.152121640625,16.38071918371952,3144.949990234375 -995,21.634080168457032,3093.14604546875,16.520511802904533,3142.9149195075756 -996,21.642226732788085,3093.10791078125,16.63132170937278,3141.288447857481 -997,21.634178349609375,3093.146851171875,16.557551026777787,3141.564908854167 -998,21.635162396240233,3093.144065703125,16.588009951042405,3141.7241938920456 -999,21.63034224609375,3093.16382015625,16.492740980206115,3143.6684898792614 -1000,21.63836178894043,3093.122311171875,16.5163764629942,3142.974023141572 -1001,21.644599360351563,3093.094526328125,16.357028320774887,3145.7956794507577 -1002,21.639029807128907,3093.1249415625,16.777960181958747,3139.1893030894885 -1003,21.642002868652344,3093.10698203125,16.47134321501761,3143.6739695785986 -1004,21.632002411499023,3093.157922265625,16.558495716904147,3142.9575150923297 -1005,21.63230344055176,3093.155798828125,16.466993049852775,3143.4313260535037 -1006,21.645444307250976,3093.093297109375,16.76759081060236,3139.8248674242423 -1007,21.655170314941405,3093.04712671875,16.752109440890226,3138.4440749289774 -1008,21.651635928344728,3093.06155890625,16.608055720473782,3141.2410662286934 -1009,21.63214751953125,3093.159151796875,16.62783769087358,3140.7178352864585 -1010,21.641016973266602,3093.11085328125,16.64086629000577,3140.438768643466 -1011,21.639583958129883,3093.1163815625,16.310036298578435,3145.964889914773 -1012,21.63370164367676,3093.1517409375,16.721544543179597,3139.7754252485797 -1013,21.63813321044922,3093.13195390625,16.61008219863429,3141.3514985795455 -1014,21.636400858154296,3093.138167265625,16.687132579919062,3139.4528166429923 -1015,21.634202310180665,3093.151447890625,16.911359079534357,3135.961677320076 -1016,21.641791544189452,3093.108925859375,16.539883212465227,3142.2527935606063 -1017,21.639020496826173,3093.12157921875,16.45313876990116,3143.937600319602 -1018,21.64107946960449,3093.115853359375,16.541879926739316,3142.1786695075757 -1019,21.624625870361328,3093.192841328125,16.495648993289834,3142.8382880563445 -1020,21.633056318969725,3093.150763046875,16.251777766834607,3147.111950757576 -1021,21.633287205200194,3093.157900234375,16.490027248498166,3143.634609375 -1022,21.635427319946288,3093.145741484375,16.804959635879055,3137.9591870857007 -1023,21.64193380432129,3093.107352890625,16.535024901881364,3142.7920750473486 -1024,21.640229595336915,3093.1177334375,16.534313012325402,3142.742060250947 -1025,21.631374291381835,3093.159436953125,16.290892038056345,3146.7898200757577 -1026,21.639891592407228,3093.118504609375,16.65603093696363,3140.337783499053 -1027,21.638725018920898,3093.126147578125,16.490665255459874,3142.8076805160986 -1028,21.646398071899416,3093.086082890625,16.579358971335672,3141.741452118845 -1029,21.633498746337892,3093.149675859375,16.638663882631246,3140.7128947679926 -1030,21.636450401611327,3093.141430390625,16.29663675481623,3146.0798786695077 -1031,21.63178852844238,3093.160459453125,16.521696996977834,3142.657585523201 -1032,21.64363617980957,3093.099244765625,16.635993252378523,3140.833825461648 -1033,21.643471458740233,3093.098336640625,16.333184153238932,3145.6411446496213 -1034,21.651298307495118,3093.062503125,16.67908370624889,3140.894069010417 -1035,21.644143643798827,3093.097833984375,16.716338852391097,3140.148203716856 -1036,21.644613953857423,3093.100465546875,16.574080392086145,3141.784338008996 -1037,21.639382686157226,3093.124006796875,16.403153739698006,3144.9883857125947 -1038,21.634588978271484,3093.14962578125,16.378365120165277,3145.3231812263257 -1039,21.640506564941408,3093.11470375,16.62488114790483,3140.6947523082385 -1040,21.65022151977539,3093.0693553125,16.64327539617365,3141.615498638731 -1041,21.64673510131836,3093.083137265625,16.65743522412849,3140.386884765625 -1042,21.637214993896485,3093.130121796875,16.74180250225645,3138.50892430161 -1043,21.640199231567383,3093.117103828125,16.483128449411105,3143.690635061553 -1044,21.645960420532226,3093.094966953125,16.346183134136776,3146.5321155894885 -1045,21.649898134765625,3093.070744921875,16.47647166627826,3143.4150056226326 -1046,21.647999900512694,3093.07889171875,16.56009384386467,3142.8074674479167 -1047,21.637551669311524,3093.126155546875,16.435761737245503,3144.3003935842803 -1048,21.64280072753906,3093.102281328125,16.411954404657536,3145.073581616951 -1049,21.640258634033202,3093.116547421875,16.334195352034136,3145.6082667495266 -1050,21.634272216186524,3093.14632921875,16.30344517100941,3147.53027491714 -1051,21.640426764526367,3093.115579296875,16.691946459683503,3139.36716944839 -1052,21.64525255859375,3093.08784375,16.47775258613355,3143.3423987926135 -1053,21.646497210693358,3093.082061015625,16.606516372218277,3141.139951763731 -1054,21.64128302062988,3093.11479328125,16.50879194317442,3143.031270714962 -1055,21.64702380554199,3093.084762578125,16.553786452322296,3142.5340882457385 -1056,21.640212627563475,3093.116143515625,16.356929154829544,3145.276286399148 -1057,21.65328322998047,3093.052315078125,16.46990345810399,3143.6244389204544 -1058,21.64223625671387,3093.11497296875,16.63471137075713,3140.5428577769885 -1059,21.650677138061525,3093.067116484375,16.499824579412287,3142.6370762310607 -1060,21.63778432006836,3093.13180671875,16.652009099324545,3140.548946496212 -1061,21.64570332458496,3093.092796328125,16.36298557397091,3145.417390210701 -1062,21.65436781982422,3093.04848515625,16.762444774743283,3138.7128267045455 -1063,21.645133010253907,3093.09361890625,16.580715958566376,3141.247456794508 -1064,21.636228286743165,3093.135160859375,16.395070329145952,3144.3919957386365 -1065,21.64211268676758,3093.105506640625,16.41149572430235,3144.3665660511365 -1066,21.648450134887696,3093.07638609375,16.666484037457092,3140.369668560606 -1067,21.64817972167969,3093.0771509375,16.579833149765477,3141.9377820194127 -1068,21.646991810913086,3093.08697484375,16.435077607125947,3143.8832652698866 -1069,21.634996618652345,3093.14193,16.563597671046402,3142.0759049479166 -1070,21.636880763549804,3093.13649734375,16.49940717061361,3143.0919477982957 -1071,21.6394928326416,3093.12819796875,16.61950228835597,3140.5058632220644 -1072,21.643507833251952,3093.10105703125,16.35055655739524,3145.1819389204547 -1073,21.647442536621092,3093.08624296875,16.871827149824664,3136.9903287760417 -1074,21.645092423095704,3093.098805859375,16.578066706801906,3141.3140086410986 -1075,21.636667576904298,3093.138460625,16.51794968922933,3142.6529847301135 -1076,21.646450294189453,3093.086245234375,16.407444642962833,3145.8413254616476 -1077,21.64845700439453,3093.077550625,16.383411784316554,3145.6153776041665 -1078,21.63750903503418,3093.135173828125,16.49139356439764,3143.0005205374055 -1079,21.640630213012695,3093.115688046875,16.374719404740766,3145.4637461529355 -1080,21.64223626953125,3093.112289140625,16.68750566771536,3139.333475970644 -1081,21.63899298828125,3093.124291953125,16.827671915690104,3138.0500722064394 -1082,21.651630429077148,3093.05799765625,16.553473531549628,3142.229765033144 -1083,21.64493272277832,3093.089418046875,16.602191580570107,3141.417363873106 -1084,21.63831036743164,3093.1272390625,16.6816320662065,3141.502546756629 -1085,21.64274303894043,3093.104478046875,16.55795593030525,3141.420391512784 -1086,21.644136226196288,3093.099268125,16.688203894875265,3139.620859079072 -1087,21.631504174194337,3093.163842421875,16.80523382475882,3137.7296330492422 -1088,21.631279959106447,3093.161374453125,16.504979456121273,3142.8165935724433 -1089,21.645785665283203,3093.08954390625,16.493281069668857,3143.568965139678 -1090,21.64456847595215,3093.0989340625,16.73004005432129,3139.5603459398676 -1091,21.643088602905273,3093.106252578125,16.782445627848308,3138.907804214015 -1092,21.64888975646973,3093.07927515625,16.61928668166652,3141.334108664773 -1093,21.65320850891113,3093.049071015625,16.735919760501744,3139.2687568063448 -1094,21.642629694213866,3093.102620546875,16.4771551767985,3142.7068809185607 -1095,21.64184118713379,3093.112006796875,16.4501502308701,3143.4075121330493 -1096,21.6341580847168,3093.14888953125,16.400831428296637,3144.976028645833 -1097,21.65252737182617,3093.05755109375,16.484240551572857,3144.168086233428 -1098,21.6438047845459,3093.10281578125,16.545521956935072,3141.7533309659093 -1099,21.638138180541993,3093.1269590625,16.538214744799063,3142.603771306818 -1100,21.65070204650879,3093.06360140625,16.439143429380476,3143.684973366477 -1101,21.656938732910156,3093.03631125,16.666024079756305,3140.2466642992426 -1102,21.65001949584961,3093.067003671875,16.358837314952503,3145.4165261008525 -1103,21.63786769104004,3093.129092890625,16.399734966393673,3143.9133283025567 -1104,21.642248396606444,3093.106514921875,16.839887526541045,3137.57968602036 -1105,21.650669802856445,3093.066633359375,16.59629289222486,3141.43933889678 -1106,21.650745602416993,3093.068470078125,16.401287964329576,3144.4247526041668 -1107,21.644951356201172,3093.096510703125,16.516366034999038,3142.4849659682764 -1108,21.645182243652343,3093.0939209375,16.313843168778853,3147.0449005681817 -1109,21.64911224243164,3093.07817109375,16.558603316798354,3142.297333688447 -1110,21.64315018798828,3093.10187484375,16.44510197726163,3143.2560801373106 -1111,21.64580882873535,3093.089303515625,16.59913181998513,3141.4473330965907 -1112,21.65606198730469,3093.043203046875,16.781664299242426,3138.770264855587 -1113,21.64156004699707,3093.10986078125,16.553009141864198,3142.0156483783144 -1114,21.643702901000978,3093.09503578125,16.615340913714785,3140.615290897254 -1115,21.652240357666017,3093.059675,16.34106133894487,3145.955224609375 -1116,21.643916497802735,3093.099182109375,16.38707174127752,3144.5995854048297 -1117,21.646194642333985,3093.09228421875,16.609138199777313,3140.9457990056817 -1118,21.644504401855468,3093.0971265625,16.661016852638937,3140.1601589133525 -1119,21.63514399963379,3093.139965625,16.465542736631452,3143.4968708570077 -1120,21.651849263916016,3093.064030546875,16.606418979529177,3141.4886292613637 -1121,21.659685430297852,3093.021722578125,16.56209699688536,3141.4944350733904 -1122,21.65261788574219,3093.0543065625,16.652527146772904,3141.029474431818 -1123,21.642498065185546,3093.11152453125,16.630212293682675,3140.5887532552083 -1124,21.640060479736327,3093.1198975,16.586428533611876,3141.8358365885415 -1125,21.656093588256837,3093.038615625,16.744066149393717,3139.5644406960228 -1126,21.650346874389648,3093.07421359375,16.261107184670188,3148.091171875 -1127,21.64598874694824,3093.095079921875,16.274098071474018,3146.7151710464013 -1128,21.650710393066408,3093.06252609375,16.368003422130236,3145.3368673058712 -1129,21.65110959777832,3093.063609375,16.27468390493682,3147.500467862216 -1130,21.651277440185545,3093.06343671875,16.907417191014144,3136.830437085701 -1131,21.644539216308594,3093.09745328125,16.642234716704397,3140.699657315341 -1132,21.630611787719726,3093.161774375,16.40189174305309,3143.9580962949813 -1133,21.65838376220703,3093.02753671875,16.27427786393599,3146.750860262784 -1134,21.638627313232423,3093.129947421875,16.882582041422527,3136.224231474905 -1135,21.63846420349121,3093.128919375,16.71879061612216,3139.945460464015 -1136,21.650014573364256,3093.074942265625,16.791273318204013,3138.775594815341 -1137,21.648045068969726,3093.0805109375,16.876782534050218,3136.554746981534 -1138,21.64318591369629,3093.102403046875,16.47101590012059,3143.5633194247157 -1139,21.652004375,3093.056190625,16.605845163518733,3141.1064894057763 -1140,21.641929411621092,3093.105382890625,16.496301935369317,3143.4602213541666 -1141,21.64978497192383,3093.06708984375,16.594160281094638,3141.5644773910985 -1142,21.6365734185791,3093.133587578125,16.56420253869259,3141.6798085345645 -1143,21.651376318359375,3093.068711484375,16.566502620812617,3141.7834215198864 -1144,21.651310809936522,3093.06048203125,16.38931774139404,3145.2900352154356 -1145,21.653701928100585,3093.054083671875,16.734959890192204,3138.792761304451 -1146,21.650192379760743,3093.0662240625,16.515652758280435,3143.084920987216 -1147,21.65829116516113,3093.026024375,16.55308162804806,3141.5873502604168 -1148,21.646135934448242,3093.0880509375,16.797369381297717,3137.8047605942234 -1149,21.639676803588866,3093.119873203125,16.829938074747723,3137.27089991714 -1150,21.657955435180664,3093.029581953125,16.46068293947162,3143.0284904711175 -1151,21.639187276611327,3093.1195590625,16.40650224165483,3143.8844895241477 -1152,21.644142294311525,3093.1013778125,16.587750730803517,3141.528859789299 -1153,21.64513851135254,3093.095527265625,16.43157311410615,3145.2437369791664 -1154,21.651486311035157,3093.067534296875,16.53078732692834,3142.213988517992 -1155,21.656348330078124,3093.040643828125,16.788083040642015,3138.875685369318 -1156,21.651614645996094,3093.06093609375,16.619585670702385,3141.423926077178 -1157,21.655797782592774,3093.042018515625,16.395920469110663,3145.24765329072 -1158,21.659670723876953,3093.0252571875,16.72408694411769,3140.1614624763256 -1159,21.647297792358398,3093.088098671875,16.480752067565916,3143.1257486979166 -1160,21.64509721435547,3093.092159140625,16.50758445739746,3142.6592838541665 -1161,21.65120823059082,3093.063926796875,16.688172577366686,3139.621963482481 -1162,21.645256026000975,3093.0905453125,16.222328943194764,3148.2086416903408 -1163,21.664644943237306,3093.001325703125,16.683338063557944,3140.3305604876896 -1164,21.64720836608887,3093.0820146875,16.591733641190963,3141.493367660985 -1165,21.6393532421875,3093.118812578125,16.595662490382338,3140.9366364820075 -1166,21.65685719604492,3093.038516015625,16.436963762225528,3144.8086742424243 -1167,21.640785322875978,3093.112515625,16.48207250884085,3143.9541142874054 -1168,21.649511583862306,3093.07477515625,16.40551562916149,3144.995096768466 -1169,21.64128198120117,3093.1102534375,16.355801206646543,3146.123368548769 -1170,21.64796794189453,3093.07840296875,16.78904169949618,3138.3796709280305 -1171,21.661164047851564,3093.01204953125,16.44849751327977,3144.3288266453596 -1172,21.65393651916504,3093.0532159375,16.727528665715997,3138.8701518110797 -1173,21.655690166015624,3093.04272125,16.354706308769458,3146.688387488163 -1174,21.646755407104493,3093.088072890625,16.542250426321317,3143.1796161813445 -1175,21.639460087890626,3093.12208765625,16.589777848214815,3141.846530835701 -1176,21.641466121826173,3093.1121990625,16.709896513043027,3140.257259114583 -1177,21.65499628417969,3093.0430246875,16.68805103186405,3140.4785381155302 -1178,21.658031013793945,3093.02606015625,16.663302677038946,3140.1438520951706 -1179,21.64938877746582,3093.069699375,16.46399487350926,3143.9888890861744 -1180,21.64095727416992,3093.112333359375,16.605486413204307,3141.704675071023 -1181,21.64862985229492,3093.08296203125,16.64848220131614,3140.2246138139203 -1182,21.64683647338867,3093.087071484375,16.925007419008196,3136.373799124053 -1183,21.647042326660156,3093.082620546875,16.58717502709591,3141.430921223958 -1184,21.64564680114746,3093.092508671875,16.536324680212772,3142.017120324337 -1185,21.632186992797852,3093.158337421875,16.828738286567457,3137.40331735322 -1186,21.66591815734863,3092.99238765625,16.5775572458903,3141.8047919625947 -1187,21.649297625732423,3093.06865140625,16.35180462923917,3145.937695016572 -1188,21.64524276977539,3093.0960359375,16.331756293556907,3146.1474949692233 -1189,21.650712725219726,3093.063743046875,16.679025543675277,3139.9615281723486 -1190,21.64953508239746,3093.0780246875,16.498424043366402,3143.965829190341 -1191,21.647450936889648,3093.07748671875,16.512306797143186,3142.9379441879737 -1192,21.65382521118164,3093.05287640625,16.526218828143495,3142.75390625 -1193,21.653792303466798,3093.053604375,16.406045742612896,3144.5963831676136 -1194,21.644412142944336,3093.10544921875,16.617267868735574,3141.0379427083335 -1195,21.65810451171875,3093.0277584375,16.537829585219875,3142.8555134351327 -1196,21.66626557067871,3092.99652953125,16.512624768343837,3142.15472952178 -1197,21.640114326782225,3093.112506484375,16.78128521081173,3138.4860079308714 -1198,21.650336470947266,3093.0700346875,16.42059963804303,3143.980850201231 -1199,21.65036887023926,3093.070262890625,16.72103409507058,3139.6340062736745 -1200,21.640165287475586,3093.118398515625,16.533190282185874,3142.6523393110797 -1201,21.660836546630858,3093.0128425,16.304621096524325,3146.440271661932 -1202,21.653682661132812,3093.051128203125,16.49762714732777,3143.4751390861743 -1203,21.646648599853517,3093.086623984375,17.050267313176935,3134.768085345644 -1204,21.65462917663574,3093.044886953125,16.636398715394915,3140.695654888731 -1205,21.65714094177246,3093.036805,16.601146499171403,3141.7447354403407 -1206,21.649518888549803,3093.074384140625,16.536908123131955,3142.0487434895836 -1207,21.653521020507814,3093.049840625,16.568534888065223,3141.634519412879 -1208,21.6512031640625,3093.063274296875,16.549613985003848,3142.7274866832386 -1209,21.6449069921875,3093.098185546875,16.357875541918204,3145.927025035511 -1210,21.64801677734375,3093.0730828125,16.5620624704072,3141.905075461648 -1211,21.646108228149416,3093.094538515625,16.45184610309023,3144.3987405303033 -1212,21.655543708496094,3093.042416796875,16.37578568429658,3146.358053977273 -1213,21.643434991455077,3093.09788875,16.71450634349476,3139.2253761245265 -1214,21.65693047607422,3093.037282265625,16.34638097589666,3145.734191524621 -1215,21.65724694885254,3093.02860671875,16.588419187141188,3142.3563233901514 -1216,21.64737151977539,3093.085039375,16.697713116732512,3139.731826171875 -1217,21.658960028076173,3093.02641203125,16.457878461895568,3143.7760798413824 -1218,21.655728720092775,3093.0442115625,16.65625589544123,3140.6028968394885 -1219,21.660274446411133,3093.0191971875,16.717706167047673,3139.794714725379 -1220,21.657556093139647,3093.0298434375,16.48654467611602,3143.762972005208 -1221,21.66265842895508,3093.0127290625,16.479584570220023,3142.738170868845 -1222,21.660231044921876,3093.02040390625,16.49052433129513,3143.374084694602 -1223,21.649554284667968,3093.0749734375,16.668324628887756,3140.05380563447 -1224,21.6488321081543,3093.074792890625,16.502939959439363,3143.025145892519 -1225,21.654024810180665,3093.05070859375,16.81007372307055,3137.986968809186 -1226,21.656131369018556,3093.043733125,16.528786105531633,3141.96697117661 -1227,21.656864622192384,3093.037680390625,16.583514829693417,3141.9652515388257 -1228,21.64860660583496,3093.0798075,16.543441615249172,3142.280432350852 -1229,21.649909641113283,3093.073411875,16.711682376283587,3139.1616719933713 -1230,21.65296533203125,3093.0598790625,16.670451919093278,3139.3667761600377 -1231,21.657489356689453,3093.0354290625,16.508635759064646,3143.1543223248104 -1232,21.6511644140625,3093.06321671875,16.871240830854937,3136.8865731534092 -1233,21.64904562011719,3093.076006875,16.322111996737394,3145.815303326231 -1234,21.649300504760742,3093.074659765625,16.34178468877619,3145.2156377249053 -1235,21.64989582885742,3093.07104484375,16.374393881595495,3144.746795987216 -1236,21.660733511962892,3093.017382890625,16.610819889415396,3140.94915867661 -1237,21.65272657714844,3093.056965390625,16.709538835467715,3139.1369495738636 -1238,21.65458784790039,3093.048482734375,16.571095592614377,3141.6364408735794 -1239,21.66006870239258,3093.01699828125,16.412316306143097,3145.2682569839017 -1240,21.645307760620117,3093.09728375,16.46216924725157,3143.898165838068 -1241,21.65603159484863,3093.0406,16.491350037545867,3144.026339074337 -1242,21.666168870239257,3092.9935315625,16.573555270108308,3141.5772404711174 -1243,21.65728902709961,3093.033067421875,16.44307505752101,3144.177916370739 -1244,21.646443886108397,3093.086093671875,16.62797114979137,3140.8784292140153 -1245,21.6629147076416,3093.006398984375,16.420190362641307,3144.1973008404357 -1246,21.65539453430176,3093.04389921875,16.469195029518822,3143.477012310606 -1247,21.66711688293457,3092.98534125,16.685453586000385,3139.75888819839 -1248,21.646409510498046,3093.093860078125,16.472349707863547,3144.40583836411 -1249,21.661666480712892,3093.010875,16.938702811038855,3135.6097588186553 -1250,21.662507907714843,3093.007442578125,16.53469958218661,3141.722958688447 -1251,21.658829248046874,3093.02927359375,16.641025004531397,3140.7892436079546 -1252,21.65501548400879,3093.049700859375,17.0777616258101,3134.1595442708335 -1253,21.647272089233397,3093.08484234375,16.316284672130237,3147.4674849076705 -1254,21.65206459777832,3093.06108515625,16.462799613259055,3143.1181187855113 -1255,21.653670297851562,3093.04530875,16.579323991717715,3141.463108132102 -1256,21.658491328125,3093.0323975,16.594097546664152,3141.801013849432 -1257,21.654103793945314,3093.0490159375,16.481420741225733,3143.0044353693183 -1258,21.649243928222656,3093.07956046875,16.67671168240634,3140.595966205019 -1259,21.653043380737305,3093.056123671875,16.486718939578893,3143.823660925663 -1260,21.656145480957033,3093.0379628125,16.64959833318537,3140.239343927557 -1261,21.656259291381836,3093.040225,16.47266098947236,3144.4183815696024 -1262,21.646419791259767,3093.08382265625,16.763511944395123,3139.4255812026513 -1263,21.66443389831543,3092.9982971875,16.542077282992278,3142.386406841856 -1264,21.654118806762696,3093.050972421875,16.402723478837448,3144.2301571377843 -1265,21.65575642578125,3093.036571171875,16.547881406148274,3141.8242740885416 -1266,21.66026150817871,3093.021811171875,16.546329731796728,3143.185818536932 -1267,21.639706654052734,3093.115474375,16.491765327453614,3143.6626645359847 -1268,21.657333142089843,3093.03796265625,16.724542955340763,3139.185965613163 -1269,21.6592915234375,3093.025483203125,16.38665051431367,3145.1076938328597 -1270,21.654830537719725,3093.042080625,16.518766634392016,3142.4894415838066 -1271,21.645796651611327,3093.087368828125,16.292759827122545,3145.8559348366475 -1272,21.658868103027345,3093.024923046875,16.55271755102909,3142.162430752841 -1273,21.643508188476563,3093.103886171875,16.565402878270003,3142.123652935606 -1274,21.653724967041015,3093.054361796875,16.54441202799479,3142.1501044625948 -1275,21.650326533203124,3093.07186203125,16.60613353844845,3141.931180456913 -1276,21.657251598510744,3093.03359171875,16.579666071805086,3142.1711369554923 -1277,21.664677611083984,3092.995972109375,16.429574628887753,3144.164200994318 -1278,21.65683264953613,3093.0377490625,16.546449239326247,3142.206982125947 -1279,21.652478126831056,3093.052636640625,16.779263252489496,3137.883858309659 -1280,21.657378250122072,3093.033074375,16.5933113676129,3140.884696377841 -1281,21.660989282226563,3093.01834703125,16.240816805290454,3147.3912133049243 -1282,21.676746486816405,3092.9393778125,16.47467837015788,3143.098331557765 -1283,21.659919671020507,3093.022574765625,16.412957634203362,3145.369481830019 -1284,21.65496273010254,3093.0495565625,16.32837321657123,3145.5751328716856 -1285,21.664689453735352,3093.001032265625,16.56935975855047,3141.420194720644 -1286,21.648237913208007,3093.080286015625,16.42270963495428,3145.092882634943 -1287,21.64664462463379,3093.08756640625,16.41496277664647,3144.423810665246 -1288,21.67225581604004,3092.969715546875,16.41226838314172,3144.9121647135416 -1289,21.662504654541017,3093.004129296875,16.341591005036324,3145.391872336648 -1290,21.664612643432616,3092.997889453125,16.415146315603547,3144.3225361032196 -1291,21.661273983764648,3093.014516953125,16.58910927281235,3140.9335091145836 -1292,21.664632437744142,3093.003782109375,16.571459936662155,3142.7207188091857 -1293,21.66449666015625,3092.997521171875,16.570179626002457,3141.6635422585227 -1294,21.658891953735353,3093.028680390625,16.232198662035394,3148.2584212239585 -1295,21.662222380371094,3093.012159453125,16.581546977650035,3141.6691953716854 -1296,21.65630581604004,3093.04085640625,16.629944351658676,3141.5212949810607 -1297,21.669051106567384,3092.98206640625,16.641838730320785,3141.0686668442236 -1298,21.652413259277346,3093.05865984375,16.43190030069062,3144.207103456439 -1299,21.649627879638672,3093.070638359375,16.46917648084236,3143.710212476326 -1300,21.651803046875,3093.05924203125,16.43878315549908,3144.1206909919506 -1301,21.659273213500978,3093.024706953125,16.627358992605497,3140.6946644176137 -1302,21.658644339599608,3093.0271390625,16.666098995786726,3139.8590968276517 -1303,21.660183658447266,3093.018811640625,16.636423430009323,3141.5555522017044 -1304,21.670261157226562,3092.96683,16.55156153014212,3142.4086561908143 -1305,21.656902568359374,3093.034979375,16.317482702081854,3147.708954782197 -1306,21.651221494750978,3093.061126328125,16.734054271813594,3139.441641808712 -1307,21.665120884399414,3092.9986728125,16.61667948404948,3141.0941714015153 -1308,21.661886547851562,3093.00771921875,16.426437572132457,3144.4092190459282 -1309,21.669167434692383,3092.97318796875,16.406024692419802,3144.9383194247157 -1310,21.660489638061524,3093.018586640625,16.500187533985486,3142.8602867542613 -1311,21.663964654541015,3092.999820234375,16.71581620649858,3139.6888816879737 -1312,21.67277347229004,3092.96195359375,16.53030925172748,3142.426592684659 -1313,21.656921997680666,3093.035534296875,16.254558713508374,3147.687870797822 -1314,21.658363045043945,3093.028843984375,16.47066170547948,3143.5216077769887 -1315,21.65306520324707,3093.055984375,16.37483302492084,3144.8243809185606 -1316,21.659579337158203,3093.025632890625,16.59342203313654,3141.2576325757577 -1317,21.64718749938965,3093.0853478125,16.45919978979862,3144.581004083807 -1318,21.660836192016603,3093.016689296875,16.556974598277698,3142.181392933239 -1319,21.65390049194336,3093.0531178125,16.826467514038086,3137.5513026751896 -1320,21.666705405273436,3092.988093984375,16.5942878260757,3141.628639026989 -1321,21.651355926513673,3093.0656415625,16.419472524469548,3143.6417441998105 -1322,21.667296654663087,3092.98195734375,16.413187244299685,3144.3812917258524 -1323,21.660800744018555,3093.015118984375,16.252725534150095,3146.6219472064395 -1324,21.655172101440428,3093.042156015625,16.334819433038884,3145.8756563683714 -1325,21.66263928222656,3093.01657078125,16.26773033026493,3146.8467930279357 -1326,21.658297661132814,3093.026313203125,16.611576762343898,3140.6741927083335 -1327,21.662751884765626,3093.013055,16.41202035152551,3143.704295987216 -1328,21.661945407104493,3093.0134565625,16.360363321015328,3145.162539358428 -1329,21.6583940032959,3093.03279984375,16.445420985366358,3143.7786961410984 -1330,21.669323752441407,3092.977141171875,16.288553539622914,3146.4246866122157 -1331,21.65799449645996,3093.036670546875,16.60219045234449,3141.2096235795457 -1332,21.6576728515625,3093.037963125,16.666174794977362,3139.6364527107007 -1333,21.657151613769532,3093.029040234375,16.576310450236004,3141.7254557291667 -1334,21.65527013671875,3093.045576875,16.43552062063506,3144.540957327178 -1335,21.659261022338868,3093.02556640625,16.453774777036724,3144.43107717803 -1336,21.668993817138674,3092.975493515625,16.664204852942266,3139.8555883049244 -1337,21.65468074157715,3093.048513828125,16.337808528090967,3145.7608934067234 -1338,21.660059501342772,3093.021394609375,16.554603998588792,3141.641350319602 -1339,21.65730473815918,3093.03409984375,16.466779686898896,3143.8355826822917 -1340,21.668219252319336,3092.984669296875,16.457493704593542,3143.5833644057766 -1341,21.64391728027344,3093.10357375,16.52574096448494,3142.866709872159 -1342,21.64680379333496,3093.087222109375,16.358899511857466,3145.3583380681816 -1343,21.663962095336913,3093.000147109375,16.357396862145627,3146.059539240057 -1344,21.671136575317384,3092.967272109375,16.408186125321823,3144.3526896898675 -1345,21.663607202148437,3093.005265,16.646970751213306,3140.172187795928 -1346,21.66395864440918,3093.007362109375,16.960569783991033,3135.7222117660986 -1347,21.66418317565918,3093.007066875,16.399941891756924,3145.246748342803 -1348,21.66979060974121,3092.969737734375,16.445371687917998,3143.928487807765 -1349,21.66685909057617,3092.98867515625,16.70976132479581,3139.186885357481 -1350,21.66733103088379,3092.986902734375,16.407197630911163,3144.1192832623105 -1351,21.67101801208496,3092.97069515625,16.43050765991211,3144.1127175071024 -1352,21.65762854309082,3093.02953125,16.447531190352006,3144.2597700639203 -1353,21.670942822265626,3092.96753890625,16.735382480043352,3139.182108783144 -1354,21.65311850769043,3093.05781546875,16.26940484942812,3147.6280593039774 -1355,21.662756908569335,3093.007726640625,16.62523501540675,3141.2797798295455 -1356,21.65864391784668,3093.028859296875,16.77837735378381,3138.9321502130683 -1357,21.658405737304687,3093.02525578125,16.41616877700343,3144.4912736742426 -1358,21.65193678527832,3093.063701953125,16.42165482607755,3144.453370620265 -1359,21.660480377197267,3093.018773671875,16.674702876697886,3139.3529900568183 -1360,21.65808027770996,3093.0284940625,16.504373789700594,3142.8114488636365 -1361,21.66459249145508,3093.00240546875,16.31720544526071,3145.736630563447 -1362,21.66268211364746,3093.00323609375,16.52516985575358,3142.7459156013256 -1363,21.663801392211916,3092.99999890625,16.428320696281663,3144.382121212121 -1364,21.6604002331543,3093.022913984375,16.629204032204367,3140.105724431818 -1365,21.64875366027832,3093.08179359375,16.568545253638064,3141.9131605113635 -1366,21.67353252319336,3092.95997921875,16.678573793353458,3139.5903275923297 -1367,21.652336415405273,3093.0577128125,16.3035871517297,3146.3872913707387 -1368,21.661735954589844,3093.010362265625,16.470070132631243,3143.603173532197 -1369,21.664571002807616,3092.999429296875,16.705554296320134,3139.1752601207386 -1370,21.663727215576174,3093.00523203125,16.405514565670128,3144.8349733664772 -1371,21.659509505004884,3093.02859828125,16.482309392293296,3143.9890784801137 -1372,21.664500815429687,3093.007898984375,16.539209459478204,3142.379198626894 -1373,21.66879344909668,3092.975923125,16.55771551652388,3142.3422623697916 -1374,21.66356725463867,3093.00411671875,16.44330704197739,3145.2695250355114 -1375,21.667111670532226,3092.987238984375,16.25740384535356,3146.847833214962 -1376,21.65686809020996,3093.03853578125,16.678591824155866,3140.0462520714964 -1377,21.66255870300293,3093.007848203125,16.31959733905214,3146.02058741714 -1378,21.657523310546875,3093.032521640625,16.15060752290668,3149.2114861505684 -1379,21.655921962280274,3093.03936328125,16.159966745087594,3149.4265897253786 -1380,21.659285775756835,3093.023338125,16.288065013307513,3146.9660517282196 -1381,21.660445314331053,3093.0186790625,16.55240023988666,3141.8040385298295 -1382,21.664994541625976,3092.995918046875,16.383119208595968,3144.900828894413 -1383,21.65365060546875,3093.056903203125,16.598756776289505,3141.3973212594697 -1384,21.671933165283203,3092.96043734375,16.59480044740619,3142.4385017163827 -1385,21.67703803955078,3092.9419790625,16.57914129777388,3141.1671129261363 -1386,21.656274932250977,3093.03716046875,16.125933756972803,3149.6583827533145 -1387,21.660617354736328,3093.017277109375,16.395439203435725,3144.8936751302085 -1388,21.667966390380858,3092.983373984375,16.537296253551137,3143.6992329545456 -1389,21.66057554321289,3093.019533828125,16.668271050886673,3139.7542989464964 -1390,21.655558475952148,3093.04462734375,16.442398989128343,3144.31753758286 -1391,21.662344760742187,3093.010137109375,16.5192515818278,3143.2089601089015 -1392,21.655564332885742,3093.043401953125,16.624668731689454,3140.689130859375 -1393,21.670002028808593,3092.9745471875,16.437070999145508,3143.446896306818 -1394,21.65936801208496,3093.02352453125,16.28786035942309,3147.5749378551136 -1395,21.657314967651367,3093.033664765625,16.567309107924952,3142.381011777936 -1396,21.66006046447754,3093.021438828125,16.646586800777552,3140.660251538826 -1397,21.670082566528322,3092.965945390625,16.24823679143732,3147.955889855587 -1398,21.666974957885742,3092.9902540625,16.34127427997011,3145.8635523200755 -1399,21.663277482910157,3093.011663671875,16.46217709859212,3143.926835049716 -1400,21.665732150268553,3092.991923671875,16.399153555667763,3145.0327494673297 -1401,21.662453917236327,3093.013085234375,16.335360988270153,3147.033662109375 -1402,21.658154224853515,3093.03325453125,16.44335292816162,3145.1337736742425 -1403,21.658855419921874,3093.02790203125,16.413392414902194,3145.0720522608904 -1404,21.663322005615235,3093.006325546875,16.403484586079916,3144.61760061553 -1405,21.654022124023438,3093.049755234375,16.56063180403276,3141.8923691998107 -1406,21.670344083251955,3092.969410546875,16.288494032657507,3146.484161044034 -1407,21.66745742614746,3092.988970625,16.825086424856476,3137.512921401515 -1408,21.674296677246094,3092.950596953125,16.511074521613843,3142.6013819839013 -1409,21.672287587890626,3092.96021609375,16.683863587812944,3140.092743252841 -1410,21.664243262939454,3093.00379359375,16.484109843860974,3142.8808747632575 -1411,21.65752794555664,3093.0379209375,16.479816566236092,3143.314388020833 -1412,21.662208423461912,3093.008634140625,16.74034867951364,3139.187879971591 -1413,21.65050071838379,3093.069727734375,16.405623249863133,3144.6744398082387 -1414,21.676332572021483,3092.946473046875,16.72514658725623,3140.0541361860796 -1415,21.663647885742186,3093.00613703125,16.917279695453065,3135.9927278645832 -1416,21.66644312561035,3092.9896978125,16.71361020868475,3138.620124289773 -1417,21.66265874572754,3093.007096875,16.531138516050397,3142.3036573745267 -1418,21.658563881225586,3093.024230546875,16.54548577048562,3141.6998366477274 -1419,21.658116672973634,3093.03285234375,16.25750102187648,3147.489942294034 -1420,21.662243518676757,3093.009045390625,16.11019088976311,3149.758337476326 -1421,21.672233082885743,3092.9627721875,16.542166135383376,3142.393181226326 -1422,21.65446023498535,3093.05479078125,16.897905812118992,3136.8006572561553 -1423,21.670229020385744,3092.9715240625,16.119698729081588,3149.466842447917 -1424,21.66846825378418,3092.97385015625,16.566595223166726,3142.2734292140153 -1425,21.655129419555664,3093.044243671875,16.279535669268984,3146.699910629735 -1426,21.663698161621095,3093.004122421875,16.665350271282772,3140.4526343513257 -1427,21.65962614807129,3093.02538484375,16.637483710086705,3140.731550662879 -1428,21.651399763183594,3093.066823203125,16.473411005193537,3143.657041015625 -1429,21.662394979248045,3093.012176875,16.643586310184364,3140.3995185250947 -1430,21.67142500732422,3092.96899984375,16.774709486527875,3139.4880409564394 -1431,21.67374718322754,3092.95391640625,16.759890132094874,3139.624111032197 -1432,21.66533233154297,3092.99670859375,16.51010012771144,3142.5305217211176 -1433,21.656010205078125,3093.04386734375,16.28847931832978,3146.713180338542 -1434,21.65862172607422,3093.02724375,16.37534708890048,3145.6397117660986 -1435,21.663281373901366,3093.003436484375,16.373072213837595,3145.467681699811 -1436,21.670033451538085,3092.96914078125,16.602784705884527,3141.368470348011 -1437,21.66802285095215,3092.984218515625,16.618739960410377,3141.5130803148672 -1438,21.669354841308593,3092.974993359375,16.412805071744053,3144.640057410038 -1439,21.658554486083986,3093.033118671875,16.662587761156487,3140.5029770359847 -1440,21.659347692871094,3093.020834140625,16.731525707822858,3138.708150153883 -1441,21.666330810546874,3092.99453359375,16.44324008363666,3143.7414231178977 -1442,21.67093938171387,3092.96841421875,16.501094655123623,3142.739298058712 -1443,21.670951279296876,3092.968548515625,16.364446584528142,3145.1209540719697 -1444,21.67019878479004,3092.96899140625,16.607199189157196,3141.1554430042615 -1445,21.670253774414064,3092.97237171875,16.331244467532997,3145.7324476207386 -1446,21.663143146972658,3093.006555546875,16.46723711302786,3143.6110425544507 -1447,21.669601365356446,3092.976579921875,16.7521663943204,3138.9946803977273 -1448,21.668744217529298,3092.98210171875,16.685812336314807,3139.895128432765 -1449,21.66166623840332,3093.01326875,16.729918283404725,3139.589963600852 -1450,21.672085564575195,3092.961788671875,16.44108105977376,3144.7900358072916 -1451,21.658352308959962,3093.02466109375,16.417325284553296,3144.261591205019 -1452,21.66586383239746,3092.9900359375,16.474266685717033,3143.4089870383523 -1453,21.673772610473634,3092.9538253125,16.713255636041815,3139.154554036458 -1454,21.668254088134766,3092.97716890625,16.340257600726503,3146.0549272017047 -1455,21.66178252746582,3093.01243484375,16.61399593700062,3141.8327290482953 -1456,21.667559841308595,3092.9838965625,16.556869703350646,3141.4480530894884 -1457,21.66353486694336,3093.003628359375,16.5394947421912,3143.3320930989585 -1458,21.673532559814454,3092.95634921875,16.530212203517106,3142.8439098011363 -1459,21.66348288696289,3093.004037734375,16.54652988318241,3141.9037266216856 -1460,21.67417384033203,3092.954517265625,16.58687675707268,3141.7132833214964 -1461,21.67085607116699,3092.970299296875,16.5831644116026,3141.151554805871 -1462,21.669644672241212,3092.978865859375,16.41179121422045,3144.3201124526513 -1463,21.670728547363282,3092.968516640625,16.516074736624052,3142.984767400568 -1464,21.66740381225586,3092.983280078125,16.532187268806226,3142.4773890269885 -1465,21.664348485717774,3093.003923515625,16.834556739113548,3138.362919330019 -1466,21.663403087158205,3093.00218828125,16.42777310226903,3144.7299251302084 -1467,21.66179177734375,3093.01446046875,16.649388621937145,3141.032839133523 -1468,21.663620430908203,3093.0071021875,16.354159282337534,3145.563018169981 -1469,21.674502896118163,3092.94975578125,16.541095866579,3141.4408543442237 -1470,21.660001447753906,3093.0222115625,16.582797511707653,3141.143933771307 -1471,21.66263960083008,3093.007456171875,16.41536532546535,3144.322370383523 -1472,21.672644027099608,3092.961728046875,16.563227055867515,3142.5477689985796 -1473,21.668118002319336,3092.986028359375,16.67649662249016,3141.182673413826 -1474,21.674164006347656,3092.951223359375,16.484856442538174,3144.167550603693 -1475,21.666378176269532,3092.992672890625,16.498731331102775,3143.296376065341 -1476,21.667852785034178,3092.983181015625,16.330687637329103,3146.556601858428 -1477,21.660145693969728,3093.0191625,16.49528122873017,3142.5920031368373 -1478,21.669868659057617,3092.97413375,16.331427919792407,3144.8597022964013 -1479,21.668920521240235,3092.976070859375,16.67518736637,3140.184665601326 -1480,21.66812099975586,3092.98231171875,16.31918071862423,3145.5004660866475 -1481,21.67179409057617,3092.9650428125,16.732651087443035,3139.8672218276515 -1482,21.671698454589844,3092.96701265625,16.429538146510268,3143.620027521307 -1483,21.668094349365234,3092.9818903125,16.401503779093424,3145.3953086529355 -1484,21.67134794189453,3092.96345203125,16.47084200772372,3143.4828571851326 -1485,21.673309818115236,3092.964602421875,16.292430875373608,3146.5517533735797 -1486,21.667029420776366,3092.991495859375,16.23876999132561,3147.3770676491476 -1487,21.66674467590332,3092.98982578125,16.591638366236833,3141.664656131629 -1488,21.661816003417968,3093.0152846875,16.588837474476207,3140.800631806345 -1489,21.66783827331543,3092.9836453125,16.739507171168473,3138.8734827769886 -1490,21.66277530456543,3093.0081084375,16.53772083166874,3142.554314630682 -1491,21.673935268554686,3092.9565196875,16.25226104967522,3148.257594401042 -1492,21.66967965209961,3092.97341375,16.672064466765434,3140.1693199573865 -1493,21.670158327026368,3092.97403421875,16.556080125750917,3142.280585345644 -1494,21.670520834350587,3092.972472734375,16.448350880940755,3143.4207146661934 -1495,21.672868098754883,3092.96060625,16.157606477448436,3148.8172034801137 -1496,21.661999099121093,3093.017775234375,16.459081995414966,3143.032878787879 -1497,21.677408701782227,3092.937315859375,16.39588046911991,3144.554279415246 -1498,21.659484288330077,3093.0281425,16.465027528242633,3143.3975446851327 -1499,21.666974719848632,3092.98389203125,16.80437595829819,3138.3361582623106 -1500,21.670691707763673,3092.9688053125,16.394337446039373,3144.604081439394 -1501,21.67222839050293,3092.967708828125,16.727373817906233,3139.3895445667613 -1502,21.67236022583008,3092.961905078125,16.559926346287583,3142.7186505681816 -1503,21.67656776245117,3092.9353625,16.60965234814268,3140.7642752722536 -1504,21.670860709228517,3092.969824921875,16.484794140440044,3142.462024443655 -1505,21.67093951477051,3092.97093140625,16.373344779737067,3145.9337183357006 -1506,21.671129182128904,3092.964664453125,16.734124466867158,3139.318299597538 -1507,21.665997274780274,3092.989716796875,16.68110515016498,3139.4474479166665 -1508,21.66800312927246,3092.989114375,16.612423033280805,3141.6146644176138 -1509,21.669136806640626,3092.971651484375,16.68291786887429,3139.891895419034 -1510,21.665043333129884,3092.998579765625,16.4580085661917,3143.299824810606 -1511,21.66108752624512,3093.018718203125,16.153291041056317,3149.7331670217804 -1512,21.66837116760254,3092.9810065625,16.610469360351562,3141.6383732836175 -1513,21.65967533508301,3093.0209509375,16.528465710264264,3143.0337730823862 -1514,21.660915463867187,3093.0192421875,16.66929518959739,3139.204502544981 -1515,21.674475084228515,3092.95279203125,16.657803136652166,3140.078801787405 -1516,21.665616454467774,3092.9917225,16.5272895304362,3142.4096806936554 -1517,21.674761672973634,3092.956708046875,16.53244917898467,3141.9628527462123 -1518,21.666857749633788,3092.98572,16.545708847045898,3142.2514311079544 -1519,21.670496400756836,3092.966774921875,16.53119190794049,3143.034427379261 -1520,21.673058814086914,3092.96222640625,16.75712667985396,3138.738446969697 -1521,21.683614716796875,3092.909373671875,16.562745526631673,3142.170652225379 -1522,21.671408751831056,3092.9669040625,16.516886496110395,3142.9184798177084 -1523,21.664729525146484,3093.001545546875,16.541090721361567,3142.1442527817235 -1524,21.667150135498048,3092.987043984375,16.81657387935754,3137.482109966856 -1525,21.66741274597168,3092.9923246875,16.540882591478752,3142.4500843394885 -1526,21.670879018554686,3092.96917875,16.53936830000444,3141.937609197443 -1527,21.66453533996582,3092.9974934375,16.761248247551194,3138.861552438447 -1528,21.664646779785155,3092.99830140625,16.502796681722007,3142.868212890625 -1529,21.671523053588867,3092.966134296875,16.748122411785705,3138.721993075284 -1530,21.674092631225587,3092.955284921875,16.393333349516897,3145.4107309422347 -1531,21.67797686706543,3092.932965859375,16.61454869703813,3140.7528959517044 -1532,21.66351603515625,3093.00947140625,16.44391388979825,3144.5870561079546 -1533,21.673338384399415,3092.9581909375,16.32878046209162,3146.1792746803976 -1534,21.67034754699707,3092.97060640625,16.48609201257879,3143.780252722538 -1535,21.674481556396483,3092.953740859375,16.463203608194988,3143.774099195076 -1536,21.662533226928712,3093.0061684375,16.520532542142,3142.781698035038 -1537,21.678668357543945,3092.933095625,16.679117121840967,3139.7029524739582 -1538,21.669698923950197,3092.976269609375,16.60218129822702,3142.334191524621 -1539,21.66926782348633,3092.980879453125,16.216146559281782,3147.8158759469698 -1540,21.673035311279296,3092.957285390625,16.462060643976386,3143.9388044507577 -1541,21.66477192993164,3092.999550703125,16.592223396301268,3141.7013290127843 -1542,21.667301700439452,3092.9836309375,16.379169190146705,3145.140811434659 -1543,21.670248407592773,3092.97620265625,16.390485242207845,3144.549403113163 -1544,21.665863054199217,3092.99010171875,16.63885016007857,3140.5809502249053 -1545,21.671877893676758,3092.96253578125,16.278605249578302,3148.0447762784092 -1546,21.68055191345215,3092.9207846875,16.355255880644826,3145.4384537760416 -1547,21.670801123657228,3092.968654921875,16.617530214714282,3142.1616438802084 -1548,21.669249521484375,3092.978661953125,16.436276349154387,3143.867482836174 -1549,21.661460817871095,3093.01328484375,16.593344782049005,3141.616218039773 -1550,21.669913317871092,3092.97577375,16.357779952540543,3145.6854542495266 -1551,21.679070219116213,3092.926928046875,16.535289174860175,3142.0981969105114 -1552,21.663790079345702,3093.007116875,16.342771359067974,3146.0930527935607 -1553,21.67941105773926,3092.92989546875,16.510358995379825,3142.5252624881628 -1554,21.683780373535157,3092.9097528125,16.31969538601962,3146.2109596946025 -1555,21.665368381347655,3092.996749375,16.63536695769339,3141.325330255682 -1556,21.677274756469725,3092.9385340625,16.511072082519533,3142.2903956557766 -1557,21.66063565979004,3093.021722578125,16.58997338728471,3141.9981178977273 -1558,21.67639573791504,3092.9383571875,16.633324704025732,3139.7500994318184 -1559,21.66034548400879,3093.018575625,16.515871514985054,3142.6205320785984 -1560,21.664229389038088,3093.001713203125,16.32840947931463,3146.3704142992424 -1561,21.668418471069337,3092.982153359375,16.763489789095793,3138.579689571496 -1562,21.666686383666992,3092.991150703125,16.401821386163885,3145.116828539299 -1563,21.677034938354492,3092.94379375,16.175822085756245,3149.282969637784 -1564,21.672806622314454,3092.959222265625,16.713970866347804,3139.9764192708335 -1565,21.664397380371092,3092.997058828125,16.41051409634677,3144.5488254616475 -1566,21.670368843383788,3092.975111328125,16.089460412227748,3149.976590613163 -1567,21.674447232055662,3092.954698671875,16.633610561255253,3140.7282111150566 -1568,21.675552468261717,3092.94954875,16.190521267977626,3148.6192601799244 -1569,21.663666768798826,3093.005743359375,16.51921941583807,3142.017509765625 -1570,21.66874201904297,3092.978834765625,16.292480190161502,3147.4196839488636 -1571,21.677858334960938,3092.938152890625,16.337678971724078,3145.7205903764207 -1572,21.67949460510254,3092.92680234375,16.421654115156695,3144.2846656013257 -1573,21.679225048217774,3092.926579140625,16.5104353055087,3142.6291622277463 -1574,21.666939681396485,3092.989972265625,16.339401922514945,3145.753107244318 -1575,21.682039400634764,3092.9170725,16.721538999152905,3139.7734499289772 -1576,21.675373453979493,3092.952999375,16.513499671473646,3142.858895892519 -1577,21.66825500854492,3092.981658671875,16.472616211862274,3142.866706321023 -1578,21.671874963989257,3092.96356625,16.51746161258582,3143.144123757102 -1579,21.668161217041014,3092.983196875,16.356755285552055,3145.425115411932 -1580,21.661779524536133,3093.016164609375,16.41143892923991,3145.029943181818 -1581,21.677677567138673,3092.93517265625,16.26859410603841,3146.5355900804925 -1582,21.686411326904295,3092.890474453125,16.413650394786487,3144.6977479876896 -1583,21.674870515136718,3092.951517421875,16.21919132232666,3148.23109227036 -1584,21.6706427154541,3092.968429453125,16.509779880408086,3142.680002367424 -1585,21.668267931518553,3092.9843821875,16.332251233187588,3145.8859540719695 -1586,21.662705232543946,3093.0078815625,16.4381242463083,3144.076488222064 -1587,21.671739046630858,3092.971363203125,16.718175608317058,3139.4640855823864 -1588,21.671118927001952,3092.969920703125,16.443843372229374,3144.2231758996213 -1589,21.667507207641602,3092.981396015625,16.683560578317355,3139.7222824928976 -1590,21.66878108886719,3092.97744171875,16.516837881839635,3142.8877121803976 -1591,21.674468662719725,3092.950919921875,16.485803127866802,3142.921658972538 -1592,21.678280283813475,3092.934573671875,16.54216834559585,3142.37439305161 -1593,21.66794842895508,3092.981568046875,16.452270364472362,3144.1388532788824 -1594,21.66791169555664,3092.98023671875,16.715381458166874,3140.0961845999054 -1595,21.674338267822264,3092.9470021875,16.52223516059644,3142.190928030303 -1596,21.669457874145508,3092.97079765625,16.30843172709147,3146.9719587476325 -1597,21.673725537719726,3092.9532471875,16.46832910711115,3143.0426825875948 -1598,21.665827971191405,3092.9937278125,16.646898156368373,3140.9242986505683 -1599,21.676351849975585,3092.9398340625,16.553854527328955,3142.1125014796403 -1600,21.667816470336913,3092.988454296875,16.862120839899237,3137.556229580966 -1601,21.677075044555664,3092.94054140625,16.39062212048155,3144.632155243845 -1602,21.677751286621096,3092.93605859375,16.447157074899383,3143.089219045928 -1603,21.682343196411132,3092.914458359375,16.50022419091427,3142.519090021307 -1604,21.67696141357422,3092.939454140625,16.4813254292806,3143.678791725852 -1605,21.667342713012694,3092.985438515625,16.193458675037732,3148.299570608428 -1606,21.67038060913086,3092.97104234375,16.280634925148703,3147.1698372395836 -1607,21.68095787475586,3092.914530390625,16.67406197865804,3139.9660298295453 -1608,21.66789762023926,3092.989487109375,16.36897140156139,3145.911434955019 -1609,21.682295913085937,3092.91154109375,16.724316793499572,3139.164352805398 -1610,21.679438905029297,3092.9258425,16.539979668819544,3142.083248993845 -1611,21.673683899536133,3092.95509015625,16.723573971372662,3138.6759212239585 -1612,21.66604529296875,3092.996582109375,16.54918064001835,3141.78884765625 -1613,21.665702755126954,3092.993796875,16.395880503798978,3144.588312322443 -1614,21.68309924560547,3092.912041875,16.432174236413204,3144.5440474076704 -1615,21.68501325378418,3092.901569921875,16.519689714836353,3142.3716071851327 -1616,21.680642374267578,3092.92312015625,16.635967629172587,3140.808312618371 -1617,21.67007981262207,3092.968811953125,16.564448073416045,3142.3743504379736 -1618,21.67629549682617,3092.939295390625,16.363587833751332,3145.8455033735795 -1619,21.662370706787108,3093.013013203125,16.417655100966943,3144.710340909091 -1620,21.675276291503906,3092.944898203125,16.525641040224016,3143.2506791548294 -1621,21.67562658996582,3092.945066953125,16.325958559440846,3145.7500393584282 -1622,21.672226593017577,3092.961053828125,16.483160841970733,3143.2664453125 -1623,21.671416611328127,3092.967809296875,16.755109860969313,3139.2765758167616 -1624,21.67850526611328,3092.93011453125,16.617083670876244,3141.2192323626896 -1625,21.671091520385744,3092.968781328125,16.342889064442026,3145.8990761126893 -1626,21.66775605407715,3092.986058125,16.51066294930198,3142.971307705966 -1627,21.676523872070312,3092.941076484375,16.481790422381778,3143.006827947443 -1628,21.677754140625,3092.93551125,16.50898044470585,3143.6331170099434 -1629,21.672524963989257,3092.963888359375,16.247189209677956,3146.6593915719695 -1630,21.673083643188477,3092.9592490625,16.695513735684482,3139.6180829782197 -1631,21.673134190673828,3092.963828046875,16.513711676164107,3143.2414675071022 -1632,21.677928723144532,3092.934087109375,16.616922894102153,3141.788761245265 -1633,21.66782066772461,3092.983070234375,16.566735637549197,3142.6225769412877 -1634,21.66868989929199,3092.978758203125,16.72990033352014,3139.0482108191286 -1635,21.684400165405272,3092.9027021875,16.675406443277996,3140.5608951822915 -1636,21.671737014160158,3092.962763515625,16.53743666677764,3141.4804166666668 -1637,21.67232174682617,3092.961144765625,16.583611509149726,3141.253271188447 -1638,21.67327046447754,3092.95866578125,16.589598848747485,3141.971276633523 -1639,21.673895703125,3092.95785328125,16.76527401086056,3138.6378850023675 -1640,21.66492135131836,3092.996720703125,16.461628078113904,3144.369695194129 -1641,21.665808720092773,3092.990054921875,16.605920657533588,3140.8996312736745 -1642,21.667426670532226,3092.98741671875,16.34605757048636,3145.610732421875 -1643,21.671815970458983,3092.968368203125,16.45605119416208,3144.312081557765 -1644,21.678867797851563,3092.929371796875,16.038154373168947,3151.197965494792 -1645,21.674360895996095,3092.95584984375,16.39303858207934,3144.672234848485 -1646,21.688140344848634,3092.8867065625,16.60178919474284,3141.7459812973484 -1647,21.677743414916993,3092.937573203125,16.489611862645006,3142.913939689867 -1648,21.684150631103517,3092.904282109375,16.509578723329486,3142.4404421164772 -1649,21.67898621459961,3092.9256328125,16.42910550550981,3144.6210203598484 -1650,21.670177136230468,3092.9728884375,16.581112227006393,3141.7126627604166 -1651,21.671365598144533,3092.96639625,16.368362967751242,3145.790653705019 -1652,21.666012032470704,3092.9931671875,16.578164886705803,3141.564755563447 -1653,21.677570808105468,3092.939096171875,16.52288467869614,3142.5018510298296 -1654,21.67904219848633,3092.92735703125,16.27805927507805,3146.5016554214017 -1655,21.671842098999022,3092.961564609375,16.57683422897801,3142.654298058712 -1656,21.675826045532226,3092.94226453125,16.458142300230083,3143.857111150568 -1657,21.67643755859375,3092.94162015625,16.50647373083866,3144.013843809186 -1658,21.677127778320312,3092.943508125,16.352827268658263,3145.86242039536 -1659,21.671284497680663,3092.968625234375,16.505102367979106,3143.8457750355115 -1660,21.68438076477051,3092.90736296875,16.257876230875652,3148.712598248106 -1661,21.66649391418457,3092.99111984375,16.47659201997699,3143.941433771307 -1662,21.672856471557616,3092.95839640625,16.39407913092411,3145.1505601917615 -1663,21.672588417358398,3092.959255234375,16.293080495198566,3147.1321416311553 -1664,21.686154818725587,3092.896844140625,16.340805987733784,3145.2953947679925 -1665,21.67880371948242,3092.93275265625,16.4529367574056,3144.1117335464014 -1666,21.681199096069335,3092.919951796875,16.530741999077076,3141.986533499053 -1667,21.68331426513672,3092.909457265625,16.210087289521187,3147.66937647964 -1668,21.669357797851564,3092.9766846875,16.368992072596694,3145.6145830374053 -1669,21.676305932006837,3092.943393046875,16.52555832833955,3142.3823224431817 -1670,21.677118033447265,3092.938011484375,16.60782364585183,3141.04587742661 -1671,21.67015051940918,3092.976048828125,16.48652288610285,3143.780548650568 -1672,21.690439842529297,3092.874584375,16.441727130774296,3145.4162940932765 -1673,21.675088512573243,3092.9485028125,16.397426475756095,3144.8221543560608 -1674,21.681004367675783,3092.916203828125,16.574995840824013,3141.084666785038 -1675,21.67678103515625,3092.941087265625,16.491810589414655,3142.5199816524623 -1676,21.667107920532228,3092.98576765625,16.521202679258405,3142.8757265033146 -1677,21.673358778686524,3092.954102109375,16.31906399929162,3146.306854580966 -1678,21.670343568725585,3092.97432453125,16.421906816887134,3143.801144649621 -1679,21.671350025634766,3092.968118359375,16.653905223499645,3139.6735410748106 -1680,21.677099420166016,3092.939917578125,16.421320094484273,3144.0136345880683 -1681,21.679150687866212,3092.929132421875,16.464864330869734,3143.651368371212 -1682,21.683249642944336,3092.907499140625,16.38627620119037,3145.939356356534 -1683,21.672380087280274,3092.96161203125,16.56129450711337,3141.3185218394888 -1684,21.68583721862793,3092.895905390625,16.43965122800885,3143.689941702178 -1685,21.682720619506835,3092.91081,16.521285462812944,3142.8516743607956 -1686,21.683925439453127,3092.905303359375,16.73225442828554,3139.7703841145835 -1687,21.67371178894043,3092.95370734375,16.619378245960583,3140.6651692708333 -1688,21.678745602416992,3092.929206171875,16.37319694519043,3144.9750233783143 -1689,21.68874950378418,3092.882000078125,16.519505432591295,3142.7733605587123 -1690,21.68048716308594,3092.92498078125,16.304974065838437,3147.6230492424243 -1691,21.681288443603517,3092.918436328125,16.220810002413664,3148.295998165246 -1692,21.679885501708984,3092.924736484375,16.477893461747602,3143.400203598485 -1693,21.682619201660156,3092.914911796875,16.47396235148112,3143.4182341974433 -1694,21.677836771850586,3092.936533203125,16.73999108285615,3139.2669779829544 -1695,21.679232829589843,3092.919963359375,16.439776909568092,3144.9424659682763 -1696,21.67255237487793,3092.96968828125,16.33245051759662,3145.626231356534 -1697,21.68489085449219,3092.896805390625,16.37510772011497,3145.320770596591 -1698,21.663391767578126,3093.007897578125,16.654603628678757,3140.137245205966 -1699,21.683653915405273,3092.904492734375,16.654320791995886,3140.607353219697 -1700,21.676979154663087,3092.9388425,16.536987644542346,3142.369776870265 -1701,21.678975490722657,3092.929253125,16.312203287066836,3146.3706773792615 -1702,21.674371166992188,3092.953528984375,16.361387659708658,3146.845027817235 -1703,21.685313829956055,3092.9004984375,16.49562392494895,3142.882401751894 -1704,21.672447755737306,3092.963580625,16.57921455152107,3142.9470874763256 -1705,21.676830825805663,3092.9373803125,16.606378154176653,3141.517216500947 -1706,21.689304323730468,3092.8817571875,16.546353211836383,3142.222040423769 -1707,21.672945392456054,3092.960813046875,16.369307107636423,3145.4419569720644 -1708,21.6885853314209,3092.885343359375,16.22647476311886,3148.9641450639206 -1709,21.681886399536133,3092.911322421875,16.205927555199825,3147.5058149857955 -1710,21.68026569519043,3092.92782515625,16.824072415900954,3137.377019412879 -1711,21.67936423461914,3092.923355703125,16.513788916847922,3142.498317649148 -1712,21.681615813598633,3092.916733203125,16.385229309544417,3145.1190394176137 -1713,21.67830003417969,3092.936721484375,16.458867795539625,3143.8762375710226 -1714,21.675563697509766,3092.94960015625,16.41658125675086,3145.0166870857006 -1715,21.682144776611327,3092.91047171875,16.510810204708214,3143.0450331439392 -1716,21.67293225097656,3092.96177234375,16.507731700088037,3142.817393169981 -1717,21.681333732299805,3092.921009453125,16.44227135629365,3144.3936479048293 -1718,21.67813577758789,3092.93780796875,16.41801344206839,3145.1680637428976 -1719,21.673261841430666,3092.961215078125,16.419045555808328,3144.4453148674243 -1720,21.683680057373046,3092.907312734375,16.315742957375267,3146.380126657197 -1721,21.686022813110352,3092.8972784375,16.518656627770625,3142.3565121922347 -1722,21.683134857788087,3092.911585546875,16.592132864287404,3141.531004379735 -1723,21.67500647521973,3092.94322578125,16.36039938030821,3145.9151908735794 -1724,21.678541358032227,3092.926606640625,16.580606414332536,3141.6261538233903 -1725,21.683928864746093,3092.9070840625,16.37143202463786,3144.543975497159 -1726,21.68798388244629,3092.888826484375,16.418785125270034,3143.967687322443 -1727,21.6728856439209,3092.96125640625,16.487015984275125,3142.671638849432 -1728,21.69592989746094,3092.850952578125,16.208014334476356,3149.3396439985795 -1729,21.68348106689453,3092.911009765625,16.575917144544196,3141.6222703598487 -1730,21.682853931884765,3092.91446484375,16.54283718918309,3142.8696732954545 -1731,21.682420266113283,3092.914895390625,16.47954380382191,3144.095303918087 -1732,21.683549843139648,3092.912619296875,16.82734133171313,3137.40677586411 -1733,21.681108966674806,3092.918239453125,16.394461008707683,3145.2986381392047 -1734,21.68527618652344,3092.895884296875,16.537920252482095,3142.5867441998107 -1735,21.678549616088866,3092.935883828125,16.591273318204014,3141.9006193773675 -1736,21.672885429077148,3092.959470625,16.72208701393821,3139.7915755208332 -1737,21.685552135009765,3092.898040625,16.20717168865782,3148.5603166429923 -1738,21.680599760742187,3092.925524453125,16.460835097341825,3144.803193655303 -1739,21.683906469726562,3092.900733046875,16.461469893022016,3143.160370797822 -1740,21.678803364257814,3092.930934609375,16.26489488543886,3148.2580317826705 -1741,21.685230318603516,3092.898605078125,16.404201565366805,3144.5463026751895 -1742,21.68006332763672,3092.927001484375,16.481670028224137,3143.4065477035983 -1743,21.68173045776367,3092.91047703125,16.522312272967714,3142.4591352982957 -1744,21.67645573547363,3092.94686734375,16.418270067157167,3143.847999526515 -1745,21.68697486999512,3092.889807734375,16.707121823628743,3139.349974846117 -1746,21.685678622436523,3092.897305,16.458923455440637,3143.657499704072 -1747,21.677790380859374,3092.93403546875,16.60366695057262,3141.66415719697 -1748,21.675569412231447,3092.946876796875,16.448873543016838,3144.7845149739583 +0,15.13052291015625,302795.586785,16.35964622844349,218710.7631060606 +1,16.773489083251953,199537.056475,17.383928507024592,172832.18729166666 +2,17.31895921142578,175823.083095,17.289732247554895,176843.5456060606 +3,17.788223260498047,157928.423365,17.92208810748476,152878.7466287879 +4,18.0617531439209,148301.812645,18.046487651015774,148554.34212121213 +5,18.17304081726074,144555.74084,18.124688064112807,146083.6218560606 +6,18.306038063354492,140259.1470725,18.470010017626212,134932.33195075757 +7,18.4056947064209,137072.440465,18.386610174468068,137538.78081439395 +8,18.48346476257324,134615.275515,18.49188900340687,134389.76515151514 +9,18.539423509521484,133035.64629,18.163970741503167,145065.04369318183 +10,18.61929308898926,130542.40045,18.76807154337565,125949.81482007576 +11,18.683295455322266,128619.85284,18.281712443033854,141115.60259469697 +12,18.691017399902343,128474.971785,18.811049691402552,124787.98645833334 +13,18.762850414428712,126312.0789975,18.71948544357762,127478.57133522727 +14,18.809491177978515,125012.878675,18.5575654370857,132480.87345643938 +15,18.84236922912598,124077.0189825,18.92405831308076,121621.32422348484 +16,18.87606419921875,123080.3532975,18.89879424355247,122313.33890151515 +17,18.923065938720704,121773.040895,19.04843170628403,118232.6390530303 +18,18.924556721191408,121728.9318525,18.95287425879276,120844.38225378787 +19,18.9686619921875,120551.567525,19.02848454099713,118799.97433712121 +20,18.994586803588867,119815.331105,19.02617044391054,118815.72379734849 +21,19.01574608886719,119248.518745,19.077718945127543,117425.36104166666 +22,19.040774467163086,118569.556745,18.804809651230322,125053.3309469697 +23,19.081808064575196,117428.86125,19.11458227215391,116485.74321969697 +24,19.077647720336913,117612.69327,19.06860298387932,117708.44269886364 +25,19.09737483215332,117037.43662,19.06895464116877,117901.18623106061 +26,19.11596414855957,116521.463915,19.130277152783943,116104.9008996212 +27,19.13521434753418,116047.368025,19.062155114376182,117958.28730113637 +28,19.129579432373045,116195.696335,19.206556387236624,114166.33122159091 +29,19.174151571655273,115006.2483,19.07142281965776,117659.175625 +30,19.190819559936525,114573.943605,19.357622886426523,110169.40674242424 +31,19.18612813598633,114689.9728875,19.243400495124586,113266.26622159091 +32,19.200366614379885,114364.0696475,19.175679684263287,115084.30184659091 +33,19.2219475189209,113745.072345,19.07404875090628,117609.98755681819 +34,19.23594552307129,113396.972175,19.13802620858857,115860.24664772727 +35,19.242030377197267,113275.48006,19.350924204046077,110389.3556344697 +36,19.257293385009767,112903.19626,19.266798481796727,112650.63145833333 +37,19.293460475463867,111908.5613225,19.365612478545216,109983.26166666667 +38,19.24967730834961,113083.408885,19.348179790612424,110438.40366477273 +39,19.32915256286621,111034.566695,19.360358965324632,110186.66540719697 +40,19.316821134643554,111316.2308625,19.39277717590332,109375.4084090909 +41,19.341659937133787,110721.8065875,19.13894625114672,116036.60068181818 +42,19.349597420654298,110545.0831475,19.405955123901368,109035.50979166667 +43,19.36190289855957,110195.4439425,19.281992427941525,112213.96859848485 +44,19.359926384277344,110259.708055,19.341717305038916,110709.34226325758 +45,19.387383688964842,109587.78404,19.39291551994555,109365.29971590909 +46,19.37004294128418,110011.54243,19.505950100060666,106527.26175189394 +47,19.418851939086913,108800.907595,19.37379065773704,109884.11795454545 +48,19.39397442138672,109426.539185,19.50020415797378,106652.72491477273 +49,19.445939381103514,108111.5964575,19.209049495350232,114137.16985795455 +50,19.431031111450196,108501.30835,19.31896258498683,111205.91540719697 +51,19.451681014404297,107976.6880125,19.392334696451822,109432.37670454546 +52,19.457962416381836,107862.478245,19.57507588704427,104867.48905303031 +53,19.466697322998048,107629.1593225,19.52991738984079,106047.00870265151 +54,19.477411908569337,107363.7700925,19.341823737404564,110701.05323863636 +55,19.4796281439209,107289.3316275,19.50165078827829,106692.43375 +56,19.492432381591797,106979.06994,19.510023766719932,106484.74304924242 +57,19.496810935668947,106889.25218,19.620397699529473,103866.22887310605 +58,19.497502763061522,106852.41288,19.57677957014604,104887.0103125 +59,19.49805717956543,106882.1113975,19.59167264764959,104490.62465909091 +60,19.529462723999025,106091.35422,19.52587167219682,106053.5484185606 +61,19.532423240356444,106026.02525,19.234492654511424,113485.40971590909 +62,19.52682311340332,106199.135025,19.51786860148112,106293.8206344697 +63,19.546757234497072,105710.5984475,19.451108324455493,107924.14839015152 +64,19.538327852172852,105915.7745825,19.63235842618075,103555.5465719697 +65,19.544787550048827,105733.0317875,19.617547845551464,103988.08744318182 +66,19.566717490234375,105207.3486925,19.372424679380476,109908.00585227273 +67,19.566257465820314,105218.8388325,19.61202359748609,104031.1743371212 +68,19.573345784301758,105068.307465,19.613677677963718,103998.30143939394 +69,19.562323928833006,105307.1976,19.653349778146456,103073.32887310606 +70,19.584619490966798,104776.32502,19.560457876956825,105344.45388257576 +71,19.613774528808595,104085.3579875,19.48558280020049,107149.06307765152 +72,19.612987518310547,104069.63283,19.58226700522683,104830.41766098485 +73,19.607303212890624,104235.8928525,19.64613182992646,103268.1981060606 +74,19.59129495605469,104621.90622,19.26632913762873,112715.54682765152 +75,19.604645942993162,104288.93833,19.662182337443035,102882.94006628788 +76,19.60856431274414,104236.2016625,19.70226498228131,101976.26639204545 +77,19.622696444091797,103890.7227675,19.612750530820904,104140.57910984849 +78,19.6191468560791,103980.1351875,19.561777091748787,105388.94071969697 +79,19.617292025146483,104014.709565,19.59908031348026,104384.21396780304 +80,19.62945009399414,103709.270895,19.54554308573405,105697.52033143939 +81,19.65057706604004,103232.64607,19.717916190407493,101559.5249810606 +82,19.639878532104493,103476.37491,19.672513150301846,102626.29363636364 +83,19.657115741577147,103067.9104175,19.786335782137783,99990.85326704546 +84,19.65587189880371,103117.01728,19.749551299124054,100889.2503219697 +85,19.646676451416017,103330.98562,19.563508929628313,105309.51069128788 +86,19.660862708129883,103018.6582025,19.688302163788766,102235.2596780303 +87,19.666096080322266,102873.7326675,19.562894994562324,105211.07047348486 +88,19.657696443481445,103055.03479,19.560728105487247,105311.87194128789 +89,19.668994739379883,102829.740025,19.705631880326706,101897.46521780304 +90,19.679222818603517,102573.0159275,19.62332148696437,103800.93353219697 +91,19.684768353881836,102464.7848075,19.766914677475437,100515.51388257576 +92,19.690397193603516,102309.0619925,19.751676113244258,100739.42337121212 +93,19.699733268432617,102066.932275,19.741962252530186,101035.59421401515 +94,19.707521863403322,101906.7743175,19.860551977446583,98329.83892045454 +95,19.68111553161621,102541.77273,19.712391755075167,101687.44443181818 +96,19.706773967285155,101954.9124975,19.67884708288944,102505.56572916667 +97,19.728770076293944,101443.5230425,19.628432173295455,103673.4259375 +98,19.70813238342285,101900.695345,19.703938547770182,101845.28334280303 +99,19.71695095275879,101707.57132,19.399030990600586,109315.0780965909 +100,19.70912359863281,101875.568565,19.730671097726532,101290.5618844697 +101,19.748873240356446,100944.7197025,19.774594259551076,100246.27106060606 +102,19.725290646972656,101485.587025,19.645844120834813,103275.69238636363 +103,19.754818771972655,100805.55553,19.752451895511513,100788.23252840909 +104,19.738981940307617,101209.40846,19.764351480657403,100493.1784280303 +105,19.73910646057129,101155.162405,19.65803853815252,102971.78667613637 +106,19.716292894287108,101721.0754,19.77195659753048,100476.37842803031 +107,19.740045748291017,101166.8580475,19.718397371696703,101595.90674242424 +108,19.731367748413085,101353.587355,19.851463817249645,98497.89978219697 +109,19.76407869628906,100633.1273725,19.76493381615841,100524.05267992424 +110,19.742907989501955,101111.7968,19.84320738590125,98721.19445075758 +111,19.76040771057129,100686.3399575,19.857421500466085,98407.60944128787 +112,19.731204413452147,101369.390945,19.663518327655215,102919.91639204546 +113,19.76355575744629,100599.1631025,19.247369394013376,113213.27744318183 +114,19.74484391479492,101049.72266,19.715063199129972,101760.20228219697 +115,19.761217631835937,100678.1212175,19.79984148198908,99728.60700757576 +116,19.77705905517578,100326.446585,19.632156094637786,103579.00556818182 +117,19.76949425354004,100487.9875325,19.77614945151589,100276.80900568182 +118,19.75185044128418,100889.278045,19.642335850108754,103279.92800189395 +119,19.781890022583006,100200.74807,19.63403569770582,103591.91033143939 +120,19.749711669921876,100961.0485125,19.716905464403556,101641.64602272728 +121,19.760739708862303,100684.80798,19.89227219321511,97665.87848484848 +122,19.772571338500978,100424.4312025,19.531506685199158,106150.50471590909 +123,19.760345570678712,100731.5252275,19.76462243976015,100541.24897727273 +124,19.80681987915039,99659.7709975,19.81001157356031,99495.25668560606 +125,19.788159260253906,100087.1598725,19.901366588708125,97420.1171780303 +126,19.810283364868162,99545.327915,19.699641850789387,101952.29778409092 +127,19.782908790893554,100171.2040225,19.846537806193034,98577.36771780303 +128,19.80772218017578,99626.365695,19.865624567667645,98186.34403409091 +129,19.836592694091795,98951.93701,19.862903287482983,98277.14145833334 +130,19.81096771911621,99540.832105,19.68336047085849,102426.62885416667 +131,19.806817854003906,99632.64881,19.704629592895508,101956.5596780303 +132,19.78212050415039,100194.2664325,19.814016721320876,99388.16738636364 +133,19.788789530639647,100072.83091,19.79287012273615,99855.6078125 +134,19.806955369873048,99634.4577775,19.835029148910984,98864.83668560606 +135,19.81450110168457,99480.6549775,19.647285713426996,103294.09046401516 +136,19.804186424560548,99700.80189,19.794238572554153,99927.1678125 +137,19.8207070904541,99301.4220975,19.79296192747174,99905.61316287878 +138,19.82580986694336,99241.836935,19.809290514859285,99502.65023674243 +139,19.826868488159178,99173.1504,19.782526596531724,100143.61173295455 +140,19.80203462097168,99745.9713675,19.83837489041415,98881.53888257575 +141,19.821535419921876,99339.7085925,19.89296646118164,97681.18608901516 +142,19.81681109069824,99434.5282675,19.767326643972687,100532.0809090909 +143,19.809985944213867,99594.86739,19.854255979133374,98436.40952651516 +144,19.836299708251953,98966.2147575,19.73058226845481,101309.70717803031 +145,19.82693912475586,99190.2647875,19.757859536373253,100737.7180965909 +146,19.81886090942383,99384.51166,19.84848191463586,98603.18258522727 +147,19.834950623779296,99010.56973,19.653287196303857,103159.96478219697 +148,19.831198665161132,99099.200135,19.8660100254868,98206.53409090909 +149,19.797751254272463,99897.706425,19.865198648626155,98282.90398674243 +150,19.833197365112305,99023.4919875,19.628509389703925,103813.32079545455 +151,19.84724156982422,98738.02597,19.79250203450521,99866.5824810606 +152,19.836566687011718,98991.59549,19.73222246574633,101261.8881060606 +153,19.828867496337892,99168.8275175,19.71386679909446,101723.16696022727 +154,19.847439997558595,98727.3022625,19.914935709635415,97218.21374053031 +155,19.847375716552733,98732.551155,19.91345654343114,97197.45960227272 +156,19.837363318481444,98954.16528,19.890881097966975,97629.8818560606 +157,19.838639637451173,98909.3047575,19.95728766932632,96205.74605113636 +158,19.83594846374512,98977.579125,19.895525743889085,97592.515625 +159,19.83746375732422,98936.079845,19.732573709198924,101313.44540719697 +160,19.81658919006348,99423.7768,19.68482236688787,102440.52013257575 +161,19.840230037231446,98873.8091425,19.73758595090924,101138.52672348484 +162,19.842065649414064,98849.7482575,19.930410898382014,96905.99700757576 +163,19.843532670288084,98854.698785,19.75459500399503,100755.17326704545 +164,19.85693647216797,98516.9363375,19.906473929665307,97309.06362689394 +165,19.876415932006836,98086.6733275,19.80819237680146,99483.03117424242 +166,19.870030589599608,98220.86699,19.927954043764057,96876.50208333334 +167,19.84110014831543,98867.079425,19.993682822025182,95406.32256628788 +168,19.857236430664063,98500.461235,19.957398549860173,96167.74764204545 +169,19.813664260864257,99522.5565925,19.787057742494525,100155.43919507576 +170,19.8510274810791,98662.383505,19.79340139909224,99871.91837121212 +171,19.840968838500977,98900.641505,19.935387187148585,96716.21464962121 +172,19.858109978027343,98472.734845,19.85160965197014,98655.27371212121 +173,19.868860701293944,98247.9776225,19.87829546148127,98051.00342803031 +174,19.849544346923828,98697.7149025,19.893423940485174,97618.83292613637 +175,19.858579725952147,98481.391385,19.710678336403586,101771.7549905303 +176,19.88277396362305,97942.2235475,19.78152614477909,100245.13930871213 +177,19.868174420166017,98274.00831,19.937222511985084,96616.8487689394 +178,19.864024415283204,98365.2542075,19.836024692419805,98916.66577651515 +179,19.843240645751955,98878.9390275,19.818141444813122,99459.42178030303 +180,19.854803123168946,98558.0988525,19.721845673069808,101539.84160984849 +181,19.861346563110352,98405.34526,19.776013699155865,100285.09024621212 +182,19.857370646362305,98497.9322025,19.91868997747248,97106.54647727273 +183,19.882615280151366,97942.662825,19.914900723081647,97134.1818465909 +184,19.845344765625,98775.59114,19.94310280308579,96555.81177083333 +185,19.890688164672852,97745.880025,19.837718718557646,98922.40701704545 +186,19.85727852416992,98512.5645875,19.835987352313417,98915.93011363636 +187,19.863310725708008,98378.7505725,19.83331767689098,98983.54498106061 +188,19.849372036743166,98689.859745,19.87854342142741,97999.30470643939 +189,19.874578156127928,98129.2802225,19.89342479127826,97658.25768939394 +190,19.869288848876952,98248.07831,19.76303697528261,100601.70997159091 +191,19.886827958984377,97858.74264,19.83842934117173,98865.30706439394 +192,19.89536657470703,97683.3146275,19.961553853352864,96150.27895833334 +193,19.872637178955078,98183.7154525,19.716487329656427,101703.07821969697 +194,19.870184071655274,98227.764115,19.757872679739286,100714.45894886364 +195,19.86455586730957,98357.6646175,19.653171777436228,103164.0471780303 +196,19.880979911499022,97973.46771,19.919104863947087,97052.51134469696 +197,19.887714168701173,97823.81591,19.84748276912805,98698.8649810606 +198,19.87216545288086,98198.43504,19.82349427656694,99237.61361742424 +199,19.884658502807618,97910.52567,19.86296892339533,98276.13122159091 +200,19.874313513183594,98157.6541325,19.944347155021898,96464.49474431819 +201,19.8980782232666,97594.701895,19.794647036465733,99912.02003787878 +202,19.90916400024414,97354.124455,19.76276314012932,100553.03673295454 +203,19.868497044067382,98250.80357,19.99083112080892,95470.20917613637 +204,19.88899508911133,97816.3788875,19.943969997059217,96552.64738636363 +205,19.872381666259766,98173.626925,19.876044683745413,98064.07915719697 +206,19.882948039550783,97977.52958,19.823883357192532,99230.93368371212 +207,19.868410041503907,98258.1652775,20.008580620505594,95085.46246212121 +208,19.895752402954102,97656.10099,19.98659417817087,95647.63640151515 +209,19.901828332519532,97529.39754,19.940308826330938,96536.51319128789 +210,19.89570649291992,97624.156085,19.456087503144236,107940.3909375 +211,19.88257257446289,97945.693995,19.92141976789995,97061.07976325757 +212,19.899494821777346,97581.3605325,19.915330257993755,97119.78678030302 +213,19.892113170776366,97747.6118925,19.749444610133317,100925.8337405303 +214,19.900336484375,97575.063965,19.687293479225854,102296.11275568182 +215,19.855597774658204,98553.563535,19.931555159597686,96790.84962121212 +216,19.908196462402344,97359.3376575,19.969234635324188,95999.17613636363 +217,19.89745523376465,97631.83215,19.76947873202237,100428.0297064394 +218,19.885503341674806,97921.552355,19.8578490933505,98500.92961174242 +219,19.898983175048826,97567.546385,20.050561269124348,94183.64227272727 +220,19.895953951416015,97658.1110425,19.955464923743044,96303.94396780303 +221,19.912320264282226,97274.6831875,19.944449155402907,96467.27363636364 +222,19.89021482421875,97773.632195,19.961321092085406,96099.03975378787 +223,19.8705920703125,98226.788775,19.89807213754365,97417.64836174242 +224,19.88616140197754,97880.760815,19.99787985599402,95367.43848484849 +225,19.874210177612305,98148.4933075,19.94206277327104,96591.72250946969 +226,19.8891063873291,97827.24267,19.949752747506807,96380.42545454546 +227,19.894889811401367,97695.8000925,19.967974495165276,96004.54358901516 +228,19.899603670043945,97600.475325,19.855842331395003,98462.50910037878 +229,19.901611553955078,97557.7381825,19.98576576464104,95571.88887310606 +230,19.90829033325195,97375.64593,19.737666466452858,101361.1343939394 +231,19.91221119018555,97283.6082275,19.967791514541165,95935.30104166667 +232,19.911506823120117,97292.1688675,19.92213018243963,97053.92248106061 +233,19.908083966674806,97354.72229,19.867739426583956,98213.85243371212 +234,19.91701141357422,97204.863375,19.950491913304184,96388.09535037879 +235,19.88466568359375,97944.5249975,19.757824348680902,100742.37409090908 +236,19.91817101501465,97160.303255,19.976078803322533,95817.10420454545 +237,19.919860357055665,97122.8232575,19.936959737141926,96729.69359848485 +238,19.908574063720703,97395.6443425,19.951670828154594,96416.95892045455 +239,19.910256968383788,97332.35592,20.037587407430014,94447.58948863637 +240,19.9029102935791,97476.60165,20.021327315821793,94814.89023674243 +241,19.89441133544922,97700.4204325,19.849036710334545,98735.8059469697 +242,19.911913474731445,97267.7362375,19.961176182140004,96143.86333333333 +243,19.906030837402344,97426.0424175,19.842324151703806,98771.88824810606 +244,19.901942540283205,97504.529875,19.933338012695312,96754.19523674242 +245,19.919406154785158,97128.600485,20.01112290353486,95042.29613636364 +246,19.916120685424804,97227.980705,19.96990915703051,96039.34003787879 +247,19.91458498840332,97225.6245,19.83027808449485,99058.77345643939 +248,19.904474500732423,97470.751905,19.735846435084486,101278.00233901515 +249,19.911794959716797,97312.4595075,19.891538807262073,97613.35861742424 +250,19.933351870727538,96797.9898475,19.908086975560042,97305.06010416667 +251,19.901561952514648,97527.703285,19.8909583606142,97654.07387310606 +252,19.907333068847656,97432.94004,19.77783247051817,100358.28055871213 +253,19.910122902832033,97363.0889625,19.956968862360174,96281.14853219697 +254,19.90253173522949,97512.712725,19.95728510307543,96189.76790719698 +255,19.92815354248047,96939.85933,20.01017625982111,95041.9965530303 +256,19.910617660522462,97351.75275,19.925421903205642,96935.99863636364 +257,19.900706552124024,97595.9545225,20.021912793246184,94912.58451704546 +258,19.891482432861327,97768.114825,20.00660178675796,95172.37729166666 +259,19.914921436157226,97277.9574725,19.868711950128727,98177.29369318181 +260,19.925625888671874,97009.575905,19.939269679676404,96675.09536931818 +261,19.919456153564454,97141.60802,20.003568290941644,95226.38135416666 +262,19.89657239135742,97660.027375,19.822576666167286,99286.4184659091 +263,19.91236570678711,97304.7019,19.83527768684156,98983.2069034091 +264,19.910995268554686,97353.0412325,19.902849158084752,97482.2694034091 +265,19.911424143676758,97361.1461475,19.78020988233162,100183.11847537878 +266,19.917446408691408,97213.86056,19.960850800022936,96136.34942234849 +267,19.905939231567384,97458.8229575,19.993606752337833,95419.9868655303 +268,19.940560822143556,96655.0285275,19.96181863495798,96104.89987689393 +269,19.910565477905273,97331.7923275,19.969682143240263,96039.45775568181 +270,19.92124026123047,97094.830845,19.856018877896396,98502.37061553031 +271,19.93863871459961,96711.2627425,19.950452439279267,96324.3262878788 +272,19.932926076049803,96836.1282325,20.04860354799213,94212.19097537879 +273,19.910297493896483,97347.558065,19.951423263549806,96365.27796401516 +274,19.93040338989258,96918.5913275,19.967783910577946,96130.31145833334 +275,19.94513549255371,96540.1635825,19.981201000791607,95778.36331439394 +276,19.923372487792967,97050.475315,19.94562418157404,96704.81077651515 +277,19.938157085571287,96715.07262,19.931804908983636,96784.80958333334 +278,19.911716311645506,97331.8645975,19.93759221163663,96672.9562405303 +279,19.943951141967773,96575.3585,19.970627147790157,95958.25284090909 +280,19.92475632019043,97048.06907,19.94220080751361,96555.654375 +281,19.945604810791014,96559.8316275,19.927963046449605,96926.71581439395 +282,19.927442963256837,96988.0222475,19.9976148593787,95368.88634469696 +283,19.940972066650392,96658.9174675,20.051217614376185,94173.06244318181 +284,19.945971332397463,96557.47878,19.916628237637607,97096.2091003788 +285,19.933599554443358,96815.8452,19.985302891586766,95657.59434659091 +286,19.914286657714843,97240.178125,19.985061458240857,95620.82816287878 +287,19.91294612487793,97294.24634,19.81745543046431,99329.26321969696 +288,19.94313185974121,96607.7296675,19.988399505615234,95594.58941287879 +289,19.910122393188477,97365.930145,20.00916652101459,95086.61601325758 +290,19.917454306640625,97203.2290925,19.995519328261867,95369.18984848485 +291,19.941784415893554,96622.765755,19.938404312133787,96674.05757575757 +292,19.94756927001953,96517.01419,20.00882839087284,95117.17946022727 +293,19.926819124145506,96968.2859825,19.936549830581203,96691.70492424243 +294,19.93972249633789,96685.3540825,19.92429061427261,96942.0784564394 +295,19.955917494506835,96335.1089675,19.916765955144708,97059.72675189393 +296,19.938857177734373,96710.92552,19.990677980365174,95536.41368371212 +297,19.906703368530273,97432.8036625,19.951710947210138,96295.28474431818 +298,19.94511376831055,96574.020935,19.88417634674997,97921.95681818182 +299,19.928976684570312,96942.8225025,19.871069809884737,98136.19709280304 +300,19.94056069152832,96680.0266475,19.95291920748624,96315.91799242425 +301,19.929832889404295,96925.0574775,19.803123534231474,99674.09149621212 +302,19.934184371337892,96808.549545,19.987613802823155,95556.04314393939 +303,19.925665561523438,97005.672635,19.990755011818624,95536.31131628787 +304,19.936326505737306,96777.1682725,19.97257548014323,95953.32303977273 +305,19.92270690673828,97071.7911275,19.897462701508495,97498.57046401515 +306,19.94463590332031,96604.351725,20.0613234872529,94002.88509469698 +307,19.936660345458986,96756.3000175,19.974738480539035,95859.20275568182 +308,19.924036851196288,97033.8819825,20.021534645774146,94844.9984280303 +309,19.956838872070314,96312.1048975,19.916929270426433,97131.2540719697 +310,19.931299022827147,96855.7770975,20.02386254050515,94787.02910984849 +311,19.923196184692383,97073.3112425,19.847526938698508,98645.77148674242 +312,19.96130472167969,96217.4692875,20.023101795080937,94817.16308712121 +313,19.932549838256836,96860.969425,19.98370743491433,95652.04817234848 +314,19.93870637939453,96737.466215,20.00500339161266,95192.70729166667 +315,19.922932435913086,97075.160855,20.005838276256213,95187.27095643939 +316,19.943437872314455,96611.8829275,19.91071270566998,97288.770625 +317,19.934599170532227,96818.453845,20.059308883204604,94009.6534375 +318,19.943625588989256,96607.865015,19.972622911857837,95918.35818181818 +319,19.942729563598633,96649.55957,19.980978754216974,95718.51017045455 +320,19.939797314453124,96681.124325,19.934609860506924,96733.12648674242 +321,19.941951577148437,96667.7144825,19.879925476998995,98027.1640719697 +322,19.948909638061522,96490.3233175,20.009126383463542,95135.78392992425 +323,19.955312229003905,96333.87837,19.940697231870708,96679.369375 +324,19.92638099609375,96988.4677725,19.87508882927172,98125.0156534091 +325,19.94313142211914,96568.9734075,19.815497478138315,99531.59448863636 +326,19.93561304748535,96763.027305,20.01214032722242,94999.79846590909 +327,19.948533701782228,96511.29235,19.96547644181685,96059.57354166667 +328,19.93731645690918,96760.5902,20.023285873875473,94824.88524621211 +329,19.957612416381835,96302.1480525,19.986041241270122,95571.69642045455 +330,19.932563139038084,96879.099065,19.81549703424627,99381.77453598485 +331,19.942512521362303,96632.9782725,19.996816309148613,95346.1927840909 +332,19.96013727294922,96245.2447875,20.017834495775627,94977.29671401514 +333,19.955157142333984,96316.5880675,20.084546272971412,93482.43339962121 +334,19.94592076538086,96546.3362925,20.002240339336975,95244.6828030303 +335,19.95530917602539,96344.0581025,19.879123925873728,98049.99043560606 +336,19.924787001342775,97012.903185,19.833550801132663,99008.05584280303 +337,19.945932604370118,96583.139735,20.085308807835435,93486.10389204546 +338,19.94727795715332,96515.50972,19.907296232743697,97357.2256060606 +339,19.96864938354492,96046.28405,19.845693077318597,98643.85316287879 +340,19.945547861328127,96533.05817,19.859394105853458,98500.28553030304 +341,19.932628428344728,96856.211865,20.01253791809082,94976.83143939394 +342,19.958630534667968,96300.098025,19.97557817170114,95810.99786931818 +343,19.942655526123048,96616.50881,19.962521838563863,96115.33052083333 +344,19.953119897460937,96389.3565625,19.841476338704428,98819.44291666667 +345,19.96272026611328,96201.652315,19.93151580348159,96847.90888257576 +346,19.963159029541014,96159.5553125,19.985441233317058,95563.69900568182 +347,19.946698645629883,96528.3200575,20.06468770345052,93861.69160984848 +348,19.923688926391602,97056.179365,20.05168227224639,94131.37142045454 +349,19.94500825378418,96583.4928075,19.910123240152995,97341.30134469697 +350,19.961075768432618,96208.9943925,20.005407381924716,95172.76090909091 +351,19.97568266784668,95921.7943875,19.849034631902523,98781.77928030303 +352,19.95023092102051,96481.7247825,19.914939702351887,97309.32882575758 +353,19.969767533569335,96037.1206275,19.852647381406843,98620.87055871212 +354,19.9776682611084,95847.6802,20.089562063506154,93344.90036931819 +355,19.943456860351564,96589.4603875,19.915374561656606,97136.03756628788 +356,19.939579368286132,96713.57778,19.98029324618253,95723.15335227273 +357,19.92852451904297,96938.96718,19.970609163226502,95859.05808712122 +358,19.96216085510254,96223.5102,19.861373584631718,98377.57491477273 +359,19.94222178161621,96626.3467525,19.955938283746892,96304.97896780304 +360,19.9286380847168,96945.0742875,19.836277634591767,98933.76553977272 +361,19.958698263549806,96269.14314,19.841562708074395,98985.4281439394 +362,19.93943247314453,96710.08455,19.89866632634943,97501.43505681818 +363,19.97350846740723,95943.7308225,19.888801886818626,97793.89319128788 +364,19.929179581909178,96944.84157,20.033772102124765,94561.55332386364 +365,19.92725392578125,96964.0095875,20.00407468622381,95252.9852935606 +366,19.94502199951172,96590.0391725,19.92570687496301,96973.54896780303 +367,19.97240810119629,95961.880805,20.015600548946495,94994.98457386364 +368,19.951188359985352,96453.1296425,20.049523074988162,94176.96237689393 +369,19.95861631652832,96292.193055,19.799365410082267,99735.84978219696 +370,19.95275673461914,96410.7995125,19.919370889374704,97072.80756628788 +371,19.945627318115235,96541.9821,19.97658698573257,95859.65482007575 +372,19.953150073852537,96413.7773025,20.04415581443093,94276.93117424242 +373,19.938355524902345,96717.1297425,19.915492942116476,97182.63233901515 +374,19.97637377746582,95871.423,19.9744234605269,95987.93273674243 +375,19.96508724243164,96118.8861125,19.944049102320815,96528.66285984848 +376,19.945679655151366,96549.8340025,20.065689757376006,93864.91698863637 +377,19.975440610351562,95906.4200075,20.049024595780807,94158.92563446969 +378,19.98291195800781,95725.4035775,19.877833233457622,98132.49223484848 +379,19.920215541381836,97158.065535,20.048399094090318,94220.06544507576 +380,19.95803151916504,96289.626115,19.887795881791547,97831.33664772728 +381,19.94891432373047,96540.4254625,19.892574608542702,97737.12879734849 +382,19.93553406616211,96799.5220525,19.988731046734433,95492.08887310605 +383,19.97086865234375,96019.64974,19.922374306881068,96961.24886363637 +384,19.97185065307617,95983.45453,19.839844080607097,98916.90043560606 +385,19.93056303894043,96918.77296,19.934445590394915,96714.19387310607 +386,19.959508286132813,96275.1875525,20.12071731567383,92650.40524621212 +387,19.96095357849121,96218.138575,19.982447530573065,95660.29758522728 +388,19.97274962524414,95962.04167,20.04025746201024,94451.43214015152 +389,19.94130871032715,96666.4542925,19.913813765554718,97190.62205492424 +390,19.9539608795166,96372.230285,19.900790201822918,97545.15446022728 +391,19.966973123168945,96079.3716325,20.038276515151516,94603.31082386363 +392,19.93513763671875,96825.28563,19.918549053307736,97143.79557765152 +393,19.954772246704103,96344.85928,19.916723068699692,97188.10006628788 +394,19.966925116577148,96098.0252425,20.02207587733413,94837.1412784091 +395,19.96803389831543,96077.6221825,19.84188395875873,98825.42892045455 +396,19.94442211730957,96603.00427,20.060465947931462,93961.45897727273 +397,19.969508420410158,96041.892535,20.079952290852866,93594.54142992424 +398,19.95444254760742,96370.234325,19.88887020226681,97799.03895833333 +399,19.955211480102538,96318.8793475,19.944579245827416,96542.37766098484 +400,19.97292317565918,95984.1201625,20.00040192343972,95300.40339962121 +401,19.962082840576173,96183.4582725,19.96289257627545,96120.11826704546 +402,19.968690825195313,96048.175915,20.01439150723544,94993.65981060606 +403,19.92904860046387,96922.1792925,20.014395169344816,95032.63011363636 +404,19.97495973876953,95941.6755325,19.705888567837803,101944.34076704546 +405,19.962397540893555,96217.7580625,20.052409651785187,94155.71460227272 +406,19.953229744873045,96417.2933,19.97445900888154,95960.47877840909 +407,19.968061727294923,96060.87169,19.921929390647193,97099.97434659091 +408,19.964775018310547,96152.1097275,20.035093860048235,94609.30886363637 +409,19.963475275878906,96174.06503,20.082281995831114,93547.20989583334 +410,19.946280103149412,96538.3324725,19.836361164902197,98997.24888257576 +411,19.97083442565918,96005.0666425,20.10529401143392,92981.45655303031 +412,19.979019837646483,95822.8113875,19.974040337764855,95776.76942234849 +413,19.959694678955078,96272.4581575,20.021182546904594,94821.92394886364 +414,19.951798647460937,96413.8943575,20.047305478182707,94318.92514204545 +415,19.970615645141603,96010.052305,19.975025912198152,95911.09211174243 +416,19.950968981323243,96457.00565,20.01698065555457,94936.88133522727 +417,19.96600738708496,96109.9025875,20.009556642012164,95061.19840909091 +418,19.978281038208006,95829.81946,19.752781617135714,100843.60901515151 +419,19.958771442871093,96277.0890875,19.573470428929184,105184.18353219697 +420,19.96865393859863,96088.1411025,19.836651615952,99012.86789772728 +421,19.988042473754884,95624.60486,19.966849896980055,95974.43308712122 +422,19.947513529052735,96531.4757425,19.945936438820578,96524.11747159091 +423,19.971400053100584,96014.4063225,20.079238274314186,93590.53276515151 +424,19.97118932006836,96003.0858475,19.945849667173444,96604.0171780303 +425,19.971626419677733,95993.0650175,19.82786110386704,99239.8128314394 +426,19.972142221069337,95994.010235,19.92796174251672,96818.69691287879 +427,19.972947295532226,95952.9227625,19.84530938350793,98752.74707386363 +428,19.955581021118164,96375.1302075,19.974680300625888,95891.8952935606 +429,19.96273993713379,96203.328765,19.929977893251362,96824.17202651515 +430,19.951059244384766,96461.2146325,19.997565635912345,95444.5565719697 +431,19.96826572265625,96053.3683625,19.99046941352613,95509.94250946969 +432,19.959905885009764,96259.918025,20.076863158254913,93616.19416666667 +433,19.96917843383789,96034.24204,19.87313003540039,98056.55279356061 +434,19.962482036132812,96219.358025,19.922677859682025,96981.93 +435,19.980266908569337,95833.000295,19.891705692175663,97916.79040719697 +436,19.98536746459961,95711.0184225,19.997211252848306,95308.50161931818 +437,19.969071735839844,96052.0446975,19.890992554173327,97722.06888257575 +438,19.961730115966798,96214.579455,19.87394751115279,98034.0272064394 +439,19.979466755371092,95787.9222275,19.7758360452363,100380.03658143939 +440,19.965054183349608,96136.60431,19.91648592862216,97174.82425189394 +441,19.957335931396486,96299.1446275,19.984311897971413,95757.23780303031 +442,19.96828862060547,96100.2563925,20.03371451175574,94608.90150568182 +443,19.974122494506837,95942.716185,19.965232287320223,96043.62358901516 +444,19.973034111328126,95985.6364275,19.978643225467565,95788.86978219697 +445,19.962618247680663,96187.9283325,19.975242977720317,95850.43944128788 +446,19.971661946411132,96027.097715,19.889788136337742,97861.83857954545 +447,19.958670588989257,96269.928635,19.686584770896218,102405.2815530303 +448,19.958203314208983,96315.76941,19.98270402619333,95642.45589015151 +449,19.98028246398926,95776.5570025,19.955229281801167,96257.34110795455 +450,19.951733178100586,96422.805915,20.116286923957592,92843.48603219698 +451,19.97597293334961,95886.23338,20.087165155121774,93499.5934280303 +452,19.98041089416504,95798.4326025,19.96798652417732,96017.2590719697 +453,19.956766353149415,96316.543795,20.068624482588334,93857.84802083333 +454,19.95700600402832,96324.268085,19.778772213097774,100302.39571969697 +455,19.988944671630858,95587.1856425,20.043393358172793,94375.93436553031 +456,19.967510157470702,96096.1855575,20.090036942453096,93406.82427083333 +457,19.98462450683594,95725.147435,19.921968605735085,96987.48274621212 +458,19.99361919433594,95520.7914325,20.029794690681225,94641.8665340909 +459,19.968921768188476,96068.2644825,19.923922787290632,97040.89764204546 +460,19.959048770141603,96288.1516325,19.940622688062263,96667.98055871212 +461,19.97699891723633,95889.1449175,19.84508117906975,98748.20509469697 +462,19.98529544250488,95696.5184325,19.955043182373046,96345.07674242424 +463,19.981757572631835,95760.6130575,19.96849594809792,96026.77140151516 +464,19.981741173706055,95783.11746,19.929170714869645,96876.51416666666 +465,19.97696373840332,95860.7101425,20.06512487931685,93857.41730113636 +466,19.975845905151367,95901.031435,20.0123340884122,95057.36452651516 +467,19.9765784954834,95880.83052,20.02476814732407,94743.06323863636 +468,19.98439182067871,95686.9432225,19.957307142777875,96169.16779356061 +469,19.987421962280273,95640.3611825,19.953411844426935,96363.3212594697 +470,19.976086455688478,95894.011185,19.90319239992084,97477.03875 +471,19.96195413635254,96209.04965,20.00600170019901,95109.3624905303 +472,19.97761906738281,95868.580105,20.037427120786724,94527.41101325757 +473,19.96420248046875,96183.060055,19.992798052701083,95438.13012310606 +474,19.97369981994629,95950.4907025,19.914568620161578,97174.98167613636 +475,19.971604928588867,95980.04336,19.997060348048354,95442.21257575757 +476,19.96503467224121,96152.0184325,19.975342060435903,95805.50330492425 +477,19.98305677368164,95746.4020825,19.94036714033647,96613.44385416666 +478,19.9721865826416,95973.4960275,20.122390159838126,92607.59324810606 +479,19.94339062927246,96625.114735,19.970263667251125,95948.41296401515 +480,19.993308251342775,95513.3793775,20.00514870152329,95121.81603219696 +481,19.961863694458007,96196.86916,19.94583306977243,96508.07928030303 +482,19.95647072998047,96317.54897,20.046113572554155,94330.87734848485 +483,20.00307996520996,95300.58813,19.939227368903882,96595.6853314394 +484,19.959106405029296,96264.591525,19.861907598322087,98385.77357007576 +485,19.980770908813476,95799.1040025,20.00001212611343,95336.46788825758 +486,19.96445187866211,96175.855475,20.043923295916933,94339.9078314394 +487,19.97125347717285,96002.218555,20.04467887878418,94295.8350189394 +488,19.97671459777832,95908.047395,20.12061812429717,92686.1181060606 +489,19.999885358276366,95385.5065025,20.06691064083215,93826.34197916667 +490,19.98183208496094,95772.06753,19.910329411824545,97229.02854166667 +491,19.967079295043945,96107.3751125,20.00983075459798,95090.01297348485 +492,19.9817965032959,95762.3460975,19.995799123590643,95424.18011363636 +493,19.97089694274902,96009.3354675,20.007885198882132,95099.51511363636 +494,19.970532749023437,96040.4465275,20.01988596829501,94926.3362405303 +495,19.988791118164063,95630.8533,19.89844745982777,97522.93024621213 +496,19.970859028320312,96012.0771425,20.05674174453273,94052.46460227272 +497,19.976932333984376,95873.4577525,20.036142931851472,94492.69200757575 +498,19.985874075317383,95706.1272775,19.926346712979402,96920.4434469697 +499,19.968866030883788,96073.4279875,19.85020322857481,98684.94628787879 +500,19.982953837890626,95753.57052,19.970845822420987,95991.58949810606 +501,19.975519091186523,95927.5770525,19.962516447125058,96133.82175189393 +502,20.003391677856445,95299.59169,20.007057502053,95192.92125 +503,19.963309055786134,96183.4961725,20.088693269671815,93375.54053977273 +504,19.976018939208984,95899.4723375,20.10359827446215,93005.65311553031 +505,19.974330115356445,95949.528035,20.069287359064276,93892.77242424243 +506,19.983256361694337,95759.7356375,20.00221963593454,95302.43356060606 +507,19.972772472534178,95969.3871025,19.87508154666785,98147.39083333334 +508,19.983973876342773,95740.44913,20.0802470814098,93609.03201704545 +509,19.986155839233398,95662.8052,19.97150861566717,95859.43909090909 +510,19.971799901733398,96031.641525,19.95504461115057,96454.47605113636 +511,19.957269609375,96302.6168975,20.01926821159594,94827.9347159091 +512,20.005851367797852,95223.967685,19.90971356940992,97303.40358901516 +513,19.96510757385254,96135.3606475,19.981753470680932,95658.16591856061 +514,19.991261171875,95547.7348525,19.982614870938388,95747.58496212121 +515,19.972039200439454,95970.6706775,19.893181702584933,97762.2490435606 +516,19.986102830810548,95709.5862325,20.00146332018303,95231.49822916667 +517,19.977709884643556,95864.8495425,19.945879525849314,96437.52759469696 +518,19.96924393737793,96068.025905,20.02677994930383,94787.94125 +519,19.997257868652344,95446.94014,19.9921175661954,95467.91964962121 +520,19.95584828857422,96355.7632875,20.08183400703199,93515.65301136364 +521,19.974550979614257,95935.046275,20.05225885333437,94183.49544507575 +522,19.97728241027832,95865.3926275,19.985893702651516,95574.30540719697 +523,19.97757966064453,95881.6056,19.91094297466856,97346.84149621212 +524,19.965735371704103,96138.1978675,20.02752731554436,94641.82411931817 +525,19.991501600952148,95553.81387,20.033077637643526,94582.44165719696 +526,19.96350981994629,96181.0927175,19.954745256828538,96382.64860795454 +527,20.00285265258789,95313.79961,20.058409763682974,94021.14904356061 +528,19.958379487304686,96304.1794975,19.895588612411963,97626.82745265152 +529,19.973314513549806,95978.829715,20.029858014655836,94665.37922348485 +530,19.983645330200197,95736.0441,19.952038386951795,96316.00433712121 +531,19.98057115539551,95804.73607,20.095816837657583,93235.08793560606 +532,19.99003941894531,95594.884645,20.045400261156487,94410.05901515152 +533,19.973308756713866,95961.372855,19.987121757738517,95572.64839015152 +534,19.970532102050782,96035.4902375,20.039492180564185,94383.11194128788 +535,19.98758062011719,95678.6659275,19.875609415227718,98025.40479166666 +536,19.956147719726562,96348.24306,19.934257125854494,96783.85232954545 +537,20.00616336791992,95230.3257,20.020773123538856,94907.01224431818 +538,19.983593242797852,95759.9676725,20.00819768038663,95109.00550189395 +539,20.01078289001465,95117.5153875,20.027504836573744,94725.80179924243 +540,19.990380923461913,95562.8518725,19.930944745612866,96759.57448863637 +541,19.982348376464845,95740.2526375,19.945076298569187,96636.94913825758 +542,19.9877344921875,95663.3220375,20.06193000562263,93988.13257575757 +543,19.973903756713867,95961.3162,19.925848541259764,96863.36608901515 +544,19.998565794677734,95436.1433625,20.081084099971886,93598.92917613636 +545,19.99341784301758,95515.092525,19.90752566019694,97360.67819128788 +546,19.988667623901367,95610.469535,20.065597363096295,93860.22887310605 +547,19.990699028930663,95584.5255425,19.944828486587063,96576.7837121212 +548,19.991640213623047,95569.44045,19.861273318204013,98446.7134659091 +549,19.98895190612793,95637.4626025,19.802047033598928,99696.50176136363 +550,19.987384166870118,95672.021365,19.907729580041135,97267.77971590908 +551,19.977870346069334,95874.9619025,19.85315061858206,98594.03043560607 +552,20.006387314453125,95214.7292825,20.025830265391956,94757.84047348484 +553,19.987131151733397,95664.561485,20.06655122236772,93847.3378409091 +554,19.980578956298828,95794.5963375,19.93579072894472,96682.31665719696 +555,19.99957150512695,95368.7047925,20.036229042284415,94466.89379734849 +556,19.97745624633789,95879.73424,20.026760841138437,94788.82232954545 +557,19.995609006347657,95481.3669275,19.990269590435606,95510.91633522727 +558,19.994636536865233,95473.9602625,20.023706579497365,94822.55109848485 +559,19.981037033081055,95782.4816925,19.91009953354344,97324.05936553031 +560,19.982810350341797,95754.6255475,20.030056240197386,94680.48644886364 +561,20.002528090820313,95338.2228775,19.980478166522403,95730.52354166667 +562,19.97025837463379,96000.10222,20.012395585955996,95023.05315340908 +563,20.001683162231444,95340.8048,20.035666527025626,94556.24865530303 +564,19.971327869873047,95990.01794,20.00028227372603,95364.38552083333 +565,20.00384917114258,95313.34133,20.100385695948745,93141.60492424242 +566,20.001732615966798,95331.324325,20.075613678440902,93728.50327651516 +567,20.003380244750975,95296.3907325,19.98567769137296,95612.72520833333 +568,19.964286743774416,96155.130695,19.77883209922097,100230.56724431818 +569,19.991344146118163,95551.1816175,19.667900725855972,102850.07448863637 +570,19.965602794189454,96158.049925,19.80220395637281,99795.91629734848 +571,19.980579868774413,95803.451645,19.86878885673754,98165.58356060606 +572,19.98874528869629,95615.04524,20.001122387972746,95394.60913825757 +573,20.005767654418946,95224.4343425,20.035872881340257,94557.52710227272 +574,19.982622232666017,95773.693525,19.718463248050575,101618.91928030303 +575,19.985986784057616,95685.2929225,20.027229949488785,94764.66613636364 +576,19.993790603637695,95514.940375,20.003588349313446,95266.29325757576 +577,20.004172723999023,95285.897395,19.92449686686198,97021.7944128788 +578,19.969335576171876,96070.7442725,19.995458214499735,95399.44510416666 +579,19.984115032958986,95734.1889575,20.046114451090496,94274.50316287878 +580,20.004295535888673,95270.0183,20.004961760549833,95184.76616477272 +581,19.991175866088867,95577.136205,20.09343484358354,93293.4365435606 +582,19.98964688720703,95611.6137525,19.91552975510106,97226.84740530304 +583,19.99095231750488,95590.915145,19.87506904139663,98100.11928030303 +584,19.99712237548828,95450.6797725,20.033924807924212,94621.84355113636 +585,19.996281110229493,95465.12462,20.01932681690563,94879.64785984848 +586,19.983271292114257,95738.1947425,19.924107705318566,97053.91490530303 +587,19.970620485839845,96022.15434,20.014391534978692,94975.49209280303 +588,19.9535728515625,96434.7081275,20.073728831898084,93746.1587121212 +589,20.003214051513673,95268.51418,20.06826449769916,93835.49371212121 +590,20.007028068847656,95209.2018675,20.047334155458394,94267.6840530303 +591,19.999289227294923,95385.1435,20.055169360998907,94003.65111742425 +592,19.991314114379882,95565.174875,20.06151594913367,94024.47989583333 +593,19.96410479248047,96158.3891325,19.92115040403424,97052.98453598486 +594,19.998667891235353,95382.132595,19.834409621267607,99017.7690625 +595,19.960524027709962,96233.429145,20.009207335963392,95109.53474431818 +596,20.00733706237793,95199.290895,20.0095341907848,95136.9300094697 +597,19.992816936035155,95543.0803575,20.026273061578923,94663.08768939394 +598,20.014323150024413,95044.79194,20.07746230616714,93657.29822916667 +599,19.981187947387696,95793.79958,19.95288111368815,96329.91323863636 +600,20.0007449798584,95362.4926375,19.97273786833792,95923.4174810606 +601,19.985539863891603,95691.117345,20.015439050847835,94972.75862689393 +602,19.996503272094728,95443.6577725,20.00097221143318,95318.10849431818 +603,19.999696275024416,95375.9711275,20.01351113984079,95019.91427083334 +604,19.975764088134767,95924.0680575,19.91364851518111,97217.14911931819 +605,20.00330618286133,95314.51714,19.952660841508344,96347.63917613636 +606,19.985103344726564,95733.1359875,19.97879549893466,95811.26708333334 +607,20.00985724243164,95159.9139325,20.0940888560902,93280.25514204545 +608,19.99332073852539,95491.5611675,20.055747320001775,94111.43358901516 +609,19.998556303100585,95409.45964,20.01208399223559,95060.12121212122 +610,19.997804920654296,95445.8281625,20.044946168841737,94352.65017045455 +611,20.017290017089845,95020.91785,19.985340104536576,95565.07331439394 +612,19.971063368530274,96017.57234,19.832447734023585,99055.78496212121 +613,19.997913013305663,95419.288715,20.049678906527433,94188.5012405303 +614,20.00504513977051,95293.0372925,19.951668969356653,96456.97546401515 +615,19.998907567138673,95394.9706175,20.075808630278615,93632.69055871211 +616,19.986667420043947,95684.2839425,20.024756865067914,94802.36541666667 +617,20.003269520874024,95316.83279,20.011605009599165,95059.41986742424 +618,20.011260791625975,95138.9600225,19.90697608022979,97378.90015151515 +619,19.99163209838867,95540.2705825,19.97643114494555,95807.77417613636 +620,19.986238552856445,95681.0101,19.81320158293753,99611.03234848485 +621,20.027220531616212,94762.025165,19.99076209790779,95509.02870265151 +622,19.971469973754882,96016.7827,20.061111015551017,93931.94849431819 +623,20.000764970703123,95372.8825275,19.881260741262725,97958.4437310606 +624,19.999463075561522,95395.3782125,20.03051368713379,94593.27947916667 +625,19.990413934936523,95589.402475,20.08928240920558,93321.88884469696 +626,20.025145048828126,94837.4953325,20.0156466143059,95090.06708333333 +627,20.01059051147461,95162.4605325,19.976680448127514,95793.91648674243 +628,19.991201824951172,95561.5299,19.96217274983724,96131.27099431818 +629,20.007589738769532,95185.121815,20.048441911177203,94176.59790719696 +630,20.003346001586912,95313.8868375,20.04738201488148,94259.82606060606 +631,19.98517496398926,95704.785595,19.916944210168086,97089.74660984849 +632,20.014791758422852,95045.805865,19.88939699346369,97741.30727272727 +633,19.98421608093262,95690.0375925,19.987521496397076,95582.43203598485 +634,19.985658522338866,95701.5982325,20.03159097151323,94593.35926136364 +635,20.000363587646483,95376.08638,20.046144362940932,94320.90223484849 +636,20.006190682373045,95225.79441,19.692272625547467,102263.53957386364 +637,20.011894263916016,95109.0305975,19.914257678407612,97210.83920454545 +638,19.985290591430665,95722.24846,20.001987919662938,95266.66227272728 +639,19.992467639160157,95548.90716,19.90995666966294,97353.60660037879 +640,20.157236802368164,92011.2564875,20.149287241155452,92136.03480113637 +641,20.20416082824707,91027.900665,20.190430277044122,91281.52206439394 +642,20.20370330444336,91030.9249225,20.188470276341295,91258.1793655303 +643,20.211513071899414,90893.4309725,20.158730140454843,91918.79007575757 +644,20.210969522094725,90867.196385,20.200889666008226,90971.43958333334 +645,20.22633139831543,90565.0459,20.226352652347448,90491.71239583334 +646,20.20233201477051,91043.692145,20.154672763708867,92016.67972537878 +647,20.220917157592773,90628.6346025,20.224349633419152,90535.75736742424 +648,20.212633158569336,90813.72043,20.238388438369288,90269.30502840909 +649,20.222113087158203,90606.0264875,20.23163920315829,90384.81305871213 +650,20.229241118774414,90458.4476575,20.222541816017845,90495.8572064394 +651,20.22017672241211,90643.1316625,20.225202731508197,90453.72734848486 +652,20.213824595336913,90769.01206,20.2121656221332,90698.72339962122 +653,20.221981237792967,90600.7623775,20.210810574618254,90715.33351325757 +654,20.238859221191408,90233.5751,20.191641413370768,91310.1031060606 +655,20.230484774169923,90428.4144175,20.22283384149725,90589.83703598485 +656,20.236662731933595,90314.2618825,20.198966055205375,91052.45015151515 +657,20.228356649780274,90477.915725,20.248334873083866,89974.36756628788 +658,20.231795150146485,90374.2767025,20.231778469663677,90373.69760416666 +659,20.230245049438476,90422.5227175,20.283481556285512,89300.89652462122 +660,20.22793351135254,90461.477445,20.203367339625505,90982.6212594697 +661,20.236257145385743,90261.0713675,20.185014135187323,91349.19555871212 +662,20.245178173217774,90098.5074275,20.292669890432645,89168.27176136363 +663,20.239242224731445,90227.59906,20.2134053848729,90760.45022727273 +664,20.237216630859375,90255.180925,20.2068151994185,90796.88964015151 +665,20.243727758789063,90103.220795,20.244719550392844,90044.94013257576 +666,20.2318577142334,90364.288195,20.251093687577683,89933.81835227273 +667,20.223798107299803,90533.0075575,20.25254729762222,89930.41547348484 +668,20.245385032958986,90100.4193175,20.272072414051404,89483.74270833333 +669,20.229228505249022,90436.42902,20.200834688128847,90947.92730113637 +670,20.242934630126953,90123.073075,20.221798874826142,90558.44764204546 +671,20.22695241333008,90463.5726375,20.240181119514233,90167.6003125 +672,20.24320362060547,90112.2291225,20.208012050281873,90809.80586174242 +673,20.24845813232422,90007.4252575,20.240415656349874,90144.38071969697 +674,20.23489491027832,90288.6998475,20.28882639798251,89110.9371969697 +675,20.236574984130858,90277.1166375,20.240946412519975,90079.51136363637 +676,20.231484756469726,90379.920245,20.225672052556817,90391.89165719697 +677,20.25270161621094,89933.79506,20.21441169276382,90779.48355113636 +678,20.228353618164064,90451.4599575,20.186012291185783,91329.6402935606 +679,20.234146936035156,90306.2229525,20.26891527811686,89515.77320075757 +680,20.238187834472658,90222.2968425,20.177440953110203,91564.6465719697 +681,20.243332473754883,90097.28344,20.18804973486698,91179.41287878787 +682,20.237733082885743,90214.0006325,20.25196187106046,89965.29993371211 +683,20.25774183654785,89821.5326225,20.237029393513996,90116.77635416666 +684,20.252301755371093,89905.78666,20.196385935003107,91034.85735795455 +685,20.244582247924804,90102.26496,20.27430938720703,89485.81053030303 +686,20.238516701049804,90221.515315,20.264978226170395,89627.15828598484 +687,20.243412650756834,90108.4832175,20.265083877101087,89653.96986742424 +688,20.242676579589844,90128.1259175,20.237945281520034,90138.33607954545 +689,20.244155454101563,90087.4616325,20.170313272187204,91603.96200757576 +690,20.254020310668945,89891.4153225,20.15149221015699,91944.961875 +691,20.24293934814453,90093.2445425,20.223073457660096,90485.23410037879 +692,20.242228098754882,90120.909145,20.23569916233872,90267.95479166666 +693,20.24834521118164,89996.99519,20.199419911702474,90958.62254734848 +694,20.25232093383789,89910.1561575,20.303178868149267,88775.71367424242 +695,20.238080556030273,90217.870255,20.184260480476148,91225.58984848484 +696,20.239499758911133,90171.5094175,20.248268691554212,89942.78952651515 +697,20.237657966918945,90232.5395875,20.25426579099713,89798.49223484848 +698,20.242410322265624,90126.575285,20.21188693191066,90899.90952651516 +699,20.2426963873291,90117.051505,20.207033441716973,90860.39535037879 +700,20.2530154095459,89882.90126,20.193320851181493,91100.71796401514 +701,20.25259919128418,89901.4935325,20.207403800270775,90792.6628030303 +702,20.252560833740233,89898.08339,20.19847014918472,91004.74578598485 +703,20.24121531616211,90158.0494525,20.23639991760254,90220.79074810605 +704,20.240730993652345,90133.9409325,20.282280400594075,89219.77257575758 +705,20.236767059936522,90250.5455325,20.233708743471087,90256.95232954546 +706,20.24219699157715,90110.9339975,20.229639446374144,90399.36380681818 +707,20.234215634155273,90318.618935,20.258353074969666,89744.04362689394 +708,20.236156934814453,90249.572855,20.28985027891217,89126.75198863636 +709,20.23842506286621,90211.00377,20.21363560300885,90672.05916666667 +710,20.252500880126952,89896.78414,20.199250578446822,91033.34628787878 +711,20.248097399291993,89980.2251575,20.253034610170307,89848.86470643939 +712,20.252862901611326,89916.769615,20.258732433897077,89724.72164772727 +713,20.258279517822267,89775.263785,20.26173392787124,89647.1265625 +714,20.245919982910156,90041.6039725,20.25606286944765,89742.10858901514 +715,20.254980322265624,89868.3219175,20.196970006769355,90996.98419507575 +716,20.24736690734863,90027.5857425,20.18975912845496,91203.10417613636 +717,20.234889040527342,90289.3064575,20.23258430480957,90306.66441287879 +718,20.253093004760743,89916.4481025,20.249949155865295,89884.24980113636 +719,20.248973876953126,89986.3035975,20.26481289950284,89604.70588068182 +720,20.24390666870117,90086.9367625,20.299023955374054,88882.71506628788 +721,20.241857158203125,90129.6190425,20.241182646317917,90047.20396780303 +722,20.247870024414063,90007.670725,20.22626045227051,90381.20793560606 +723,20.259769818725587,89732.0357025,20.31048978400953,88614.06947916666 +724,20.244997701416015,90049.918165,20.29255501718232,89076.46432765151 +725,20.236150626831055,90256.188555,20.25346734711618,89862.66978219697 +726,20.231257337646486,90335.0493825,20.21882016731031,90672.56822916666 +727,20.272107947387696,89512.00814,20.28948367956913,89085.38490530303 +728,20.253869722290037,89875.561705,20.259636163422556,89706.78865530303 +729,20.247826561279297,89983.18807,20.21493325666948,90681.99025568181 +730,20.244918618774413,90076.7128675,20.242828792225232,90025.73152462121 +731,20.27041342163086,89512.7542675,20.26040207602761,89726.16224431818 +732,20.25453096130371,89858.432415,20.300667206735323,88857.40514204545 +733,20.26966873046875,89528.485455,20.268050802982216,89575.42675189395 +734,20.251981484375,89926.2621625,20.236805498527758,90168.91801136364 +735,20.255091559448243,89857.8102525,20.290655739524148,89095.29946969697 +736,20.253162680053713,89873.890825,20.239208369399563,90058.8465435606 +737,20.247577556152343,90023.20465,20.30854707891291,88655.6702935606 +738,20.240710790405274,90159.5753725,20.32587158203125,88330.3300094697 +739,20.235460737915037,90312.81182,20.205527318318683,90881.69366477273 +740,20.261615084228517,89697.2460225,20.257320540457062,89746.61707386364 +741,20.247100533447266,90022.417195,20.247609948822948,89981.16618371212 +742,20.25171798156738,89913.0534025,20.216721424911963,90567.34454545454 +743,20.253315742797852,89883.6046025,20.21836884469697,90599.01340909091 +744,20.256467104492188,89819.092115,20.275896708170574,89383.75070075758 +745,20.254974056396485,89834.1898775,20.254948889992455,89839.129375 +746,20.25656371520996,89827.103875,20.247109116062973,90035.71601325758 +747,20.262784993286132,89665.74035,20.285238985003847,89171.23190340909 +748,20.241992395629882,90103.1060325,20.248650838678532,89996.75580492424 +749,20.257689181518554,89782.45781,20.270358364220822,89407.23850378788 +750,20.258588822631836,89773.236245,20.225707196322354,90421.86023674242 +751,20.253758569335936,89865.80675,20.28412943753329,89213.91647727272 +752,20.25668203918457,89816.2406325,20.260094925851533,89674.15023674243 +753,20.259056068115235,89747.9746275,20.238784228238192,90095.88852272727 +754,20.250192142333983,89931.869,20.21624013264974,90541.62461174243 +755,20.254334724121094,89867.2820325,20.21819942821156,90550.70364583333 +756,20.25793188293457,89797.367465,20.29589408412124,88982.32538825758 +757,20.2561301953125,89813.31432,20.27112313010476,89470.07890151515 +758,20.254202821655273,89853.0200825,20.20234741904519,90946.6787405303 +759,20.259701683349608,89732.51768,20.258436270049124,89761.85424242425 +760,20.25265039733887,89871.5565525,20.192801014293323,91094.34238636364 +761,20.256151221313477,89803.3270825,20.202923024495444,90857.67346590909 +762,20.25008776184082,89957.181625,20.22958191842744,90274.96974431818 +763,20.24529873413086,90041.7556375,20.275588566173205,89346.70645833333 +764,20.268210061035155,89573.75186,20.282193571148497,89209.69762310605 +765,20.245044131469726,90058.1623775,20.255389651674214,89743.52110795454 +766,20.247869578857422,89977.1137075,20.199934713190252,90949.55263257575 +767,20.26634400817871,89609.152755,20.230381377249053,90270.26276515152 +768,20.25982208984375,89751.960825,20.259879751494438,89674.1859469697 +769,20.259511395874025,89763.09785,20.193410406401664,91089.37160037878 +770,20.255877307128905,89808.2960525,20.25045870694247,89929.06387310606 +771,20.253893014526366,89879.2480575,20.301751956361713,88851.28880681818 +772,20.26520301147461,89644.2169675,20.283982574000504,89150.62460227273 +773,20.25293267211914,89866.6011575,20.31065566785408,88651.71429924242 +774,20.245707306518554,90038.11234,20.21785794576009,90532.63568181818 +775,20.256769871826172,89815.9318225,20.28581517537435,89135.37049242425 +776,20.25706678955078,89808.048365,20.24597921660452,89967.53287878788 +777,20.25706341064453,89796.0275575,20.245400790590228,89977.69069128788 +778,20.243673493652345,90085.5335775,20.264991283994732,89633.33524621213 +779,20.263174729003907,89668.0586325,20.241655063051166,90022.52634469698 +780,20.259953395385743,89741.7993375,20.211650050770153,90689.88337121213 +781,20.258720897216797,89757.5021025,20.200090563225025,90999.09388257576 +782,20.254798151855468,89854.460115,20.238854238336735,90113.66229166667 +783,20.24851671508789,89952.6789725,20.245267824115174,89990.99450757576 +784,20.254482796020508,89834.24489,20.288525883067738,89069.21458333333 +785,20.24854700317383,89962.16477,20.255258243445194,89737.13085227273 +786,20.25666844421387,89808.424645,20.21191692236698,90692.40071969698 +787,20.261266314086914,89726.2917575,20.26831139535615,89548.29291666667 +788,20.255695420532227,89823.0612225,20.22228242816347,90481.46107954545 +789,20.27313871948242,89453.48581,20.23867445049864,90184.50517992424 +790,20.256746727905274,89789.8037,20.26483879320549,89567.28234848485 +791,20.257644417114257,89801.443285,20.25263583790172,89837.98129734848 +792,20.256141817626954,89798.951655,20.24365516431404,90042.41899621212 +793,20.259437092895507,89753.5845625,20.164991240067916,91682.80233901515 +794,20.26134289367676,89721.5965875,20.154998011733547,91893.95431818182 +795,20.25886638244629,89760.73957,20.21192987846606,90738.74948863636 +796,20.262706814575196,89678.326485,20.305012877493194,88742.5771875 +797,20.249537549438475,89932.0271625,20.2259333523837,90395.76870265152 +798,20.255816694335937,89833.644315,20.25603739189379,89816.9259469697 +799,20.259150954589845,89750.230085,20.265096116499468,89591.48991477273 +800,20.259669255981446,89730.276895,20.284469833374022,89185.2015435606 +801,20.282237975463868,89294.45743,20.1576225419478,91849.37611742424 +802,20.247806274414064,89986.26927,20.211047243060488,90709.63851325758 +803,20.262925404663086,89660.3904225,20.215034658258613,90587.22023674242 +804,20.25092741333008,89949.41727,20.180331760753283,91424.49116477273 +805,20.254134205932615,89854.7105325,20.26826327237216,89485.72149621212 +806,20.254360102539064,89857.2171375,20.28470717459014,89165.08350378789 +807,20.253656220703125,89863.8321725,20.26208757805102,89651.3855965909 +808,20.270448654174803,89523.4164225,20.24634284510757,90007.72883522727 +809,20.267869685058592,89561.01689,20.25358098116788,89802.69691287879 +810,20.250345792236327,89936.272835,20.261639679417467,89656.95196022728 +811,20.24025798400879,90144.3921625,20.285121441465435,89143.41183712121 +812,20.25649565246582,89814.8064975,20.249939515084932,89900.55238636363 +813,20.262786925659178,89668.55157,20.271786205407345,89439.27680871212 +814,20.263864570922852,89695.0035775,20.265349000872988,89547.98612689394 +815,20.25997021484375,89752.84409,20.267962389859285,89480.10174242425 +816,20.268297333984375,89551.4320725,20.2357615777218,90175.78068181819 +817,20.260941544799806,89703.8932225,20.267151362101238,89619.60752840909 +818,20.25681423828125,89824.14386,20.289750176632044,89053.78584280303 +819,20.26130168762207,89702.5644075,20.22951149449204,90344.74814393939 +820,20.269856635742187,89553.6743825,20.250186439282967,89909.33646780303 +821,20.256685075073243,89783.419165,20.27024385394472,89515.6362689394 +822,20.259831141967773,89735.84744,20.225284474690756,90446.13051136363 +823,20.270597864990233,89513.3551975,20.298999825679896,88815.34793560606 +824,20.272666708984374,89489.45104,20.26143690629439,89665.47268939394 +825,20.254696681518556,89879.926895,20.23363850217877,90213.68267992424 +826,20.265499475097656,89606.0655875,20.31117509321733,88648.58768939394 +827,20.257317933349608,89809.8464125,20.227169422958838,90357.01110795455 +828,20.256480261230468,89781.2201,20.243360900878905,90047.62144886363 +829,20.258703532714843,89791.2460575,20.24129092129794,90077.98535037879 +830,20.273381038208008,89440.7384175,20.30185029925722,88818.07020833333 +831,20.266926865844727,89593.60668,20.287914179021662,89081.57083333333 +832,20.26427258239746,89665.199185,20.234197366887873,90255.36353219696 +833,20.26695482116699,89565.7355475,20.277519117413146,89265.04353219697 +834,20.259978739624025,89750.2633175,20.335313376224402,88135.86521780303 +835,20.259041317749023,89781.6297475,20.21930654814749,90546.88274621213 +836,20.25831106140137,89762.8731025,20.29456766764323,89014.00067234848 +837,20.271050827636717,89519.56529,20.273261561538234,89394.03518939394 +838,20.276234617919922,89392.70999,20.289486176461885,89147.57540719697 +839,20.256806964111327,89813.73476,20.24758609193744,89973.23227272727 +840,20.257707466430663,89799.47836,20.232997027310457,90177.87160984849 +841,20.261067014770507,89694.6628725,20.261927388509115,89629.66013257575 +842,20.25758418334961,89794.6719275,20.245685408621124,89976.24475378788 +843,20.26152043701172,89692.2736,20.218335876464845,90591.05852272727 +844,20.26708164001465,89585.0906875,20.280470664284447,89221.96491477273 +845,20.276366959228515,89417.90489,20.22470812248461,90439.06475378788 +846,20.259719637451173,89717.8048125,20.22319781447902,90415.88994318181 +847,20.270845920410157,89495.60106,20.202723992087623,90793.44221590909 +848,20.258869742431642,89773.8169025,20.249340734770804,89829.34111742424 +849,20.263349489746094,89685.79593,20.248726029829545,89879.55486742425 +850,20.276238981323242,89389.292915,20.270054462317265,89474.3346875 +851,20.26407099609375,89655.21673,20.260297347560073,89775.70233901514 +852,20.2728281829834,89462.4604075,20.29560731830019,88930.61217803031 +853,20.250469028320314,89920.6235875,20.32449642759381,88352.72533143939 +854,20.27268394104004,89473.5503175,20.269688783125442,89509.428125 +855,20.252204385375975,89887.4274825,20.206990178426107,90737.95981060606 +856,20.273338916625978,89469.078415,20.25994668902773,89707.06891098485 +857,20.271861004638673,89492.2597,20.30948940161503,88676.96839962121 +858,20.254864407958983,89830.8704325,20.27203125924775,89455.15510416667 +859,20.25623508666992,89814.89762,20.268510758371065,89457.40303977273 +860,20.26722317993164,89569.5653575,20.251144284335048,89868.41012310606 +861,20.258662915039064,89741.1944325,20.286725156379468,89202.37012310605 +862,20.259535298461913,89733.6554925,20.179147267197116,91553.25421401515 +863,20.261700418090822,89703.3714,20.269039614128346,89535.04106060606 +864,20.25955277770996,89750.829695,20.234203955910424,90231.37834280303 +865,20.26627954345703,89616.9978175,20.247636640144115,89919.33778409091 +866,20.25800219909668,89743.8140725,20.22957145459724,90393.05631628788 +867,20.26300382873535,89670.879705,20.252531823822945,89774.69391098485 +868,20.267375705566405,89570.41471,20.241911248871773,90063.59801136363 +869,20.261944157714844,89679.9059425,20.220736317490086,90501.85860795455 +870,20.278154227294923,89364.4130725,20.297273413918234,88931.94918560606 +871,20.263458419189455,89661.0604575,20.236046357588336,90134.45793560606 +872,20.27041286743164,89522.649725,20.25897760333437,89652.44247159091 +873,20.2615673638916,89709.943355,20.264323996341588,89568.95695075758 +874,20.277242492675782,89361.400095,20.191238285411487,91081.92264204545 +875,20.250004957885743,89941.559255,20.266504599831322,89499.37219696969 +876,20.254180049438478,89834.23953,20.272402859312116,89410.55734848484 +877,20.275023638916014,89417.6197375,20.27247738462506,89432.0571496212 +878,20.255674909057618,89783.8408775,20.252062045010653,89813.71294507576 +879,20.26076910217285,89721.123905,20.319425962043532,88494.04582386363 +880,20.258005490722656,89760.3274525,20.248836792454576,89956.78463068182 +881,20.248026301879882,89986.3624775,20.247433166503907,89911.87100378788 +882,20.27500529418945,89412.868405,20.18941376426003,91236.49673295455 +883,20.264901117553713,89629.0756875,20.227729758060338,90382.80638257576 +884,20.261989181518555,89676.202145,20.211890776663115,90654.42339962121 +885,20.271037919311524,89488.3713925,20.26514899745132,89622.51828598484 +886,20.265946502075195,89628.33778,20.310379310376717,88624.39022727273 +887,20.256685176391603,89793.229075,20.300279448538117,88830.97197916667 +888,20.263139087524415,89660.8688375,20.24338882215095,89988.48476325757 +889,20.267725485839843,89572.7501075,20.247131800796048,89925.74866477272 +890,20.27211061035156,89483.922905,20.276186724576082,89360.24464015152 +891,20.25793631164551,89797.9944075,20.22045111916282,90497.14517992425 +892,20.256882194213865,89804.821885,20.276343573367956,89358.95076704545 +893,20.27248701171875,89465.9953375,20.276190400557084,89298.9996969697 +894,20.275633533935547,89427.75614,20.31649918527314,88471.94737689394 +895,20.263966166381834,89640.9505175,20.218460644808683,90523.0868560606 +896,20.258933651123048,89764.7445775,20.253069783991034,89915.10548295455 +897,20.270363032836915,89496.0731875,20.22668961496064,90437.77632575757 +898,20.274657674560547,89412.321495,20.234062067667644,90199.10774621212 +899,20.27626416870117,89416.2061325,20.307290945342093,88731.9291003788 +900,20.2540329296875,89837.570055,20.295255022915928,89006.48453598486 +901,20.267130251464845,89582.65312,20.245310123328007,89952.89552083334 +902,20.27236851135254,89478.4653575,20.277770552201705,89309.27052083334 +903,20.266286524047853,89613.2142275,20.231436011574484,90412.53424242424 +904,20.267243233032225,89607.14693,20.27312750382857,89335.74919507575 +905,20.24646152770996,90005.1991625,20.278314521095968,89248.07511363637 +906,20.26681948791504,89579.6821725,20.292009004535096,89039.09664772727 +907,20.26423828979492,89632.738215,20.28772818594268,89065.01571969697 +908,20.279125951538084,89346.5747775,20.262426376342773,89662.86789772728 +909,20.275961163330077,89398.57856125,20.2714316443241,89398.73785037879 +910,20.266898283081055,89599.8466575,20.283364752567177,89278.23817234849 +911,20.271806342163085,89497.06111,20.251000565037582,89827.43884469697 +912,20.275391325073244,89414.1634725,20.245528552893436,90009.20210227273 +913,20.272609296875,89453.840545,20.26960329922763,89518.03990530303 +914,20.256100469970704,89826.1509175,20.305033317334725,88715.22821022727 +915,20.27592537109375,89385.693275,20.239565087520717,90088.63821969696 +916,20.28153634277344,89280.397155,20.30003268848766,88868.77575757576 +917,20.261838376464844,89679.7683725,20.224073618108577,90404.24191287879 +918,20.2837778515625,89245.4348925,20.302921429258404,88841.15044507576 +919,20.281655821533203,89279.3297075,20.221235594315964,90473.51386363637 +920,20.265324826660155,89633.6419275,20.232107356678355,90317.95714962122 +921,20.277256939697267,89356.7119525,20.26341189066569,89682.48958333333 +922,20.25764341003418,89777.41452,20.28889819752086,89049.90625 +923,20.252110690307617,89911.8862175,20.27360797997677,89385.43982954546 +924,20.274691061401366,89417.016435,20.280155653520065,89295.6884564394 +925,20.265955123901367,89601.0608025,20.24913402441776,89919.26356060606 +926,20.25395202392578,89871.9991775,20.222953643798828,90407.90210227272 +927,20.272974829101564,89470.8040025,20.288552396369703,89084.96455492424 +928,20.26373652282715,89649.5522275,20.17998982516202,91338.61519886364 +929,20.26834875793457,89559.4484325,20.206891421693744,90728.22927083333 +930,20.25826034790039,89782.4708525,20.302465959028765,88746.52709280304 +931,20.260916522216796,89687.6823,20.297170211329604,88950.2434280303 +932,20.278175173339843,89357.4714575,20.254447285045277,89796.50490530302 +933,20.289566825561522,89103.7594175,20.268738021850584,89524.16665719697 +934,20.261534381103516,89691.940715,20.246260503133136,89998.39102272727 +935,20.26147450805664,89724.5721525,20.219171554103042,90510.98771780303 +936,20.25322005432129,89880.28263,20.322964983853428,88352.49751893939 +937,20.283451768188478,89234.1242025,20.251744255297112,89933.6590719697 +938,20.26618370666504,89594.7490325,20.240082020615088,90129.87682765152 +939,20.27586053833008,89384.459985,20.360414787061288,87599.44620265151 +940,20.266148328857422,89619.9990825,20.317089110865737,88503.93797348485 +941,20.283322590942383,89251.84205,20.309422108043325,88689.07758522728 +942,20.274335968017578,89434.0825875,20.202772207549124,90836.2256060606 +943,20.266846893310547,89622.3607925,20.258254602605646,89717.985 +944,20.270924130859374,89501.158025,20.257202217795633,89753.46386363637 +945,20.275803507080077,89422.88104,20.28744617577755,89094.6809469697 +946,20.266909798583985,89599.665955,20.255904136426523,89784.22035984849 +947,20.264884113769533,89620.455125,20.220562734892873,90486.94458333333 +948,20.27387297607422,89443.9522075,20.24866789153128,89951.67461174242 +949,20.267449608764647,89585.049335,20.23511300058076,90167.23707386364 +950,20.281119135742188,89292.87788,20.293313143181077,89037.18222537878 +951,20.26121154663086,89704.2234975,20.247099577007873,90045.67849431818 +952,20.25698383178711,89786.766515,20.21543102611195,90636.66204545455 +953,20.283756748046876,89235.4701875,20.250072289669152,89901.92196022728 +954,20.277733914794922,89371.1815475,20.226143195412376,90370.07914772727 +955,20.26999553161621,89509.2019075,20.26547613664107,89516.27330492424 +956,20.265067810058593,89616.7768775,20.242580651947947,90085.7753030303 +957,20.26958647277832,89537.48885,20.257807887684216,89762.54120265151 +958,20.26247612915039,89683.642185,20.2118808630741,90691.16140151516 +959,20.277872001342775,89375.34684,20.24586261633671,90022.50369318182 +960,20.275361513671875,89435.2167225,20.297538657910895,88913.53191287878 +961,20.27792070373535,89349.3657575,20.215947189331054,90685.32770833334 +962,20.268684583129883,89539.37933,20.259390695745296,89689.87339962121 +963,20.259495699462892,89755.1543875,20.331972006595496,88199.12910984848 +964,20.268692026367187,89542.83267,20.264838781645803,89612.4575189394 +965,20.28031517578125,89314.4019625,20.27791789892948,89318.08265151516 +966,20.260261588745117,89731.1291175,20.274009528882576,89383.83088068182 +967,20.271694494018554,89447.7207225,20.245427014899978,89987.24647727273 +968,20.26736026123047,89552.2925425,20.252766980257903,89795.4402935606 +969,20.26807594482422,89574.861735,20.258045610370058,89692.5615719697 +970,20.271021994018554,89488.2923775,20.23910453796387,90107.02879734848 +971,20.268975358276368,89552.6322725,20.290100643273554,89038.55671401515 +972,20.265236195068358,89613.15536,20.239218375466088,90060.82957386364 +973,20.274335522460937,89435.79957,20.270241266886394,89436.07523674243 +974,20.265855150146486,89605.9565725,20.22752731554436,90469.64839015152 +975,20.290404852294923,89093.1935275,20.25888566681833,89775.5059280303 +976,20.256831759033204,89808.4763125,20.300942214041044,88821.9784375 +977,20.270227261352538,89515.1673225,20.23240662314675,90319.42741477273 +978,20.28695221557617,89164.843395,20.249970025727244,89925.82733901514 +979,20.273017727661134,89477.173085,20.289455150257456,89018.56614583333 +980,20.274236482543945,89418.071395,20.221939877596768,90471.99166666667 +981,20.27857942932129,89342.98774,20.240251150420217,90096.27086174242 +982,20.264867697143554,89604.915935,20.264850836089163,89630.07325757576 +983,20.27506389038086,89425.2290875,20.268013375022196,89554.43212121211 +984,20.2725824798584,89456.8898575,20.299382056033973,88893.88413825758 +985,20.25668176269531,89787.032545,20.284520254424123,89192.33553977273 +986,20.26346166442871,89671.2523525,20.25883822816791,89732.43799242424 +987,20.270189006347657,89511.1606275,20.3017758918531,88795.86481060606 +988,20.265555709228515,89615.05358,20.31369949572014,88560.35135416666 +989,20.265588771972656,89599.05339,20.318253613096296,88525.09357007575 +990,20.258125744628906,89777.29584,20.283999078924005,89207.0340625 +991,20.265500696411134,89611.11116,20.264924115267668,89612.72488636363 +992,20.259628770751952,89742.80555,20.23859716010816,90112.0974905303 +993,20.28133026916504,89298.5000725,20.266529439290366,89489.20733901515 +994,20.265457372436522,89594.972205,20.239743330984403,90150.21678977273 +995,20.27021494140625,89517.7017425,20.270228213685932,89459.24981060607 +996,20.271546116333006,89492.76738,20.275070724487303,89353.46636363637 +997,20.265179722900392,89626.705155,20.269304929791076,89474.076875 +998,20.24727891052246,89992.076545,20.224228252064098,90422.68482007575 +999,20.26690707458496,89575.06867,20.295740127563477,88878.57369318182 +1000,20.263263021850587,89656.75409,20.231262810447,90312.63624053031 +1001,20.27558143310547,89389.57075,20.288721866029682,89067.21794507575 +1002,20.270915460205078,89525.0334175,20.30658581358014,88737.4512594697 +1003,20.275270817260743,89410.05678,20.281250487818863,89288.65861742424 +1004,20.26357484375,89652.815055,20.28277520382043,89226.43367424242 +1005,20.27525315612793,89431.8905375,20.255264955000445,89813.59709280303 +1006,20.265759724731446,89591.6218875,20.279749663381864,89216.98142992424 +1007,20.26051120788574,89723.081495,20.218248494466145,90606.00456439394 +1008,20.270254577026368,89506.25133,20.226528209339488,90353.50415719696 +1009,20.272232349853514,89482.68075,20.22251503684304,90442.04589962121 +1010,20.265810643920897,89606.1305125,20.21244977315267,90788.2359469697 +1011,20.270482463989257,89496.9684925,20.278336611661043,89322.62887310606 +1012,20.28980761779785,89101.272205,20.288322430234967,89085.24253787879 +1013,20.256199575195314,89809.7497,20.30222172823819,88797.94857007575 +1014,20.27681946838379,89383.2988,20.312812703450522,88650.43074810607 +1015,20.276449182739256,89405.6198825,20.287375707915334,89135.5074810606 +1016,20.2755511920166,89401.67589,20.314867454297616,88587.26929924243 +1017,20.27021667663574,89508.6198,20.179093290386778,91434.65945075758 +1018,20.269786021728514,89532.1503775,20.33006836631081,88216.91393939394 +1019,20.26264509460449,89687.949325,20.221757625233042,90429.05662878788 +1020,20.26993912841797,89516.06402,20.308563368826203,88647.52088068181 +1021,20.27361534057617,89454.1627625,20.29675013224284,88876.22064393939 +1022,20.27516662536621,89455.3789725,20.232584538315283,90206.1546875 +1023,20.277344881591798,89347.4760325,20.281704753528942,89210.23823863636 +1024,20.26648669921875,89610.25053,20.27126692800811,89381.96202651515 +1025,20.267653776855468,89556.233645,20.2494013560902,89887.17872159091 +1026,20.287067553100584,89165.93589,20.3018442512281,88760.10095643939 +1027,20.271196630249023,89505.02561,20.26157603639545,89729.80359848485 +1028,20.27669527038574,89369.16505,20.203302663167317,90822.30766098485 +1029,20.27928584716797,89323.9539675,20.26053114457564,89636.41401515152 +1030,20.27172562866211,89470.23299,20.287915931470465,89086.51867424243 +1031,20.272479135742188,89467.05508,20.2625022055886,89602.00394886364 +1032,20.28019371398926,89318.0756025,20.208139010342684,90845.56149621212 +1033,20.264432575683593,89624.4824925,20.256011410337507,89786.75313446969 +1034,20.255148586425783,89821.925285,20.2353617142186,90242.30822916667 +1035,20.267849067382812,89574.610275,20.262936914617367,89569.3593844697 +1036,20.277700255737305,89373.7808625,20.222573951952384,90385.99071969697 +1037,20.272375100708008,89470.127585,20.283137398922083,89195.62191287879 +1038,20.27441301513672,89445.2090875,20.266399617050634,89478.17962121213 +1039,20.269279074707033,89523.96169,20.245759330518318,89991.79612689394 +1040,20.266010952148438,89599.2694425,20.30608096267238,88697.48767992425 +1041,20.267521353149416,89571.4747125,20.27179803790468,89404.00605113637 +1042,20.281126817016602,89294.7303925,20.288347907788825,89089.67586174242 +1043,20.260260952758788,89723.408005,20.26440831271085,89611.58552083334 +1044,20.274400471191406,89437.6916425,20.306760935927883,88727.1575 +1045,20.287889078979493,89143.671715,20.216014526829575,90664.09910984848 +1046,20.272296731567383,89484.5081,20.226333176583953,90418.68685606061 +1047,20.264511948242188,89632.147645,20.296599319920396,88907.79649621212 +1048,20.27574357788086,89412.831185,20.261340847593367,89610.79118371212 +1049,20.27945857116699,89312.9255,20.185482949921578,91199.2718655303 +1050,20.2638465826416,89676.61366,20.2096401422674,90762.28932765151 +1051,20.269072861328127,89535.3512875,20.243058915571734,89975.62262310606 +1052,20.279495098876954,89313.36667,20.218382751002455,90539.83833333333 +1053,20.275063643798827,89383.1917925,20.30215210423325,88870.36702651514 +1054,20.280300090942383,89299.12856,20.286299385301994,89099.73028409091 +1055,20.278809794311524,89333.677285,20.293036642363578,88997.20335227273 +1056,20.27118967956543,89483.943375,20.263095404885032,89601.75303977272 +1057,20.28086329284668,89275.871345,20.32776682767001,88307.16033143939 +1058,20.287135831298826,89169.3324425,20.30684529391202,88744.6906439394 +1059,20.285427071533203,89198.3195025,20.2763264095422,89374.59225378788 +1060,20.266825529785155,89586.5897475,20.307804602420692,88715.27105113637 +1061,20.25524933898926,89839.3754975,20.271086148348722,89431.39373106061 +1062,20.27970315612793,89311.41147,20.287743768403026,89090.20179924242 +1063,20.2810455065918,89296.6777775,20.27368573737867,89364.05275568181 +1064,20.266710657958985,89588.25189,20.28738071557247,89128.17151515151 +1065,20.267937889404298,89560.1783,20.213929258404356,90616.5678503788 +1066,20.281647951049806,89278.6896,20.237562429254705,90156.6931534091 +1067,20.273563627929686,89449.0235025,20.29556884765625,88950.14817234849 +1068,20.27363351623535,89447.84747,20.259741636334045,89697.78369318182 diff --git a/Banaei/final_runs/vae_0db_1_12/vae_0db_1_12.py b/Banaei/final_runs/vae_0db_1_12/vae_0db_1_12.py index 7dd0772..a7228d8 100644 --- a/Banaei/final_runs/vae_0db_1_12/vae_0db_1_12.py +++ b/Banaei/final_runs/vae_0db_1_12/vae_0db_1_12.py @@ -9,7 +9,7 @@ import math import numpy as np from keras.models import Model -from keras.layers import Layer, PReLU, Conv2D, Activation, Conv2DTranspose , GaussianNoise,Lambda, Flatten, Dropout,BatchNormalization,Reshape +from keras.layers import Layer, PReLU, Conv2D, Activation, Conv2DTranspose , GaussianNoise,Lambda, Flatten, Reshape,BatchNormalization,Reshape from sklearn.model_selection import train_test_split import tensorflow as tf import keras @@ -47,6 +47,7 @@ var = p / math.pow(10, snr / 10) var = var/2 #var should be devided by 2 std = np.sqrt(var) +np.random.seed(1000) width = 32 height = 32 batch_size = 64 @@ -63,13 +64,13 @@ #encoder part input = Input(shape=(32,32,3)) conv_1 = Conv2D(16,(5,5),padding = 'same', strides = 2,activation='relu')(input) -conv_1 = BatchNormalization()(conv_1) +# conv_1 = BatchNormalization()(conv_1) conv_2 = Conv2D(32,(5,5),padding = 'same', strides = 2,activation='relu')(conv_1) -conv_2 = BatchNormalization()(conv_2) +# conv_2 = BatchNormalization()(conv_2) conv_3 = Conv2D(32,(5,5),padding = 'same', strides = 1,activation='relu')(conv_2) -conv_3 = BatchNormalization()(conv_3) +# conv_3 = BatchNormalization()(conv_3) conv_4 = Conv2D(32,(5,5),padding = 'same', strides = 1,activation='relu')(conv_3) -conv_4 = BatchNormalization()(conv_4) +# conv_4 = BatchNormalization()(conv_4) encoded = Conv2D(c,(5,5),padding = 'same', strides = 1,activation='relu')(conv_4) @@ -133,15 +134,13 @@ def compute_output_shape(self, input_shape): #decoder part z = Reshape([8,8,c])(z) conv_0T = Conv2DTranspose(32,(5,5), padding = 'same', strides = 1,activation='relu')(z) -conv_0T = BatchNormalization()(conv_0T) -conv_0T = Dropout(0.1)(conv_0T) +# conv_0T = BatchNormalization()(conv_0T) conv_1T = Conv2DTranspose(32,(5,5), padding = 'same', strides = 1,activation='relu')(conv_0T) -conv_1T = BatchNormalization()(conv_1T) +# conv_1T = BatchNormalization()(conv_1T) conv_2T = Conv2DTranspose(32,(5,5), padding = 'same', strides = 1,activation='relu')(conv_1T) -conv_2T = BatchNormalization()(conv_2T) -conv_2T = Dropout(0.1)(conv_2T) +# conv_2T = BatchNormalization()(conv_2T) conv_3T = Conv2DTranspose(16,(5,5), padding = 'same', strides = 2,activation='relu')(conv_2T) -conv_3T = BatchNormalization()(conv_3T) +# conv_3T = BatchNormalization()(conv_3T) x_out = Conv2DTranspose(3,(5,5), padding = 'same', strides = 2,activation='sigmoid')(conv_3T) #%% @@ -152,11 +151,10 @@ def compute_output_shape(self, input_shape): def VAE_loss(x_origin,x_out): - kl_tolerance = k/(32*32*3) reconstruction_loss = tf.reduce_mean(tf.reduce_sum(tf.square(x_origin- x_out), axis=[1, 2, 3])) kl_loss = - 0.5 * K.sum(1 + z_log_var - K.square(z_mean) - K.exp(z_log_var), axis=-1) - kl_loss = tf.reduce_mean(tf.maximum(kl_loss, kl_tolerance * (32*32*3))) - loss_sum = reconstruction_loss + kl_loss + kl_loss = tf.reduce_mean(kl_loss) + loss_sum = kl_loss + 32*32*3 * reconstruction_loss return loss_sum def PSNR(y_true, y_pred): @@ -173,7 +171,7 @@ def schedule(epoch, lr): lrate = keras.callbacks.LearningRateScheduler(schedule, verbose=1) -chckpnt = keras.callbacks.ModelCheckpoint(save_directory + 'vae_0db_1_12_weights.{epoch}-{val_PSNR:.2f}.h5', +chckpnt = keras.callbacks.ModelCheckpoint(save_directory + 'weights_vae_0db_1_12.{epoch}-{val_PSNR:.2f}.h5', monitor='val_PSNR', verbose=0, save_best_only=False, save_weights_only=True, mode='auto', period=100) csv = keras.callbacks.CSVLogger(save_directory + 'vae_0db_1_12.log', separator=',', append=True) @@ -186,5 +184,6 @@ def schedule(epoch, lr): vae.fit(X_train_norm, X_train_norm, shuffle=True, epochs=5000, batch_size=64, validation_data=(X_validation_norm, X_validation_norm), callbacks=[lrate, chckpnt, csv]) + for i in range(10): print(vae.evaluate(X_test_norm, X_test_norm)) \ No newline at end of file diff --git a/Banaei/final_runs/vae_10db_1_12/vae_10db_1_12.py b/Banaei/final_runs/vae_10db_1_12/vae_10db_1_12.py new file mode 100644 index 0000000..5b41410 --- /dev/null +++ b/Banaei/final_runs/vae_10db_1_12/vae_10db_1_12.py @@ -0,0 +1,185 @@ +import numpy as np +import keras +from keras.datasets import cifar10 +from keras.models import Sequential +from keras import backend as K +from keras.layers import Layer, PReLU, Conv2D, Activation, Conv2DTranspose , GaussianNoise,BatchNormalization,Conv1D +from sklearn.model_selection import train_test_split +import tensorflow as tf +import math +import numpy as np +from keras.models import Model +from keras.layers import Layer, PReLU, Conv2D, Activation, Conv2DTranspose , GaussianNoise,Lambda, Flatten, Reshape,BatchNormalization,Reshape +from sklearn.model_selection import train_test_split +import tensorflow as tf +import keras +from keras.datasets import cifar10 +from keras.models import Sequential +from keras import backend as K +import math + +from keras.layers import Input, Dense, Lambda +from keras.layers import Conv2D, MaxPooling2D, Flatten +#%% +#make a 'saves' directory beside code to save callbacks and logs +save_directory = 'saves0/' + +#%% + +# Load dataset +(X_train, Y_train), (X_test, Y_test) = cifar10.load_data() +# Divide data into test and validdation +X_test, X_validation, Y_test,Y_validation = train_test_split(X_test, Y_test, test_size=0.33, random_state=42) + +# Normalizing dataset +X_train_norm = X_train/255 +X_test_norm = X_test/255 +X_validation_norm = X_validation/255 + +#%% +k = 8 * 8 * 8 +n = 32*32*3 +#Make sure we devide k by two in the line below +sqrtk = np.sqrt(k / 2) +c = k // 64 +snr = 10 +p = 1 +var = p / math.pow(10, snr / 10) +var = var/2 #var should be devided by 2 +std = np.sqrt(var) +np.random.seed(1000) +width = 32 +height = 32 +batch_size = 64 +nb_epochs = 15 +code_length = 128 +print(std, std ** 2, 'k/n: ', k / (2 * n)) +#%% + +K.clear_session() +tf.set_random_seed(0) +np.random.seed(0) + +#from keras.mode import Model +#encoder part +input = Input(shape=(32,32,3)) +conv_1 = Conv2D(16,(5,5),padding = 'same', strides = 2,activation='relu')(input) +# conv_1 = BatchNormalization()(conv_1) +conv_2 = Conv2D(32,(5,5),padding = 'same', strides = 2,activation='relu')(conv_1) +# conv_2 = BatchNormalization()(conv_2) +conv_3 = Conv2D(32,(5,5),padding = 'same', strides = 1,activation='relu')(conv_2) +# conv_3 = BatchNormalization()(conv_3) +conv_4 = Conv2D(32,(5,5),padding = 'same', strides = 1,activation='relu')(conv_3) +# conv_4 = BatchNormalization()(conv_4) +encoded = Conv2D(c,(5,5),padding = 'same', strides = 1,activation='relu')(conv_4) + + +z_mean = Conv2D(c,(5,5),padding = 'same', strides = 1,activation='relu')(encoded) +z_log_var = Conv2D(c,(5,5),padding = 'same', strides = 1,activation='relu')(encoded) + +#%% + + +#reparameterization trick +def sampling(args): + z_mean, z_log_var = args + epsilon = K.random_normal(shape=(K.shape(z_mean)[0],K.shape(z_mean)[1],K.shape(z_mean)[2],K.shape(z_mean)[3]), mean=0., + stddev=1.0) + return z_mean + K.exp(z_log_var / 2) * epsilon + + +from keras.layers import Input, Dense, Lambda,Reshape, Flatten +z = Lambda(sampling, output_shape=(8,8,c))([z_mean, z_log_var]) +z = Flatten()(z) +#%% + +class ChannelNormalizer(Layer): + + def __init__(self, sqrtk, **kwargs): + self.sqrtk = sqrtk + super(ChannelNormalizer, self).__init__(**kwargs) + + def build(self, input_shape): + super(ChannelNormalizer, self).build(input_shape) # Be sure to call this at the end + + def call(self, x): + return self.sqrtk * K.l2_normalize(x, axis=1) + + def compute_output_shape(self, input_shape): + return input_shape + + +z = ChannelNormalizer(sqrtk, name='normal')(z) + +#%% +class ChannelNoise(Layer): + + def __init__(self, sigma, **kwargs): + self.sigma = sigma + super(ChannelNoise, self).__init__(**kwargs) + + def build(self, input_shape): + self.inshape = input_shape + super(ChannelNoise, self).build(input_shape) + + def call(self, x): + return x + K.random_normal(self.inshape[1:], mean = 0, stddev = self.sigma) + + def compute_output_shape(self, input_shape): + return input_shape + +z = ChannelNoise(std)(z) +#%% + +#decoder part +z = Reshape([8,8,c])(z) +conv_0T = Conv2DTranspose(32,(5,5), padding = 'same', strides = 1,activation='relu')(z) +# conv_0T = BatchNormalization()(conv_0T) +conv_1T = Conv2DTranspose(32,(5,5), padding = 'same', strides = 1,activation='relu')(conv_0T) +# conv_1T = BatchNormalization()(conv_1T) +conv_2T = Conv2DTranspose(32,(5,5), padding = 'same', strides = 1,activation='relu')(conv_1T) +# conv_2T = BatchNormalization()(conv_2T) +conv_3T = Conv2DTranspose(16,(5,5), padding = 'same', strides = 2,activation='relu')(conv_2T) +# conv_3T = BatchNormalization()(conv_3T) +x_out = Conv2DTranspose(3,(5,5), padding = 'same', strides = 2,activation='sigmoid')(conv_3T) + +#%% + +vae = Model(input, x_out) + +from keras import metrics + + +def VAE_loss(x_origin,x_out): + reconstruction_loss = tf.reduce_mean(tf.reduce_sum(tf.square(x_origin- x_out), axis=[1, 2, 3])) + kl_loss = - 0.5 * K.sum(1 + z_log_var - K.square(z_mean) - K.exp(z_log_var), axis=-1) + kl_loss = tf.reduce_mean(kl_loss) + loss_sum = kl_loss + 32*32*3 * reconstruction_loss + return loss_sum + +def PSNR(y_true, y_pred): + return 10 * K.log(K.max(y_true) ** 2 / (K.mean(K.square(y_pred - y_true)))) / K.log(10.0) + + +def schedule(epoch, lr): + #TODO compelete the scheduler + if epoch < 640: + lr = 0.001 + else: + lr = 0.0001 + return lr + + +lrate = keras.callbacks.LearningRateScheduler(schedule, verbose=1) +chckpnt = keras.callbacks.ModelCheckpoint(save_directory + 'vae_10db_1_12_weights.{epoch}-{val_PSNR:.2f}.h5', + monitor='val_PSNR', verbose=0, save_best_only=False, + save_weights_only=True, mode='auto', period=100) +csv = keras.callbacks.CSVLogger(save_directory + 'vae_10db_1_12.log', separator=',', append=True) +opt = keras.optimizers.Adam(lr=0.001) + +vae.compile(optimizer=opt, loss=VAE_loss, metrics=[PSNR]) +#TODO uncomment line below to load weights + +# vae.load_weights() +vae.fit(X_train_norm, X_train_norm, shuffle=True, epochs=5000, batch_size=64, + validation_data=(X_validation_norm, X_validation_norm), callbacks=[lrate, chckpnt, csv]) \ No newline at end of file diff --git a/Banaei/sabramooz.py b/Banaei/sabramooz.py new file mode 100644 index 0000000..0c6f602 --- /dev/null +++ b/Banaei/sabramooz.py @@ -0,0 +1,124 @@ +# imports +import numpy as np +from tensorboardcolab import * +import keras +from keras.datasets import cifar10 +from keras.models import Sequential,Model +from keras import backend as K +from keras.layers import Layer, PReLU, Conv2D, Activation, Conv2DTranspose , GaussianNoise,BatchNormalization,Conv1D,Flatten,Input,Dense,Reshape +from sklearn.model_selection import train_test_split +import tensorflow as tf +import math + + +class ChannelNormalizer(Layer): + + def __init__(self, sqrtk, **kwargs): + # self.output_dim = output_dim + self.sqrtk = sqrtk + super(ChannelNormalizer, self).__init__(**kwargs) + + def build(self, input_shape): + super(ChannelNormalizer, self).build(input_shape) # Be sure to call this at the end + + def call(self, x): + return self.sqrtk * K.l2_normalize(x, axis=1) + + def compute_output_shape(self, input_shape): + return input_shape + + +class ChannelNoise(Layer): + + def __init__(self, sigma, **kwargs): + self.sigma = sigma + super(ChannelNoise, self).__init__(**kwargs) + + def build(self, input_shape): + self.inshape = input_shape + super(ChannelNoise, self).build(input_shape) + + def call(self, x): + return x + tf.random.normal(self.inshape[1:], mean = 0, stddev = self.sigma) + +# Load dataset +(X_train, Y_train), (X_test, Y_test) = cifar10.load_data() +# Divide data into test and validdation +X_test, X_validation, Y_test,Y_validation = train_test_split(X_test, Y_test, test_size=0.33, random_state=42) +# Normalizing dataset +X_train_norm = X_train/255 +X_test_norm = X_test/255 +X_validation_norm = X_validation/255 + +k = 8*8*16 +sqrtk = np.sqrt(k/2) +c = k//64 +snr = 0 +p = 1 +std = np.sqrt(0.5 / math.pow(10, snr/10)) + +#encoder part +input = Input(shape=(32,32,3)) +conv_1 = Conv2D(16,(5,5),padding = 'same', strides = 2,activation='relu')(input) +conv_2 = Conv2D(32,(5,5),padding = 'same', strides = 2,activation='relu')(conv_1) +conv_3 = Conv2D(32,(5,5),padding = 'same', strides = 1,activation='relu')(conv_2) +conv_4 = Conv2D(32,(5,5),padding = 'same', strides = 1,activation='relu')(conv_3) +encoded = Conv2D(c,(5,5),padding = 'same', strides = 1,activation='relu')(conv_4) +encoded_flatten = Flatten()(encoded) + +normalized = ChannelNormalizer(sqrtk)(encoded_flatten) +noize = ChannelNoise(std)(normalized) +noise_reshape = Reshape([8,8,c])(noize) + +conv_0T = Conv2DTranspose(32,(5,5), padding = 'same', strides = 2,activation='relu')(noise_reshape) +conv_1T = Conv2DTranspose(32,(5,5), padding = 'same', strides = 1,activation='relu')(conv_0T) + +z_mean = Conv2DTranspose(16,(5,5),padding = 'same', strides = 1,activation='relu')(conv_1T) +z_log_var = Conv2DTranspose(16,(5,5),padding = 'same', strides = 1,activation='relu')(conv_1T) + +def sampling(args): + z_mean, z_log_var = args + epsilon = tf.random.normal(shape=(K.shape(z_mean)[0],K.shape(z_mean)[1],K.shape(z_mean)[2],K.shape(z_mean)[3]), mean=0., + stddev=1.0) + return z_mean + K.exp(z_log_var / 2) * epsilon + + +from keras.layers import Input, Dense, Lambda,Reshape, Flatten +z = Lambda(sampling, output_shape=(16,16,16))([z_mean, z_log_var]) + + +conv_2T = Conv2DTranspose(16,(5,5),padding = 'same', strides = 1,activation='relu')(z) +conv_3T = Conv2DTranspose(16,(5,5),padding = 'same', strides = 1,activation='relu')(conv_2T) +conv_4T = Conv2DTranspose(16,(5,5),padding = 'same', strides = 2,activation='relu')(conv_3T) +x_out = Conv2DTranspose(3,(5,5),padding = 'same', strides = 1,activation='sigmoid')(conv_4T) + +vae = Model(input, x_out) +vae.summary() + + +def VAE_loss(x_origin,x_out): + reconstruction_loss = tf.reduce_mean(tf.reduce_sum(tf.square(x_origin- x_out), axis=[1, 2, 3])) + kl_loss = - 0.5 * K.sum(1 + z_log_var - K.square(z_mean) - K.exp(z_log_var), axis=-1) + loss_sum = tf.reduce_mean(kl_loss + reconstruction_loss) + return loss_sum + +def PSNR(y_true, y_pred): + return 10 * K.log(K.max(y_true) ** 2 / (K.mean(K.square(y_pred - y_true)))) / K.log(10.0) + + +def schedule(epoch, lr): + #TODO compelete the scheduler + if epoch < 640: + lr = 0.001 + else: + lr = 0.0001 + return lr + + +lrate = keras.callbacks.LearningRateScheduler(schedule, verbose=1) +opt = keras.optimizers.Adam(lr=0.001) + +vae.compile(optimizer=opt, loss=VAE_loss, metrics=[PSNR]) + +vae.fit(X_train_norm, X_train_norm, shuffle=True, epochs=3000, batch_size=64, + validation_data=(X_validation_norm, X_validation_norm), callbacks=[lrate]) \ No newline at end of file diff --git a/Homayoun_OLD/vae_paper.py b/Homayoun_OLD/vae_paper.py new file mode 100644 index 0000000..bb3d840 --- /dev/null +++ b/Homayoun_OLD/vae_paper.py @@ -0,0 +1,187 @@ +import numpy as np +import keras +from keras.datasets import cifar10 +from keras.models import Sequential +from keras import backend as K +from keras.layers import Layer, PReLU, Conv2D, Activation, Conv2DTranspose , GaussianNoise,BatchNormalization,Conv1D +from sklearn.model_selection import train_test_split +import tensorflow as tf +import math + +# Load dataset +(X_train, Y_train), (X_test, Y_test) = cifar10.load_data() +# Divide data into test and validdation +X_test, X_validation, Y_test,Y_validation = train_test_split(X_test, Y_test, test_size=0.33, random_state=42) + +# Normalizing dataset +X_train_norm = X_train/255 +X_test_norm = X_test/255 +X_validation_norm = X_validation/255 + + +k = 8 * 8 * 8 +n = 32*32*3 +#Make sure we devide k by two in the line below +sqrtk = np.sqrt(k / 2) +c = k // 64 +snr = 0 +p = 1 +var = p / math.pow(10, snr / 10) +var = var/2 #var should be devided by 2 +stddev = np.sqrt(var) +np.random.seed(1000) +width = 32 +height = 32 +batch_size = 64 +nb_epochs = 15 +code_length = 128 +print(stddev, stddev ** 2, 'k/n: ', k / (2 * n)) + + +from keras.layers import Input, Dense, Lambda +from keras.layers import Conv2D, MaxPooling2D, Flatten +from keras.models import Model +#encoder part +input = Input(shape=(32,32,3)) +conv_1 = Conv2D(16,(5,5),padding = 'same', strides = 2,activation='relu')(input) +conv_1 = BatchNormalization()(conv_1) +conv_2 = Conv2D(32,(5,5),padding = 'same', strides = 2,activation='relu')(conv_1) +conv_2 = BatchNormalization()(conv_2) +conv_3 = Conv2D(32,(5,5),padding = 'same', strides = 1,activation='relu')(conv_2) +conv_3 = BatchNormalization()(conv_3) +conv_4 = Conv2D(32,(5,5),padding = 'same', strides = 1,activation='relu')(conv_3) +conv_4 = BatchNormalization()(conv_4) +encoded = Conv2D(c,(5,5),padding = 'same', strides = 1,activation='relu')(conv_4) + + +z_mean = Conv2D(c,(5,5),padding = 'same', strides = 1,activation='relu')(encoded) +z_log_var = Conv2D(c,(5,5),padding = 'same', strides = 1,activation='relu')(encoded) + + +#reparameterization trick +def sampling(args): + z_mean, z_log_var = args + epsilon = K.random_normal(shape=(K.shape(z_mean)[0],K.shape(z_mean)[1],K.shape(z_mean)[2],K.shape(z_mean)[3]), mean=0., + stddev=1.0) + return z_mean + K.exp(z_log_var / 2) * epsilon + + +from keras.layers import Input, Dense, Lambda,Reshape +z = Lambda(sampling, output_shape=(8,8,c))([z_mean, z_log_var]) +z = Flatten()(z) + +class ChannelNormalizer(Layer): + + def __init__(self,sqrtk, **kwargs): +# self.output_dim = output_dim + self.sqrtk=sqrtk + super(ChannelNormalizer, self).__init__(**kwargs) + + def build(self, input_shape): + super(ChannelNormalizer, self).build(input_shape) # Be sure to call this at the end + + def call(self, x): + return self.sqrtk*K.l2_normalize(x,axis=1) + def compute_output_shape(self, input_shape): + return input_shape + +#z = Reshape([8,8,c])(z) +#z = keras.layers.average([z,encoded]) + +z = ChannelNormalizer(sqrtk)(z) + + +import math +class ChannelNoise(Layer): + + def __init__(self, sigma, **kwargs): +# self.output_dim = output_dim + self.sigma = sigma + super(ChannelNoise, self).__init__(**kwargs) + + def build(self, input_shape): + # Create a trainable weight variable for this layer. + # self.kernel = self.add_weight(name='kernel', + # shape=(input_shape[1], self.output_dim), + # initializer='uniform', + # trainable=True) + self.inshape = input_shape + super(ChannelNoise, self).build(input_shape) # Be sure to call this at the end + + def call(self, x): + return x + K.random_normal(self.inshape[1:], mean = 0, stddev = self.sigma) + + def compute_output_shape(self, input_shape): + return input_shape + +z = ChannelNoise(math.sqrt(0.1))(z) + +z = Reshape((8, 8, c))(z) + +#decoder part + +conv_0T = Conv2DTranspose(32,(5,5), padding = 'same', strides = 1,activation='relu')(z) +conv_0T = BatchNormalization()(conv_0T) +conv_1T = Conv2DTranspose(32,(5,5), padding = 'same', strides = 1,activation='relu')(conv_0T) +conv_1T = BatchNormalization()(conv_1T) +conv_2T = Conv2DTranspose(32,(5,5), padding = 'same', strides = 1,activation='relu')(conv_1T) +conv_2T = BatchNormalization()(conv_2T) +conv_3T = Conv2DTranspose(16,(5,5), padding = 'same', strides = 2,activation='relu')(conv_2T) +conv_3T = BatchNormalization()(conv_3T) +x_out = Conv2DTranspose(3,(5,5), padding = 'same', strides = 2,activation='sigmoid')(conv_3T) + +vae = Model(input, x_out) + +from keras import metrics +def VAE_loss(x_origin,x_out): + # x_origin=K.flatten(x_origin) + # x_out=K.flatten(x_out) + # xent_loss = 32*32*3*metrics.mean_squared_error(x_origin, x_out) + # kl_loss = - 0.5 * K.sum(1 + z_log_var - K.square(z_mean) - K.exp(z_log_var), axis=-1) + # vae_loss = K.mean(10*xent_loss+kl_loss) + kl_tolerance = 2 + reconstruction_loss = tf.reduce_mean(tf.reduce_sum(tf.square(x_origin- x_out), axis=[1, 2, 3])) + kl_loss = - 0.5 * K.sum(1 + z_log_var - K.square(z_mean) - K.exp(z_log_var), axis=-1) + kl_loss = tf.reduce_mean(tf.maximum(kl_loss, kl_tolerance * (32*32*3))) + loss_sum = reconstruction_loss + kl_loss + + return loss_sum +def PSNR(y_true,y_pred): + + return 10 * K.log(K.max(y_true)**2 / (K.mean(K.square(y_pred-y_true)))) / K.log(10.0) + +opt = keras.optimizers.Adam(lr=0.001) + +vae.compile(optimizer=opt, loss=VAE_loss,metrics=[PSNR]) + +vae.fit(X_train_norm,X_train_norm,shuffle=True,epochs=5000,batch_size=640,validation_data=(X_validation_norm, X_validation_norm)) + +print(vae.evaluate(X_test_norm, X_test_norm)) + + + + +from keras.models import Model + +normal = Model(inputs=vae.input, outputs=vae.get_layer('normal').output) +noise = Model(inputs=vae.input, outputs=vae.get_layer('noise').output) +normal_out = normal.predict(X_test_norm[:10]) +noise_out = noise.predict(X_test_norm[:10]) +for i in range(len(normal_out)): + print(np.sum(np.square(normal_out[i])), k) + print(noise_out[i] - normal_out[i]) + print('............................') + + +print('ldjfnvkldsjfbndskjbnsfkgb') + +normal_out = normal.predict(X_test_norm[:10]) +noise_out = noise.predict(X_test_norm[:10]) +for i in range(len(normal_out)): + print(np.sum(np.square(normal_out[i])), k) + print(noise_out[i] - normal_out[i]) + print('............................') + + + + diff --git a/final_vae_server_dense_layer.py b/final_vae_server_dense_layer.py new file mode 100644 index 0000000..bacfcab --- /dev/null +++ b/final_vae_server_dense_layer.py @@ -0,0 +1,185 @@ +import numpy as np +import keras +from keras.datasets import cifar10 +from keras.models import Sequential +from keras import backend as K +from keras.layers import Layer, PReLU, Conv2D, Activation, Conv2DTranspose , GaussianNoise,BatchNormalization,Conv1D +from sklearn.model_selection import train_test_split +import tensorflow as tf +import math +import numpy as np +from keras.models import Model +from keras.layers import Layer, PReLU, Conv2D, Activation, Conv2DTranspose , GaussianNoise,Lambda, Flatten, Reshape,BatchNormalization,Reshape +from sklearn.model_selection import train_test_split +import tensorflow as tf +import keras +from keras.datasets import cifar10 +from keras.models import Sequential +from keras import backend as K +import math + +from keras.layers import Input, Dense, Lambda +from keras.layers import Conv2D, MaxPooling2D, Flatten +#%% +#make a 'saves' directory beside code to save callbacks and logs +save_directory = 'save/' + +#%% + +# Load dataset +(X_train, Y_train), (X_test, Y_test) = cifar10.load_data() +# Divide data into test and validdation +X_test, X_validation, Y_test,Y_validation = train_test_split(X_test, Y_test, test_size=0.33, random_state=42) + +# Normalizing dataset +X_train_norm = X_train/255 +X_test_norm = X_test/255 +X_validation_norm = X_validation/255 + +#%% +k = 8 * 8 * 16 +n = 32*32*3 +#Make sure we devide k by two in the line below +sqrtk = np.sqrt(k / 2) +c = k // 64 +snr = None +p = 1 +var = p / math.pow(10, snr / 10) +var = var/2 #var should be devided by 2 +std = np.sqrt(var) +np.random.seed(1000) +width = 32 +height = 32 +batch_size = 64 +nb_epochs = 15 +code_length = 128 +print(std, std ** 2, 'k/n: ', k / (2 * n)) +#%% + +K.clear_session() +tf.set_random_seed(0) +np.random.seed(0) + +#from keras.mode import Model +#encoder part +input = Input(shape=(32,32,3)) +conv_1 = Conv2D(16,(5,5),padding = 'same', strides = 2,activation='relu')(input) +# conv_1 = BatchNormalization()(conv_1) +conv_2 = Conv2D(32,(5,5),padding = 'same', strides = 2,activation='relu')(conv_1) +# conv_2 = BatchNormalization()(conv_2) +conv_3 = Conv2D(32,(5,5),padding = 'same', strides = 1,activation='relu')(conv_2) +# conv_3 = BatchNormalization()(conv_3) +conv_4 = Conv2D(32,(5,5),padding = 'same', strides = 1,activation='relu')(conv_3) +# conv_4 = BatchNormalization()(conv_4) +encoded = Conv2D(c,(5,5),padding = 'same', strides = 1,activation='relu')(conv_4) +encoded = Flatten()(encoded) + +z_mean = Dense(k, activation='elu')(encoded) +z_mean = Reshape([8,8,c])(z_mean) +z_log_var = Dense(k, activation='elu')(encoded) +z_log_var = Reshape([8,8,c])(z_log_var) + +#%% + + +#reparameterization trick +def sampling(args): + z_mean, z_log_var = args + epsilon = K.random_normal(shape=(K.shape(z_mean)[0],K.shape(z_mean)[1],K.shape(z_mean)[2],K.shape(z_mean)[3]), mean=0., + stddev=1.0) + return z_mean + K.exp(z_log_var / 2) * epsilon + + +from keras.layers import Input, Dense, Lambda,Reshape, Flatten +z = Lambda(sampling, output_shape=(8,8,c))([z_mean, z_log_var]) +z = Flatten()(z) +#%% + +class ChannelNormalizer(Layer): + + def __init__(self, sqrtk, **kwargs): + self.sqrtk = sqrtk + super(ChannelNormalizer, self).__init__(**kwargs) + + def build(self, input_shape): + super(ChannelNormalizer, self).build(input_shape) # Be sure to call this at the end + + def call(self, x): + return self.sqrtk * K.l2_normalize(x, axis=1) + + def compute_output_shape(self, input_shape): + return input_shape + + +z = ChannelNormalizer(sqrtk, name='normal')(z) + +#%% +class ChannelNoise(Layer): + + def __init__(self, sigma, **kwargs): + self.sigma = sigma + super(ChannelNoise, self).__init__(**kwargs) + + def build(self, input_shape): + self.inshape = input_shape + super(ChannelNoise, self).build(input_shape) + + def call(self, x): + return x + K.random_normal(self.inshape[1:], mean = 0, stddev = self.sigma) + + def compute_output_shape(self, input_shape): + return input_shape + +z = ChannelNoise(std)(z) +#%% + +#decoder part +z = Reshape([8,8,c])(z) +conv_0T = Conv2DTranspose(32,(5,5), padding = 'same', strides = 1,activation='relu')(z) +# conv_0T = BatchNormalization()(conv_0T) +conv_1T = Conv2DTranspose(32,(5,5), padding = 'same', strides = 1,activation='relu')(conv_0T) +# conv_1T = BatchNormalization()(conv_1T) +conv_2T = Conv2DTranspose(32,(5,5), padding = 'same', strides = 1,activation='relu')(conv_1T) +# conv_2T = BatchNormalization()(conv_2T) +conv_3T = Conv2DTranspose(16,(5,5), padding = 'same', strides = 2,activation='relu')(conv_2T) +# conv_3T = BatchNormalization()(conv_3T) +x_out = Conv2DTranspose(3,(5,5), padding = 'same', strides = 2,activation='sigmoid')(conv_3T) + +#%% + +vae = Model(input, x_out) + +from keras import metrics + + +def VAE_loss(x_origin,x_out): + reconstruction_loss = tf.reduce_mean(tf.reduce_sum(tf.square(x_origin- x_out), axis=[1, 2, 3])) + kl_loss = - 0.5 * K.sum(1 + z_log_var - K.square(z_mean) - K.exp(z_log_var), axis=-1) + kl_loss = tf.reduce_mean(kl_loss) + loss_sum = kl_loss + 32*32*3 * reconstruction_loss + return loss_sum + +def PSNR(y_true, y_pred): + return 10 * K.log(K.max(y_true) ** 2 / (K.mean(K.square(y_pred - y_true)))) / K.log(10.0) + + +def schedule(epoch, lr): + #TODO compelete the scheduler + lr = 0.0001 + return lr + pass + + +lrate = keras.callbacks.LearningRateScheduler(schedule, verbose=1) +chckpnt = keras.callbacks.ModelCheckpoint(save_directory + 'weights.{epoch}-{val_PSNR:.2f}.h5', + monitor='val_PSNR', verbose=0, save_best_only=False, + save_weights_only=True, mode='auto', period=100) +csv = keras.callbacks.CSVLogger(save_directory + 'logs.log', separator=',', append=True) +opt = keras.optimizers.Adam(lr=0.001) + +vae.compile(optimizer=opt, loss=VAE_loss, metrics=[PSNR]) +#TODO uncomment line below to load weights + +# vae.load_weights() +vae.fit(X_train_norm, X_train_norm, shuffle=True, epochs=1000, batch_size=64, + validation_data=(X_validation_norm, X_validation_norm), callbacks=[lrate, chckpnt, csv]) \ No newline at end of file