diff --git a/neural_network/lstm_stock/config.json b/neural_network/lstm_stock/config.json new file mode 100644 index 000000000000..2618819ab7f1 --- /dev/null +++ b/neural_network/lstm_stock/config.json @@ -0,0 +1,53 @@ +{ + "data": { + "filename": "sp500.csv", + "columns": [ + "Close", + "Volume" + ], + "sequence_length": 50, + "train_test_split": 0.85, + "normalise": true + }, + "training": { + "epochs": 2, + "batch_size": 32 + }, + "model": { + "loss": "mse", + "optimizer": "adam", + "save_dir": "saved_models", + "layers": [ + { + "type": "lstm", + "neurons": 100, + "input_timesteps": 49, + "input_dim": 2, + "return_seq": true + }, + { + "type": "dropout", + "rate": 0.2 + }, + { + "type": "lstm", + "neurons": 100, + "return_seq": true + }, + { + "type": "lstm", + "neurons": 100, + "return_seq": false + }, + { + "type": "dropout", + "rate": 0.2 + }, + { + "type": "dense", + "neurons": 1, + "activation": "linear" + } + ] + } +} diff --git a/neural_network/lstm_stock/core/__init__.py b/neural_network/lstm_stock/core/__init__.py new file mode 100644 index 000000000000..8af8fb31794e --- /dev/null +++ b/neural_network/lstm_stock/core/__init__.py @@ -0,0 +1,2 @@ +import warnings +warnings.filterwarnings("ignore") diff --git a/neural_network/lstm_stock/core/data_processor.py b/neural_network/lstm_stock/core/data_processor.py new file mode 100644 index 000000000000..f535eda8764d --- /dev/null +++ b/neural_network/lstm_stock/core/data_processor.py @@ -0,0 +1,84 @@ +import math +import numpy as np +import pandas as pd + +class DataLoader(): + """A class for loading and transforming data for the lstm model""" + + def __init__(self, filename, split, cols): + dataframe = pd.read_csv(filename) + i_split = int(len(dataframe) * split) + self.data_train = dataframe.get(cols).values[:i_split] + self.data_test = dataframe.get(cols).values[i_split:] + self.len_train = len(self.data_train) + self.len_test = len(self.data_test) + self.len_train_windows = None + + def get_test_data(self, seq_len, normalise): + ''' + Create x, y test data windows + Warning: batch method, not generative, make sure you have enough memory to + load data, otherwise reduce size of the training split. + ''' + data_windows = [] + for i in range(self.len_test - seq_len): + data_windows.append(self.data_test[i:i+seq_len]) + + data_windows = np.array(data_windows).astype(float) + data_windows = self.normalise_windows(data_windows, single_window=False) if normalise else data_windows + + x = data_windows[:, :-1] + y = data_windows[:, -1, [0]] + return x,y + + def get_train_data(self, seq_len, normalise): + ''' + Create x, y train data windows + Warning: batch method, not generative, make sure you have enough memory to + load data, otherwise use generate_training_window() method. + ''' + data_x = [] + data_y = [] + for i in range(self.len_train - seq_len): + x, y = self._next_window(i, seq_len, normalise) + data_x.append(x) + data_y.append(y) + return np.array(data_x), np.array(data_y) + + def generate_train_batch(self, seq_len, batch_size, normalise): + '''Yield a generator of training data from filename on given list of cols split for train/test''' + i = 0 + while i < (self.len_train - seq_len): + x_batch = [] + y_batch = [] + for b in range(batch_size): + if i >= (self.len_train - seq_len): + # stop-condition for a smaller final batch if data doesn't divide evenly + yield np.array(x_batch), np.array(y_batch) + i = 0 + x, y = self._next_window(i, seq_len, normalise) + x_batch.append(x) + y_batch.append(y) + i += 1 + yield np.array(x_batch), np.array(y_batch) + + def _next_window(self, i, seq_len, normalise): + '''Generates the next data window from the given index location i''' + window = self.data_train[i:i+seq_len] + window = self.normalise_windows(window, single_window=True)[0] if normalise else window + x = window[:-1] + y = window[-1, [0]] + return x, y + + def normalise_windows(self, window_data, single_window=False): + '''Normalise window with a base value of zero''' + normalised_data = [] + window_data = [window_data] if single_window else window_data + for window in window_data: + normalised_window = [] + for col_i in range(window.shape[1]): + normalised_col = [((float(p) / float(window[0, col_i])) - 1) for p in window[:, col_i]] + normalised_window.append(normalised_col) + normalised_window = np.array(normalised_window).T # reshape and transpose array back into original multidimensional format + normalised_data.append(normalised_window) + return np.array(normalised_data) \ No newline at end of file diff --git a/neural_network/lstm_stock/core/model.py b/neural_network/lstm_stock/core/model.py new file mode 100644 index 000000000000..52dd6beb77e5 --- /dev/null +++ b/neural_network/lstm_stock/core/model.py @@ -0,0 +1,119 @@ +import os +import math +import numpy as np +import datetime as dt +from numpy import newaxis +from core.utils import Timer +from keras.layers import Dense, Activation, Dropout, LSTM +from keras.models import Sequential, load_model +from keras.callbacks import EarlyStopping, ModelCheckpoint + +class Model(): + """A class for an building and inferencing an lstm model""" + + def __init__(self): + self.model = Sequential() + + def load_model(self, filepath): + print('[Model] Loading model from file %s' % filepath) + self.model = load_model(filepath) + + def build_model(self, configs): + timer = Timer() + timer.start() + + for layer in configs['model']['layers']: + neurons = layer['neurons'] if 'neurons' in layer else None + dropout_rate = layer['rate'] if 'rate' in layer else None + activation = layer['activation'] if 'activation' in layer else None + return_seq = layer['return_seq'] if 'return_seq' in layer else None + input_timesteps = layer['input_timesteps'] if 'input_timesteps' in layer else None + input_dim = layer['input_dim'] if 'input_dim' in layer else None + + if layer['type'] == 'dense': + self.model.add(Dense(neurons, activation=activation)) + if layer['type'] == 'lstm': + self.model.add(LSTM(neurons, input_shape=(input_timesteps, input_dim), return_sequences=return_seq)) + if layer['type'] == 'dropout': + self.model.add(Dropout(dropout_rate)) + + self.model.compile(loss=configs['model']['loss'], optimizer=configs['model']['optimizer']) + + print('[Model] Model Compiled') + timer.stop() + + def train(self, x, y, epochs, batch_size, save_dir): + timer = Timer() + timer.start() + print('[Model] Training Started') + print('[Model] %s epochs, %s batch size' % (epochs, batch_size)) + + save_fname = os.path.join(save_dir, '%s-e%s.h5' % (dt.datetime.now().strftime('%d%m%Y-%H%M%S'), str(epochs))) + callbacks = [ + EarlyStopping(monitor='val_loss', patience=2), + ModelCheckpoint(filepath=save_fname, monitor='val_loss', save_best_only=True) + ] + self.model.fit( + x, + y, + epochs=epochs, + batch_size=batch_size, + callbacks=callbacks + ) + self.model.save(save_fname) + + print('[Model] Training Completed. Model saved as %s' % save_fname) + timer.stop() + + def train_generator(self, data_gen, epochs, batch_size, steps_per_epoch, save_dir): + timer = Timer() + timer.start() + print('[Model] Training Started') + print('[Model] %s epochs, %s batch size, %s batches per epoch' % (epochs, batch_size, steps_per_epoch)) + + save_fname = os.path.join(save_dir, '%s-e%s.h5' % (dt.datetime.now().strftime('%d%m%Y-%H%M%S'), str(epochs))) + callbacks = [ + ModelCheckpoint(filepath=save_fname, monitor='loss', save_best_only=True) + ] + self.model.fit_generator( + data_gen, + steps_per_epoch=steps_per_epoch, + epochs=epochs, + callbacks=callbacks, + workers=1 + ) + + print('[Model] Training Completed. Model saved as %s' % save_fname) + timer.stop() + + def predict_point_by_point(self, data): + #Predict each timestep given the last sequence of true data, in effect only predicting 1 step ahead each time + print('[Model] Predicting Point-by-Point...') + predicted = self.model.predict(data) + predicted = np.reshape(predicted, (predicted.size,)) + return predicted + + def predict_sequences_multiple(self, data, window_size, prediction_len): + #Predict sequence of 50 steps before shifting prediction run forward by 50 steps + print('[Model] Predicting Sequences Multiple...') + prediction_seqs = [] + for i in range(int(len(data)/prediction_len)): + curr_frame = data[i*prediction_len] + predicted = [] + for j in range(prediction_len): + predicted.append(self.model.predict(curr_frame[newaxis,:,:])[0,0]) + curr_frame = curr_frame[1:] + curr_frame = np.insert(curr_frame, [window_size-2], predicted[-1], axis=0) + prediction_seqs.append(predicted) + return prediction_seqs + + def predict_sequence_full(self, data, window_size): + #Shift the window by 1 new prediction each time, re-run predictions on new window + print('[Model] Predicting Sequences Full...') + curr_frame = data[0] + predicted = [] + for i in range(len(data)): + predicted.append(self.model.predict(curr_frame[newaxis,:,:])[0,0]) + curr_frame = curr_frame[1:] + curr_frame = np.insert(curr_frame, [window_size-2], predicted[-1], axis=0) + return predicted diff --git a/neural_network/lstm_stock/core/utils.py b/neural_network/lstm_stock/core/utils.py new file mode 100644 index 000000000000..fc14e1cab224 --- /dev/null +++ b/neural_network/lstm_stock/core/utils.py @@ -0,0 +1,13 @@ +import datetime as dt + +class Timer(): + + def __init__(self): + self.start_dt = None + + def start(self): + self.start_dt = dt.datetime.now() + + def stop(self): + end_dt = dt.datetime.now() + print('Time taken: %s' % (end_dt - self.start_dt)) \ No newline at end of file diff --git a/neural_network/lstm_stock/data/sinewave.csv b/neural_network/lstm_stock/data/sinewave.csv new file mode 100644 index 000000000000..d1617fef6e81 --- /dev/null +++ b/neural_network/lstm_stock/data/sinewave.csv @@ -0,0 +1,5002 @@ +sinewave +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 +0.873736397 +0.90255357 +0.927808777 +0.949402346 +0.967249058 +0.98127848 +0.991435244 +0.997679266 +0.999985904 +0.998346054 +0.992766189 +0.983268329 +0.969889958 +0.952683874 +0.931717983 +0.907075026 +0.878852258 +0.847161063 +0.812126509 +0.773886863 +0.73259304 +0.688408006 +0.64150614 +0.592072543 +0.540302306 +0.486399742 +0.430577581 +0.373056127 +0.314062391 +0.253829194 +0.192594249 +0.130599223 +0.068088781 +0.005309624 +-0.057490488 +-0.120063711 +-0.182163097 +-0.243543569 +-0.303962886 +-0.3631826 +-0.420968998 +-0.477094024 +-0.531336178 +-0.583481391 +-0.633323869 +-0.680666907 +-0.725323664 +-0.7671179 +-0.805884672 +-0.841470985 +-0.873736397 +-0.90255357 +-0.927808777 +-0.949402346 +-0.967249058 +-0.98127848 +-0.991435244 +-0.997679266 +-0.999985904 +-0.998346054 +-0.992766189 +-0.983268329 +-0.969889958 +-0.952683874 +-0.931717983 +-0.907075026 +-0.878852258 +-0.847161063 +-0.812126509 +-0.773886863 +-0.73259304 +-0.688408006 +-0.64150614 +-0.592072543 +-0.540302306 +-0.486399742 +-0.430577581 +-0.373056127 +-0.314062391 +-0.253829194 +-0.192594249 +-0.130599223 +-0.068088781 +-0.005309624 +0.057490488 +0.120063711 +0.182163097 +0.243543569 +0.303962886 +0.3631826 +0.420968998 +0.477094024 +0.531336178 +0.583481391 +0.633323869 +0.680666907 +0.725323664 +0.7671179 +0.805884672 +0.841470985 diff --git a/neural_network/lstm_stock/data/sp500.csv b/neural_network/lstm_stock/data/sp500.csv new file mode 100644 index 000000000000..443f9f4583ab --- /dev/null +++ b/neural_network/lstm_stock/data/sp500.csv @@ -0,0 +1,4698 @@ +Date,Open,High,Low,Close,Volume +03-01-00,1469.25,1478,1438.359985,1455.219971,931800000 +04-01-00,1455.219971,1455.219971,1397.430054,1399.420044,1009000000 +05-01-00,1399.420044,1413.27002,1377.680054,1402.109985,1085500000 +06-01-00,1402.109985,1411.900024,1392.099976,1403.449951,1092300000 +07-01-00,1403.449951,1441.469971,1400.72998,1441.469971,1225200000 +10-01-00,1441.469971,1464.359985,1441.469971,1457.599976,1064800000 +11-01-00,1457.599976,1458.660034,1434.420044,1438.560059,1014000000 +12-01-00,1438.560059,1442.599976,1427.079956,1432.25,974600000 +13-01-00,1432.25,1454.199951,1432.25,1449.680054,1030400000 +14-01-00,1449.680054,1473,1449.680054,1465.150024,1085900000 +18-01-00,1465.150024,1465.150024,1451.300049,1455.140015,1056700000 +19-01-00,1455.140015,1461.390015,1448.680054,1455.900024,1087800000 +20-01-00,1455.900024,1465.709961,1438.540039,1445.569946,1100700000 +21-01-00,1445.569946,1453.180054,1439.599976,1441.359985,1209800000 +24-01-00,1441.359985,1454.089966,1395.420044,1401.530029,1115800000 +25-01-00,1401.530029,1414.26001,1388.48999,1410.030029,1073700000 +26-01-00,1410.030029,1412.72998,1400.160034,1404.089966,1117300000 +27-01-00,1404.089966,1418.859985,1370.98999,1398.560059,1129500000 +28-01-00,1398.560059,1398.560059,1356.199951,1360.160034,1095800000 +31-01-00,1360.160034,1394.47998,1350.140015,1394.459961,993800000 +01-02-00,1394.459961,1412.48999,1384.790039,1409.280029,981000000 +02-02-00,1409.280029,1420.609985,1403.48999,1409.119995,1038600000 +03-02-00,1409.119995,1425.780029,1398.52002,1424.969971,1146500000 +04-02-00,1424.969971,1435.910034,1420.630005,1424.369995,1045100000 +07-02-00,1424.369995,1427.150024,1413.329956,1424.23999,918100000 +08-02-00,1424.23999,1441.829956,1424.23999,1441.719971,1047700000 +09-02-00,1441.719971,1444.550049,1411.650024,1411.709961,1050500000 +10-02-00,1411.699951,1422.099976,1406.430054,1416.829956,1058800000 +11-02-00,1416.829956,1416.829956,1378.890015,1387.119995,1025700000 +14-02-00,1387.119995,1394.930054,1380.530029,1389.939941,927300000 +15-02-00,1389.939941,1407.719971,1376.25,1402.050049,1092100000 +16-02-00,1402.050049,1404.550049,1385.579956,1387.670044,1018800000 +17-02-00,1387.670044,1399.880005,1380.069946,1388.26001,1034800000 +18-02-00,1388.26001,1388.589966,1345.319946,1346.089966,1042300000 +22-02-00,1346.089966,1358.109985,1331.880005,1352.170044,980000000 +23-02-00,1352.170044,1370.109985,1342.439941,1360.689941,993700000 +24-02-00,1360.689941,1364.800049,1329.880005,1353.430054,1215000000 +25-02-00,1353.430054,1362.140015,1329.150024,1333.359985,1065200000 +28-02-00,1333.359985,1360.819946,1325.069946,1348.050049,1026500000 +29-02-00,1348.050049,1369.630005,1348.050049,1366.420044,1204300000 +01-03-00,1366.420044,1383.459961,1366.420044,1379.189941,1274100000 +02-03-00,1379.189941,1386.560059,1370.349976,1381.76001,1198600000 +03-03-00,1381.76001,1410.880005,1381.76001,1409.170044,1150300000 +06-03-00,1409.170044,1409.73999,1384.75,1391.280029,1029000000 +07-03-00,1391.280029,1399.209961,1349.98999,1355.619995,1314100000 +08-03-00,1355.619995,1373.790039,1346.619995,1366.699951,1203000000 +09-03-00,1366.699951,1401.819946,1357.880005,1401.689941,1123000000 +10-03-00,1401.689941,1413.459961,1392.069946,1395.069946,1138800000 +13-03-00,1395.069946,1398.390015,1364.839966,1383.619995,1016100000 +14-03-00,1383.619995,1395.150024,1359.150024,1359.150024,1094000000 +15-03-00,1359.150024,1397.98999,1356.98999,1392.140015,1302800000 +16-03-00,1392.150024,1458.469971,1392.150024,1458.469971,1482300000 +17-03-00,1458.469971,1477.329956,1453.319946,1464.469971,1295100000 +20-03-00,1464.469971,1470.300049,1448.48999,1456.630005,920800000 +21-03-00,1456.630005,1493.920044,1446.060059,1493.869995,1065900000 +22-03-00,1493.869995,1505.079956,1487.329956,1500.640015,1075000000 +23-03-00,1500.640015,1532.5,1492.390015,1527.349976,1078300000 +24-03-00,1527.349976,1552.869995,1516.829956,1527.459961,1052200000 +27-03-00,1527.459961,1534.630005,1518.459961,1523.859985,901000000 +28-03-00,1523.859985,1527.359985,1507.089966,1507.72998,959100000 +29-03-00,1507.72998,1521.449951,1497.449951,1508.52002,1061900000 +30-03-00,1508.52002,1517.380005,1474.630005,1487.920044,1193400000 +31-03-00,1487.920044,1519.810059,1484.380005,1498.579956,1227400000 +03-04-00,1498.579956,1507.189941,1486.959961,1505.969971,1021700000 +04-04-00,1505.97998,1526.449951,1416.410034,1494.72998,1515460000 +05-04-00,1494.72998,1506.550049,1478.050049,1487.369995,1110300000 +06-04-00,1487.369995,1511.76001,1487.369995,1501.339966,1008000000 +07-04-00,1501.339966,1518.680054,1501.339966,1516.349976,891600000 +10-04-00,1516.349976,1527.189941,1503.349976,1504.459961,853700000 +11-04-00,1504.459961,1512.800049,1486.780029,1500.589966,971400000 +12-04-00,1500.589966,1509.079956,1466.150024,1467.170044,1175900000 +13-04-00,1467.170044,1477.52002,1439.339966,1440.51001,1032000000 +14-04-00,1440.51001,1440.51001,1339.400024,1356.560059,1279700000 +17-04-00,1356.560059,1401.530029,1346.5,1401.439941,1204700000 +18-04-00,1401.439941,1441.609985,1397.810059,1441.609985,1109400000 +19-04-00,1441.609985,1447.689941,1424.26001,1427.469971,1001400000 +20-04-00,1427.469971,1435.48999,1422.079956,1434.540039,896200000 +24-04-00,1434.540039,1434.540039,1407.130005,1429.859985,868700000 +25-04-00,1429.859985,1477.670044,1429.859985,1477.439941,1071100000 +26-04-00,1477.439941,1482.939941,1456.97998,1460.98999,999600000 +27-04-00,1460.98999,1469.209961,1434.810059,1464.920044,1111000000 +28-04-00,1464.920044,1473.619995,1448.150024,1452.430054,984600000 +01-05-00,1452.430054,1481.51001,1452.430054,1468.25,966300000 +02-05-00,1468.25,1468.25,1445.219971,1446.290039,1011500000 +03-05-00,1446.290039,1446.290039,1398.359985,1415.099976,991600000 +04-05-00,1415.099976,1420.98999,1404.939941,1409.569946,925800000 +05-05-00,1409.569946,1436.030029,1405.079956,1432.630005,805500000 +08-05-00,1432.630005,1432.630005,1417.050049,1424.170044,787600000 +09-05-00,1424.170044,1430.280029,1401.849976,1412.140015,896600000 +10-05-00,1412.140015,1412.140015,1375.140015,1383.050049,1006400000 +11-05-00,1383.050049,1410.26001,1383.050049,1407.810059,953600000 +12-05-00,1407.810059,1430.130005,1407.810059,1420.959961,858200000 +15-05-00,1420.959961,1452.390015,1416.540039,1452.359985,854600000 +16-05-00,1452.359985,1470.400024,1450.76001,1466.040039,955500000 +17-05-00,1466.040039,1466.040039,1441.670044,1447.800049,820500000 +18-05-00,1447.800049,1458.040039,1436.589966,1437.209961,807900000 +19-05-00,1437.209961,1437.209961,1401.73999,1406.949951,853700000 +22-05-00,1406.949951,1410.550049,1368.72998,1400.719971,869000000 +23-05-00,1400.719971,1403.77002,1373.430054,1373.859985,869900000 +24-05-00,1373.859985,1401.75,1361.089966,1399.050049,1152300000 +25-05-00,1399.050049,1411.650024,1373.930054,1381.52002,984500000 +26-05-00,1381.52002,1391.420044,1369.75,1378.02002,722600000 +30-05-00,1378.02002,1422.449951,1378.02002,1422.449951,844200000 +31-05-00,1422.439941,1434.48999,1415.5,1420.599976,960500000 +01-06-00,1420.599976,1448.810059,1420.599976,1448.810059,960100000 +02-06-00,1448.810059,1483.22998,1448.810059,1477.26001,1162400000 +05-06-00,1477.26001,1477.280029,1464.680054,1467.630005,838600000 +06-06-00,1467.630005,1471.359985,1454.73999,1457.839966,950100000 +07-06-00,1457.839966,1474.640015,1455.060059,1471.359985,854600000 +08-06-00,1471.359985,1475.650024,1456.48999,1461.670044,854300000 +09-06-00,1461.670044,1472.670044,1454.959961,1456.949951,786000000 +12-06-00,1456.949951,1462.930054,1445.98999,1446,774100000 +13-06-00,1446,1470.420044,1442.380005,1469.439941,935900000 +14-06-00,1469.439941,1483.619995,1467.709961,1470.540039,929700000 +15-06-00,1470.540039,1482.040039,1464.619995,1478.72998,1011400000 +16-06-00,1478.72998,1480.77002,1460.420044,1464.459961,1250800000 +19-06-00,1464.459961,1488.930054,1459.050049,1486,921700000 +20-06-00,1486,1487.319946,1470.180054,1475.949951,1031500000 +21-06-00,1475.949951,1482.189941,1468,1479.130005,1009600000 +22-06-00,1479.130005,1479.130005,1448.030029,1452.180054,1022700000 +23-06-00,1452.180054,1459.939941,1438.310059,1441.47998,847600000 +26-06-00,1441.47998,1459.660034,1441.47998,1455.310059,889000000 +27-06-00,1455.310059,1463.349976,1450.550049,1450.550049,1042500000 +28-06-00,1450.550049,1467.630005,1450.550049,1454.819946,1095100000 +29-06-00,1454.819946,1455.140015,1434.630005,1442.390015,1110900000 +30-06-00,1442.390015,1454.680054,1438.709961,1454.599976,1459700000 +03-07-00,1454.599976,1469.579956,1450.849976,1469.540039,451900000 +05-07-00,1469.540039,1469.540039,1442.449951,1446.22998,1019300000 +06-07-00,1446.22998,1461.650024,1439.560059,1456.670044,947300000 +07-07-00,1456.670044,1484.119995,1456.670044,1478.900024,931700000 +10-07-00,1478.900024,1486.560059,1474.76001,1475.619995,838700000 +11-07-00,1475.619995,1488.77002,1470.47998,1480.880005,980500000 +12-07-00,1480.880005,1497.689941,1480.880005,1492.920044,1001200000 +13-07-00,1492.920044,1501.390015,1489.650024,1495.839966,1026800000 +14-07-00,1495.839966,1509.98999,1494.560059,1509.97998,960600000 +17-07-00,1509.97998,1517.319946,1505.26001,1510.48999,906000000 +18-07-00,1510.48999,1510.48999,1491.349976,1493.73999,908300000 +19-07-00,1493.73999,1495.630005,1479.920044,1481.959961,909400000 +20-07-00,1481.959961,1501.920044,1481.959961,1495.569946,1064600000 +21-07-00,1495.569946,1495.569946,1477.910034,1480.189941,968300000 +24-07-00,1480.189941,1485.880005,1463.800049,1464.290039,880300000 +25-07-00,1464.290039,1476.22998,1464.290039,1474.469971,969400000 +26-07-00,1474.469971,1474.469971,1452.420044,1452.420044,1235800000 +27-07-00,1452.420044,1464.910034,1445.329956,1449.619995,1156400000 +28-07-00,1449.619995,1456.680054,1413.890015,1419.890015,980000000 +31-07-00,1419.890015,1437.650024,1418.709961,1430.829956,952600000 +01-08-00,1430.829956,1443.540039,1428.959961,1438.099976,938700000 +02-08-00,1438.099976,1451.589966,1433.48999,1438.699951,994500000 +03-08-00,1438.699951,1454.189941,1425.430054,1452.560059,1095600000 +04-08-00,1452.560059,1462.930054,1451.310059,1462.930054,956000000 +07-08-00,1462.930054,1480.800049,1460.719971,1479.319946,854800000 +08-08-00,1479.319946,1484.52002,1472.609985,1482.800049,992200000 +09-08-00,1482.800049,1490.329956,1471.160034,1472.869995,1054000000 +10-08-00,1472.869995,1475.150024,1459.890015,1460.25,940800000 +11-08-00,1460.25,1475.719971,1453.060059,1471.839966,835500000 +14-08-00,1471.839966,1491.640015,1468.560059,1491.560059,783800000 +15-08-00,1491.560059,1493.119995,1482.73999,1484.430054,895900000 +16-08-00,1484.430054,1496.089966,1475.73999,1479.849976,929800000 +17-08-00,1479.849976,1499.319946,1479.849976,1496.069946,922400000 +18-08-00,1496.069946,1499.469971,1488.98999,1491.719971,821400000 +21-08-00,1491.719971,1502.839966,1491.130005,1499.47998,731600000 +22-08-00,1499.47998,1508.449951,1497.420044,1498.130005,818800000 +23-08-00,1498.130005,1507.199951,1489.52002,1505.969971,871000000 +24-08-00,1505.969971,1511.160034,1501.25,1508.310059,837100000 +25-08-00,1508.310059,1513.469971,1505.089966,1506.449951,685600000 +28-08-00,1506.449951,1523.949951,1506.449951,1514.089966,733600000 +29-08-00,1514.089966,1514.810059,1505.459961,1509.839966,795600000 +30-08-00,1509.839966,1510.48999,1500.089966,1502.589966,818400000 +31-08-00,1502.589966,1525.209961,1502.589966,1517.680054,1056600000 +01-09-00,1517.680054,1530.089966,1515.530029,1520.77002,767700000 +05-09-00,1520.77002,1520.77002,1504.209961,1507.079956,838500000 +06-09-00,1507.079956,1512.609985,1492.119995,1492.25,995100000 +07-09-00,1492.25,1505.339966,1492.25,1502.51001,985500000 +08-09-00,1502.51001,1502.51001,1489.880005,1494.5,961000000 +11-09-00,1494.5,1506.76001,1483.01001,1489.26001,899300000 +12-09-00,1489.26001,1496.930054,1479.670044,1481.98999,991200000 +13-09-00,1481.98999,1487.449951,1473.609985,1484.910034,1068300000 +14-09-00,1484.910034,1494.160034,1476.72998,1480.869995,1014000000 +15-09-00,1480.869995,1480.959961,1460.219971,1465.810059,1268400000 +18-09-00,1465.810059,1467.77002,1441.920044,1444.51001,962500000 +19-09-00,1444.51001,1461.160034,1444.51001,1459.900024,1024900000 +20-09-00,1459.900024,1460.48999,1430.949951,1451.339966,1104000000 +21-09-00,1451.339966,1452.77002,1436.300049,1449.050049,1105400000 +22-09-00,1449.050049,1449.050049,1421.880005,1448.719971,1185500000 +25-09-00,1448.719971,1457.420044,1435.930054,1439.030029,982400000 +26-09-00,1439.030029,1448.040039,1425.25,1427.209961,1106600000 +27-09-00,1427.209961,1437.219971,1419.439941,1426.569946,1174700000 +28-09-00,1426.569946,1461.689941,1425.780029,1458.290039,1206200000 +29-09-00,1458.290039,1458.290039,1436.290039,1436.51001,1197100000 +02-10-00,1436.52002,1445.599976,1429.829956,1436.22998,1051200000 +03-10-00,1436.22998,1454.819946,1425.280029,1426.459961,1098100000 +04-10-00,1426.459961,1439.98999,1416.310059,1434.319946,1167400000 +05-10-00,1434.319946,1444.170044,1431.800049,1436.280029,1176100000 +06-10-00,1436.280029,1443.300049,1397.060059,1408.98999,1150100000 +09-10-00,1408.98999,1409.689941,1392.47998,1402.030029,716600000 +10-10-00,1402.030029,1408.829956,1383.849976,1387.02002,1044000000 +11-10-00,1387.02002,1387.02002,1349.670044,1364.589966,1387500000 +12-10-00,1364.589966,1374.930054,1328.060059,1329.780029,1388600000 +13-10-00,1329.780029,1374.170044,1327.079956,1374.170044,1223900000 +16-10-00,1374.170044,1379.47998,1365.060059,1374.619995,1005400000 +17-10-00,1374.619995,1380.98999,1342.339966,1349.969971,1161500000 +18-10-00,1349.969971,1356.650024,1305.790039,1342.130005,1441700000 +19-10-00,1342.130005,1389.930054,1342.130005,1388.76001,1297900000 +20-10-00,1388.76001,1408.469971,1382.189941,1396.930054,1177400000 +23-10-00,1396.930054,1406.959961,1387.75,1395.780029,1046800000 +24-10-00,1395.780029,1415.640015,1388.130005,1398.130005,1158600000 +25-10-00,1398.130005,1398.130005,1362.209961,1364.900024,1315600000 +26-10-00,1364.900024,1372.719971,1337.810059,1364.439941,1303800000 +27-10-00,1364.439941,1384.569946,1364.130005,1379.579956,1086300000 +30-10-00,1379.579956,1406.359985,1376.859985,1398.660034,1186500000 +31-10-00,1398.660034,1432.219971,1398.660034,1429.400024,1366400000 +01-11-00,1429.400024,1429.599976,1410.449951,1421.219971,1206800000 +02-11-00,1421.219971,1433.400024,1421.219971,1428.319946,1167700000 +03-11-00,1428.319946,1433.209961,1420.920044,1426.689941,997700000 +06-11-00,1428.76001,1438.459961,1427.719971,1432.189941,930900000 +07-11-00,1432.189941,1436.219971,1423.26001,1431.869995,880900000 +08-11-00,1431.869995,1437.280029,1408.780029,1409.280029,909300000 +09-11-00,1409.280029,1409.280029,1369.680054,1400.140015,1111000000 +10-11-00,1400.140015,1400.140015,1365.969971,1365.97998,962500000 +13-11-00,1365.97998,1365.97998,1328.619995,1351.26001,1129300000 +14-11-00,1351.26001,1390.060059,1351.26001,1382.949951,1118800000 +15-11-00,1382.949951,1395.959961,1374.75,1389.810059,1066800000 +16-11-00,1389.810059,1394.76001,1370.390015,1372.319946,956300000 +17-11-00,1372.319946,1384.849976,1355.550049,1367.719971,1070400000 +20-11-00,1367.719971,1367.719971,1341.670044,1342.619995,955800000 +21-11-00,1342.619995,1355.869995,1333.619995,1347.349976,1137100000 +22-11-00,1347.349976,1347.349976,1321.890015,1322.359985,963200000 +24-11-00,1322.359985,1343.829956,1322.359985,1341.77002,404870000 +27-11-00,1341.77002,1362.5,1341.77002,1348.969971,946100000 +28-11-00,1348.969971,1358.810059,1334.969971,1336.089966,1028200000 +29-11-00,1336.089966,1352.380005,1329.280029,1341.930054,402100000 +30-11-00,1341.910034,1341.910034,1294.900024,1314.949951,1186530000 +01-12-00,1314.949951,1334.670044,1307.02002,1315.22998,1195200000 +04-12-00,1315.180054,1332.060059,1310.22998,1324.969971,1103000000 +05-12-00,1324.969971,1376.560059,1324.969971,1376.540039,900300000 +06-12-00,1376.540039,1376.540039,1346.150024,1351.459961,1399300000 +07-12-00,1351.459961,1353.5,1339.26001,1343.550049,1128000000 +08-12-00,1343.550049,1380.329956,1343.550049,1369.890015,1358300000 +11-12-00,1369.890015,1389.050049,1364.140015,1380.199951,1202400000 +12-12-00,1380.199951,1380.27002,1370.27002,1371.180054,1083400000 +13-12-00,1371.180054,1385.819946,1358.47998,1359.98999,1195100000 +14-12-00,1359.98999,1359.98999,1340.47998,1340.930054,1061300000 +15-12-00,1340.930054,1340.930054,1305.380005,1312.150024,1561100000 +18-12-00,1312.150024,1332.319946,1312.150024,1322.73999,1189900000 +19-12-00,1322.959961,1346.439941,1305.199951,1305.599976,1324900000 +20-12-00,1305.599976,1305.599976,1261.160034,1264.73999,1421600000 +21-12-00,1264.73999,1285.310059,1254.069946,1274.859985,1449900000 +22-12-00,1274.859985,1305.969971,1274.859985,1305.949951,1087100000 +26-12-00,1305.969971,1315.939941,1301.640015,1315.189941,806500000 +27-12-00,1315.189941,1332.030029,1310.959961,1328.920044,1092700000 +28-12-00,1328.920044,1335.930054,1325.780029,1334.219971,1015300000 +29-12-00,1334.219971,1340.099976,1317.51001,1320.280029,1035500000 +02-01-01,1320.280029,1320.280029,1276.050049,1283.27002,1129400000 +03-01-01,1283.27002,1347.76001,1274.619995,1347.560059,1880700000 +04-01-01,1347.560059,1350.23999,1329.140015,1333.339966,2131000000 +05-01-01,1333.339966,1334.77002,1294.949951,1298.349976,1430800000 +08-01-01,1298.349976,1298.349976,1276.290039,1295.859985,1115500000 +09-01-01,1295.859985,1311.719971,1295.140015,1300.800049,1191300000 +10-01-01,1300.800049,1313.76001,1287.280029,1313.27002,1296500000 +11-01-01,1313.27002,1332.189941,1309.719971,1326.819946,1411200000 +12-01-01,1326.819946,1333.209961,1311.589966,1318.550049,1276000000 +16-01-01,1318.319946,1327.810059,1313.329956,1326.650024,1205700000 +17-01-01,1326.650024,1346.920044,1325.410034,1329.469971,1349100000 +18-01-01,1329.890015,1352.709961,1327.410034,1347.969971,1445000000 +19-01-01,1347.969971,1354.550049,1336.73999,1342.540039,1407800000 +22-01-01,1342.540039,1353.619995,1333.839966,1342.900024,1164000000 +23-01-01,1342.900024,1362.900024,1339.630005,1360.400024,1232600000 +24-01-01,1360.400024,1369.75,1357.280029,1364.300049,1309000000 +25-01-01,1364.300049,1367.349976,1354.630005,1357.51001,1258000000 +26-01-01,1357.51001,1357.51001,1342.75,1354.949951,1098000000 +29-01-01,1354.920044,1365.540039,1350.359985,1364.170044,1053100000 +30-01-01,1364.170044,1375.680054,1356.199951,1373.72998,1149800000 +31-01-01,1373.72998,1383.369995,1364.660034,1366.01001,1295300000 +01-02-01,1366.01001,1373.5,1359.339966,1373.469971,1118800000 +02-02-01,1373.469971,1376.380005,1348.719971,1349.469971,1048400000 +05-02-01,1349.469971,1354.560059,1344.47998,1354.310059,1013000000 +06-02-01,1354.310059,1363.550049,1350.040039,1352.26001,1059600000 +07-02-01,1352.26001,1352.26001,1334.26001,1340.890015,1158300000 +08-02-01,1341.099976,1350.319946,1332.420044,1332.530029,1107200000 +09-02-01,1332.530029,1332.530029,1309.97998,1314.76001,1075500000 +12-02-01,1314.76001,1330.959961,1313.640015,1330.310059,1039100000 +13-02-01,1330.310059,1336.619995,1317.51001,1318.800049,1075200000 +14-02-01,1318.800049,1320.72998,1304.719971,1315.920044,1150300000 +15-02-01,1315.920044,1331.290039,1315.920044,1326.609985,1153700000 +16-02-01,1326.609985,1326.609985,1293.180054,1301.530029,1257200000 +20-02-01,1301.530029,1307.160034,1278.439941,1278.939941,1112200000 +21-02-01,1278.939941,1282.969971,1253.160034,1255.27002,1208500000 +22-02-01,1255.27002,1259.939941,1228.329956,1252.819946,1365900000 +23-02-01,1252.819946,1252.819946,1215.439941,1245.859985,1231300000 +26-02-01,1245.859985,1267.689941,1241.709961,1267.650024,1130800000 +27-02-01,1267.650024,1272.76001,1252.26001,1257.939941,1114100000 +28-02-01,1257.939941,1263.469971,1229.650024,1239.939941,1225300000 +01-03-01,1239.939941,1241.359985,1214.5,1241.22998,1294900000 +02-03-01,1241.22998,1251.01001,1219.73999,1234.180054,1294000000 +05-03-01,1234.180054,1242.550049,1234.040039,1241.410034,929200000 +06-03-01,1241.410034,1267.420044,1241.410034,1253.800049,1091800000 +07-03-01,1253.800049,1263.859985,1253.800049,1261.890015,1132200000 +08-03-01,1261.890015,1266.5,1257.599976,1264.73999,1114100000 +09-03-01,1264.73999,1264.73999,1228.420044,1233.420044,1085900000 +12-03-01,1233.420044,1233.420044,1176.780029,1180.160034,1229000000 +13-03-01,1180.160034,1197.829956,1171.5,1197.660034,1360900000 +14-03-01,1197.660034,1197.660034,1155.349976,1166.709961,1397400000 +15-03-01,1166.709961,1182.040039,1166.709961,1173.560059,1259500000 +16-03-01,1173.560059,1173.560059,1148.640015,1150.530029,1543560000 +19-03-01,1150.530029,1173.5,1147.180054,1170.810059,1126200000 +20-03-01,1170.810059,1180.560059,1142.189941,1142.619995,1235900000 +21-03-01,1142.619995,1149.390015,1118.73999,1122.140015,1346300000 +22-03-01,1122.140015,1124.27002,1081.189941,1117.579956,1723950000 +23-03-01,1117.579956,1141.829956,1117.579956,1139.829956,1364900000 +26-03-01,1139.829956,1160.02002,1139.829956,1152.689941,1114000000 +27-03-01,1152.689941,1183.349976,1150.959961,1182.170044,1314200000 +28-03-01,1182.170044,1182.170044,1147.829956,1153.290039,1333400000 +29-03-01,1153.290039,1161.689941,1136.26001,1147.949951,1234500000 +30-03-01,1147.949951,1162.800049,1143.829956,1160.329956,1280800000 +02-04-01,1160.329956,1169.51001,1137.51001,1145.869995,1254900000 +03-04-01,1145.869995,1145.869995,1100.189941,1106.459961,1386100000 +04-04-01,1106.459961,1117.5,1091.98999,1103.25,1425590000 +05-04-01,1103.25,1151.469971,1103.25,1151.439941,1368000000 +06-04-01,1151.439941,1151.439941,1119.290039,1128.430054,1266800000 +09-04-01,1128.430054,1146.130005,1126.380005,1137.589966,1062800000 +10-04-01,1137.589966,1173.920044,1137.589966,1168.380005,1349600000 +11-04-01,1168.380005,1182.23999,1160.26001,1165.890015,1290300000 +12-04-01,1165.890015,1183.51001,1157.72998,1183.5,1102000000 +16-04-01,1183.5,1184.640015,1167.380005,1179.680054,913900000 +17-04-01,1179.680054,1192.25,1168.900024,1191.810059,1109600000 +18-04-01,1191.810059,1248.420044,1191.810059,1238.160034,1918900000 +19-04-01,1238.160034,1253.709961,1233.390015,1253.689941,1486800000 +20-04-01,1253.699951,1253.699951,1234.410034,1242.97998,1338700000 +23-04-01,1242.97998,1242.97998,1217.469971,1224.359985,1012600000 +24-04-01,1224.359985,1233.540039,1208.890015,1209.469971,1216500000 +25-04-01,1209.469971,1232.359985,1207.380005,1228.75,1203600000 +26-04-01,1228.75,1248.300049,1228.75,1234.52002,1345200000 +27-04-01,1234.52002,1253.069946,1234.52002,1253.050049,1091300000 +30-04-01,1253.050049,1269.300049,1243.98999,1249.459961,1266800000 +01-05-01,1249.459961,1266.469971,1243.550049,1266.439941,1181300000 +02-05-01,1266.439941,1272.930054,1257.699951,1267.430054,1342200000 +03-05-01,1267.430054,1267.430054,1239.880005,1248.579956,1137900000 +04-05-01,1248.579956,1267.51001,1232,1266.609985,1082100000 +07-05-01,1266.609985,1270,1259.189941,1263.51001,949000000 +08-05-01,1266.709961,1267.01001,1253,1261.199951,1006300000 +09-05-01,1261.199951,1261.650024,1247.829956,1255.540039,1132400000 +10-05-01,1255.540039,1268.140015,1254.560059,1255.180054,1056700000 +11-05-01,1255.180054,1259.839966,1240.790039,1245.670044,906200000 +14-05-01,1245.670044,1249.680054,1241.02002,1248.920044,858200000 +15-05-01,1248.920044,1257.449951,1245.359985,1249.439941,1071800000 +16-05-01,1249.439941,1286.390015,1243.02002,1284.98999,1405300000 +17-05-01,1284.98999,1296.47998,1282.650024,1288.48999,1355600000 +18-05-01,1288.48999,1292.060059,1281.150024,1291.959961,1130800000 +21-05-01,1291.959961,1312.949951,1287.869995,1312.829956,1174900000 +22-05-01,1312.829956,1315.930054,1306.890015,1309.380005,1260400000 +23-05-01,1309.380005,1309.380005,1288.699951,1289.050049,1134800000 +24-05-01,1289.050049,1295.040039,1281.219971,1293.170044,1100700000 +25-05-01,1293.170044,1293.170044,1276.420044,1277.890015,828100000 +29-05-01,1277.890015,1278.420044,1265.410034,1267.930054,1026000000 +30-05-01,1267.930054,1267.930054,1245.959961,1248.079956,1158600000 +31-05-01,1248.079956,1261.910034,1248.069946,1255.819946,1226600000 +01-06-01,1255.819946,1265.339966,1246.880005,1260.670044,1015000000 +04-06-01,1260.670044,1267.170044,1256.359985,1267.109985,836500000 +05-06-01,1267.109985,1286.619995,1267.109985,1283.569946,1116800000 +06-06-01,1283.569946,1283.849976,1269.01001,1270.030029,1061900000 +07-06-01,1270.030029,1277.079956,1265.079956,1276.959961,1089600000 +08-06-01,1276.959961,1277.109985,1259.98999,1264.959961,726200000 +11-06-01,1264.959961,1264.959961,1249.22998,1254.390015,870100000 +12-06-01,1254.390015,1261,1235.75,1255.849976,1136500000 +13-06-01,1255.849976,1259.75,1241.589966,1241.599976,1063600000 +14-06-01,1241.599976,1241.599976,1218.900024,1219.869995,1242900000 +15-06-01,1219.869995,1221.5,1203.030029,1214.359985,1635550000 +18-06-01,1214.359985,1221.22998,1208.329956,1208.430054,1111600000 +19-06-01,1208.430054,1226.109985,1207.709961,1212.579956,1184900000 +20-06-01,1212.579956,1225.609985,1210.069946,1223.140015,1350100000 +21-06-01,1223.140015,1240.23999,1220.25,1237.040039,1546820000 +22-06-01,1237.040039,1237.72998,1221.410034,1225.349976,1189200000 +25-06-01,1225.349976,1231.5,1213.599976,1218.599976,1050100000 +26-06-01,1218.599976,1220.699951,1204.640015,1216.76001,1198900000 +27-06-01,1216.76001,1219.920044,1207.290039,1211.069946,1162100000 +28-06-01,1211.069946,1234.439941,1211.069946,1226.199951,1327300000 +29-06-01,1226.199951,1237.290039,1221.140015,1224.380005,1832360000 +02-07-01,1224.420044,1239.780029,1224.030029,1236.719971,1128300000 +03-07-01,1236.709961,1236.709961,1229.430054,1234.449951,622110000 +05-07-01,1234.449951,1234.449951,1219.150024,1219.23999,934900000 +06-07-01,1219.23999,1219.23999,1188.73999,1190.589966,1056700000 +09-07-01,1190.589966,1201.76001,1189.75,1198.780029,1045700000 +10-07-01,1198.780029,1203.430054,1179.930054,1181.52002,1263800000 +11-07-01,1181.52002,1184.930054,1168.459961,1180.180054,1384100000 +12-07-01,1180.180054,1210.25,1180.180054,1208.140015,1394000000 +13-07-01,1208.140015,1218.540039,1203.609985,1215.680054,1121700000 +16-07-01,1215.680054,1219.630005,1200.050049,1202.449951,1039800000 +17-07-01,1202.449951,1215.359985,1196.140015,1214.439941,1238100000 +18-07-01,1214.439941,1214.439941,1198.329956,1207.709961,1316300000 +19-07-01,1207.709961,1225.040039,1205.800049,1215.02002,1343500000 +20-07-01,1215.02002,1215.689941,1207.040039,1210.849976,1170900000 +23-07-01,1210.849976,1215.219971,1190.5,1191.030029,986900000 +24-07-01,1191.030029,1191.030029,1165.540039,1171.650024,1198700000 +25-07-01,1171.650024,1190.52002,1171.280029,1190.48999,1280700000 +26-07-01,1190.48999,1204.180054,1182.650024,1202.930054,1213900000 +27-07-01,1202.930054,1209.26001,1195.98999,1205.819946,1015300000 +30-07-01,1205.819946,1209.050049,1200.410034,1204.52002,909100000 +31-07-01,1204.52002,1222.73999,1204.52002,1211.22998,1129200000 +01-08-01,1211.22998,1223.040039,1211.22998,1215.930054,1340300000 +02-08-01,1215.930054,1226.27002,1215.310059,1220.75,1218300000 +03-08-01,1220.75,1220.75,1205.310059,1214.349976,939900000 +06-08-01,1214.349976,1214.349976,1197.349976,1200.47998,811700000 +07-08-01,1200.469971,1207.560059,1195.640015,1204.400024,1012000000 +08-08-01,1204.400024,1206.790039,1181.27002,1183.530029,1124600000 +09-08-01,1183.530029,1184.709961,1174.680054,1183.430054,1104200000 +10-08-01,1183.430054,1193.329956,1169.550049,1190.160034,960900000 +13-08-01,1190.160034,1193.819946,1185.119995,1191.290039,837600000 +14-08-01,1191.290039,1198.790039,1184.26001,1186.72998,964600000 +15-08-01,1186.72998,1191.209961,1177.609985,1178.02002,1065600000 +16-08-01,1178.02002,1181.800049,1166.079956,1181.660034,1055400000 +17-08-01,1181.660034,1181.660034,1156.069946,1161.969971,974300000 +20-08-01,1161.969971,1171.410034,1160.939941,1171.410034,897100000 +21-08-01,1171.410034,1179.849976,1156.560059,1157.26001,1041600000 +22-08-01,1157.26001,1168.560059,1153.339966,1165.310059,1110800000 +23-08-01,1165.310059,1169.859985,1160.959961,1162.089966,986200000 +24-08-01,1162.089966,1185.150024,1162.089966,1184.930054,1043600000 +27-08-01,1184.930054,1186.849976,1178.069946,1179.209961,842600000 +28-08-01,1179.209961,1179.660034,1161.170044,1161.51001,987100000 +29-08-01,1161.51001,1166.969971,1147.380005,1148.560059,963700000 +30-08-01,1148.599976,1151.75,1124.869995,1129.030029,1157000000 +31-08-01,1129.030029,1141.829956,1126.380005,1133.579956,920100000 +04-09-01,1133.579956,1155.400024,1129.060059,1132.939941,1178300000 +05-09-01,1132.939941,1135.52002,1114.859985,1131.73999,1384500000 +06-09-01,1131.73999,1131.73999,1105.829956,1106.400024,1359700000 +07-09-01,1106.400024,1106.400024,1082.119995,1085.780029,1424300000 +10-09-01,1085.780029,1096.939941,1073.150024,1092.540039,1276600000 +17-09-01,1092.540039,1092.540039,1037.459961,1038.77002,2330830000 +18-09-01,1038.77002,1046.420044,1029.25,1032.73999,1650410000 +19-09-01,1032.73999,1038.910034,984.619995,1016.099976,2120550000 +20-09-01,1016.099976,1016.099976,984.48999,984.539978,2004800000 +21-09-01,984.539978,984.539978,944.75,965.799988,2317300000 +24-09-01,965.799988,1008.440002,965.799988,1003.450012,1746600000 +25-09-01,1003.450012,1017.140015,998.330017,1012.27002,1613800000 +26-09-01,1012.27002,1020.289978,1002.619995,1007.039978,1519100000 +27-09-01,1007.039978,1018.919983,998.23999,1018.609985,1467000000 +28-09-01,1018.609985,1040.939941,1018.609985,1040.939941,1631500000 +01-10-01,1040.939941,1040.939941,1026.76001,1038.550049,1175600000 +02-10-01,1038.550049,1051.329956,1034.469971,1051.329956,1289800000 +03-10-01,1051.329956,1075.380005,1041.47998,1072.280029,1650600000 +04-10-01,1072.280029,1084.119995,1067.819946,1069.630005,1609100000 +05-10-01,1069.619995,1072.349976,1053.5,1071.380005,1301700000 +08-10-01,1071.369995,1071.369995,1056.880005,1062.439941,979000000 +09-10-01,1062.439941,1063.369995,1053.829956,1056.75,1227800000 +10-10-01,1056.75,1081.619995,1052.76001,1080.98999,1312400000 +11-10-01,1080.98999,1099.160034,1080.98999,1097.430054,1704580000 +12-10-01,1097.430054,1097.430054,1072.150024,1091.650024,1331400000 +15-10-01,1091.650024,1091.650024,1078.189941,1089.97998,1024700000 +16-10-01,1089.97998,1101.660034,1087.130005,1097.540039,1210500000 +17-10-01,1097.540039,1107.119995,1076.569946,1077.089966,1452200000 +18-10-01,1077.089966,1077.939941,1064.540039,1068.609985,1262900000 +19-10-01,1068.609985,1075.52002,1057.23999,1073.47998,1294900000 +22-10-01,1073.47998,1090.569946,1070.790039,1089.900024,1105700000 +23-10-01,1089.900024,1098.98999,1081.530029,1084.780029,1317300000 +24-10-01,1084.780029,1090.26001,1079.97998,1085.199951,1336200000 +25-10-01,1085.199951,1100.089966,1065.640015,1100.089966,1364400000 +26-10-01,1100.089966,1110.609985,1094.23999,1104.609985,1244500000 +29-10-01,1104.609985,1104.609985,1078.300049,1078.300049,1106100000 +30-10-01,1078.300049,1078.300049,1053.609985,1059.790039,1297400000 +31-10-01,1059.790039,1074.790039,1057.550049,1059.780029,1352500000 +01-11-01,1059.780029,1085.609985,1054.310059,1084.099976,1317400000 +02-11-01,1084.099976,1089.630005,1075.579956,1087.199951,1121900000 +05-11-01,1087.199951,1106.719971,1087.199951,1102.839966,1267700000 +06-11-01,1102.839966,1119.72998,1095.359985,1118.859985,1356000000 +07-11-01,1118.859985,1126.619995,1112.97998,1115.800049,1411300000 +08-11-01,1115.800049,1135.75,1115.420044,1118.540039,1517500000 +09-11-01,1118.540039,1123.02002,1111.130005,1120.310059,1093800000 +12-11-01,1120.310059,1121.709961,1098.319946,1118.329956,991600000 +13-11-01,1118.329956,1139.140015,1118.329956,1139.089966,1370100000 +14-11-01,1139.089966,1148.280029,1132.869995,1141.209961,1443400000 +15-11-01,1141.209961,1146.459961,1135.060059,1142.23999,1454500000 +16-11-01,1142.23999,1143.52002,1129.920044,1138.650024,1337400000 +19-11-01,1138.650024,1151.060059,1138.650024,1151.060059,1316800000 +20-11-01,1151.060059,1152.449951,1142.170044,1142.660034,1330200000 +21-11-01,1142.660034,1142.660034,1129.780029,1137.030029,1029300000 +23-11-01,1137.030029,1151.050049,1135.900024,1150.339966,410300000 +26-11-01,1150.339966,1157.880005,1146.170044,1157.420044,1129800000 +27-11-01,1157.420044,1163.380005,1140.810059,1149.5,1288000000 +28-11-01,1149.5,1149.5,1128.290039,1128.52002,1423700000 +29-11-01,1128.52002,1140.400024,1125.51001,1140.199951,1375700000 +30-11-01,1140.199951,1143.569946,1135.890015,1139.449951,1343600000 +03-12-01,1139.449951,1139.449951,1125.780029,1129.900024,1202900000 +04-12-01,1129.900024,1144.800049,1128.859985,1144.800049,1318500000 +05-12-01,1143.77002,1173.619995,1143.77002,1170.349976,1765300000 +06-12-01,1170.349976,1173.349976,1164.430054,1167.099976,1487900000 +07-12-01,1167.099976,1167.099976,1152.660034,1158.310059,1248200000 +10-12-01,1158.310059,1158.310059,1139.660034,1139.930054,1218700000 +11-12-01,1139.930054,1150.890015,1134.319946,1136.76001,1367200000 +12-12-01,1136.76001,1141.579956,1126.01001,1137.069946,1449700000 +13-12-01,1137.069946,1137.069946,1117.849976,1119.380005,1511500000 +14-12-01,1119.380005,1128.280029,1114.530029,1123.089966,1306800000 +17-12-01,1123.089966,1137.300049,1122.660034,1134.359985,1260400000 +18-12-01,1134.359985,1145.099976,1134.359985,1142.920044,1354000000 +19-12-01,1142.920044,1152.439941,1134.75,1149.560059,1484900000 +20-12-01,1149.560059,1151.420044,1139.930054,1139.930054,1490500000 +21-12-01,1139.930054,1147.459961,1139.930054,1144.890015,1694000000 +24-12-01,1144.890015,1147.829956,1144.619995,1144.650024,439670000 +26-12-01,1144.650024,1159.180054,1144.650024,1149.369995,791100000 +27-12-01,1149.369995,1157.130005,1149.369995,1157.130005,876300000 +28-12-01,1157.130005,1164.640015,1157.130005,1161.02002,917400000 +31-12-01,1161.02002,1161.160034,1148.040039,1148.079956,943600000 +02-01-02,1148.079956,1154.670044,1136.22998,1154.670044,1171000000 +03-01-02,1154.670044,1165.27002,1154.01001,1165.27002,1398900000 +04-01-02,1165.27002,1176.550049,1163.420044,1172.51001,1513000000 +07-01-02,1172.51001,1176.969971,1163.550049,1164.890015,1308300000 +08-01-02,1164.890015,1167.599976,1157.459961,1160.709961,1258800000 +09-01-02,1160.709961,1174.26001,1151.890015,1155.140015,1452000000 +10-01-02,1155.140015,1159.930054,1150.849976,1156.550049,1299000000 +11-01-02,1156.550049,1159.410034,1145.449951,1145.599976,1211900000 +14-01-02,1145.599976,1145.599976,1138.150024,1138.410034,1286400000 +15-01-02,1138.410034,1148.810059,1136.880005,1146.189941,1386900000 +16-01-02,1146.189941,1146.189941,1127.48999,1127.569946,1482500000 +17-01-02,1127.569946,1139.27002,1127.569946,1138.880005,1380100000 +18-01-02,1138.880005,1138.880005,1124.449951,1127.579956,1333300000 +22-01-02,1127.579956,1135.26001,1117.910034,1119.310059,1311600000 +23-01-02,1119.310059,1131.939941,1117.430054,1128.180054,1479200000 +24-01-02,1128.180054,1139.5,1128.180054,1132.150024,1552800000 +25-01-02,1132.150024,1138.310059,1127.819946,1133.280029,1345100000 +28-01-02,1133.280029,1138.630005,1126.660034,1133.060059,1186800000 +29-01-02,1133.060059,1137.469971,1098.73999,1100.640015,1812000000 +30-01-02,1100.640015,1113.790039,1081.660034,1113.569946,2019600000 +31-01-02,1113.569946,1130.209961,1113.300049,1130.199951,1557000000 +01-02-02,1130.199951,1130.199951,1118.51001,1122.199951,1367200000 +04-02-02,1122.199951,1122.199951,1092.25,1094.439941,1437600000 +05-02-02,1094.439941,1100.959961,1082.579956,1090.02002,1778300000 +06-02-02,1090.02002,1093.579956,1077.780029,1083.51001,1665800000 +07-02-02,1083.51001,1094.030029,1078.439941,1080.170044,1441600000 +08-02-02,1080.170044,1096.300049,1079.910034,1096.219971,1371900000 +11-02-02,1096.219971,1112.01001,1094.680054,1111.939941,1159400000 +12-02-02,1111.939941,1112.680054,1102.97998,1107.5,1094200000 +13-02-02,1107.5,1120.560059,1107.5,1118.51001,1215900000 +14-02-02,1118.51001,1124.719971,1112.300049,1116.47998,1272500000 +15-02-02,1116.47998,1117.089966,1103.22998,1104.180054,1359200000 +19-02-02,1104.180054,1104.180054,1082.23999,1083.339966,1189900000 +20-02-02,1083.339966,1098.319946,1074.359985,1097.97998,1438900000 +21-02-02,1097.97998,1101.5,1080.23999,1080.949951,1381600000 +22-02-02,1080.949951,1093.930054,1074.390015,1089.839966,1411000000 +25-02-02,1089.839966,1112.709961,1089.839966,1109.430054,1367400000 +26-02-02,1109.430054,1115.050049,1101.719971,1109.380005,1309200000 +27-02-02,1109.380005,1123.060059,1102.26001,1109.890015,1393800000 +28-02-02,1109.890015,1121.569946,1106.72998,1106.72998,1392200000 +01-03-02,1106.72998,1131.790039,1106.72998,1131.780029,1456500000 +04-03-02,1131.780029,1153.839966,1130.930054,1153.839966,1594300000 +05-03-02,1153.839966,1157.73999,1144.780029,1146.140015,1549300000 +06-03-02,1146.140015,1165.290039,1145.109985,1162.77002,1541300000 +07-03-02,1162.77002,1167.939941,1150.689941,1157.540039,1517400000 +08-03-02,1157.540039,1172.76001,1157.540039,1164.310059,1412000000 +11-03-02,1164.310059,1173.030029,1159.579956,1168.26001,1210200000 +12-03-02,1168.26001,1168.26001,1154.339966,1165.579956,1304400000 +13-03-02,1165.579956,1165.579956,1151.01001,1154.089966,1354000000 +14-03-02,1154.089966,1157.829956,1151.079956,1153.040039,1208800000 +15-03-02,1153.040039,1166.47998,1153.040039,1166.160034,1493900000 +18-03-02,1166.160034,1172.72998,1159.140015,1165.550049,1169500000 +19-03-02,1165.550049,1173.939941,1165.550049,1170.290039,1255000000 +20-03-02,1170.290039,1170.290039,1151.609985,1151.849976,1304900000 +21-03-02,1151.849976,1155.099976,1139.47998,1153.589966,1339200000 +22-03-02,1153.589966,1156.48999,1144.599976,1148.699951,1243300000 +25-03-02,1148.699951,1151.040039,1131.869995,1131.869995,1057900000 +26-03-02,1131.869995,1147,1131.609985,1138.48999,1223600000 +27-03-02,1138.48999,1146.949951,1135.329956,1144.579956,1180100000 +28-03-02,1144.579956,1154.449951,1144.579956,1147.390015,1147600000 +01-04-02,1147.390015,1147.839966,1132.869995,1146.540039,1050900000 +02-04-02,1146.540039,1146.540039,1135.709961,1136.76001,1176700000 +03-04-02,1136.76001,1138.849976,1119.680054,1125.400024,1219700000 +04-04-02,1125.400024,1130.449951,1120.060059,1126.339966,1283800000 +05-04-02,1126.339966,1133.310059,1119.48999,1122.72998,1110200000 +08-04-02,1122.72998,1125.410034,1111.790039,1125.290039,1095300000 +09-04-02,1125.290039,1128.290039,1116.72998,1117.800049,1235400000 +10-04-02,1117.800049,1131.76001,1117.800049,1130.469971,1447900000 +11-04-02,1130.469971,1130.469971,1102.420044,1103.689941,1505600000 +12-04-02,1103.689941,1112.77002,1102.73999,1111.01001,1282100000 +15-04-02,1111.01001,1114.859985,1099.410034,1102.550049,1120400000 +16-04-02,1102.550049,1129.400024,1102.550049,1128.369995,1341300000 +17-04-02,1128.369995,1133,1123.369995,1126.069946,1376900000 +18-04-02,1126.069946,1130.48999,1109.290039,1124.469971,1359300000 +19-04-02,1124.469971,1128.819946,1122.589966,1125.170044,1185000000 +22-04-02,1125.170044,1125.170044,1105.619995,1107.829956,1181800000 +23-04-02,1107.829956,1111.170044,1098.939941,1100.959961,1388500000 +24-04-02,1100.959961,1108.459961,1092.51001,1093.140015,1373200000 +25-04-02,1093.140015,1094.359985,1084.810059,1091.47998,1517400000 +26-04-02,1091.47998,1096.77002,1076.310059,1076.319946,1374200000 +29-04-02,1076.319946,1078.949951,1063.619995,1065.449951,1314700000 +30-04-02,1065.449951,1082.619995,1063.459961,1076.920044,1628600000 +01-05-02,1076.920044,1088.319946,1065.290039,1086.459961,1451400000 +02-05-02,1086.459961,1091.420044,1079.459961,1084.560059,1364000000 +03-05-02,1084.560059,1084.560059,1068.890015,1073.430054,1284500000 +06-05-02,1073.430054,1075.959961,1052.650024,1052.670044,1122600000 +07-05-02,1052.670044,1058.670044,1048.959961,1049.48999,1354700000 +08-05-02,1049.48999,1088.920044,1049.48999,1088.849976,1502000000 +09-05-02,1088.849976,1088.849976,1072.22998,1073.01001,1153000000 +10-05-02,1073.01001,1075.430054,1053.930054,1054.98999,1171900000 +13-05-02,1054.98999,1074.839966,1053.900024,1074.560059,1088600000 +14-05-02,1074.560059,1097.709961,1074.560059,1097.280029,1414500000 +15-05-02,1097.280029,1104.22998,1088.939941,1091.069946,1420200000 +16-05-02,1091.069946,1099.290039,1089.170044,1098.22998,1256600000 +17-05-02,1098.22998,1106.589966,1096.77002,1106.589966,1274400000 +20-05-02,1106.589966,1106.589966,1090.609985,1091.880005,989800000 +21-05-02,1091.880005,1099.550049,1079.079956,1079.880005,1200500000 +22-05-02,1079.880005,1086.02002,1075.640015,1086.02002,1136300000 +23-05-02,1086.02002,1097.099976,1080.550049,1097.079956,1192900000 +24-05-02,1097.079956,1097.079956,1082.189941,1083.819946,885400000 +28-05-02,1083.819946,1085.97998,1070.310059,1074.550049,996500000 +29-05-02,1074.550049,1074.829956,1067.660034,1067.660034,1081800000 +30-05-02,1067.660034,1069.5,1054.26001,1064.660034,1286600000 +31-05-02,1064.660034,1079.930054,1064.660034,1067.140015,1277300000 +03-06-02,1067.140015,1070.73999,1039.900024,1040.680054,1324300000 +04-06-02,1040.680054,1046.060059,1030.52002,1040.689941,1466600000 +05-06-02,1040.689941,1050.109985,1038.839966,1049.900024,1300100000 +06-06-02,1049.900024,1049.900024,1026.910034,1029.150024,1601500000 +07-06-02,1029.150024,1033.02002,1012.48999,1027.530029,1341300000 +10-06-02,1027.530029,1038.180054,1025.449951,1030.73999,1226200000 +11-06-02,1030.73999,1039.040039,1012.940002,1013.599976,1212400000 +12-06-02,1013.26001,1021.849976,1002.580017,1020.26001,1795720000 +13-06-02,1020.26001,1023.469971,1008.119995,1009.559998,1405500000 +14-06-02,1009.559998,1009.559998,981.630005,1007.27002,1549000000 +17-06-02,1007.27002,1036.170044,1007.27002,1036.170044,1236600000 +18-06-02,1036.170044,1040.829956,1030.920044,1037.140015,1193100000 +19-06-02,1037.140015,1037.609985,1017.880005,1019.98999,1336100000 +20-06-02,1019.98999,1023.330017,1004.590027,1006.289978,1389700000 +21-06-02,1006.289978,1006.289978,985.650024,989.140015,1497200000 +24-06-02,989.140015,1002.109985,970.849976,992.719971,1552600000 +25-06-02,992.719971,1005.880005,974.210022,976.140015,1513700000 +26-06-02,976.140015,977.429993,952.919983,973.530029,2014290000 +27-06-02,973.530029,990.669983,963.73999,990.640015,1908600000 +28-06-02,990.640015,1001.789978,988.309998,989.820007,2117000000 +01-07-02,989.820007,994.460022,967.429993,968.650024,1425500000 +02-07-02,968.650024,968.650024,945.539978,948.090027,1823000000 +03-07-02,948.090027,954.299988,934.869995,953.98999,1527800000 +05-07-02,953.98999,989.070007,953.98999,989.030029,699400000 +08-07-02,989.030029,993.559998,972.909973,976.97998,1184400000 +09-07-02,976.97998,979.630005,951.710022,952.830017,1348900000 +10-07-02,952.830017,956.340027,920.289978,920.469971,1816900000 +11-07-02,920.469971,929.159973,900.940002,927.369995,2080480000 +12-07-02,927.369995,934.309998,913.710022,921.390015,1607400000 +15-07-02,921.390015,921.390015,876.460022,917.929993,2574800000 +16-07-02,917.929993,918.650024,897.130005,900.940002,1843700000 +17-07-02,901.049988,926.52002,895.030029,906.039978,2566500000 +18-07-02,905.450012,907.799988,880.599976,881.559998,1736300000 +19-07-02,881.559998,881.559998,842.070007,847.75,2654100000 +22-07-02,847.76001,854.130005,813.26001,819.849976,2248060000 +23-07-02,819.849976,827.690002,796.130005,797.700012,2441020000 +24-07-02,797.710022,844.320007,775.679993,843.429993,2775560000 +25-07-02,843.419983,853.830017,816.109985,838.679993,2424700000 +26-07-02,838.679993,852.849976,835.919983,852.840027,1796100000 +29-07-02,852.840027,898.960022,852.840027,898.960022,1778650000 +30-07-02,898.960022,909.809998,884.700012,902.780029,1826090000 +31-07-02,902.780029,911.640015,889.880005,911.619995,2049360000 +01-08-02,911.619995,911.619995,882.47998,884.659973,1672200000 +02-08-02,884.400024,884.719971,853.950012,864.23999,1538100000 +05-08-02,864.23999,864.23999,833.440002,834.599976,1425500000 +06-08-02,834.599976,874.440002,834.599976,859.570007,1514100000 +07-08-02,859.570007,878.73999,854.150024,876.77002,1490400000 +08-08-02,876.77002,905.840027,875.169983,905.460022,1646700000 +09-08-02,898.72998,913.950012,890.77002,908.640015,1294900000 +12-08-02,908.640015,908.640015,892.380005,903.799988,1036500000 +13-08-02,903.799988,911.710022,883.619995,884.210022,1297700000 +14-08-02,884.210022,920.210022,876.200012,919.619995,1533800000 +15-08-02,919.619995,933.289978,918.169983,930.25,1505100000 +16-08-02,930.25,935.380005,916.210022,928.77002,1265300000 +19-08-02,928.77002,951.169983,927.210022,950.700012,1299800000 +20-08-02,950.700012,950.700012,931.859985,937.429993,1308500000 +21-08-02,937.429993,951.590027,931.320007,949.359985,1353100000 +22-08-02,949.359985,965,946.429993,962.700012,1373000000 +23-08-02,962.700012,962.700012,937.169983,940.859985,1071500000 +26-08-02,940.859985,950.799988,930.419983,947.950012,1016900000 +27-08-02,947.950012,955.820007,930.359985,934.820007,1307700000 +28-08-02,934.820007,934.820007,913.210022,917.869995,1146600000 +29-08-02,917.869995,924.590027,903.330017,917.799988,1271100000 +30-08-02,917.799988,928.150024,910.169983,916.070007,929900000 +03-09-02,916.070007,916.070007,877.51001,878.02002,1289800000 +04-09-02,878.02002,896.099976,875.72998,893.400024,1372100000 +05-09-02,893.400024,893.400024,870.5,879.150024,1401300000 +06-09-02,879.150024,899.070007,879.150024,893.919983,1184500000 +09-09-02,893.919983,907.340027,882.919983,902.960022,1130600000 +10-09-02,902.960022,909.890015,900.5,909.580017,1186400000 +11-09-02,910.630005,924.02002,908.469971,909.450012,846600000 +12-09-02,909.450012,909.450012,884.840027,886.909973,1191600000 +13-09-02,886.909973,892.75,877.049988,889.809998,1271000000 +16-09-02,889.809998,891.840027,878.909973,891.099976,1001400000 +17-09-02,891.099976,902.679993,872.380005,873.52002,1448600000 +18-09-02,873.52002,878.450012,857.390015,869.460022,1501000000 +19-09-02,869.460022,869.460022,843.090027,843.320007,1524000000 +20-09-02,843.320007,849.320007,839.090027,845.390015,1792800000 +23-09-02,845.390015,845.390015,825.76001,833.700012,1381100000 +24-09-02,833.700012,833.700012,817.380005,819.289978,1670240000 +25-09-02,819.27002,844.219971,818.460022,839.659973,1651500000 +26-09-02,839.659973,856.599976,839.659973,854.950012,1650000000 +27-09-02,854.950012,854.950012,826.840027,827.369995,1507300000 +30-09-02,827.369995,827.369995,800.200012,815.280029,1721870000 +01-10-02,815.280029,847.929993,812.820007,847.909973,1780900000 +02-10-02,843.77002,851.929993,826.5,827.909973,1668900000 +03-10-02,827.909973,840.02002,817.25,818.950012,1674500000 +04-10-02,818.950012,825.900024,794.099976,800.580017,1835930000 +07-10-02,800.580017,808.210022,782.960022,785.280029,1576500000 +08-10-02,785.280029,808.859985,779.5,798.549988,1938430000 +09-10-02,798.549988,798.549988,775.799988,776.76001,1885030000 +10-10-02,776.76001,806.51001,768.630005,803.919983,2090230000 +11-10-02,803.919983,843.27002,803.919983,835.320007,1854130000 +14-10-02,835.320007,844.390015,828.369995,841.440002,1200300000 +15-10-02,841.440002,881.27002,841.440002,881.27002,1956000000 +16-10-02,881.27002,881.27002,856.280029,860.02002,1585000000 +17-10-02,860.02002,885.349976,860.02002,879.200012,1780390000 +18-10-02,879.200012,886.679993,866.580017,884.390015,1423100000 +21-10-02,884.390015,900.690002,873.059998,899.719971,1447000000 +22-10-02,899.719971,899.719971,882.400024,890.159973,1549200000 +23-10-02,890.159973,896.140015,873.820007,896.140015,1593900000 +24-10-02,896.140015,902.940002,879,882.5,1700570000 +25-10-02,882.5,897.710022,877.030029,897.650024,1340400000 +28-10-02,897.650024,907.440002,886.150024,890.22998,1382600000 +29-10-02,890.22998,890.640015,867.909973,882.150024,1529700000 +30-10-02,882.150024,895.280029,879.190002,890.710022,1422300000 +31-10-02,890.710022,898.830017,879.75,885.76001,1641300000 +01-11-02,885.76001,903.419983,877.710022,900.960022,1450400000 +04-11-02,900.960022,924.580017,900.960022,908.349976,1645900000 +05-11-02,908.349976,915.830017,904.909973,915.390015,1354100000 +06-11-02,915.390015,925.659973,905,923.76001,1674000000 +07-11-02,923.76001,923.76001,898.679993,902.650024,1466900000 +08-11-02,902.650024,910.109985,891.619995,894.73999,1446500000 +11-11-02,894.73999,894.73999,874.630005,876.190002,1113000000 +12-11-02,876.190002,894.299988,876.190002,882.950012,1377100000 +13-11-02,882.950012,892.51001,872.049988,882.530029,1463400000 +14-11-02,882.530029,904.27002,882.530029,904.27002,1519000000 +15-11-02,904.27002,910.210022,895.349976,909.830017,1400100000 +18-11-02,909.830017,915.909973,899.47998,900.359985,1282600000 +19-11-02,900.359985,905.450012,893.090027,896.73999,1337400000 +20-11-02,896.73999,915.01001,894.929993,914.150024,1517300000 +21-11-02,914.150024,935.130005,914.150024,933.76001,2415100000 +22-11-02,933.76001,937.280029,928.409973,930.549988,1626800000 +25-11-02,930.549988,937.150024,923.309998,932.869995,1574000000 +26-11-02,932.869995,932.869995,912.099976,913.309998,1543600000 +27-11-02,913.309998,940.409973,913.309998,938.869995,1350300000 +29-11-02,938.869995,941.820007,935.580017,936.309998,643460000 +02-12-02,936.309998,954.280029,927.719971,934.530029,1612000000 +03-12-02,934.530029,934.530029,918.72998,920.75,1488400000 +04-12-02,920.75,925.25,909.51001,917.580017,1588900000 +05-12-02,917.580017,921.48999,905.900024,906.549988,1250200000 +06-12-02,906.549988,915.47998,895.960022,912.22998,1241100000 +09-12-02,912.22998,912.22998,891.969971,892,1320800000 +10-12-02,892,904.950012,892,904.450012,1286600000 +11-12-02,904.450012,909.940002,896.47998,904.960022,1285100000 +12-12-02,904.960022,908.369995,897,901.580017,1255300000 +13-12-02,901.580017,901.580017,888.47998,889.47998,1330800000 +16-12-02,889.47998,910.419983,889.47998,910.400024,1271600000 +17-12-02,910.400024,911.219971,901.73999,902.98999,1251800000 +18-12-02,902.98999,902.98999,887.820007,891.119995,1446200000 +19-12-02,890.02002,899.190002,880.320007,884.25,1385900000 +20-12-02,884.25,897.789978,884.25,895.76001,1782730000 +23-12-02,895.73999,902.429993,892.26001,897.380005,1112100000 +24-12-02,897.380005,897.380005,892.289978,892.469971,458310000 +26-12-02,892.469971,903.890015,887.47998,889.659973,721100000 +27-12-02,889.659973,890.460022,873.619995,875.400024,758400000 +30-12-02,875.400024,882.099976,870.22998,879.390015,1057800000 +31-12-02,879.390015,881.929993,869.450012,879.820007,1088500000 +02-01-03,879.820007,909.030029,879.820007,909.030029,1229200000 +03-01-03,909.030029,911.25,903.070007,908.590027,1130800000 +06-01-03,908.590027,931.77002,908.590027,929.01001,1435900000 +07-01-03,929.01001,930.809998,919.929993,922.929993,1545200000 +08-01-03,922.929993,922.929993,908.320007,909.929993,1467600000 +09-01-03,909.929993,928.309998,909.929993,927.570007,1560300000 +10-01-03,927.580017,932.890015,917.659973,927.570007,1485400000 +13-01-03,927.570007,935.049988,922.049988,926.26001,1396300000 +14-01-03,926.26001,931.659973,921.719971,931.659973,1379400000 +15-01-03,931.659973,932.590027,916.700012,918.219971,1432100000 +16-01-03,918.219971,926.030029,911.97998,914.599976,1534600000 +17-01-03,914.599976,914.599976,899.02002,901.780029,1358200000 +21-01-03,901.780029,906,887.619995,887.619995,1335200000 +22-01-03,887.619995,889.73999,877.640015,878.359985,1560800000 +23-01-03,878.359985,890.25,876.890015,887.340027,1744550000 +24-01-03,887.340027,887.340027,859.710022,861.400024,1574800000 +27-01-03,861.400024,863.950012,844.25,847.47998,1435900000 +28-01-03,847.47998,860.76001,847.47998,858.539978,1459100000 +29-01-03,858.539978,868.719971,845.859985,864.359985,1595400000 +30-01-03,864.359985,865.47998,843.73999,844.609985,1510300000 +31-01-03,844.609985,858.330017,840.340027,855.700012,1578530000 +03-02-03,855.700012,864.640015,855.700012,860.320007,1258500000 +04-02-03,860.320007,860.320007,840.190002,848.200012,1451600000 +05-02-03,848.200012,861.630005,842.109985,843.590027,1450800000 +06-02-03,843.590027,844.22998,833.25,838.150024,1430900000 +07-02-03,838.150024,845.72998,826.700012,829.690002,1276800000 +10-02-03,829.690002,837.159973,823.530029,835.969971,1238200000 +11-02-03,835.969971,843.02002,825.090027,829.200012,1307000000 +12-02-03,829.200012,832.119995,818.48999,818.679993,1260500000 +13-02-03,818.679993,821.25,806.289978,817.369995,1489300000 +14-02-03,817.369995,834.890015,815.030029,834.890015,1404600000 +18-02-03,834.890015,852.869995,834.890015,851.169983,1250800000 +19-02-03,851.169983,851.169983,838.789978,845.130005,1075600000 +20-02-03,845.130005,849.369995,836.559998,837.099976,1194100000 +21-02-03,837.099976,852.280029,831.47998,848.169983,1398200000 +24-02-03,848.169983,848.169983,832.159973,832.580017,1229200000 +25-02-03,832.580017,839.549988,818.539978,838.570007,1483700000 +26-02-03,838.570007,840.099976,826.679993,827.549988,1374400000 +27-02-03,827.549988,842.190002,827.549988,837.280029,1287800000 +28-02-03,837.280029,847,837.280029,841.150024,1373300000 +03-03-03,841.150024,852.340027,832.73999,834.809998,1208900000 +04-03-03,834.809998,835.429993,821.960022,821.98999,1256600000 +05-03-03,821.98999,829.869995,819,829.849976,1332700000 +06-03-03,829.849976,829.849976,819.849976,822.099976,1299200000 +07-03-03,822.099976,829.549988,811.22998,828.890015,1368500000 +10-03-03,828.890015,828.890015,806.570007,807.47998,1255000000 +11-03-03,807.47998,814.25,800.299988,800.72998,1427700000 +12-03-03,800.72998,804.190002,788.900024,804.190002,1620000000 +13-03-03,804.190002,832.02002,804.190002,831.900024,1816300000 +14-03-03,831.890015,841.390015,828.26001,833.27002,1541900000 +17-03-03,833.27002,862.789978,827.169983,862.789978,1700420000 +18-03-03,862.789978,866.940002,857.359985,866.450012,1555100000 +19-03-03,866.450012,874.98999,861.210022,874.02002,1473400000 +20-03-03,874.02002,879.599976,859.01001,875.669983,1439100000 +21-03-03,875.840027,895.900024,875.840027,895.789978,1883710000 +24-03-03,895.789978,895.789978,862.02002,864.22998,1293000000 +25-03-03,864.22998,879.869995,862.590027,874.73999,1333400000 +26-03-03,874.73999,875.799988,866.469971,869.950012,1319700000 +27-03-03,869.950012,874.150024,858.090027,868.52002,1232900000 +28-03-03,868.52002,869.880005,860.830017,863.5,1227000000 +31-03-03,863.5,863.5,843.679993,848.179993,1495500000 +01-04-03,848.179993,861.280029,847.849976,858.47998,1461600000 +02-04-03,858.47998,884.570007,858.47998,880.900024,1589800000 +03-04-03,880.900024,885.890015,876.119995,876.450012,1339500000 +04-04-03,876.450012,882.72998,874.22998,878.849976,1241200000 +07-04-03,878.849976,904.890015,878.849976,879.929993,1494000000 +08-04-03,879.929993,883.109985,874.679993,878.289978,1235400000 +09-04-03,878.289978,887.349976,865.719971,865.98999,1293700000 +10-04-03,865.98999,871.780029,862.76001,871.580017,1275300000 +11-04-03,871.580017,883.340027,865.919983,868.299988,1141600000 +14-04-03,868.299988,885.26001,868.299988,885.22998,1131000000 +15-04-03,885.22998,891.27002,881.849976,890.809998,1460200000 +16-04-03,890.809998,896.77002,877.929993,879.909973,1587600000 +17-04-03,879.909973,893.830017,879.200012,893.580017,1430600000 +21-04-03,893.580017,898.01001,888.169983,892.01001,1118700000 +22-04-03,892.01001,911.73999,886.700012,911.369995,1631200000 +23-04-03,911.369995,919.73999,909.890015,919.02002,1667200000 +24-04-03,919.02002,919.02002,906.690002,911.429993,1648100000 +25-04-03,911.429993,911.429993,897.52002,898.809998,1335800000 +28-04-03,898.809998,918.150024,898.809998,914.840027,1273000000 +29-04-03,914.840027,924.23999,911.099976,917.840027,1525600000 +30-04-03,917.840027,922.01001,911.700012,916.919983,1788510000 +01-05-03,916.919983,919.679993,902.830017,916.299988,1397500000 +02-05-03,916.299988,930.559998,912.349976,930.080017,1554300000 +05-05-03,930.080017,933.880005,924.549988,926.549988,1446300000 +06-05-03,926.549988,939.609985,926.380005,934.390015,1649600000 +07-05-03,934.390015,937.219971,926.409973,929.619995,1531900000 +08-05-03,929.619995,929.619995,919.719971,920.27002,1379600000 +09-05-03,920.27002,933.77002,920.27002,933.409973,1326100000 +12-05-03,933.409973,946.840027,929.299988,945.109985,1378800000 +13-05-03,945.109985,947.51001,938.909973,942.299988,1418100000 +14-05-03,942.299988,947.289978,935.23999,939.280029,1401800000 +15-05-03,939.280029,948.22998,938.789978,946.669983,1508700000 +16-05-03,946.669983,948.650024,938.599976,944.299988,1505500000 +19-05-03,944.299988,944.299988,920.22998,920.77002,1375700000 +20-05-03,920.77002,925.340027,912.049988,919.72998,1505300000 +21-05-03,919.72998,923.849976,914.909973,923.419983,1457800000 +22-05-03,923.419983,935.299988,922.539978,931.869995,1448500000 +23-05-03,931.869995,935.200012,927.419983,933.219971,1201000000 +27-05-03,933.219971,952.76001,927.330017,951.47998,1532000000 +28-05-03,951.47998,959.390015,950.119995,953.219971,1559000000 +29-05-03,953.219971,962.080017,946.22998,949.640015,1685800000 +30-05-03,949.640015,965.380005,949.640015,963.590027,1688800000 +02-06-03,963.590027,979.109985,963.590027,967,1662500000 +03-06-03,967,973.02002,964.469971,971.559998,1450200000 +04-06-03,971.559998,987.849976,970.719971,986.23999,1618700000 +05-06-03,986.23999,990.140015,978.130005,990.140015,1693100000 +06-06-03,990.140015,1007.690002,986.01001,987.76001,1837200000 +09-06-03,987.76001,987.76001,972.590027,975.929993,1307000000 +10-06-03,975.929993,984.840027,975.929993,984.840027,1275400000 +11-06-03,984.840027,997.47998,981.609985,997.47998,1520000000 +12-06-03,997.47998,1002.73999,991.27002,998.51001,1553100000 +13-06-03,998.51001,1000.919983,984.27002,988.609985,1271600000 +16-06-03,988.609985,1010.859985,988.609985,1010.73999,1345900000 +17-06-03,1010.73999,1015.330017,1007.039978,1011.659973,1479700000 +18-06-03,1011.659973,1015.119995,1004.609985,1010.090027,1488900000 +19-06-03,1010.090027,1011.219971,993.080017,994.700012,1530100000 +20-06-03,994.700012,1002.090027,993.359985,995.690002,1698000000 +23-06-03,995.690002,995.690002,977.400024,981.640015,1398100000 +24-06-03,981.640015,987.840027,979.080017,983.450012,1388300000 +25-06-03,983.450012,991.640015,974.859985,975.320007,1459200000 +26-06-03,975.320007,986.530029,973.799988,985.820007,1387400000 +27-06-03,985.820007,988.880005,974.289978,976.219971,1267800000 +30-06-03,976.219971,983.609985,973.599976,974.5,1587200000 +01-07-03,974.5,983.26001,962.099976,982.320007,1460200000 +02-07-03,982.320007,993.780029,982.320007,993.75,1519300000 +03-07-03,993.75,995,983.340027,985.700012,775900000 +07-07-03,985.700012,1005.559998,985.700012,1004.419983,1429100000 +08-07-03,1004.419983,1008.919983,998.72998,1007.840027,1565700000 +09-07-03,1007.840027,1010.429993,998.169983,1002.210022,1618000000 +10-07-03,1002.210022,1002.210022,983.630005,988.700012,1465700000 +11-07-03,988.700012,1000.859985,988.700012,998.140015,1212700000 +14-07-03,998.140015,1015.409973,998.140015,1003.859985,1448900000 +15-07-03,1003.859985,1009.609985,996.669983,1000.419983,1518600000 +16-07-03,1000.419983,1003.469971,989.299988,994.090027,1662000000 +17-07-03,994,994,978.599976,981.72998,1661400000 +18-07-03,981.72998,994.25,981.710022,993.320007,1365200000 +21-07-03,993.320007,993.320007,975.630005,978.799988,1254200000 +22-07-03,978.799988,990.289978,976.080017,988.109985,1439700000 +23-07-03,988.109985,989.859985,979.789978,988.609985,1362700000 +24-07-03,988.609985,998.890015,981.070007,981.599976,1559000000 +25-07-03,981.599976,998.710022,977.48999,998.679993,1397500000 +28-07-03,998.679993,1000.679993,993.590027,996.52002,1328600000 +29-07-03,996.52002,998.640015,984.150024,989.280029,1508900000 +30-07-03,989.280029,992.619995,985.960022,987.48999,1391900000 +31-07-03,987.48999,1004.590027,987.48999,990.309998,1608000000 +01-08-03,990.309998,990.309998,978.859985,980.150024,1390600000 +04-08-03,980.150024,985.75,966.789978,982.820007,1318700000 +05-08-03,982.820007,982.820007,964.969971,965.460022,1351700000 +06-08-03,965.460022,975.73999,960.840027,967.080017,1491000000 +07-08-03,967.080017,974.890015,963.820007,974.119995,1389300000 +08-08-03,974.119995,980.570007,973.830017,977.590027,1086600000 +11-08-03,977.590027,985.460022,974.210022,980.590027,1022200000 +12-08-03,980.590027,990.409973,979.900024,990.349976,1132300000 +13-08-03,990.349976,992.5,980.849976,984.030029,1208800000 +14-08-03,984.030029,991.909973,980.359985,990.51001,1186800000 +15-08-03,990.51001,992.390015,987.099976,990.669983,636370000 +18-08-03,990.669983,1000.349976,990.669983,999.73999,1127600000 +19-08-03,999.73999,1003.299988,995.299988,1002.349976,1300600000 +20-08-03,1002.349976,1003.539978,996.619995,1000.299988,1210800000 +21-08-03,1000.299988,1009.530029,999.330017,1003.27002,1407100000 +22-08-03,1003.27002,1011.01001,992.619995,993.059998,1308900000 +25-08-03,993.059998,993.710022,987.909973,993.710022,971700000 +26-08-03,993.710022,997.929993,983.570007,996.72998,1178700000 +27-08-03,996.72998,998.049988,993.330017,996.789978,1051400000 +28-08-03,996.789978,1004.119995,991.419983,1002.840027,1165200000 +29-08-03,1002.840027,1008.849976,999.52002,1008.01001,945100000 +02-09-03,1008.01001,1022.590027,1005.72998,1021.98999,1470500000 +03-09-03,1021.98999,1029.339966,1021.98999,1026.27002,1675600000 +04-09-03,1026.27002,1029.170044,1022.190002,1027.969971,1453900000 +05-09-03,1027.969971,1029.209961,1018.190002,1021.390015,1465200000 +08-09-03,1021.390015,1032.410034,1021.390015,1031.640015,1299300000 +09-09-03,1031.640015,1031.640015,1021.140015,1023.169983,1414800000 +10-09-03,1023.169983,1023.169983,1009.73999,1010.919983,1582100000 +11-09-03,1010.919983,1020.880005,1010.919983,1016.419983,1335900000 +12-09-03,1016.419983,1019.650024,1007.710022,1018.630005,1236700000 +15-09-03,1018.630005,1019.789978,1013.590027,1014.809998,1151300000 +16-09-03,1014.809998,1029.660034,1014.809998,1029.319946,1403200000 +17-09-03,1029.319946,1031.339966,1024.530029,1025.969971,1338210000 +18-09-03,1025.969971,1040.160034,1025.75,1039.579956,1498800000 +19-09-03,1039.579956,1040.290039,1031.890015,1036.300049,1518600000 +22-09-03,1036.300049,1036.300049,1018.299988,1022.820007,1278800000 +23-09-03,1022.820007,1030.119995,1021.539978,1029.030029,1301700000 +24-09-03,1029.030029,1029.829956,1008.929993,1009.380005,1556000000 +25-09-03,1009.380005,1015.969971,1003.26001,1003.27002,1530000000 +26-09-03,1003.27002,1003.450012,996.080017,996.849976,1472500000 +29-09-03,996.849976,1006.890015,995.309998,1006.580017,1366500000 +30-09-03,1006.580017,1006.580017,990.359985,995.969971,1590500000 +01-10-03,995.969971,1018.219971,995.969971,1018.219971,1566300000 +02-10-03,1018.219971,1021.869995,1013.380005,1020.23999,1269300000 +03-10-03,1020.23999,1039.310059,1020.23999,1029.849976,1570500000 +06-10-03,1029.849976,1036.47998,1029.150024,1034.349976,1025800000 +07-10-03,1034.349976,1039.25,1026.27002,1039.25,1279500000 +08-10-03,1039.25,1040.060059,1030.959961,1033.780029,1262500000 +09-10-03,1033.780029,1048.280029,1033.780029,1038.72998,1578700000 +10-10-03,1038.72998,1040.839966,1035.73999,1038.060059,1108100000 +13-10-03,1038.060059,1048.900024,1038.060059,1045.349976,1040500000 +14-10-03,1045.349976,1049.48999,1040.839966,1049.47998,1271900000 +15-10-03,1049.47998,1053.790039,1043.150024,1046.76001,1521100000 +16-10-03,1046.76001,1052.939941,1044.040039,1050.069946,1417700000 +17-10-03,1050.069946,1051.890015,1036.569946,1039.319946,1352000000 +20-10-03,1039.319946,1044.689941,1036.130005,1044.680054,1172600000 +21-10-03,1044.680054,1048.569946,1042.589966,1046.030029,1498000000 +22-10-03,1046.030029,1046.030029,1028.390015,1030.359985,1647200000 +23-10-03,1030.359985,1035.439941,1025.890015,1033.77002,1604300000 +24-10-03,1033.77002,1033.77002,1018.320007,1028.910034,1420300000 +27-10-03,1028.910034,1037.75,1028.910034,1031.130005,1371800000 +28-10-03,1031.130005,1046.790039,1031.130005,1046.790039,1629200000 +29-10-03,1046.790039,1049.829956,1043.349976,1048.109985,1562600000 +30-10-03,1048.109985,1052.810059,1043.819946,1046.939941,1629700000 +31-10-03,1046.939941,1053.089966,1046.939941,1050.709961,1498900000 +03-11-03,1050.709961,1061.439941,1050.709961,1059.02002,1378200000 +04-11-03,1059.02002,1059.02002,1051.699951,1053.25,1417600000 +05-11-03,1053.25,1054.540039,1044.880005,1051.810059,1401800000 +06-11-03,1051.810059,1058.939941,1046.930054,1058.050049,1453900000 +07-11-03,1058.050049,1062.390015,1052.170044,1053.209961,1440500000 +10-11-03,1053.209961,1053.650024,1045.579956,1047.109985,1243600000 +11-11-03,1047.109985,1048.22998,1043.459961,1046.569946,1162500000 +12-11-03,1046.569946,1059.099976,1046.569946,1058.530029,1349300000 +13-11-03,1058.560059,1059.619995,1052.959961,1058.410034,1383000000 +14-11-03,1058.410034,1063.650024,1048.109985,1050.349976,1356100000 +17-11-03,1050.349976,1050.349976,1035.280029,1043.630005,1374300000 +18-11-03,1043.630005,1048.77002,1034,1034.150024,1354300000 +19-11-03,1034.150024,1043.949951,1034.150024,1042.439941,1326200000 +20-11-03,1042.439941,1046.47998,1033.420044,1033.650024,1326700000 +21-11-03,1033.650024,1037.569946,1031.199951,1035.280029,1273800000 +24-11-03,1035.280029,1052.079956,1035.280029,1052.079956,1302800000 +25-11-03,1052.079956,1058.050049,1049.310059,1053.890015,1333700000 +26-11-03,1053.890015,1058.449951,1048.280029,1058.449951,1097700000 +28-11-03,1058.449951,1060.630005,1056.77002,1058.199951,487220000 +01-12-03,1058.199951,1070.469971,1058.199951,1070.119995,1375000000 +02-12-03,1070.119995,1071.219971,1065.219971,1066.619995,1383200000 +03-12-03,1066.619995,1074.300049,1064.630005,1064.72998,1441700000 +04-12-03,1064.72998,1070.369995,1063.150024,1069.719971,1463100000 +05-12-03,1069.719971,1069.719971,1060.089966,1061.5,1265900000 +08-12-03,1061.5,1069.589966,1060.930054,1069.300049,1218900000 +09-12-03,1069.300049,1071.939941,1059.160034,1060.180054,1465500000 +10-12-03,1060.180054,1063.02002,1053.410034,1059.050049,1444000000 +11-12-03,1059.050049,1073.630005,1059.050049,1071.209961,1441100000 +12-12-03,1071.209961,1074.76001,1067.640015,1074.140015,1223100000 +15-12-03,1074.140015,1082.790039,1068,1068.040039,1520800000 +16-12-03,1068.040039,1075.939941,1068.040039,1075.130005,1547900000 +17-12-03,1075.130005,1076.540039,1071.140015,1076.47998,1441700000 +18-12-03,1076.47998,1089.5,1076.47998,1089.180054,1579900000 +19-12-03,1089.180054,1091.060059,1084.189941,1088.660034,1657300000 +22-12-03,1088.660034,1092.939941,1086.140015,1092.939941,1251700000 +23-12-03,1092.939941,1096.949951,1091.72998,1096.02002,1145300000 +24-12-03,1096.02002,1096.400024,1092.72998,1094.040039,518060000 +26-12-03,1094.040039,1098.469971,1094.040039,1095.890015,356070000 +29-12-03,1095.890015,1109.47998,1095.890015,1109.47998,1058800000 +30-12-03,1109.47998,1109.75,1106.410034,1109.640015,1012600000 +31-12-03,1109.640015,1112.560059,1106.209961,1111.920044,1027500000 +02-01-04,1111.920044,1118.849976,1105.079956,1108.47998,1153200000 +05-01-04,1108.47998,1122.219971,1108.47998,1122.219971,1578200000 +06-01-04,1122.219971,1124.459961,1118.439941,1123.670044,1494500000 +07-01-04,1123.670044,1126.329956,1116.449951,1126.329956,1704900000 +08-01-04,1126.329956,1131.920044,1124.910034,1131.920044,1868400000 +09-01-04,1131.920044,1131.920044,1120.900024,1121.859985,1720700000 +12-01-04,1121.859985,1127.849976,1120.900024,1127.22998,1510200000 +13-01-04,1127.22998,1129.069946,1115.189941,1121.219971,1595900000 +14-01-04,1121.219971,1130.75,1121.219971,1130.52002,1514600000 +15-01-04,1130.52002,1137.109985,1124.540039,1132.050049,1695000000 +16-01-04,1132.050049,1139.829956,1132.050049,1139.829956,1721100000 +20-01-04,1139.829956,1142.930054,1135.400024,1138.77002,1698200000 +21-01-04,1138.77002,1149.209961,1134.619995,1147.619995,1757600000 +22-01-04,1147.619995,1150.51001,1143.01001,1143.939941,1693700000 +23-01-04,1143.939941,1150.310059,1136.849976,1141.550049,1561200000 +26-01-04,1141.550049,1155.380005,1141,1155.369995,1480600000 +27-01-04,1155.369995,1155.369995,1144.050049,1144.050049,1673100000 +28-01-04,1144.050049,1149.140015,1126.5,1128.47998,1842000000 +29-01-04,1128.47998,1134.390015,1122.380005,1134.109985,1921900000 +30-01-04,1134.109985,1134.170044,1127.72998,1131.130005,1635000000 +02-02-04,1131.130005,1142.449951,1127.869995,1135.26001,1599200000 +03-02-04,1135.26001,1137.439941,1131.329956,1136.030029,1476900000 +04-02-04,1136.030029,1136.030029,1124.73999,1126.52002,1634800000 +05-02-04,1126.52002,1131.170044,1124.439941,1128.589966,1566600000 +06-02-04,1128.589966,1142.790039,1128.390015,1142.76001,1477600000 +09-02-04,1142.76001,1144.459961,1139.209961,1139.810059,1303500000 +10-02-04,1139.810059,1147.02002,1138.699951,1145.540039,1403900000 +11-02-04,1145.540039,1158.890015,1142.329956,1157.76001,1699300000 +12-02-04,1157.76001,1157.76001,1151.439941,1152.109985,1464300000 +13-02-04,1152.109985,1156.880005,1143.23999,1145.810059,1329200000 +17-02-04,1145.810059,1158.97998,1145.810059,1156.98999,1396500000 +18-02-04,1156.98999,1157.400024,1149.540039,1151.819946,1382400000 +19-02-04,1151.819946,1158.569946,1146.849976,1147.060059,1562800000 +20-02-04,1147.060059,1149.810059,1139,1144.109985,1479600000 +23-02-04,1144.109985,1146.689941,1136.97998,1140.98999,1380400000 +24-02-04,1140.98999,1144.540039,1134.430054,1139.089966,1543600000 +25-02-04,1139.089966,1145.23999,1138.959961,1143.670044,1360700000 +26-02-04,1143.670044,1147.22998,1138.619995,1144.910034,1383900000 +27-02-04,1145.800049,1151.680054,1141.800049,1144.939941,1540400000 +01-03-04,1144.939941,1157.449951,1144.939941,1155.969971,1497100000 +02-03-04,1155.969971,1156.540039,1147.310059,1149.099976,1476000000 +03-03-04,1149.099976,1152.439941,1143.780029,1151.030029,1334500000 +04-03-04,1151.030029,1154.969971,1149.810059,1154.869995,1265800000 +05-03-04,1154.869995,1163.22998,1148.77002,1156.859985,1398200000 +08-03-04,1156.859985,1159.939941,1146.969971,1147.199951,1254400000 +09-03-04,1147.199951,1147.319946,1136.839966,1140.579956,1499400000 +10-03-04,1140.579956,1141.449951,1122.530029,1123.890015,1648400000 +11-03-04,1123.890015,1125.959961,1105.869995,1106.780029,1889900000 +12-03-04,1106.780029,1120.630005,1106.780029,1120.569946,1388500000 +15-03-04,1120.569946,1120.569946,1103.359985,1104.48999,1600600000 +16-03-04,1104.48999,1113.76001,1102.609985,1110.699951,1500700000 +17-03-04,1110.699951,1125.76001,1110.699951,1123.75,1490100000 +18-03-04,1123.75,1125.5,1113.25,1122.319946,1369200000 +19-03-04,1122.319946,1122.719971,1109.689941,1109.780029,1457400000 +22-03-04,1109.780029,1109.780029,1089.540039,1095.400024,1452300000 +23-03-04,1095.400024,1101.52002,1091.569946,1093.949951,1458200000 +24-03-04,1093.949951,1098.319946,1087.160034,1091.329956,1527800000 +25-03-04,1091.329956,1110.380005,1091.329956,1109.189941,1471700000 +26-03-04,1109.189941,1115.27002,1106.130005,1108.060059,1319100000 +29-03-04,1108.060059,1124.369995,1108.060059,1122.469971,1405500000 +30-03-04,1122.469971,1127.599976,1119.660034,1127,1332400000 +31-03-04,1127,1130.829956,1121.459961,1126.209961,1560700000 +01-04-04,1126.209961,1135.670044,1126.199951,1132.170044,1560700000 +02-04-04,1132.170044,1144.810059,1132.170044,1141.810059,1629200000 +05-04-04,1141.810059,1150.569946,1141.640015,1150.569946,1413700000 +06-04-04,1150.569946,1150.569946,1143.300049,1148.160034,1397700000 +07-04-04,1148.160034,1148.160034,1138.410034,1140.530029,1458800000 +08-04-04,1140.530029,1148.969971,1134.52002,1139.319946,1199800000 +12-04-04,1139.319946,1147.290039,1139.319946,1145.199951,1102400000 +13-04-04,1145.199951,1147.780029,1127.699951,1129.439941,1423200000 +14-04-04,1129.439941,1132.52002,1122.150024,1128.170044,1547700000 +15-04-04,1128.170044,1134.079956,1120.75,1128.839966,1568700000 +16-04-04,1128.839966,1136.800049,1126.900024,1134.609985,1487800000 +19-04-04,1134.560059,1136.180054,1129.839966,1135.819946,1194900000 +20-04-04,1135.819946,1139.26001,1118.089966,1118.150024,1508500000 +21-04-04,1118.150024,1125.719971,1116.030029,1124.089966,1738100000 +22-04-04,1124.089966,1142.77002,1121.949951,1139.930054,1826700000 +23-04-04,1139.930054,1141.920044,1134.810059,1140.599976,1396100000 +26-04-04,1140.599976,1145.079956,1132.910034,1135.530029,1290600000 +27-04-04,1135.530029,1146.560059,1135.530029,1138.109985,1518000000 +28-04-04,1138.109985,1138.109985,1121.699951,1122.410034,1855600000 +29-04-04,1122.410034,1128.800049,1108.040039,1113.890015,1859000000 +30-04-04,1113.890015,1119.26001,1107.22998,1107.300049,1634700000 +03-05-04,1107.300049,1118.719971,1107.300049,1117.48999,1571600000 +04-05-04,1117.48999,1127.73999,1112.890015,1119.550049,1662100000 +05-05-04,1119.550049,1125.069946,1117.900024,1121.530029,1469000000 +06-05-04,1121.530029,1121.530029,1106.300049,1113.98999,1509300000 +07-05-04,1113.98999,1117.300049,1098.630005,1098.699951,1653600000 +10-05-04,1098.699951,1098.699951,1079.630005,1087.119995,1918400000 +11-05-04,1087.119995,1095.689941,1087.119995,1095.449951,1533800000 +12-05-04,1095.449951,1097.550049,1076.319946,1097.280029,1697600000 +13-05-04,1097.280029,1102.77002,1091.76001,1096.439941,1411100000 +14-05-04,1096.439941,1102.099976,1088.23999,1095.699951,1335900000 +17-05-04,1095.699951,1095.699951,1079.359985,1084.099976,1430100000 +18-05-04,1084.099976,1094.099976,1084.099976,1091.48999,1353000000 +19-05-04,1091.48999,1105.930054,1088.48999,1088.680054,1548600000 +20-05-04,1088.680054,1092.619995,1085.430054,1089.189941,1211000000 +21-05-04,1089.189941,1099.640015,1089.189941,1093.560059,1258600000 +24-05-04,1093.560059,1101.280029,1091.77002,1095.410034,1227500000 +25-05-04,1095.410034,1113.800049,1090.73999,1113.050049,1545700000 +26-05-04,1113.050049,1116.709961,1109.910034,1114.939941,1369400000 +27-05-04,1114.939941,1123.949951,1114.859985,1121.280029,1447500000 +28-05-04,1121.280029,1122.689941,1118.099976,1120.680054,1172600000 +01-06-04,1120.680054,1122.699951,1113.319946,1121.199951,1238000000 +02-06-04,1121.199951,1128.099976,1118.640015,1124.98999,1251700000 +03-06-04,1124.98999,1125.310059,1116.569946,1116.640015,1232400000 +04-06-04,1116.640015,1129.170044,1116.640015,1122.5,1115300000 +07-06-04,1122.5,1140.540039,1122.5,1140.420044,1211800000 +08-06-04,1140.420044,1142.180054,1135.449951,1142.180054,1190300000 +09-06-04,1142.180054,1142.180054,1131.170044,1131.329956,1276800000 +10-06-04,1131.329956,1136.469971,1131.329956,1136.469971,1160600000 +14-06-04,1136.469971,1136.469971,1122.160034,1125.290039,1179400000 +15-06-04,1125.290039,1137.359985,1125.290039,1132.01001,1345900000 +16-06-04,1132.01001,1135.280029,1130.550049,1133.560059,1168400000 +17-06-04,1133.560059,1133.560059,1126.890015,1132.050049,1296700000 +18-06-04,1132.050049,1138.959961,1129.829956,1135.02002,1500600000 +21-06-04,1135.02002,1138.050049,1129.640015,1130.300049,1123900000 +22-06-04,1130.300049,1135.050049,1124.369995,1134.410034,1382300000 +23-06-04,1134.410034,1145.150024,1131.72998,1144.060059,1444200000 +24-06-04,1144.060059,1146.339966,1139.939941,1140.650024,1394900000 +25-06-04,1140.650024,1145.969971,1134.23999,1134.430054,1812900000 +28-06-04,1134.430054,1142.599976,1131.719971,1133.349976,1354600000 +29-06-04,1133.349976,1138.26001,1131.810059,1136.199951,1375000000 +30-06-04,1136.199951,1144.199951,1133.619995,1140.839966,1473800000 +01-07-04,1140.839966,1140.839966,1123.060059,1128.939941,1495700000 +02-07-04,1128.939941,1129.150024,1123.26001,1125.380005,1085000000 +06-07-04,1125.380005,1125.380005,1113.209961,1116.209961,1283300000 +07-07-04,1116.209961,1122.369995,1114.920044,1118.329956,1328600000 +08-07-04,1118.329956,1119.119995,1108.719971,1109.109985,1401100000 +09-07-04,1109.109985,1115.569946,1109.109985,1112.810059,1186300000 +12-07-04,1112.810059,1116.109985,1106.709961,1114.349976,1114600000 +13-07-04,1114.349976,1116.300049,1112.98999,1115.140015,1199700000 +14-07-04,1115.140015,1119.599976,1107.829956,1111.469971,1462000000 +15-07-04,1111.469971,1114.630005,1106.670044,1106.689941,1408700000 +16-07-04,1106.689941,1112.170044,1101.069946,1101.390015,1450300000 +19-07-04,1101.390015,1105.52002,1096.550049,1100.900024,1319900000 +20-07-04,1100.900024,1108.880005,1099.099976,1108.670044,1445800000 +21-07-04,1108.670044,1116.27002,1093.880005,1093.880005,1679500000 +22-07-04,1093.880005,1099.660034,1084.160034,1096.839966,1680800000 +23-07-04,1096.839966,1096.839966,1083.560059,1086.199951,1337500000 +26-07-04,1086.199951,1089.819946,1078.780029,1084.069946,1413400000 +27-07-04,1084.069946,1096.650024,1084.069946,1094.829956,1610800000 +28-07-04,1094.829956,1098.839966,1082.170044,1095.420044,1554300000 +29-07-04,1095.420044,1103.51001,1095.420044,1100.430054,1530100000 +30-07-04,1100.430054,1103.72998,1096.959961,1101.719971,1298200000 +02-08-04,1101.719971,1108.599976,1097.339966,1106.619995,1276000000 +03-08-04,1106.619995,1106.619995,1099.26001,1099.689941,1338300000 +04-08-04,1099.689941,1102.449951,1092.400024,1098.630005,1369200000 +05-08-04,1098.630005,1098.790039,1079.97998,1080.699951,1397400000 +06-08-04,1080.699951,1080.699951,1062.22998,1063.969971,1521000000 +09-08-04,1063.969971,1069.459961,1063.969971,1065.219971,1086000000 +10-08-04,1065.219971,1079.040039,1065.219971,1079.040039,1245600000 +11-08-04,1079.040039,1079.040039,1065.920044,1075.790039,1410400000 +12-08-04,1075.790039,1075.790039,1062.819946,1063.22998,1405100000 +13-08-04,1063.22998,1067.579956,1060.719971,1064.800049,1175100000 +16-08-04,1064.800049,1080.660034,1064.800049,1079.339966,1206200000 +17-08-04,1079.339966,1086.780029,1079.339966,1081.709961,1267800000 +18-08-04,1081.709961,1095.170044,1078.930054,1095.170044,1282500000 +19-08-04,1095.170044,1095.170044,1086.280029,1091.22998,1249400000 +20-08-04,1091.22998,1100.26001,1089.569946,1098.349976,1199900000 +23-08-04,1098.349976,1101.400024,1094.72998,1095.680054,1021900000 +24-08-04,1095.680054,1100.939941,1092.819946,1096.189941,1092500000 +25-08-04,1096.189941,1106.290039,1093.23999,1104.959961,1192200000 +26-08-04,1104.959961,1106.780029,1102.459961,1105.089966,1023600000 +27-08-04,1105.089966,1109.680054,1104.619995,1107.77002,845400000 +30-08-04,1107.77002,1107.77002,1099.150024,1099.150024,843100000 +31-08-04,1099.150024,1104.23999,1094.719971,1104.23999,1138200000 +01-09-04,1104.23999,1109.23999,1099.180054,1105.910034,1142100000 +02-09-04,1105.910034,1119.109985,1105.599976,1118.310059,1118400000 +03-09-04,1118.310059,1120.800049,1113.569946,1113.630005,924170000 +07-09-04,1113.630005,1124.079956,1113.630005,1121.300049,1214400000 +08-09-04,1121.300049,1123.050049,1116.27002,1116.27002,1246300000 +09-09-04,1116.27002,1121.300049,1113.619995,1118.380005,1371300000 +10-09-04,1118.380005,1125.26001,1114.390015,1123.920044,1261200000 +13-09-04,1123.920044,1129.780029,1123.349976,1125.819946,1299800000 +14-09-04,1125.819946,1129.459961,1124.719971,1128.329956,1204500000 +15-09-04,1128.329956,1128.329956,1119.819946,1120.369995,1256000000 +16-09-04,1120.369995,1126.060059,1120.369995,1123.5,1113900000 +17-09-04,1123.5,1130.140015,1123.5,1128.550049,1422600000 +20-09-04,1128.550049,1128.550049,1120.339966,1122.199951,1197600000 +21-09-04,1122.199951,1131.540039,1122.199951,1129.300049,1325000000 +22-09-04,1129.300049,1129.300049,1112.670044,1113.560059,1379900000 +23-09-04,1113.560059,1113.609985,1108.050049,1108.359985,1286300000 +24-09-04,1108.359985,1113.810059,1108.359985,1110.109985,1255400000 +27-09-04,1110.109985,1110.109985,1103.23999,1103.52002,1263500000 +28-09-04,1103.52002,1111.77002,1101.290039,1110.060059,1396600000 +29-09-04,1110.060059,1114.800049,1107.420044,1114.800049,1402900000 +30-09-04,1114.800049,1116.310059,1109.680054,1114.579956,1748000000 +01-10-04,1114.579956,1131.640015,1114.579956,1131.5,1582200000 +04-10-04,1131.5,1140.130005,1131.5,1135.170044,1534000000 +05-10-04,1135.170044,1137.869995,1132.030029,1134.47998,1418400000 +06-10-04,1134.47998,1142.050049,1132.939941,1142.050049,1416700000 +07-10-04,1142.050049,1142.050049,1130.5,1130.650024,1447500000 +08-10-04,1130.650024,1132.920044,1120.189941,1122.140015,1291600000 +11-10-04,1122.140015,1126.199951,1122.140015,1124.390015,943800000 +12-10-04,1124.390015,1124.390015,1115.77002,1121.839966,1320100000 +13-10-04,1121.839966,1127.01001,1109.630005,1113.650024,1546200000 +14-10-04,1113.650024,1114.959961,1102.060059,1103.290039,1489500000 +15-10-04,1103.290039,1113.170044,1102.140015,1108.199951,1645100000 +18-10-04,1108.199951,1114.459961,1103.329956,1114.02002,1373300000 +19-10-04,1114.02002,1117.959961,1103.150024,1103.22998,1737500000 +20-10-04,1103.22998,1104.089966,1094.25,1103.660034,1685700000 +21-10-04,1103.660034,1108.869995,1098.469971,1106.48999,1673000000 +22-10-04,1106.48999,1108.140015,1095.469971,1095.73999,1469600000 +25-10-04,1095.73999,1096.810059,1090.290039,1094.800049,1380500000 +26-10-04,1094.810059,1111.099976,1094.810059,1111.089966,1685400000 +27-10-04,1111.089966,1126.290039,1107.430054,1125.400024,1741900000 +28-10-04,1125.339966,1130.670044,1120.599976,1127.439941,1628200000 +29-10-04,1127.439941,1131.400024,1124.619995,1130.199951,1500800000 +01-11-04,1130.199951,1133.410034,1127.599976,1130.51001,1395900000 +02-11-04,1130.51001,1140.47998,1128.119995,1130.560059,1659000000 +03-11-04,1130.540039,1147.569946,1130.540039,1143.199951,1767500000 +04-11-04,1143.199951,1161.670044,1142.339966,1161.670044,1782700000 +05-11-04,1161.670044,1170.869995,1160.660034,1166.170044,1724400000 +08-11-04,1166.170044,1166.77002,1162.319946,1164.890015,1358700000 +09-11-04,1164.890015,1168.959961,1162.47998,1164.079956,1450800000 +10-11-04,1164.079956,1169.25,1162.51001,1162.910034,1504300000 +11-11-04,1162.910034,1174.800049,1162.910034,1173.47998,1393000000 +12-11-04,1173.47998,1184.170044,1171.430054,1184.170044,1531600000 +15-11-04,1184.170044,1184.47998,1179.849976,1183.810059,1453300000 +16-11-04,1183.810059,1183.810059,1175.319946,1175.430054,1364400000 +17-11-04,1175.430054,1188.459961,1175.430054,1181.939941,1684200000 +18-11-04,1181.939941,1184.900024,1180.150024,1183.550049,1456700000 +19-11-04,1183.550049,1184,1169.189941,1170.339966,1526600000 +22-11-04,1170.339966,1178.180054,1167.890015,1177.23999,1392700000 +23-11-04,1177.23999,1179.52002,1171.410034,1176.939941,1428300000 +24-11-04,1176.939941,1182.459961,1176.939941,1181.76001,1149600000 +26-11-04,1181.76001,1186.619995,1181.079956,1182.650024,504580000 +29-11-04,1182.650024,1186.939941,1172.369995,1178.569946,1378500000 +30-11-04,1178.569946,1178.660034,1173.810059,1173.819946,1553500000 +01-12-04,1173.780029,1191.369995,1173.780029,1191.369995,1772800000 +02-12-04,1191.369995,1194.800049,1186.719971,1190.329956,1774900000 +03-12-04,1190.329956,1197.459961,1187.709961,1191.170044,1566700000 +06-12-04,1191.170044,1192.410034,1185.180054,1190.25,1354400000 +07-12-04,1190.25,1192.170044,1177.069946,1177.069946,1533900000 +08-12-04,1177.069946,1184.050049,1177.069946,1182.810059,1525200000 +09-12-04,1182.810059,1190.51001,1173.790039,1189.23999,1624700000 +10-12-04,1189.23999,1191.449951,1185.23999,1188,1443700000 +13-12-04,1188,1198.73999,1188,1198.680054,1436100000 +14-12-04,1198.680054,1205.290039,1197.839966,1203.380005,1544400000 +15-12-04,1203.380005,1206.609985,1199.439941,1205.719971,1695800000 +16-12-04,1205.719971,1207.969971,1198.410034,1203.209961,1793900000 +17-12-04,1203.209961,1203.209961,1193.48999,1194.199951,2335000000 +20-12-04,1194.199951,1203.430054,1193.359985,1194.650024,1422800000 +21-12-04,1194.650024,1205.930054,1194.650024,1205.449951,1483700000 +22-12-04,1205.449951,1211.420044,1203.849976,1209.569946,1390800000 +23-12-04,1209.569946,1213.660034,1208.709961,1210.130005,956100000 +27-12-04,1210.130005,1214.130005,1204.920044,1204.920044,922000000 +28-12-04,1204.920044,1213.540039,1204.920044,1213.540039,983000000 +29-12-04,1213.540039,1213.849976,1210.949951,1213.449951,925900000 +30-12-04,1213.449951,1216.469971,1213.410034,1213.550049,829800000 +31-12-04,1213.550049,1217.329956,1211.650024,1211.920044,786900000 +03-01-05,1211.920044,1217.800049,1200.319946,1202.079956,1510800000 +04-01-05,1202.079956,1205.839966,1185.390015,1188.050049,1721000000 +05-01-05,1188.050049,1192.72998,1183.719971,1183.73999,1738900000 +06-01-05,1183.73999,1191.630005,1183.27002,1187.890015,1569100000 +07-01-05,1187.890015,1192.199951,1182.160034,1186.189941,1477900000 +10-01-05,1186.189941,1194.780029,1184.800049,1190.25,1490400000 +11-01-05,1190.25,1190.25,1180.430054,1182.98999,1488800000 +12-01-05,1182.98999,1187.920044,1175.640015,1187.699951,1562100000 +13-01-05,1187.699951,1187.699951,1175.810059,1177.449951,1510300000 +14-01-05,1177.449951,1185.209961,1177.449951,1184.52002,1335400000 +18-01-05,1184.52002,1195.97998,1180.099976,1195.97998,1596800000 +19-01-05,1195.97998,1195.97998,1184.410034,1184.630005,1498700000 +20-01-05,1184.630005,1184.630005,1173.420044,1175.410034,1692000000 +21-01-05,1175.410034,1179.449951,1167.819946,1167.869995,1643500000 +24-01-05,1167.869995,1173.030029,1163.75,1163.75,1494600000 +25-01-05,1163.75,1174.300049,1163.75,1168.410034,1610400000 +26-01-05,1168.410034,1175.959961,1168.410034,1174.069946,1635900000 +27-01-05,1174.069946,1177.5,1170.150024,1174.550049,1600600000 +28-01-05,1174.550049,1175.609985,1166.25,1171.359985,1641800000 +31-01-05,1171.359985,1182.069946,1171.359985,1181.27002,1679800000 +01-02-05,1181.27002,1190.390015,1180.949951,1189.410034,1681980000 +02-02-05,1189.410034,1195.25,1188.920044,1193.189941,1561740000 +03-02-05,1193.189941,1193.189941,1185.640015,1189.890015,1554460000 +04-02-05,1189.890015,1203.469971,1189.670044,1203.030029,1648160000 +07-02-05,1203.030029,1204.150024,1199.27002,1201.719971,1347270000 +08-02-05,1201.719971,1205.109985,1200.160034,1202.300049,1416170000 +09-02-05,1202.300049,1203.829956,1191.540039,1191.98999,1511040000 +10-02-05,1191.98999,1198.75,1191.540039,1197.01001,1491670000 +11-02-05,1197.01001,1208.380005,1193.280029,1205.300049,1562300000 +14-02-05,1205.300049,1206.930054,1203.589966,1206.140015,1290180000 +15-02-05,1206.140015,1212.439941,1205.52002,1210.119995,1527080000 +16-02-05,1210.119995,1212.439941,1205.060059,1210.339966,1490100000 +17-02-05,1210.339966,1211.329956,1200.73999,1200.75,1580120000 +18-02-05,1200.75,1202.920044,1197.349976,1201.589966,1551200000 +22-02-05,1201.589966,1202.47998,1184.160034,1184.160034,1744940000 +23-02-05,1184.160034,1193.52002,1184.160034,1190.800049,1501090000 +24-02-05,1190.800049,1200.420044,1187.800049,1200.199951,1518750000 +25-02-05,1200.199951,1212.150024,1199.609985,1211.369995,1523680000 +28-02-05,1211.369995,1211.369995,1198.130005,1203.599976,1795480000 +01-03-05,1203.599976,1212.25,1203.599976,1210.410034,1708060000 +02-03-05,1210.410034,1215.790039,1204.219971,1210.079956,1568540000 +03-03-05,1210.079956,1215.719971,1204.449951,1210.469971,1616240000 +04-03-05,1210.469971,1224.76001,1210.469971,1222.119995,1636820000 +07-03-05,1222.119995,1229.109985,1222.119995,1225.310059,1488830000 +08-03-05,1225.310059,1225.689941,1218.569946,1219.430054,1523090000 +09-03-05,1219.430054,1219.430054,1206.660034,1207.01001,1704970000 +10-03-05,1207.01001,1211.22998,1201.410034,1209.25,1604020000 +11-03-05,1209.25,1213.040039,1198.150024,1200.079956,1449820000 +14-03-05,1200.079956,1206.829956,1199.51001,1206.829956,1437430000 +15-03-05,1206.829956,1210.540039,1197.75,1197.75,1513530000 +16-03-05,1197.75,1197.75,1185.609985,1188.069946,1653190000 +17-03-05,1188.069946,1193.280029,1186.339966,1190.209961,1581930000 +18-03-05,1190.209961,1191.97998,1182.780029,1189.650024,2344370000 +21-03-05,1189.650024,1189.650024,1178.819946,1183.780029,1819440000 +22-03-05,1183.780029,1189.589966,1171.630005,1171.709961,2114470000 +23-03-05,1171.709961,1176.26001,1168.699951,1172.530029,2246870000 +24-03-05,1172.530029,1180.109985,1171.420044,1171.420044,1721720000 +28-03-05,1171.420044,1179.910034,1171.420044,1174.280029,1746220000 +29-03-05,1174.280029,1179.390015,1163.689941,1165.359985,2223250000 +30-03-05,1165.359985,1181.540039,1165.359985,1181.410034,2097110000 +31-03-05,1181.410034,1184.530029,1179.48999,1180.589966,2214230000 +01-04-05,1180.589966,1189.800049,1169.910034,1172.920044,2168690000 +04-04-05,1172.790039,1178.609985,1167.719971,1176.119995,2079770000 +05-04-05,1176.119995,1183.560059,1176.119995,1181.390015,1870800000 +06-04-05,1181.390015,1189.339966,1181.390015,1184.069946,1797400000 +07-04-05,1184.069946,1191.880005,1183.810059,1191.140015,1900620000 +08-04-05,1191.140015,1191.75,1181.130005,1181.199951,1661330000 +11-04-05,1181.199951,1184.069946,1178.689941,1181.209961,1525310000 +12-04-05,1181.209961,1190.170044,1170.849976,1187.76001,1979830000 +13-04-05,1187.76001,1187.76001,1171.400024,1173.790039,2049740000 +14-04-05,1173.790039,1174.670044,1161.699951,1162.050049,2355040000 +15-04-05,1162.050049,1162.050049,1141.920044,1142.619995,2689960000 +18-04-05,1142.619995,1148.920044,1139.800049,1145.97998,2180670000 +19-04-05,1145.97998,1154.670044,1145.97998,1152.780029,2142700000 +20-04-05,1152.780029,1155.5,1136.150024,1137.5,2217050000 +21-04-05,1137.5,1159.949951,1137.5,1159.949951,2308560000 +22-04-05,1159.949951,1159.949951,1142.949951,1152.119995,2045880000 +25-04-05,1152.119995,1164.050049,1152.119995,1162.099976,1795030000 +26-04-05,1162.099976,1164.800049,1151.829956,1151.829956,1959740000 +27-04-05,1151.73999,1159.869995,1144.420044,1156.380005,2151520000 +28-04-05,1156.380005,1156.380005,1143.219971,1143.219971,2182270000 +29-04-05,1143.219971,1156.969971,1139.189941,1156.849976,2362360000 +02-05-05,1156.849976,1162.869995,1154.709961,1162.160034,1980040000 +03-05-05,1162.160034,1166.890015,1156.709961,1161.170044,2167020000 +04-05-05,1161.170044,1176.01001,1161.170044,1175.650024,2306480000 +05-05-05,1175.650024,1178.619995,1166.77002,1172.630005,1997100000 +06-05-05,1172.630005,1177.75,1170.5,1171.349976,1707200000 +09-05-05,1171.349976,1178.869995,1169.380005,1178.839966,1857020000 +10-05-05,1178.839966,1178.839966,1162.97998,1166.219971,1889660000 +11-05-05,1166.219971,1171.77002,1157.709961,1171.109985,1834970000 +12-05-05,1171.109985,1173.369995,1157.76001,1159.359985,1995290000 +13-05-05,1159.359985,1163.75,1146.180054,1154.050049,2188590000 +16-05-05,1154.050049,1165.75,1153.640015,1165.689941,1856860000 +17-05-05,1165.689941,1174.349976,1159.859985,1173.800049,1887260000 +18-05-05,1173.800049,1187.900024,1173.800049,1185.560059,2266320000 +19-05-05,1185.560059,1191.089966,1184.48999,1191.079956,1775860000 +20-05-05,1191.079956,1191.219971,1185.189941,1189.280029,1631750000 +23-05-05,1189.280029,1197.439941,1188.76001,1193.859985,1681170000 +24-05-05,1193.859985,1195.290039,1189.869995,1194.069946,1681000000 +25-05-05,1194.069946,1194.069946,1185.959961,1190.01001,1742180000 +26-05-05,1190.01001,1198.949951,1190.01001,1197.619995,1654110000 +27-05-05,1197.619995,1199.560059,1195.280029,1198.780029,1381430000 +31-05-05,1198.780029,1198.780029,1191.5,1191.5,1840680000 +01-06-05,1191.5,1205.640015,1191.030029,1202.219971,1810100000 +02-06-05,1202.27002,1204.670044,1198.420044,1204.290039,1813790000 +03-06-05,1204.290039,1205.089966,1194.550049,1196.02002,1627520000 +06-06-05,1196.02002,1198.780029,1192.75,1197.51001,1547120000 +07-06-05,1197.51001,1208.849976,1197.26001,1197.26001,1851370000 +08-06-05,1197.26001,1201.969971,1193.329956,1194.670044,1715490000 +09-06-05,1194.670044,1201.859985,1191.089966,1200.930054,1824120000 +10-06-05,1200.930054,1202.790039,1192.640015,1198.109985,1664180000 +13-06-05,1198.109985,1206.030029,1194.51001,1200.819946,1661350000 +14-06-05,1200.819946,1207.530029,1200.180054,1203.910034,1698150000 +15-06-05,1203.910034,1208.079956,1198.660034,1206.579956,1840440000 +16-06-05,1206.550049,1212.099976,1205.469971,1210.959961,1776040000 +17-06-05,1210.930054,1219.550049,1210.930054,1216.959961,2407370000 +20-06-05,1216.959961,1219.099976,1210.650024,1216.099976,1714530000 +21-06-05,1216.099976,1217.130005,1211.859985,1213.609985,1720700000 +22-06-05,1213.609985,1219.589966,1211.689941,1213.880005,1823250000 +23-06-05,1213.880005,1216.449951,1200.719971,1200.72998,2029920000 +24-06-05,1200.72998,1200.900024,1191.449951,1191.569946,2418800000 +27-06-05,1191.569946,1194.329956,1188.300049,1190.689941,1738620000 +28-06-05,1190.689941,1202.540039,1190.689941,1201.569946,1772410000 +29-06-05,1201.569946,1204.069946,1198.699951,1199.849976,1769280000 +30-06-05,1199.849976,1203.27002,1190.51001,1191.329956,2109490000 +01-07-05,1191.329956,1197.890015,1191.329956,1194.439941,1593820000 +05-07-05,1194.439941,1206.339966,1192.48999,1204.98999,1805820000 +06-07-05,1204.98999,1206.109985,1194.780029,1194.939941,1883470000 +07-07-05,1194.939941,1198.459961,1183.550049,1197.869995,1952440000 +08-07-05,1197.869995,1212.72998,1197.199951,1211.859985,1900810000 +11-07-05,1211.859985,1220.030029,1211.859985,1219.439941,1846300000 +12-07-05,1219.439941,1225.540039,1216.599976,1222.209961,1932010000 +13-07-05,1222.209961,1224.459961,1219.640015,1223.290039,1812500000 +14-07-05,1223.290039,1233.160034,1223.290039,1226.5,2048710000 +15-07-05,1226.5,1229.530029,1223.5,1227.920044,1716400000 +18-07-05,1227.920044,1227.920044,1221.130005,1221.130005,1582100000 +19-07-05,1221.130005,1230.339966,1221.130005,1229.349976,2041280000 +20-07-05,1229.349976,1236.560059,1222.910034,1235.199951,2063340000 +21-07-05,1235.199951,1235.829956,1224.699951,1227.040039,2129840000 +22-07-05,1227.040039,1234.189941,1226.150024,1233.680054,1766990000 +25-07-05,1233.680054,1238.359985,1228.150024,1229.030029,1717580000 +26-07-05,1229.030029,1234.420044,1229.030029,1231.160034,1934180000 +27-07-05,1231.160034,1237.640015,1230.150024,1236.790039,1945800000 +28-07-05,1236.790039,1245.150024,1235.810059,1243.719971,2001680000 +29-07-05,1243.719971,1245.040039,1234.180054,1234.180054,1789600000 +01-08-05,1234.180054,1239.099976,1233.800049,1235.349976,1716870000 +02-08-05,1235.349976,1244.689941,1235.349976,1244.119995,2043120000 +03-08-05,1244.119995,1245.859985,1240.569946,1245.040039,1999980000 +04-08-05,1245.040039,1245.040039,1235.150024,1235.859985,1981220000 +05-08-05,1235.859985,1235.859985,1225.619995,1226.420044,1930280000 +08-08-05,1226.420044,1232.280029,1222.670044,1223.130005,1804140000 +09-08-05,1223.130005,1234.109985,1223.130005,1231.380005,1897520000 +10-08-05,1231.380005,1242.689941,1226.579956,1229.130005,2172320000 +11-08-05,1229.130005,1237.810059,1228.329956,1237.810059,1941560000 +12-08-05,1237.810059,1237.810059,1225.869995,1230.390015,1709300000 +15-08-05,1230.400024,1236.23999,1226.199951,1233.869995,1562880000 +16-08-05,1233.869995,1233.869995,1219.050049,1219.339966,1820410000 +17-08-05,1219.339966,1225.630005,1218.069946,1220.23999,1859150000 +18-08-05,1220.23999,1222.640015,1215.930054,1219.02002,1808170000 +19-08-05,1219.02002,1225.079956,1219.02002,1219.709961,1558790000 +22-08-05,1219.709961,1228.959961,1216.469971,1221.72998,1621330000 +23-08-05,1221.72998,1223.040039,1214.439941,1217.589966,1678620000 +24-08-05,1217.569946,1224.150024,1209.369995,1209.589966,1930800000 +25-08-05,1209.589966,1213.72998,1209.569946,1212.369995,1571110000 +26-08-05,1212.400024,1212.400024,1204.22998,1205.099976,1541090000 +29-08-05,1205.099976,1214.280029,1201.530029,1212.280029,1599450000 +30-08-05,1212.280029,1212.280029,1201.069946,1208.410034,1916470000 +31-08-05,1208.410034,1220.359985,1204.400024,1220.329956,2365510000 +01-09-05,1220.329956,1227.290039,1216.180054,1221.589966,2229860000 +02-09-05,1221.589966,1224.449951,1217.75,1218.02002,1640160000 +06-09-05,1218.02002,1233.609985,1218.02002,1233.390015,1932090000 +07-09-05,1233.390015,1237.060059,1230.930054,1236.359985,2067700000 +08-09-05,1236.359985,1236.359985,1229.51001,1231.670044,1955380000 +09-09-05,1231.670044,1243.130005,1231.670044,1241.47998,1992560000 +12-09-05,1241.47998,1242.599976,1239.150024,1240.560059,1938050000 +13-09-05,1240.569946,1240.569946,1231.199951,1231.199951,2082360000 +14-09-05,1231.199951,1234.73999,1226.160034,1227.160034,1986750000 +15-09-05,1227.160034,1231.880005,1224.849976,1227.72998,2079340000 +16-09-05,1228.420044,1237.949951,1228.420044,1237.910034,3152470000 +19-09-05,1237.910034,1237.910034,1227.650024,1231.02002,2076540000 +20-09-05,1231.02002,1236.48999,1220.069946,1221.339966,2319250000 +21-09-05,1221.339966,1221.52002,1209.890015,1210.199951,2548150000 +22-09-05,1210.199951,1216.640015,1205.349976,1214.619995,2424720000 +23-09-05,1214.619995,1218.829956,1209.800049,1215.290039,1973020000 +26-09-05,1215.290039,1222.560059,1211.839966,1215.630005,2022220000 +27-09-05,1215.630005,1220.170044,1211.109985,1215.660034,1976270000 +28-09-05,1215.660034,1220.97998,1212.719971,1216.890015,2106980000 +29-09-05,1216.890015,1228.699951,1211.540039,1227.680054,2176120000 +30-09-05,1227.680054,1229.569946,1225.219971,1228.810059,2097520000 +03-10-05,1228.810059,1233.339966,1225.150024,1226.699951,2097490000 +04-10-05,1226.699951,1229.880005,1214.02002,1214.469971,2341420000 +05-10-05,1214.469971,1214.469971,1196.25,1196.390015,2546780000 +06-10-05,1196.390015,1202.140015,1181.920044,1191.48999,2792030000 +07-10-05,1191.48999,1199.709961,1191.459961,1195.900024,2126080000 +10-10-05,1195.900024,1196.52002,1186.119995,1187.329956,2195990000 +11-10-05,1187.329956,1193.099976,1183.160034,1184.869995,2299040000 +12-10-05,1184.869995,1190.02002,1173.650024,1177.680054,2491280000 +13-10-05,1177.680054,1179.560059,1168.199951,1176.839966,2351150000 +14-10-05,1176.839966,1187.130005,1175.439941,1186.569946,2188940000 +17-10-05,1186.569946,1191.209961,1184.47998,1190.099976,2054570000 +18-10-05,1190.099976,1190.099976,1178.130005,1178.140015,2197010000 +19-10-05,1178.140015,1195.76001,1170.550049,1195.76001,2703590000 +20-10-05,1195.76001,1197.300049,1173.300049,1177.800049,2617250000 +21-10-05,1177.800049,1186.459961,1174.920044,1179.589966,2470920000 +24-10-05,1179.589966,1199.390015,1179.589966,1199.380005,2197790000 +25-10-05,1199.380005,1201.300049,1189.290039,1196.540039,2312470000 +26-10-05,1196.540039,1204.01001,1191.380005,1191.380005,2467750000 +27-10-05,1191.380005,1192.650024,1178.890015,1178.900024,2395370000 +28-10-05,1178.900024,1198.410034,1178.900024,1198.410034,2379400000 +31-10-05,1198.410034,1211.430054,1198.410034,1207.01001,2567470000 +01-11-05,1207.01001,1207.339966,1201.660034,1202.76001,2457850000 +02-11-05,1202.76001,1215.170044,1201.069946,1214.76001,2648090000 +03-11-05,1214.76001,1224.699951,1214.76001,1219.939941,2716630000 +04-11-05,1219.939941,1222.52002,1214.449951,1220.140015,2050510000 +07-11-05,1220.140015,1224.180054,1217.290039,1222.810059,1987580000 +08-11-05,1222.810059,1222.810059,1216.079956,1218.589966,1965050000 +09-11-05,1218.589966,1226.589966,1216.530029,1220.650024,2214460000 +10-11-05,1220.650024,1232.410034,1215.050049,1230.959961,2378460000 +11-11-05,1230.959961,1235.699951,1230.719971,1234.719971,1773140000 +14-11-05,1234.719971,1237.199951,1231.780029,1233.76001,1899780000 +15-11-05,1233.76001,1237.939941,1226.410034,1229.01001,2359370000 +16-11-05,1229.01001,1232.23999,1227.180054,1231.209961,2121580000 +17-11-05,1231.209961,1242.959961,1231.209961,1242.800049,2298040000 +18-11-05,1242.800049,1249.579956,1240.709961,1248.27002,2453290000 +21-11-05,1248.27002,1255.890015,1246.900024,1254.849976,2117350000 +22-11-05,1254.849976,1261.900024,1251.400024,1261.22998,2291420000 +23-11-05,1261.22998,1270.640015,1259.51001,1265.609985,1985400000 +25-11-05,1265.609985,1268.780029,1265.540039,1268.25,724940000 +28-11-05,1268.25,1268.439941,1257.170044,1257.459961,2016900000 +29-11-05,1257.459961,1266.180054,1257.459961,1257.47998,2268340000 +30-11-05,1257.47998,1260.930054,1249.390015,1249.47998,2374690000 +01-12-05,1249.47998,1266.170044,1249.47998,1264.670044,2614830000 +02-12-05,1264.670044,1266.849976,1261.420044,1265.079956,2125580000 +05-12-05,1265.079956,1265.079956,1258.119995,1262.089966,2325840000 +06-12-05,1262.089966,1272.890015,1262.089966,1263.699951,2110740000 +07-12-05,1263.699951,1264.849976,1253.02002,1257.369995,2093830000 +08-12-05,1257.369995,1263.359985,1250.910034,1255.839966,2178300000 +09-12-05,1255.839966,1263.079956,1254.23999,1259.369995,1896290000 +12-12-05,1259.369995,1263.859985,1255.52002,1260.430054,1876550000 +13-12-05,1260.430054,1272.109985,1258.560059,1267.430054,2390020000 +14-12-05,1267.430054,1275.800049,1267.069946,1272.73999,2145520000 +15-12-05,1272.73999,1275.170044,1267.73999,1270.939941,2180590000 +16-12-05,1270.939941,1275.23999,1267.319946,1267.319946,2584190000 +19-12-05,1267.319946,1270.51001,1259.280029,1259.920044,2208810000 +20-12-05,1259.920044,1263.859985,1257.209961,1259.619995,1996690000 +21-12-05,1259.619995,1269.369995,1259.619995,1262.790039,2065170000 +22-12-05,1262.790039,1268.189941,1262.5,1268.119995,1888500000 +23-12-05,1268.119995,1269.76001,1265.920044,1268.660034,1285810000 +27-12-05,1268.660034,1271.829956,1256.540039,1256.540039,1540470000 +28-12-05,1256.540039,1261.099976,1256.540039,1258.170044,1422360000 +29-12-05,1258.170044,1260.609985,1254.180054,1254.420044,1382540000 +30-12-05,1254.420044,1254.420044,1246.589966,1248.290039,1443500000 +03-01-06,1248.290039,1270.219971,1245.73999,1268.800049,2554570000 +04-01-06,1268.800049,1275.369995,1267.73999,1273.459961,2515330000 +05-01-06,1273.459961,1276.910034,1270.300049,1273.47998,2433340000 +06-01-06,1273.47998,1286.089966,1273.47998,1285.449951,2446560000 +09-01-06,1285.449951,1290.780029,1284.819946,1290.150024,2301490000 +10-01-06,1290.150024,1290.150024,1283.76001,1289.689941,2373080000 +11-01-06,1289.719971,1294.900024,1288.119995,1294.180054,2406130000 +12-01-06,1294.180054,1294.180054,1285.040039,1286.060059,2318350000 +13-01-06,1286.060059,1288.959961,1282.780029,1287.609985,2206510000 +17-01-06,1287.609985,1287.609985,1278.609985,1282.930054,2179970000 +18-01-06,1282.930054,1282.930054,1272.079956,1277.930054,2233200000 +19-01-06,1277.930054,1287.790039,1277.930054,1285.040039,2444020000 +20-01-06,1285.040039,1285.040039,1260.920044,1261.48999,2845810000 +23-01-06,1261.48999,1268.189941,1261.48999,1263.819946,2256070000 +24-01-06,1263.819946,1271.469971,1263.819946,1266.859985,2608720000 +25-01-06,1266.859985,1271.869995,1259.420044,1264.680054,2617060000 +26-01-06,1264.680054,1276.439941,1264.680054,1273.829956,2856780000 +27-01-06,1273.829956,1286.380005,1273.829956,1283.719971,2623620000 +30-01-06,1283.719971,1287.939941,1283.51001,1285.189941,2282730000 +31-01-06,1285.199951,1285.199951,1276.849976,1280.079956,2708310000 +01-02-06,1280.079956,1283.329956,1277.569946,1282.459961,2589410000 +02-02-06,1282.459961,1282.459961,1267.719971,1270.839966,2565300000 +03-02-06,1270.839966,1270.869995,1261.02002,1264.030029,2282210000 +06-02-06,1264.030029,1267.040039,1261.619995,1265.02002,2132360000 +07-02-06,1265.02002,1265.780029,1253.609985,1254.780029,2366370000 +08-02-06,1254.780029,1266.469971,1254.780029,1265.650024,2456860000 +09-02-06,1265.650024,1274.560059,1262.800049,1263.780029,2441920000 +10-02-06,1263.819946,1269.890015,1254.97998,1266.98999,2290050000 +13-02-06,1266.98999,1266.98999,1258.339966,1262.859985,1850080000 +14-02-06,1262.859985,1278.209961,1260.800049,1275.530029,2437940000 +15-02-06,1275.530029,1281,1271.060059,1280,2317590000 +16-02-06,1280,1289.390015,1280,1289.380005,2251490000 +17-02-06,1289.380005,1289.469971,1284.069946,1287.23999,2128260000 +21-02-06,1287.23999,1291.920044,1281.329956,1283.030029,2104320000 +22-02-06,1283.030029,1294.170044,1283.030029,1292.670044,2222380000 +23-02-06,1292.670044,1293.839966,1285.140015,1287.790039,2144210000 +24-02-06,1287.790039,1292.109985,1285.619995,1289.430054,1933010000 +27-02-06,1289.430054,1297.569946,1289.430054,1294.119995,1975320000 +28-02-06,1294.119995,1294.119995,1278.660034,1280.660034,2370860000 +01-03-06,1280.660034,1291.800049,1280.660034,1291.23999,2308320000 +02-03-06,1291.23999,1291.23999,1283.209961,1289.140015,2494590000 +03-03-06,1289.140015,1297.329956,1284.199951,1287.22998,2152950000 +06-03-06,1287.22998,1288.22998,1275.670044,1278.26001,2280190000 +07-03-06,1278.26001,1278.26001,1271.109985,1275.880005,2268050000 +08-03-06,1275.880005,1280.329956,1268.420044,1278.469971,2442870000 +09-03-06,1278.469971,1282.73999,1272.22998,1272.22998,2140110000 +10-03-06,1272.22998,1284.369995,1271.109985,1281.420044,2123450000 +13-03-06,1281.579956,1287.369995,1281.579956,1284.130005,2070330000 +14-03-06,1284.130005,1298.140015,1282.670044,1297.47998,2165270000 +15-03-06,1297.47998,1304.400024,1294.969971,1303.02002,2293000000 +16-03-06,1303.02002,1310.449951,1303.02002,1305.329956,2292180000 +17-03-06,1305.329956,1309.790039,1305.319946,1307.25,2549620000 +20-03-06,1307.25,1310,1303.589966,1305.079956,1976830000 +21-03-06,1305.079956,1310.880005,1295.819946,1297.22998,2147370000 +22-03-06,1297.22998,1305.969971,1295.810059,1305.040039,2039810000 +23-03-06,1305.040039,1305.040039,1298.109985,1301.670044,1980940000 +24-03-06,1301.670044,1306.530029,1298.890015,1302.949951,2326070000 +27-03-06,1302.949951,1303.73999,1299.089966,1301.609985,2029700000 +28-03-06,1301.609985,1306.23999,1291.839966,1293.22998,2148580000 +29-03-06,1293.22998,1305.599976,1293.22998,1302.890015,2143540000 +30-03-06,1302.890015,1310.150024,1296.719971,1300.25,2294560000 +31-03-06,1300.25,1303,1294.869995,1294.869995,2236710000 +03-04-06,1302.880005,1309.189941,1296.650024,1297.810059,2494080000 +04-04-06,1297.810059,1307.550049,1294.709961,1305.930054,2147660000 +05-04-06,1305.930054,1312.810059,1304.819946,1311.560059,2420020000 +06-04-06,1311.560059,1311.98999,1302.439941,1309.040039,2281680000 +07-04-06,1309.040039,1314.069946,1294.180054,1295.5,2082470000 +10-04-06,1295.51001,1300.73999,1293.170044,1296.619995,1898320000 +11-04-06,1296.599976,1300.709961,1282.959961,1286.569946,2232880000 +12-04-06,1286.569946,1290.930054,1286.449951,1288.119995,1938100000 +13-04-06,1288.119995,1292.089966,1283.369995,1289.119995,1891940000 +17-04-06,1289.119995,1292.449951,1280.73999,1285.329956,1794650000 +18-04-06,1285.329956,1309.02002,1285.329956,1307.280029,2595440000 +19-04-06,1307.650024,1310.390015,1302.790039,1309.930054,2447310000 +20-04-06,1309.930054,1318.160034,1306.380005,1311.459961,2512920000 +21-04-06,1311.459961,1317.670044,1306.589966,1311.280029,2392630000 +24-04-06,1311.280029,1311.280029,1303.790039,1308.109985,2117330000 +25-04-06,1308.109985,1310.790039,1299.170044,1301.73999,2366380000 +26-04-06,1301.73999,1310.969971,1301.73999,1305.410034,2502690000 +27-04-06,1305.410034,1315,1295.569946,1309.719971,2772010000 +28-04-06,1309.719971,1316.040039,1306.160034,1310.609985,2419920000 +01-05-06,1310.609985,1317.209961,1303.459961,1305.189941,2437040000 +02-05-06,1305.189941,1313.660034,1305.189941,1313.209961,2403470000 +03-05-06,1313.209961,1313.469971,1303.920044,1308.119995,2395230000 +04-05-06,1307.849976,1315.140015,1307.849976,1312.25,2431450000 +05-05-06,1312.25,1326.530029,1312.25,1325.76001,2294760000 +08-05-06,1325.76001,1326.699951,1322.869995,1324.660034,2151300000 +09-05-06,1324.660034,1326.599976,1322.47998,1325.140015,2157290000 +10-05-06,1324.569946,1325.51001,1317.439941,1322.849976,2268550000 +11-05-06,1322.630005,1322.630005,1303.449951,1305.920044,2531520000 +12-05-06,1305.880005,1305.880005,1290.380005,1291.23999,2567970000 +15-05-06,1291.189941,1294.810059,1284.51001,1294.5,2505660000 +16-05-06,1294.5,1297.880005,1288.51001,1292.079956,2386210000 +17-05-06,1291.72998,1291.72998,1267.310059,1270.319946,2830200000 +18-05-06,1270.25,1274.890015,1261.75,1261.810059,2537490000 +19-05-06,1261.810059,1272.150024,1256.280029,1267.030029,2982300000 +22-05-06,1267.030029,1268.77002,1252.97998,1262.069946,2773010000 +23-05-06,1262.060059,1273.670044,1256.150024,1256.579956,2605250000 +24-05-06,1256.560059,1264.530029,1245.339966,1258.569946,2999030000 +25-05-06,1258.410034,1273.26001,1258.410034,1272.880005,2372730000 +26-05-06,1272.709961,1280.540039,1272.5,1280.160034,1814020000 +30-05-06,1280.040039,1280.040039,1259.869995,1259.869995,2176190000 +31-05-06,1259.380005,1270.089966,1259.380005,1270.089966,2692160000 +01-06-06,1270.050049,1285.709961,1269.189941,1285.709961,2360160000 +02-06-06,1285.709961,1290.680054,1280.219971,1288.219971,2295540000 +05-06-06,1288.160034,1288.160034,1264.660034,1265.290039,2313470000 +06-06-06,1265.22998,1269.880005,1254.459961,1263.849976,2697650000 +07-06-06,1263.609985,1272.469971,1255.77002,1256.150024,2644170000 +08-06-06,1256.079956,1259.849976,1235.180054,1257.930054,3543790000 +09-06-06,1257.930054,1262.579956,1250.030029,1252.300049,2214000000 +12-06-06,1252.27002,1255.219971,1236.430054,1237.439941,2247010000 +13-06-06,1236.079956,1243.369995,1222.52002,1223.689941,3215770000 +14-06-06,1223.660034,1231.459961,1219.290039,1230.040039,2667990000 +15-06-06,1230.01001,1258.640015,1230.01001,1256.160034,2775480000 +16-06-06,1256.160034,1256.27002,1246.329956,1251.540039,2783390000 +19-06-06,1251.540039,1255.930054,1237.170044,1240.130005,2517200000 +20-06-06,1240.119995,1249.01001,1238.869995,1240.119995,2232950000 +21-06-06,1240.089966,1257.959961,1240.089966,1252.199951,2361230000 +22-06-06,1251.920044,1251.920044,1241.530029,1245.599976,2148180000 +23-06-06,1245.589966,1253.130005,1241.430054,1244.5,2017270000 +26-06-06,1244.5,1250.920044,1243.680054,1250.560059,1878580000 +27-06-06,1250.550049,1253.369995,1238.939941,1239.199951,2203130000 +28-06-06,1238.98999,1247.060059,1237.589966,1246,2085490000 +29-06-06,1245.939941,1272.880005,1245.939941,1272.869995,2621250000 +30-06-06,1272.859985,1276.300049,1270.199951,1270.199951,3049560000 +03-07-06,1270.060059,1280.380005,1270.060059,1280.189941,1114470000 +05-07-06,1280.050049,1280.050049,1265.910034,1270.910034,2165070000 +06-07-06,1270.579956,1278.319946,1270.579956,1274.079956,2009160000 +07-07-06,1274.079956,1275.380005,1263.130005,1265.47998,1988150000 +10-07-06,1265.459961,1274.060059,1264.459961,1267.339966,1854590000 +11-07-06,1267.26001,1273.640015,1259.650024,1272.430054,2310850000 +12-07-06,1272.390015,1273.310059,1257.290039,1258.599976,2250450000 +13-07-06,1258.579956,1258.579956,1241.430054,1242.280029,2545760000 +14-07-06,1242.290039,1242.699951,1228.449951,1236.199951,2467120000 +17-07-06,1236.199951,1240.069946,1231.48999,1234.48999,2146410000 +18-07-06,1234.47998,1239.859985,1224.540039,1236.859985,2481750000 +19-07-06,1236.73999,1261.810059,1236.73999,1259.810059,2701980000 +20-07-06,1259.810059,1262.560059,1249.130005,1249.130005,2345580000 +21-07-06,1249.119995,1250.959961,1238.719971,1240.290039,2704090000 +24-07-06,1240.25,1262.5,1240.25,1260.910034,2312720000 +25-07-06,1260.910034,1272.390015,1257.189941,1268.880005,2563930000 +26-07-06,1268.869995,1273.890015,1261.939941,1268.400024,2667710000 +27-07-06,1268.199951,1275.849976,1261.920044,1263.199951,2776710000 +28-07-06,1263.150024,1280.420044,1263.150024,1278.550049,2480420000 +31-07-06,1278.530029,1278.660034,1274.310059,1276.660034,2461300000 +01-08-06,1278.530029,1278.660034,1265.709961,1270.920044,2527690000 +02-08-06,1270.72998,1283.420044,1270.72998,1277.410034,2610750000 +03-08-06,1278.219971,1283.959961,1271.25,1280.27002,2728440000 +04-08-06,1280.26001,1292.920044,1273.819946,1279.359985,2530970000 +07-08-06,1279.310059,1279.310059,1273,1275.77002,2045660000 +08-08-06,1275.670044,1282.75,1268.369995,1271.47998,2457840000 +09-08-06,1271.130005,1283.73999,1264.72998,1265.949951,2555180000 +10-08-06,1265.719971,1272.550049,1261.300049,1271.810059,2402190000 +11-08-06,1271.640015,1271.640015,1262.079956,1266.73999,2004540000 +14-08-06,1266.670044,1278.900024,1266.670044,1268.209961,2118020000 +15-08-06,1268.189941,1286.22998,1268.189941,1285.579956,2334100000 +16-08-06,1285.27002,1296.209961,1285.27002,1295.430054,2554570000 +17-08-06,1295.369995,1300.780029,1292.709961,1297.47998,2458340000 +18-08-06,1297.47998,1302.300049,1293.569946,1302.300049,2033910000 +21-08-06,1302.300049,1302.300049,1295.51001,1297.52002,1759240000 +22-08-06,1297.52002,1302.48999,1294.439941,1298.819946,1908740000 +23-08-06,1298.72998,1301.5,1289.819946,1292.98999,1893670000 +24-08-06,1292.969971,1297.22998,1291.400024,1296.060059,1930320000 +25-08-06,1295.920044,1298.880005,1292.390015,1295.089966,1667580000 +28-08-06,1295.089966,1305.02002,1293.969971,1301.780029,1834920000 +29-08-06,1301.569946,1305.02002,1295.290039,1304.280029,2093720000 +30-08-06,1303.699951,1306.73999,1302.150024,1305.369995,2060690000 +31-08-06,1304.25,1306.109985,1302.449951,1303.819946,1974540000 +01-09-06,1303.800049,1312.030029,1303.800049,1311.01001,1800520000 +05-09-06,1310.939941,1314.670044,1308.819946,1313.25,2114480000 +06-09-06,1313.040039,1313.040039,1299.280029,1300.26001,2329870000 +07-09-06,1300.209961,1301.25,1292.130005,1294.02002,2325850000 +08-09-06,1294.02002,1300.140015,1294.02002,1298.920044,2132890000 +11-09-06,1298.859985,1302.359985,1290.930054,1299.540039,2506430000 +12-09-06,1299.530029,1314.280029,1299.530029,1313,2791580000 +13-09-06,1312.73999,1319.920044,1311.119995,1318.069946,2597220000 +14-09-06,1318,1318,1313.25,1316.280029,2351220000 +15-09-06,1316.280029,1324.650024,1316.280029,1319.660034,3198030000 +18-09-06,1319.849976,1324.869995,1318.160034,1321.180054,2325080000 +19-09-06,1321.170044,1322.040039,1312.170044,1317.640015,2390850000 +20-09-06,1318.280029,1328.530029,1318.280029,1325.180054,2543070000 +21-09-06,1324.890015,1328.189941,1315.449951,1318.030029,2627440000 +22-09-06,1318.030029,1318.030029,1310.939941,1314.780029,2162880000 +25-09-06,1314.780029,1329.349976,1311.579956,1326.369995,2710240000 +26-09-06,1326.349976,1336.599976,1325.300049,1336.349976,2673350000 +27-09-06,1336.119995,1340.079956,1333.540039,1336.589966,2749190000 +28-09-06,1336.560059,1340.280029,1333.75,1338.880005,2397820000 +29-09-06,1339.150024,1339.880005,1335.640015,1335.849976,2273430000 +02-10-06,1335.819946,1338.540039,1330.280029,1331.319946,2154480000 +03-10-06,1331.319946,1338.310059,1327.099976,1334.109985,2682690000 +04-10-06,1333.810059,1350.199951,1331.47998,1350.199951,3019880000 +05-10-06,1349.839966,1353.790039,1347.75,1353.219971,2817240000 +06-10-06,1353.219971,1353.219971,1344.209961,1349.589966,2523000000 +09-10-06,1349.579956,1352.689941,1346.550049,1350.660034,1935170000 +10-10-06,1350.619995,1354.22998,1348.599976,1353.420044,2376140000 +11-10-06,1353.280029,1353.969971,1343.569946,1349.949951,2521000000 +12-10-06,1349.939941,1363.76001,1349.939941,1362.829956,2514350000 +13-10-06,1362.819946,1366.630005,1360.5,1365.619995,2482920000 +16-10-06,1365.609985,1370.199951,1364.47998,1369.060059,2305920000 +17-10-06,1369.050049,1369.050049,1356.869995,1364.050049,2519620000 +18-10-06,1363.930054,1372.869995,1360.949951,1365.800049,2658840000 +19-10-06,1365.949951,1368.089966,1362.060059,1366.959961,2619830000 +20-10-06,1366.939941,1368.660034,1362.099976,1368.599976,2526410000 +23-10-06,1368.579956,1377.400024,1363.939941,1377.02002,2480430000 +24-10-06,1377.02002,1377.780029,1372.420044,1377.380005,2876890000 +25-10-06,1377.359985,1383.609985,1376,1382.219971,2953540000 +26-10-06,1382.209961,1389.449951,1379.469971,1389.079956,2793350000 +27-10-06,1388.890015,1388.890015,1375.849976,1377.339966,2458450000 +30-10-06,1377.300049,1381.219971,1373.459961,1377.930054,2770440000 +31-10-06,1377.930054,1381.209961,1372.189941,1377.939941,2803030000 +01-11-06,1377.76001,1381.949951,1366.26001,1367.810059,2821160000 +02-11-06,1367.439941,1368.390015,1362.209961,1367.339966,2646180000 +03-11-06,1367.310059,1371.680054,1360.97998,1364.300049,2419730000 +06-11-06,1364.27002,1381.400024,1364.27002,1379.780029,2533550000 +07-11-06,1379.75,1388.189941,1379.189941,1382.839966,2636390000 +08-11-06,1382.5,1388.609985,1379.329956,1385.719971,2814820000 +09-11-06,1385.430054,1388.920044,1377.310059,1378.329956,3012050000 +10-11-06,1378.329956,1381.040039,1375.599976,1380.900024,2290200000 +13-11-06,1380.579956,1387.609985,1378.800049,1384.420044,2386340000 +14-11-06,1384.359985,1394.48999,1379.069946,1393.219971,3027480000 +15-11-06,1392.910034,1401.349976,1392.130005,1396.569946,2831130000 +16-11-06,1396.530029,1403.76001,1396.530029,1399.76001,2835730000 +17-11-06,1399.76001,1401.209961,1394.550049,1401.199951,2726100000 +20-11-06,1401.170044,1404.369995,1397.849976,1400.5,2546710000 +21-11-06,1400.430054,1403.48999,1399.98999,1402.810059,2597940000 +22-11-06,1402.689941,1407.890015,1402.26001,1406.089966,2237710000 +24-11-06,1405.939941,1405.939941,1399.25,1400.949951,832550000 +27-11-06,1400.949951,1400.949951,1381.439941,1381.959961,2711210000 +28-11-06,1381.609985,1387.910034,1377.829956,1386.719971,2639750000 +29-11-06,1386.109985,1401.140015,1386.109985,1399.47998,2790970000 +30-11-06,1399.469971,1406.300049,1393.829956,1400.630005,4006230000 +01-12-06,1400.630005,1402.459961,1385.930054,1396.709961,2800980000 +04-12-06,1396.670044,1411.22998,1396.670044,1409.119995,2766320000 +05-12-06,1409.099976,1415.27002,1408.780029,1414.76001,2755700000 +06-12-06,1414.400024,1415.930054,1411.050049,1412.900024,2725280000 +07-12-06,1412.859985,1418.27002,1406.800049,1407.290039,2743150000 +08-12-06,1407.27002,1414.089966,1403.670044,1409.839966,2440460000 +11-12-06,1409.810059,1415.599976,1408.560059,1413.040039,2289900000 +12-12-06,1413,1413.780029,1404.75,1411.560059,2738170000 +13-12-06,1411.319946,1416.640015,1411.050049,1413.209961,2552260000 +14-12-06,1413.160034,1427.22998,1413.160034,1425.48999,2729700000 +15-12-06,1425.47998,1431.630005,1425.47998,1427.089966,3229580000 +18-12-06,1427.079956,1431.810059,1420.650024,1422.47998,2568140000 +19-12-06,1422.420044,1428.300049,1414.880005,1425.550049,2717060000 +20-12-06,1425.51001,1429.050049,1423.51001,1423.530029,2387630000 +21-12-06,1423.199951,1426.400024,1415.900024,1418.300049,2322410000 +22-12-06,1418.099976,1418.819946,1410.280029,1410.76001,1647590000 +26-12-06,1410.75,1417.910034,1410.449951,1416.900024,1310310000 +27-12-06,1416.630005,1427.719971,1416.630005,1426.839966,1667370000 +28-12-06,1426.77002,1427.26001,1422.050049,1424.72998,1508570000 +29-12-06,1424.709961,1427,1416.839966,1418.300049,1678200000 +03-01-07,1418.030029,1429.420044,1407.859985,1416.599976,3429160000 +04-01-07,1416.599976,1421.839966,1408.430054,1418.339966,3004460000 +05-01-07,1418.339966,1418.339966,1405.75,1409.709961,2919400000 +08-01-07,1409.26001,1414.97998,1403.969971,1412.839966,2763340000 +09-01-07,1412.839966,1415.609985,1405.420044,1412.109985,3038380000 +10-01-07,1408.699951,1415.98999,1405.319946,1414.849976,2764660000 +11-01-07,1414.839966,1427.119995,1414.839966,1423.819946,2857870000 +12-01-07,1423.819946,1431.22998,1422.579956,1430.72998,2686480000 +16-01-07,1430.72998,1433.930054,1428.619995,1431.900024,2599530000 +17-01-07,1431.77002,1435.27002,1428.569946,1430.619995,2690270000 +18-01-07,1430.589966,1432.959961,1424.209961,1426.369995,2822430000 +19-01-07,1426.349976,1431.569946,1425.189941,1430.5,2777480000 +22-01-07,1430.469971,1431.390015,1420.400024,1422.949951,2540120000 +23-01-07,1422.949951,1431.329956,1421.660034,1427.98999,2975070000 +24-01-07,1427.959961,1440.140015,1427.959961,1440.130005,2783180000 +25-01-07,1440.119995,1440.689941,1422.339966,1423.900024,2994330000 +26-01-07,1423.900024,1427.27002,1416.959961,1422.180054,2626620000 +29-01-07,1422.030029,1426.939941,1418.459961,1420.619995,2730480000 +30-01-07,1420.609985,1428.819946,1420.609985,1428.819946,2706250000 +31-01-07,1428.650024,1441.609985,1424.780029,1438.23999,2976690000 +01-02-07,1437.900024,1446.640015,1437.900024,1445.939941,2914890000 +02-02-07,1445.939941,1449.329956,1444.48999,1448.390015,2569450000 +05-02-07,1448.329956,1449.380005,1443.849976,1446.98999,2439430000 +06-02-07,1446.97998,1450.189941,1443.400024,1448,2608710000 +07-02-07,1447.410034,1452.98999,1446.439941,1450.02002,2618820000 +08-02-07,1449.98999,1450.449951,1442.810059,1448.310059,2816180000 +09-02-07,1448.25,1452.449951,1433.439941,1438.060059,2951810000 +12-02-07,1438,1439.109985,1431.439941,1433.369995,2395680000 +13-02-07,1433.219971,1444.410034,1433.219971,1444.26001,2652150000 +14-02-07,1443.910034,1457.650024,1443.910034,1455.300049,2699290000 +15-02-07,1455.150024,1457.969971,1453.189941,1456.810059,2490920000 +16-02-07,1456.77002,1456.77002,1451.569946,1455.540039,2399450000 +20-02-07,1455.530029,1460.530029,1449.199951,1459.680054,2337860000 +21-02-07,1459.599976,1459.599976,1452.02002,1457.630005,2606980000 +22-02-07,1457.290039,1461.569946,1450.51001,1456.380005,1950770000 +23-02-07,1456.219971,1456.219971,1448.359985,1451.189941,2579950000 +26-02-07,1451.040039,1456.949951,1445.47998,1449.369995,2822170000 +27-02-07,1449.25,1449.25,1389.420044,1399.040039,4065230000 +28-02-07,1398.640015,1415.890015,1396.650024,1406.819946,3925250000 +01-03-07,1406.800049,1409.459961,1380.869995,1403.170044,3874910000 +02-03-07,1403.160034,1403.400024,1386.869995,1387.170044,3312260000 +05-03-07,1387.109985,1391.859985,1373.969971,1374.119995,3480520000 +06-03-07,1374.060059,1397.900024,1374.060059,1395.410034,3358160000 +07-03-07,1395.02002,1401.160034,1390.640015,1391.969971,3141350000 +08-03-07,1391.880005,1407.930054,1391.880005,1401.890015,3014850000 +09-03-07,1401.890015,1410.150024,1397.300049,1402.839966,2623050000 +12-03-07,1402.800049,1409.339966,1398.400024,1406.599976,2664000000 +13-03-07,1406.22998,1406.22998,1377.709961,1377.949951,3485570000 +14-03-07,1377.859985,1388.089966,1363.97998,1387.170044,3758350000 +15-03-07,1387.109985,1395.72998,1385.160034,1392.280029,2821900000 +16-03-07,1392.280029,1397.51001,1383.630005,1386.949951,3393640000 +19-03-07,1386.949951,1403.199951,1386.949951,1402.060059,2777180000 +20-03-07,1402.040039,1411.530029,1400.699951,1410.939941,2795940000 +21-03-07,1410.920044,1437.77002,1409.75,1435.040039,3184770000 +22-03-07,1435.040039,1437.660034,1429.880005,1434.540039,3129970000 +23-03-07,1434.540039,1438.890015,1433.209961,1436.109985,2619020000 +26-03-07,1436.109985,1437.650024,1423.280029,1437.5,2754660000 +27-03-07,1437.48999,1437.48999,1425.540039,1428.609985,2673040000 +28-03-07,1428.349976,1428.349976,1414.069946,1417.22998,3000440000 +29-03-07,1417.170044,1426.23999,1413.27002,1422.530029,2854710000 +30-03-07,1422.52002,1429.219971,1408.900024,1420.859985,2903960000 +02-04-07,1420.829956,1425.48999,1416.369995,1424.550049,2875880000 +03-04-07,1424.27002,1440.569946,1424.27002,1437.77002,2921760000 +04-04-07,1437.75,1440.160034,1435.079956,1439.369995,2616320000 +05-04-07,1438.939941,1444.880005,1436.670044,1443.76001,2357230000 +09-04-07,1443.77002,1448.099976,1443.280029,1444.609985,2349410000 +10-04-07,1444.579956,1448.72998,1443.98999,1448.390015,2510110000 +11-04-07,1448.22998,1448.390015,1436.150024,1438.869995,2950190000 +12-04-07,1438.869995,1448.02002,1433.910034,1447.800049,2770570000 +13-04-07,1447.800049,1453.109985,1444.150024,1452.849976,2690020000 +16-04-07,1452.839966,1468.619995,1452.839966,1468.329956,2870140000 +17-04-07,1468.469971,1474.349976,1467.150024,1471.47998,2920570000 +18-04-07,1471.469971,1476.569946,1466.410034,1472.5,2971330000 +19-04-07,1472.47998,1474.22998,1464.469971,1470.72998,2913610000 +20-04-07,1470.689941,1484.73999,1470.689941,1484.349976,3329940000 +23-04-07,1484.329956,1487.319946,1480.189941,1480.930054,2575020000 +24-04-07,1480.930054,1483.819946,1473.73999,1480.410034,3119750000 +25-04-07,1480.280029,1496.589966,1480.280029,1495.420044,3252590000 +26-04-07,1495.27002,1498.02002,1491.170044,1494.25,3211800000 +27-04-07,1494.209961,1497.319946,1488.670044,1494.069946,2732810000 +30-04-07,1494.069946,1497.160034,1482.290039,1482.369995,3093420000 +01-05-07,1482.369995,1487.27002,1476.699951,1486.300049,3400350000 +02-05-07,1486.130005,1499.099976,1486.130005,1495.920044,3189800000 +03-05-07,1495.560059,1503.339966,1495.560059,1502.390015,3007970000 +04-05-07,1502.349976,1510.339966,1501.800049,1505.619995,2761930000 +07-05-07,1505.569946,1511,1505.540039,1509.47998,2545090000 +08-05-07,1509.359985,1509.359985,1500.660034,1507.719971,2795720000 +09-05-07,1507.319946,1513.800049,1503.77002,1512.579956,2935550000 +10-05-07,1512.329956,1512.329956,1491.420044,1491.469971,3031240000 +11-05-07,1491.469971,1506.23999,1491.469971,1505.849976,2720780000 +14-05-07,1505.76001,1510.900024,1498.339966,1503.150024,2776130000 +15-05-07,1503.109985,1514.829956,1500.430054,1501.189941,3071020000 +16-05-07,1500.75,1514.150024,1500.75,1514.140015,2915350000 +17-05-07,1514.01001,1517.140015,1509.290039,1512.75,2868640000 +18-05-07,1512.73999,1522.75,1512.73999,1522.75,2959050000 +21-05-07,1522.75,1529.869995,1522.709961,1525.099976,3465360000 +22-05-07,1525.099976,1529.23999,1522.050049,1524.119995,2860500000 +23-05-07,1524.089966,1532.430054,1521.900024,1522.280029,3084260000 +24-05-07,1522.099976,1529.310059,1505.180054,1507.51001,3365530000 +25-05-07,1507.5,1517.410034,1507.5,1515.72998,2316250000 +29-05-07,1515.550049,1521.800049,1512.02002,1518.109985,2571790000 +30-05-07,1517.599976,1530.22998,1510.060059,1530.22998,2980210000 +31-05-07,1530.189941,1535.560059,1528.26001,1530.619995,3335530000 +01-06-07,1530.619995,1540.560059,1530.619995,1536.339966,2927020000 +04-06-07,1536.280029,1540.530029,1532.310059,1539.180054,2738930000 +05-06-07,1539.119995,1539.119995,1525.619995,1530.949951,2939450000 +06-06-07,1530.569946,1530.569946,1514.130005,1517.380005,2964190000 +07-06-07,1517.359985,1517.359985,1490.369995,1490.719971,3538470000 +08-06-07,1490.709961,1507.76001,1487.410034,1507.670044,2993460000 +11-06-07,1507.640015,1515.530029,1503.349976,1509.119995,2525280000 +12-06-07,1509.119995,1511.329956,1492.969971,1493,3056200000 +13-06-07,1492.650024,1515.699951,1492.650024,1515.670044,3077930000 +14-06-07,1515.579956,1526.449951,1515.579956,1522.969971,2813630000 +15-06-07,1522.969971,1538.709961,1522.969971,1532.910034,3406030000 +18-06-07,1532.900024,1535.439941,1529.310059,1531.050049,2480240000 +19-06-07,1531.02002,1535.849976,1525.670044,1533.699951,2873590000 +20-06-07,1533.680054,1537.319946,1512.359985,1512.839966,3286900000 +21-06-07,1512.5,1522.900024,1504.75,1522.189941,3161110000 +22-06-07,1522.189941,1522.189941,1500.73999,1502.560059,4284320000 +25-06-07,1502.560059,1514.290039,1492.680054,1497.73999,3287250000 +26-06-07,1497.680054,1506.119995,1490.540039,1492.890015,3398530000 +27-06-07,1492.619995,1506.800049,1484.180054,1506.339966,3398150000 +28-06-07,1506.319946,1514.839966,1503.410034,1505.709961,3006710000 +29-06-07,1505.699951,1517.530029,1493.609985,1503.349976,3165410000 +02-07-07,1504.660034,1519.449951,1504.660034,1519.430054,2648990000 +03-07-07,1519.119995,1526.01001,1519.119995,1524.869995,1560790000 +05-07-07,1524.859985,1526.569946,1517.719971,1525.400024,2622950000 +06-07-07,1524.959961,1532.400024,1520.469971,1530.439941,2441520000 +09-07-07,1530.430054,1534.26001,1527.449951,1531.849976,2715330000 +10-07-07,1531.849976,1531.849976,1510.01001,1510.119995,3244280000 +11-07-07,1509.930054,1519.339966,1506.099976,1518.76001,3082920000 +12-07-07,1518.73999,1547.920044,1518.73999,1547.699951,3489600000 +13-07-07,1547.680054,1555.099976,1544.849976,1552.5,2801120000 +16-07-07,1552.5,1555.900024,1546.689941,1549.52002,2704110000 +17-07-07,1549.52002,1555.319946,1547.73999,1549.369995,3007140000 +18-07-07,1549.199951,1549.199951,1533.670044,1546.170044,3609220000 +19-07-07,1546.130005,1555.199951,1546.130005,1553.079956,3251450000 +20-07-07,1553.189941,1553.189941,1529.199951,1534.099976,3745780000 +23-07-07,1534.060059,1547.22998,1534.060059,1541.569946,3102700000 +24-07-07,1541.569946,1541.569946,1508.619995,1511.040039,4115830000 +25-07-07,1511.030029,1524.310059,1503.72998,1518.089966,4283200000 +26-07-07,1518.089966,1518.089966,1465.300049,1482.660034,4472550000 +27-07-07,1482.439941,1488.530029,1458.949951,1458.949951,4784650000 +30-07-07,1458.930054,1477.880005,1454.319946,1473.910034,4128780000 +31-07-07,1473.900024,1488.300049,1454.25,1455.27002,4524520000 +01-08-07,1455.180054,1468.380005,1439.589966,1465.810059,5256780000 +02-08-07,1465.459961,1476.430054,1460.579956,1472.199951,4368850000 +03-08-07,1472.180054,1473.22998,1432.800049,1433.060059,4272110000 +06-08-07,1433.040039,1467.670044,1427.390015,1467.670044,5067200000 +07-08-07,1467.619995,1488.300049,1455.800049,1476.709961,4909390000 +08-08-07,1476.219971,1503.890015,1476.219971,1497.48999,5499560000 +09-08-07,1497.209961,1497.209961,1453.089966,1453.089966,5889600000 +10-08-07,1453.089966,1462.02002,1429.73999,1453.640015,5345780000 +13-08-07,1453.420044,1466.290039,1451.540039,1452.920044,3696280000 +14-08-07,1452.869995,1456.73999,1426.199951,1426.540039,3814630000 +15-08-07,1426.150024,1440.780029,1404.359985,1406.699951,4290930000 +16-08-07,1406.640015,1415.969971,1370.599976,1411.27002,6509300000 +17-08-07,1411.26001,1450.329956,1411.26001,1445.939941,3570040000 +20-08-07,1445.939941,1451.75,1430.540039,1445.550049,3321340000 +21-08-07,1445.550049,1455.319946,1439.76001,1447.119995,3012150000 +22-08-07,1447.030029,1464.859985,1447.030029,1464.069946,3309120000 +23-08-07,1464.050049,1472.060059,1453.880005,1462.5,3084390000 +24-08-07,1462.339966,1479.400024,1460.540039,1479.369995,2541400000 +27-08-07,1479.359985,1479.359985,1465.97998,1466.790039,2406180000 +28-08-07,1466.719971,1466.719971,1432.01001,1432.359985,3078090000 +29-08-07,1432.01001,1463.76001,1432.01001,1463.76001,2824070000 +30-08-07,1463.670044,1468.430054,1451.25,1457.640015,2582960000 +31-08-07,1457.609985,1481.469971,1457.609985,1473.98999,2731610000 +04-09-07,1473.959961,1496.400024,1472.150024,1489.420044,2766600000 +05-09-07,1488.76001,1488.76001,1466.339966,1472.290039,2991600000 +06-09-07,1472.030029,1481.48999,1467.410034,1478.550049,2459590000 +07-09-07,1478.550049,1478.550049,1449.069946,1453.550049,3191080000 +10-09-07,1453.5,1462.25,1439.290039,1451.699951,2835720000 +11-09-07,1451.689941,1472.47998,1451.689941,1471.48999,3015330000 +12-09-07,1471.099976,1479.5,1465.75,1471.560059,2885720000 +13-09-07,1471.469971,1489.579956,1471.469971,1483.949951,2877080000 +14-09-07,1483.949951,1485.98999,1473.180054,1484.25,2641740000 +17-09-07,1484.23999,1484.23999,1471.819946,1476.650024,2598390000 +18-09-07,1476.630005,1519.890015,1476.630005,1519.780029,3708940000 +19-09-07,1519.75,1538.73999,1519.75,1529.030029,3846750000 +20-09-07,1528.689941,1529.140015,1516.420044,1518.75,2957700000 +21-09-07,1518.75,1530.890015,1518.75,1525.75,3679460000 +24-09-07,1525.75,1530.180054,1516.150024,1517.72998,3131310000 +25-09-07,1516.339966,1518.27002,1507.130005,1517.209961,3187770000 +26-09-07,1518.619995,1529.390015,1518.619995,1525.420044,3237390000 +27-09-07,1527.319946,1532.459961,1525.810059,1531.380005,2872180000 +28-09-07,1531.23999,1533.73999,1521.98999,1526.75,2925350000 +01-10-07,1527.290039,1549.02002,1527.25,1547.040039,3281990000 +02-10-07,1546.959961,1548.01001,1540.369995,1546.630005,3101910000 +03-10-07,1545.800049,1545.839966,1536.339966,1539.589966,3065320000 +04-10-07,1539.910034,1544.02002,1537.630005,1542.839966,2690430000 +05-10-07,1543.839966,1561.910034,1543.839966,1557.589966,2919030000 +08-10-07,1556.51001,1556.51001,1549,1552.579956,2040650000 +09-10-07,1553.180054,1565.26001,1551.819946,1565.150024,2932040000 +10-10-07,1564.97998,1565.420044,1555.459961,1562.469971,3044760000 +11-10-07,1564.719971,1576.089966,1546.719971,1554.410034,3911260000 +12-10-07,1555.410034,1563.030029,1554.089966,1561.800049,2788690000 +15-10-07,1562.25,1564.73999,1540.810059,1548.709961,3139290000 +16-10-07,1547.810059,1547.810059,1536.290039,1538.530029,3234560000 +17-10-07,1544.439941,1550.660034,1526.01001,1541.23999,3638070000 +18-10-07,1539.290039,1542.790039,1531.76001,1540.079956,3203210000 +19-10-07,1540,1540,1500.26001,1500.630005,4160970000 +22-10-07,1497.790039,1508.060059,1490.400024,1506.329956,3471830000 +23-10-07,1509.300049,1520.01001,1503.609985,1519.589966,3309120000 +24-10-07,1516.609985,1517.22998,1489.560059,1515.880005,4003300000 +25-10-07,1516.150024,1523.23999,1500.459961,1514.400024,4183960000 +26-10-07,1522.170044,1535.530029,1520.180054,1535.280029,3612120000 +29-10-07,1536.920044,1544.670044,1536.430054,1540.97998,3124480000 +30-10-07,1539.420044,1539.420044,1529.550049,1531.02002,3212520000 +31-10-07,1532.150024,1552.76001,1529.400024,1549.380005,3953070000 +01-11-07,1545.790039,1545.790039,1506.660034,1508.439941,4241470000 +02-11-07,1511.069946,1513.150024,1492.530029,1509.650024,4285990000 +05-11-07,1505.609985,1510.839966,1489.949951,1502.170044,3819330000 +06-11-07,1505.329956,1520.77002,1499.069946,1520.27002,3879160000 +07-11-07,1515.459961,1515.459961,1475.040039,1475.619995,4353160000 +08-11-07,1475.27002,1482.5,1450.310059,1474.77002,5439720000 +09-11-07,1467.589966,1474.089966,1448.51001,1453.699951,4587050000 +12-11-07,1453.660034,1464.939941,1438.530029,1439.180054,4192520000 +13-11-07,1441.349976,1481.369995,1441.349976,1481.050049,4141310000 +14-11-07,1483.400024,1492.140015,1466.469971,1470.579956,4031470000 +15-11-07,1468.040039,1472.670044,1443.48999,1451.150024,3941010000 +16-11-07,1453.089966,1462.180054,1443.98999,1458.73999,4168870000 +19-11-07,1456.699951,1456.699951,1430.420044,1433.27002,4119650000 +20-11-07,1434.51001,1452.640015,1419.280029,1439.699951,4875150000 +21-11-07,1434.709961,1436.400024,1415.640015,1416.77002,4076230000 +23-11-07,1417.619995,1440.859985,1417.619995,1440.699951,1612720000 +26-11-07,1440.73999,1446.089966,1406.099976,1407.219971,3706470000 +27-11-07,1409.589966,1429.48999,1407.430054,1428.22998,4320720000 +28-11-07,1432.949951,1471.619995,1432.949951,1469.02002,4508020000 +29-11-07,1467.410034,1473.810059,1458.359985,1469.719971,3524730000 +30-11-07,1471.829956,1488.939941,1470.890015,1481.140015,4422200000 +03-12-07,1479.630005,1481.160034,1470.079956,1472.420044,3323250000 +04-12-07,1471.339966,1471.339966,1460.660034,1462.790039,3343620000 +05-12-07,1465.219971,1486.089966,1465.219971,1485.01001,3663660000 +06-12-07,1484.589966,1508.02002,1482.189941,1507.339966,3568570000 +07-12-07,1508.599976,1510.630005,1502.660034,1504.660034,3177710000 +10-12-07,1505.109985,1518.27002,1504.959961,1515.959961,2911760000 +11-12-07,1516.680054,1523.569946,1475.98999,1477.650024,4080180000 +12-12-07,1487.579956,1511.959961,1468.22998,1486.589966,4482120000 +13-12-07,1483.27002,1489.400024,1469.209961,1488.410034,3635170000 +14-12-07,1486.189941,1486.670044,1467.780029,1467.949951,3401050000 +17-12-07,1465.050049,1465.050049,1445.430054,1445.900024,3569030000 +18-12-07,1445.920044,1460.160034,1435.650024,1454.97998,3723690000 +19-12-07,1454.699951,1464.420044,1445.310059,1453,3401300000 +20-12-07,1456.420044,1461.530029,1447.219971,1460.119995,3526890000 +21-12-07,1463.189941,1485.400024,1463.189941,1484.459961,4508590000 +24-12-07,1484.550049,1497.630005,1484.550049,1496.449951,1267420000 +26-12-07,1495.119995,1498.849976,1488.199951,1497.660034,2010500000 +27-12-07,1495.050049,1495.050049,1475.859985,1476.27002,2365770000 +28-12-07,1479.829956,1488.01001,1471.699951,1478.48999,2420510000 +31-12-07,1475.25,1475.829956,1465.130005,1468.359985,2440880000 +02-01-08,1467.969971,1471.77002,1442.069946,1447.160034,3452650000 +03-01-08,1447.550049,1456.800049,1443.72998,1447.160034,3429500000 +04-01-08,1444.01001,1444.01001,1411.189941,1411.630005,4166000000 +07-01-08,1414.069946,1423.869995,1403.449951,1416.180054,4221260000 +08-01-08,1415.709961,1430.280029,1388.300049,1390.189941,4705390000 +09-01-08,1390.25,1409.189941,1378.699951,1409.130005,5351030000 +10-01-08,1406.780029,1429.089966,1395.310059,1420.329956,5170490000 +11-01-08,1419.910034,1419.910034,1394.829956,1401.02002,4495840000 +14-01-08,1402.910034,1417.890015,1402.910034,1416.25,3682090000 +15-01-08,1411.880005,1411.880005,1380.599976,1380.949951,4601640000 +16-01-08,1377.410034,1391.98999,1364.27002,1373.199951,5440620000 +17-01-08,1374.790039,1377.719971,1330.670044,1333.25,5303130000 +18-01-08,1333.900024,1350.280029,1312.51001,1325.189941,6004840000 +22-01-08,1312.939941,1322.089966,1274.290039,1310.5,6544690000 +23-01-08,1310.410034,1339.089966,1270.050049,1338.599976,3241680000 +24-01-08,1340.130005,1355.150024,1334.310059,1352.069946,5735300000 +25-01-08,1357.319946,1368.560059,1327.5,1330.609985,4882250000 +28-01-08,1330.699951,1353.969971,1322.26001,1353.959961,4100930000 +29-01-08,1355.939941,1364.930054,1350.189941,1362.300049,4232960000 +30-01-08,1362.219971,1385.859985,1352.949951,1355.810059,4742760000 +31-01-08,1351.97998,1385.619995,1334.079956,1378.550049,4970290000 +01-02-08,1378.599976,1396.02002,1375.930054,1395.420044,4650770000 +04-02-08,1395.380005,1395.380005,1379.689941,1380.819946,3495780000 +05-02-08,1380.280029,1380.280029,1336.640015,1336.640015,4315740000 +06-02-08,1339.47998,1351.959961,1324.339966,1326.449951,4008120000 +07-02-08,1324.01001,1347.160034,1316.75,1336.910034,4589160000 +08-02-08,1336.880005,1341.219971,1321.060059,1331.290039,3768490000 +11-02-08,1331.920044,1341.400024,1320.319946,1339.130005,3593140000 +12-02-08,1340.550049,1362.099976,1339.359985,1348.859985,4044640000 +13-02-08,1353.119995,1369.22998,1350.780029,1367.209961,3856420000 +14-02-08,1367.329956,1368.160034,1347.310059,1348.859985,3644760000 +15-02-08,1347.52002,1350,1338.130005,1349.98999,3583300000 +19-02-08,1355.859985,1367.280029,1345.050049,1348.780029,3613550000 +20-02-08,1348.390015,1363.709961,1336.550049,1360.030029,3870520000 +21-02-08,1362.209961,1367.939941,1339.339966,1342.530029,3696660000 +22-02-08,1344.219971,1354.300049,1327.040039,1353.109985,3572660000 +25-02-08,1352.75,1374.359985,1346.030029,1371.800049,3866350000 +26-02-08,1371.76001,1387.339966,1363.290039,1381.290039,4096060000 +27-02-08,1378.949951,1388.339966,1372,1380.02002,3904700000 +28-02-08,1378.160034,1378.160034,1363.160034,1367.680054,3938580000 +29-02-08,1364.069946,1364.069946,1325.420044,1330.630005,4426730000 +03-03-08,1330.449951,1335.130005,1320.040039,1331.339966,4117570000 +04-03-08,1329.579956,1331.030029,1307.390015,1326.75,4757180000 +05-03-08,1327.689941,1344.189941,1320.219971,1333.699951,4277710000 +06-03-08,1332.199951,1332.199951,1303.420044,1304.339966,4323460000 +07-03-08,1301.530029,1313.23999,1282.430054,1293.369995,4565410000 +10-03-08,1293.160034,1295.01001,1272.660034,1273.369995,4261240000 +11-03-08,1274.400024,1320.650024,1274.400024,1320.650024,5109080000 +12-03-08,1321.130005,1333.26001,1307.859985,1308.77002,4414280000 +13-03-08,1305.26001,1321.680054,1282.109985,1315.47998,5073360000 +14-03-08,1316.050049,1321.469971,1274.859985,1288.140015,5153780000 +17-03-08,1283.209961,1287.5,1256.97998,1276.599976,5683010000 +18-03-08,1277.160034,1330.73999,1277.160034,1330.73999,5335630000 +19-03-08,1330.969971,1341.51001,1298.420044,1298.420044,5358550000 +20-03-08,1299.670044,1330.670044,1295.219971,1329.51001,6145220000 +24-03-08,1330.290039,1359.680054,1330.290039,1349.880005,4499000000 +25-03-08,1349.069946,1357.469971,1341.209961,1352.98999,4145120000 +26-03-08,1352.449951,1352.449951,1336.410034,1341.130005,4055670000 +27-03-08,1340.339966,1345.619995,1325.660034,1325.76001,4037930000 +28-03-08,1327.02002,1334.869995,1312.949951,1315.219971,3686980000 +31-03-08,1315.920044,1328.52002,1312.810059,1322.699951,4188990000 +01-04-08,1326.410034,1370.180054,1326.410034,1370.180054,4745120000 +02-04-08,1369.959961,1377.949951,1361.550049,1367.530029,4320440000 +03-04-08,1365.689941,1375.660034,1358.680054,1369.310059,3920100000 +04-04-08,1369.849976,1380.910034,1362.829956,1370.400024,3703100000 +07-04-08,1373.689941,1386.73999,1369.02002,1372.540039,3747780000 +08-04-08,1370.160034,1370.160034,1360.619995,1365.540039,3602500000 +09-04-08,1365.5,1368.390015,1349.969971,1354.48999,3556670000 +10-04-08,1355.369995,1367.23999,1350.109985,1360.550049,3686150000 +11-04-08,1357.97998,1357.97998,1331.209961,1332.829956,3723790000 +14-04-08,1332.199951,1335.640015,1326.160034,1328.319946,3565020000 +15-04-08,1331.719971,1337.719971,1324.349976,1334.430054,3581230000 +16-04-08,1337.02002,1365.48999,1337.02002,1364.709961,4260370000 +17-04-08,1363.369995,1368.599976,1357.25,1365.560059,3713880000 +18-04-08,1369,1395.900024,1369,1390.329956,4222380000 +21-04-08,1387.719971,1390.22998,1379.25,1388.170044,3420570000 +22-04-08,1386.430054,1386.430054,1369.839966,1375.939941,3821900000 +23-04-08,1378.400024,1387.869995,1372.23999,1379.930054,4103610000 +24-04-08,1380.52002,1397.719971,1371.089966,1388.819946,4461660000 +25-04-08,1387.880005,1399.109985,1379.97998,1397.839966,3891150000 +28-04-08,1397.959961,1402.900024,1394.400024,1396.369995,3607000000 +29-04-08,1395.609985,1397,1386.699951,1390.939941,3815320000 +30-04-08,1391.219971,1404.569946,1384.25,1385.589966,4508890000 +01-05-08,1385.969971,1410.069946,1383.069946,1409.339966,4448780000 +02-05-08,1409.160034,1422.719971,1406.25,1413.900024,3953030000 +05-05-08,1415.339966,1415.339966,1404.369995,1407.48999,3410090000 +06-05-08,1405.599976,1421.569946,1397.099976,1418.26001,3924100000 +07-05-08,1417.48999,1419.540039,1391.160034,1392.569946,4075860000 +08-05-08,1394.290039,1402.349976,1389.390015,1397.680054,3827550000 +09-05-08,1394.900024,1394.900024,1384.109985,1388.280029,3518620000 +12-05-08,1389.400024,1404.060059,1386.199951,1403.579956,3370630000 +13-05-08,1404.400024,1406.300049,1396.26001,1403.040039,4018590000 +14-05-08,1405.650024,1420.189941,1405.650024,1408.660034,3979370000 +15-05-08,1408.359985,1424.400024,1406.869995,1423.569946,3836480000 +16-05-08,1423.890015,1425.819946,1414.349976,1425.349976,3842590000 +19-05-08,1425.280029,1440.23999,1421.630005,1426.630005,3683970000 +20-05-08,1424.48999,1424.48999,1409.089966,1413.400024,3854320000 +21-05-08,1414.060059,1419.119995,1388.810059,1390.709961,4517990000 +22-05-08,1390.829956,1399.069946,1390.22998,1394.349976,3955960000 +23-05-08,1392.199951,1392.199951,1373.719971,1375.930054,3516380000 +27-05-08,1375.969971,1387.400024,1373.069946,1385.349976,3588860000 +28-05-08,1386.540039,1391.25,1378.160034,1390.839966,3927240000 +29-05-08,1390.5,1406.319946,1388.589966,1398.26001,3894440000 +30-05-08,1398.359985,1404.459961,1398.079956,1400.380005,3845630000 +02-06-08,1399.619995,1399.619995,1377.790039,1385.670044,3714320000 +03-06-08,1386.420044,1393.119995,1370.119995,1377.650024,4396380000 +04-06-08,1376.26001,1388.180054,1371.73999,1377.199951,4338640000 +05-06-08,1377.47998,1404.050049,1377.47998,1404.050049,4350790000 +06-06-08,1400.060059,1400.060059,1359.900024,1360.680054,4771660000 +09-06-08,1360.829956,1370.630005,1350.619995,1361.76001,4404570000 +10-06-08,1358.97998,1366.839966,1351.560059,1358.439941,4635070000 +11-06-08,1357.089966,1357.089966,1335.469971,1335.48999,4779980000 +12-06-08,1335.780029,1353.030029,1331.290039,1339.869995,4734240000 +13-06-08,1341.810059,1360.030029,1341.709961,1360.030029,4080420000 +16-06-08,1358.849976,1364.699951,1352.069946,1360.140015,3706940000 +17-06-08,1360.709961,1366.589966,1350.540039,1350.930054,3801960000 +18-06-08,1349.589966,1349.589966,1333.400024,1337.810059,4573570000 +19-06-08,1336.890015,1347.660034,1330.5,1342.829956,4811670000 +20-06-08,1341.02002,1341.02002,1314.459961,1317.930054,5324900000 +23-06-08,1319.77002,1323.780029,1315.310059,1318,4186370000 +24-06-08,1317.22998,1326.02002,1304.420044,1314.290039,4705050000 +25-06-08,1314.540039,1335.630005,1314.540039,1321.969971,4825640000 +26-06-08,1316.290039,1316.290039,1283.150024,1283.150024,5231280000 +27-06-08,1283.599976,1289.449951,1272,1278.380005,6208260000 +30-06-08,1278.060059,1290.310059,1274.859985,1280,5032330000 +01-07-08,1276.689941,1285.310059,1260.680054,1284.910034,5846290000 +02-07-08,1285.819946,1292.170044,1261.51001,1261.52002,5276090000 +03-07-08,1262.959961,1271.47998,1252.01001,1262.900024,3247590000 +07-07-08,1262.900024,1273.949951,1240.680054,1252.310059,5265420000 +08-07-08,1251.839966,1274.170044,1242.839966,1273.699951,6034110000 +09-07-08,1273.380005,1277.359985,1244.569946,1244.689941,5181000000 +10-07-08,1245.25,1257.650024,1236.76001,1253.390015,5840430000 +11-07-08,1248.660034,1257.27002,1225.349976,1239.48999,6742200000 +14-07-08,1241.609985,1253.5,1225.01001,1228.300049,5434860000 +15-07-08,1226.829956,1234.349976,1200.439941,1214.910034,7363640000 +16-07-08,1214.650024,1245.52002,1211.390015,1245.359985,6738630000 +17-07-08,1246.310059,1262.310059,1241.48999,1260.319946,7365210000 +18-07-08,1258.219971,1262.22998,1251.810059,1260.680054,5653280000 +21-07-08,1261.819946,1267.73999,1255.699951,1260,4630640000 +22-07-08,1257.079956,1277.420044,1248.829956,1277,6180230000 +23-07-08,1278.869995,1291.170044,1276.060059,1282.189941,6705830000 +24-07-08,1283.219971,1283.219971,1251.47998,1252.540039,6127980000 +25-07-08,1253.51001,1263.22998,1251.75,1257.76001,4672560000 +28-07-08,1257.76001,1260.089966,1234.369995,1234.369995,4282960000 +29-07-08,1236.380005,1263.199951,1236.380005,1263.199951,5414240000 +30-07-08,1264.52002,1284.329956,1264.52002,1284.26001,5631330000 +31-07-08,1281.369995,1284.930054,1265.969971,1267.380005,5346050000 +01-08-08,1269.420044,1270.52002,1254.540039,1260.310059,4684870000 +04-08-08,1253.27002,1260.48999,1247.449951,1249.01001,4562280000 +05-08-08,1254.869995,1284.880005,1254.670044,1284.880005,1219310000 +06-08-08,1283.98999,1291.670044,1276,1289.189941,4873420000 +07-08-08,1286.51001,1286.51001,1264.290039,1266.069946,5319380000 +08-08-08,1266.290039,1297.849976,1262.109985,1296.319946,4966810000 +11-08-08,1294.420044,1313.150024,1291.410034,1305.319946,5067310000 +12-08-08,1304.790039,1304.790039,1285.640015,1289.589966,4711290000 +13-08-08,1288.640015,1294.030029,1274.859985,1285.829956,4787600000 +14-08-08,1282.109985,1300.109985,1276.839966,1292.930054,4064000000 +15-08-08,1293.849976,1302.050049,1290.73999,1298.199951,4041820000 +18-08-08,1298.140015,1300.219971,1274.51001,1278.599976,3829290000 +19-08-08,1276.650024,1276.650024,1263.109985,1266.689941,4159760000 +20-08-08,1267.339966,1276.01001,1261.160034,1274.540039,4555030000 +21-08-08,1271.069946,1281.400024,1265.219971,1277.719971,4032590000 +22-08-08,1277.589966,1293.089966,1277.589966,1292.199951,3741070000 +25-08-08,1290.469971,1290.469971,1264.869995,1266.839966,3420600000 +26-08-08,1267.030029,1275.650024,1263.209961,1271.51001,3587570000 +27-08-08,1271.290039,1285.050049,1270.030029,1281.660034,3499610000 +28-08-08,1283.790039,1300.680054,1283.790039,1300.680054,3854280000 +29-08-08,1296.48999,1297.589966,1282.73999,1282.829956,3288120000 +02-09-08,1287.829956,1303.040039,1272.199951,1277.579956,4783560000 +03-09-08,1276.609985,1280.599976,1265.589966,1274.97998,5056980000 +04-09-08,1271.800049,1271.800049,1232.829956,1236.829956,5212500000 +05-09-08,1233.209961,1244.939941,1217.22998,1242.310059,5017080000 +08-09-08,1249.5,1274.420044,1247.119995,1267.790039,7351340000 +09-09-08,1267.97998,1268.660034,1224.51001,1224.51001,7380630000 +10-09-08,1227.5,1243.900024,1221.599976,1232.040039,6543440000 +11-09-08,1229.040039,1249.97998,1211.540039,1249.050049,6869250000 +12-09-08,1245.880005,1255.089966,1233.810059,1251.699951,6273260000 +15-09-08,1250.920044,1250.920044,1192.699951,1192.699951,8279510000 +16-09-08,1188.310059,1214.839966,1169.280029,1213.599976,9459830000 +17-09-08,1210.339966,1210.339966,1155.880005,1156.390015,9431870000 +18-09-08,1157.079956,1211.140015,1133.5,1206.51001,10082690000 +19-09-08,1213.109985,1265.119995,1213.109985,1255.079956,9387170000 +22-09-08,1255.369995,1255.369995,1205.609985,1207.089966,5368130000 +23-09-08,1207.609985,1221.150024,1187.060059,1188.219971,5185730000 +24-09-08,1188.790039,1197.410034,1179.790039,1185.869995,4820360000 +25-09-08,1187.869995,1220.030029,1187.869995,1209.180054,5877640000 +26-09-08,1204.469971,1215.77002,1187.540039,1213.27002,5383610000 +29-09-08,1209.069946,1209.069946,1106.420044,1106.420044,7305060000 +30-09-08,1113.780029,1168.030029,1113.780029,1166.359985,4937680000 +01-10-08,1164.170044,1167.030029,1140.77002,1161.060059,5782130000 +02-10-08,1160.640015,1160.640015,1111.430054,1114.280029,6285640000 +03-10-08,1115.160034,1153.819946,1098.140015,1099.22998,6716120000 +06-10-08,1097.560059,1097.560059,1007.969971,1056.890015,7956020000 +07-10-08,1057.599976,1072.910034,996.22998,996.22998,7069210000 +08-10-08,988.909973,1021.059998,970.969971,984.940002,8716330000 +09-10-08,988.419983,1005.25,909.190002,909.919983,6819000000 +10-10-08,902.309998,936.359985,839.799988,899.219971,11456230000 +13-10-08,912.75,1006.929993,912.75,1003.349976,7263370000 +14-10-08,1009.969971,1044.310059,972.070007,998.01001,8161990000 +15-10-08,994.599976,994.599976,903.98999,907.840027,6542330000 +16-10-08,909.530029,947.710022,865.830017,946.429993,7984500000 +17-10-08,942.289978,984.640015,918.73999,940.549988,6581780000 +20-10-08,943.51001,985.400024,943.51001,985.400024,5175640000 +21-10-08,980.400024,985.440002,952.469971,955.049988,5121830000 +22-10-08,951.669983,951.669983,875.809998,896.780029,6147980000 +23-10-08,899.080017,922.830017,858.440002,908.109985,7189900000 +24-10-08,895.219971,896.299988,852.849976,876.77002,6550050000 +27-10-08,874.280029,893.780029,846.75,848.919983,5558050000 +28-10-08,848.919983,940.51001,845.27002,940.51001,7096950000 +29-10-08,939.51001,969.969971,922.26001,930.090027,7077800000 +30-10-08,939.380005,963.22998,928.5,954.090027,6175830000 +31-10-08,953.109985,984.380005,944.590027,968.75,6394350000 +03-11-08,968.669983,975.570007,958.820007,966.299988,4492280000 +04-11-08,971.309998,1007.51001,971.309998,1005.75,5531290000 +05-11-08,1001.840027,1001.840027,949.859985,952.77002,5426640000 +06-11-08,952.400024,952.400024,899.72998,904.880005,6102230000 +07-11-08,907.440002,931.460022,906.900024,930.98999,4931640000 +10-11-08,936.75,951.950012,907.469971,919.210022,4572000000 +11-11-08,917.150024,917.150024,884.900024,898.950012,4998340000 +12-11-08,893.390015,893.390015,850.47998,852.299988,5764180000 +13-11-08,853.130005,913.01001,818.690002,911.289978,7849120000 +14-11-08,904.359985,916.880005,869.880005,873.289978,5881030000 +17-11-08,873.22998,882.289978,848.97998,850.75,4927490000 +18-11-08,852.340027,865.900024,826.840027,859.119995,6679470000 +19-11-08,859.030029,864.570007,806.179993,806.580017,6548600000 +20-11-08,805.869995,820.52002,747.780029,752.440002,9093740000 +21-11-08,755.840027,801.200012,741.02002,800.030029,9495900000 +24-11-08,801.200012,865.599976,801.200012,851.809998,7879440000 +25-11-08,853.400024,868.940002,834.98999,857.390015,6952700000 +26-11-08,852.900024,887.679993,841.369995,887.679993,5793260000 +28-11-08,886.890015,896.25,881.210022,896.23999,2740860000 +01-12-08,888.609985,888.609985,815.690002,816.210022,6052010000 +02-12-08,817.940002,850.539978,817.940002,848.809998,6170100000 +03-12-08,843.599976,873.119995,827.599976,870.73999,6221880000 +04-12-08,869.75,875.599976,833.599976,845.219971,5860390000 +05-12-08,844.429993,879.419983,818.409973,876.070007,6165370000 +08-12-08,882.710022,918.570007,882.710022,909.700012,6553600000 +09-12-08,906.47998,916.26001,885.380005,888.669983,5693110000 +10-12-08,892.169983,908.27002,885.450012,899.23999,5942130000 +11-12-08,898.349976,904.630005,868.72998,873.590027,5513840000 +12-12-08,871.789978,883.23999,851.349976,879.72998,5959590000 +15-12-08,881.070007,884.630005,857.719971,868.570007,4982390000 +16-12-08,871.530029,914.659973,871.530029,913.179993,6009780000 +17-12-08,908.159973,918.849976,895.940002,904.419983,5907380000 +18-12-08,905.97998,911.02002,877.440002,885.280029,5675000000 +19-12-08,886.960022,905.469971,883.02002,887.880005,6705310000 +22-12-08,887.200012,887.369995,857.090027,871.630005,4869850000 +23-12-08,874.309998,880.440002,860.099976,863.159973,4051970000 +24-12-08,863.869995,869.789978,861.440002,868.150024,1546550000 +26-12-08,869.51001,873.73999,866.52002,872.799988,1880050000 +29-12-08,872.369995,873.700012,857.070007,869.419983,3323430000 +30-12-08,870.580017,891.119995,870.580017,890.640015,3627800000 +31-12-08,890.590027,910.320007,889.669983,903.25,4172940000 +02-01-09,902.98999,934.72998,899.349976,931.799988,4048270000 +05-01-09,929.169983,936.630005,919.530029,927.450012,5413910000 +06-01-09,931.169983,943.849976,927.280029,934.700012,5392620000 +07-01-09,927.450012,927.450012,902.369995,906.650024,4704940000 +08-01-09,905.72998,910,896.809998,909.72998,4991550000 +09-01-09,909.909973,911.929993,888.309998,890.349976,4716500000 +12-01-09,890.400024,890.400024,864.320007,870.26001,4725050000 +13-01-09,869.789978,877.02002,862.02002,871.789978,5567460000 +14-01-09,867.280029,867.280029,836.929993,842.619995,5407880000 +15-01-09,841.98999,851.590027,817.039978,843.73999,7807350000 +16-01-09,844.450012,858.130005,830.659973,850.119995,6786040000 +20-01-09,849.640015,849.640015,804.469971,805.219971,6375230000 +21-01-09,806.77002,841.719971,804.299988,840.23999,6467830000 +22-01-09,839.73999,839.73999,811.289978,827.5,5843830000 +23-01-09,822.159973,838.609985,806.070007,831.950012,5832160000 +26-01-09,832.5,852.530029,827.690002,836.570007,6039940000 +27-01-09,837.299988,850.450012,835.400024,845.710022,5353260000 +28-01-09,845.72998,877.859985,845.72998,874.090027,6199180000 +29-01-09,868.890015,868.890015,844.150024,845.140015,5067060000 +30-01-09,845.690002,851.659973,821.669983,825.880005,5350580000 +02-02-09,823.090027,830.780029,812.869995,825.440002,5673270000 +03-02-09,825.690002,842.599976,821.97998,838.51001,5886310000 +04-02-09,837.77002,851.849976,829.179993,832.22998,6420450000 +05-02-09,831.75,850.549988,819.909973,845.849976,6624030000 +06-02-09,846.090027,870.75,845.419983,868.599976,6484100000 +09-02-09,868.23999,875.01001,861.650024,869.890015,5574370000 +10-02-09,866.869995,868.049988,822.98999,827.159973,6770170000 +11-02-09,827.409973,838.219971,822.299988,833.73999,5926460000 +12-02-09,829.909973,835.47998,808.059998,835.190002,6476460000 +13-02-09,833.950012,839.429993,825.210022,826.840027,5296650000 +17-02-09,818.609985,818.609985,789.169983,789.169983,5907820000 +18-02-09,791.059998,796.169983,780.429993,788.419983,5740710000 +19-02-09,787.909973,797.580017,777.030029,778.940002,5746940000 +20-02-09,775.869995,778.690002,754.25,770.049988,8210590000 +23-02-09,773.25,777.849976,742.369995,743.330017,6509300000 +24-02-09,744.690002,775.48999,744.690002,773.140015,7234490000 +25-02-09,770.640015,780.119995,752.890015,764.900024,7483640000 +26-02-09,765.76001,779.419983,751.75,752.830017,7599970000 +27-02-09,749.929993,751.27002,734.52002,735.090027,8926480000 +02-03-09,729.570007,729.570007,699.700012,700.820007,7868290000 +03-03-09,704.440002,711.669983,692.299988,696.330017,7583230000 +04-03-09,698.599976,724.119995,698.599976,712.869995,7673620000 +05-03-09,708.27002,708.27002,677.929993,682.549988,7507250000 +06-03-09,684.039978,699.090027,666.789978,683.380005,7331830000 +09-03-09,680.76001,695.27002,672.880005,676.530029,7277320000 +10-03-09,679.280029,719.599976,679.280029,719.599976,8618330000 +11-03-09,719.590027,731.919983,713.849976,721.359985,7287810000 +12-03-09,720.890015,752.630005,714.76001,750.73999,7326630000 +13-03-09,751.969971,758.289978,742.460022,756.549988,6787090000 +16-03-09,758.840027,774.530029,753.369995,753.890015,7883540000 +17-03-09,753.880005,778.119995,749.929993,778.119995,6156800000 +18-03-09,776.01001,803.039978,765.640015,794.349976,9098450000 +19-03-09,797.919983,803.23999,781.820007,784.039978,9033870000 +20-03-09,784.580017,788.909973,766.200012,768.539978,7643720000 +23-03-09,772.309998,823.369995,772.309998,822.919983,7715770000 +24-03-09,820.599976,823.650024,805.47998,806.119995,6767980000 +25-03-09,806.809998,826.780029,791.369995,813.880005,7687180000 +26-03-09,814.059998,832.97998,814.059998,832.859985,6992960000 +27-03-09,828.679993,828.679993,813.429993,815.940002,5600210000 +30-03-09,809.070007,809.070007,779.809998,787.530029,5912660000 +31-03-09,790.880005,810.47998,790.880005,797.869995,6089100000 +01-04-09,793.590027,813.619995,783.320007,811.080017,6034140000 +02-04-09,814.530029,845.609985,814.530029,834.380005,7542810000 +03-04-09,835.130005,842.5,826.700012,842.5,5855640000 +06-04-09,839.75,839.75,822.789978,835.47998,6210000000 +07-04-09,834.119995,834.119995,814.530029,815.549988,5155580000 +08-04-09,816.76001,828.419983,814.840027,825.159973,5938460000 +09-04-09,829.289978,856.909973,829.289978,856.559998,7600710000 +13-04-09,855.330017,864.309998,845.349976,858.72998,6434890000 +14-04-09,856.880005,856.880005,840.25,841.5,7569840000 +15-04-09,839.440002,852.929993,835.580017,852.059998,6241100000 +16-04-09,854.539978,870.349976,847.039978,865.299988,6598670000 +17-04-09,865.179993,875.630005,860.869995,869.599976,7352010000 +20-04-09,868.27002,868.27002,832.390015,832.390015,6973960000 +21-04-09,831.25,850.090027,826.830017,850.080017,7436490000 +22-04-09,847.26001,861.780029,840.570007,843.549988,7327860000 +23-04-09,844.619995,852.869995,835.450012,851.919983,6563100000 +24-04-09,853.909973,871.799988,853.909973,866.22998,7114440000 +27-04-09,862.820007,868.830017,854.650024,857.51001,5613460000 +28-04-09,854.47998,864.47998,847.119995,855.159973,6328000000 +29-04-09,856.849976,882.059998,856.849976,873.640015,6101620000 +30-04-09,876.590027,888.700012,868.51001,872.809998,6862540000 +01-05-09,872.73999,880.47998,866.099976,877.52002,5312170000 +04-05-09,879.210022,907.849976,879.210022,907.23999,7038840000 +05-05-09,906.099976,907.700012,897.340027,903.799988,6882860000 +06-05-09,903.950012,920.280029,903.950012,919.530029,8555040000 +07-05-09,919.580017,929.580017,901.359985,907.390015,9120100000 +08-05-09,909.030029,930.169983,909.030029,929.22998,8163280000 +11-05-09,922.98999,922.98999,908.679993,909.23999,6150600000 +12-05-09,910.52002,915.570007,896.460022,908.349976,6871750000 +13-05-09,905.400024,905.400024,882.799988,883.919983,7091820000 +14-05-09,884.23999,898.359985,882.52002,893.070007,6134870000 +15-05-09,892.76001,896.969971,878.940002,882.880005,5439720000 +18-05-09,886.070007,910,886.070007,909.710022,5702150000 +19-05-09,909.669983,916.390015,905.219971,908.130005,6616270000 +20-05-09,908.619995,924.599976,901.369995,903.469971,8205060000 +21-05-09,900.419983,900.419983,879.609985,888.330017,6019840000 +22-05-09,888.679993,896.650024,883.75,887,5155320000 +26-05-09,887,911.76001,881.460022,910.330017,5667050000 +27-05-09,909.950012,913.840027,891.869995,893.059998,5698800000 +28-05-09,892.960022,909.450012,887.599976,906.830017,5738980000 +29-05-09,907.02002,920.02002,903.559998,919.140015,6050420000 +01-06-09,923.26001,947.77002,923.26001,942.869995,6370440000 +02-06-09,942.869995,949.380005,938.460022,944.73999,5987340000 +03-06-09,942.51001,942.51001,923.849976,931.76001,5323770000 +04-06-09,932.48999,942.469971,929.320007,942.460022,5352890000 +05-06-09,945.669983,951.690002,934.130005,940.090027,5277910000 +08-06-09,938.119995,946.330017,926.440002,939.140015,4483430000 +09-06-09,940.349976,946.919983,936.150024,942.429993,4439950000 +10-06-09,942.72998,949.77002,927.969971,939.150024,5379420000 +11-06-09,939.039978,956.22998,939.039978,944.890015,5500840000 +12-06-09,943.440002,946.299988,935.659973,946.210022,4528120000 +15-06-09,942.450012,942.450012,919.650024,923.719971,4697880000 +16-06-09,925.599976,928,911.599976,911.969971,4951200000 +17-06-09,911.890015,918.440002,903.780029,910.710022,5523650000 +18-06-09,910.859985,921.929993,907.940002,918.369995,4684010000 +19-06-09,919.960022,927.090027,915.799988,921.22998,5713390000 +22-06-09,918.130005,918.130005,893.039978,893.039978,4903940000 +23-06-09,893.460022,898.690002,888.859985,895.099976,5071020000 +24-06-09,896.309998,910.849976,896.309998,900.940002,4636720000 +25-06-09,899.450012,921.419983,896.27002,920.26001,4911240000 +26-06-09,918.840027,922,913.030029,918.900024,6076660000 +29-06-09,919.859985,927.98999,916.179993,927.22998,4211760000 +30-06-09,927.150024,930.01001,912.859985,919.320007,4627570000 +01-07-09,920.820007,931.919983,920.820007,923.330017,3919400000 +02-07-09,921.23999,921.23999,896.419983,896.419983,3931000000 +06-07-09,894.27002,898.719971,886.359985,898.719971,4712580000 +07-07-09,898.599976,898.599976,879.929993,881.030029,4673300000 +08-07-09,881.900024,886.799988,869.320007,879.559998,5721780000 +09-07-09,881.280029,887.859985,878.450012,882.679993,4347170000 +10-07-09,880.030029,883.570007,872.809998,879.130005,3912080000 +13-07-09,879.570007,901.049988,875.320007,901.049988,4499440000 +14-07-09,900.77002,905.840027,896.5,905.840027,4149030000 +15-07-09,910.150024,933.950012,910.150024,932.679993,5238830000 +16-07-09,930.169983,943.960022,927.450012,940.73999,4898640000 +17-07-09,940.559998,941.890015,934.650024,940.380005,5141380000 +20-07-09,942.070007,951.619995,940.98999,951.130005,4853150000 +21-07-09,951.969971,956.530029,943.219971,954.580017,5309300000 +22-07-09,953.400024,959.830017,947.75,954.070007,4634100000 +23-07-09,954.070007,979.419983,953.27002,976.289978,5761650000 +24-07-09,972.159973,979.789978,965.950012,979.26001,4458300000 +27-07-09,978.630005,982.48999,972.289978,982.179993,4631290000 +28-07-09,981.47998,982.349976,969.349976,979.619995,5490350000 +29-07-09,977.659973,977.76001,968.650024,975.150024,5178770000 +30-07-09,976.01001,996.679993,976.01001,986.75,6035180000 +31-07-09,986.799988,993.179993,982.849976,987.47998,5139070000 +03-08-09,990.219971,1003.609985,990.219971,1002.630005,5603440000 +04-08-09,1001.409973,1007.119995,996.679993,1005.650024,5713700000 +05-08-09,1005.409973,1006.640015,994.309998,1002.719971,7242120000 +06-08-09,1004.059998,1008,992.48999,997.080017,6753380000 +07-08-09,999.830017,1018,999.830017,1010.47998,6827090000 +10-08-09,1008.890015,1010.119995,1000.98999,1007.099976,5406080000 +11-08-09,1005.77002,1005.77002,992.400024,994.349976,5773160000 +12-08-09,994,1012.780029,993.359985,1005.809998,5498170000 +13-08-09,1005.859985,1013.140015,1000.820007,1012.72998,5250660000 +14-08-09,1012.22998,1012.599976,994.599976,1004.090027,4940750000 +17-08-09,998.179993,998.179993,978.51001,979.72998,4088570000 +18-08-09,980.619995,991.200012,980.619995,989.669983,4198970000 +19-08-09,986.880005,999.609985,980.619995,996.460022,4257000000 +20-08-09,996.409973,1008.919983,996.390015,1007.369995,4893160000 +21-08-09,1009.059998,1027.589966,1009.059998,1026.130005,5885550000 +24-08-09,1026.589966,1035.819946,1022.47998,1025.569946,6302450000 +25-08-09,1026.630005,1037.75,1026.209961,1028,5768740000 +26-08-09,1027.349976,1032.469971,1021.570007,1028.119995,5080060000 +27-08-09,1027.810059,1033.329956,1016.200012,1030.97998,5785880000 +28-08-09,1031.619995,1039.469971,1023.130005,1028.930054,5785780000 +31-08-09,1025.209961,1025.209961,1014.619995,1020.619995,5004560000 +01-09-09,1019.52002,1028.449951,996.280029,998.039978,6862360000 +02-09-09,996.070007,1000.340027,991.969971,994.75,5842730000 +03-09-09,996.119995,1003.429993,992.25,1003.23999,4624280000 +04-09-09,1003.840027,1016.47998,1001.650024,1016.400024,4097370000 +08-09-09,1018.669983,1026.069946,1018.669983,1025.390015,5235160000 +09-09-09,1025.359985,1036.339966,1023.969971,1033.369995,5202550000 +10-09-09,1032.98999,1044.140015,1028.040039,1044.140015,5191380000 +11-09-09,1043.920044,1048.180054,1038.400024,1042.72998,4922600000 +14-09-09,1040.150024,1049.73999,1035,1049.339966,4979610000 +15-09-09,1049.030029,1056.040039,1043.420044,1052.630005,6185620000 +16-09-09,1053.98999,1068.76001,1052.869995,1068.76001,6793530000 +17-09-09,1067.869995,1074.77002,1061.199951,1065.48999,6668110000 +18-09-09,1066.599976,1071.52002,1064.27002,1068.300049,5607970000 +21-09-09,1067.140015,1067.280029,1057.459961,1064.660034,4615280000 +22-09-09,1066.349976,1073.810059,1066.349976,1071.660034,5246600000 +23-09-09,1072.689941,1080.150024,1060.390015,1060.869995,5531930000 +24-09-09,1062.560059,1066.290039,1045.849976,1050.780029,5505610000 +25-09-09,1049.47998,1053.469971,1041.170044,1044.380005,4507090000 +28-09-09,1045.380005,1065.130005,1045.380005,1062.97998,3726950000 +29-09-09,1063.689941,1069.619995,1057.829956,1060.609985,4949900000 +30-09-09,1061.02002,1063.400024,1046.469971,1057.079956,5998860000 +01-10-09,1054.910034,1054.910034,1029.449951,1029.849976,5791450000 +02-10-09,1029.709961,1030.599976,1019.950012,1025.209961,5583240000 +05-10-09,1026.869995,1042.579956,1025.920044,1040.459961,4313310000 +06-10-09,1042.02002,1060.550049,1042.02002,1054.719971,5029840000 +07-10-09,1053.650024,1058.02002,1050.099976,1057.579956,4238220000 +08-10-09,1060.030029,1070.670044,1060.030029,1065.47998,4988400000 +09-10-09,1065.280029,1071.51001,1063,1071.48999,3763780000 +12-10-09,1071.630005,1079.459961,1071.630005,1076.189941,3710430000 +13-10-09,1074.959961,1075.300049,1066.709961,1073.189941,4320480000 +14-10-09,1078.680054,1093.170044,1078.680054,1092.02002,5406420000 +15-10-09,1090.359985,1096.560059,1086.410034,1096.560059,5369780000 +16-10-09,1094.670044,1094.670044,1081.530029,1087.680054,4894740000 +19-10-09,1088.219971,1100.170044,1086.47998,1097.910034,4619240000 +20-10-09,1098.640015,1098.640015,1086.160034,1091.060059,5396930000 +21-10-09,1090.359985,1101.359985,1080.77002,1081.400024,5616290000 +22-10-09,1080.959961,1095.209961,1074.310059,1092.910034,5192410000 +23-10-09,1095.619995,1095.829956,1075.48999,1079.599976,4767460000 +26-10-09,1080.359985,1091.75,1065.22998,1066.949951,6363380000 +27-10-09,1067.540039,1072.47998,1060.619995,1063.410034,5337380000 +28-10-09,1061.51001,1063.26001,1042.189941,1042.630005,6600350000 +29-10-09,1043.689941,1066.829956,1043.689941,1066.109985,5595040000 +30-10-09,1065.410034,1065.410034,1033.380005,1036.189941,6512420000 +02-11-09,1036.180054,1052.180054,1029.380005,1042.880005,6202640000 +03-11-09,1040.920044,1046.359985,1033.939941,1045.410034,5487500000 +04-11-09,1047.140015,1061,1045.150024,1046.5,5635510000 +05-11-09,1047.300049,1066.650024,1047.300049,1066.630005,4848350000 +06-11-09,1064.949951,1071.47998,1059.319946,1069.300049,4277130000 +09-11-09,1072.310059,1093.189941,1072.310059,1093.079956,4460030000 +10-11-09,1091.859985,1096.420044,1087.400024,1093.01001,4394770000 +11-11-09,1096.040039,1105.369995,1093.810059,1098.51001,4286700000 +12-11-09,1098.310059,1101.969971,1084.900024,1087.23999,4160250000 +13-11-09,1087.589966,1097.790039,1085.329956,1093.47998,3792610000 +16-11-09,1094.130005,1113.689941,1094.130005,1109.300049,4565850000 +17-11-09,1109.219971,1110.52002,1102.189941,1110.319946,3824070000 +18-11-09,1109.439941,1111.099976,1102.699951,1109.800049,4293340000 +19-11-09,1106.439941,1106.439941,1088.400024,1094.900024,4178030000 +20-11-09,1094.660034,1094.660034,1086.810059,1091.380005,3751230000 +23-11-09,1094.859985,1112.380005,1094.859985,1106.23999,3827920000 +24-11-09,1105.829956,1107.560059,1097.630005,1105.650024,3700820000 +25-11-09,1106.48999,1111.180054,1104.75,1110.630005,3036350000 +27-11-09,1105.469971,1105.469971,1083.73999,1091.48999,2362910000 +30-11-09,1091.069946,1097.23999,1086.25,1095.630005,3895520000 +01-12-09,1098.890015,1112.280029,1098.890015,1108.859985,4249310000 +02-12-09,1109.030029,1115.579956,1105.290039,1109.23999,3941340000 +03-12-09,1110.589966,1117.280029,1098.73999,1099.920044,4810030000 +04-12-09,1100.430054,1119.130005,1096.52002,1105.97998,5781140000 +07-12-09,1105.52002,1110.719971,1100.829956,1103.25,4103360000 +08-12-09,1103.040039,1103.040039,1088.609985,1091.939941,4748030000 +09-12-09,1091.069946,1097.040039,1085.890015,1095.949951,4115410000 +10-12-09,1098.689941,1106.25,1098.689941,1102.349976,3996490000 +11-12-09,1103.959961,1108.5,1101.339966,1106.410034,3791090000 +14-12-09,1107.839966,1114.76001,1107.839966,1114.109985,4548490000 +15-12-09,1114.109985,1114.109985,1105.349976,1107.930054,5045100000 +16-12-09,1108.609985,1116.209961,1107.959961,1109.180054,4829820000 +17-12-09,1106.359985,1106.359985,1095.880005,1096.079956,7615070000 +18-12-09,1097.859985,1103.73999,1093.880005,1102.469971,6325890000 +21-12-09,1105.310059,1117.680054,1105.310059,1114.050049,3977340000 +22-12-09,1114.51001,1120.27002,1114.51001,1118.02002,3641130000 +23-12-09,1118.839966,1121.579956,1116,1120.589966,3166870000 +24-12-09,1121.079956,1126.47998,1121.079956,1126.47998,1267710000 +28-12-09,1127.530029,1130.380005,1123.51001,1127.780029,2716400000 +29-12-09,1128.550049,1130.380005,1126.079956,1126.199951,2491020000 +30-12-09,1125.530029,1126.420044,1121.939941,1126.420044,2277300000 +31-12-09,1126.599976,1127.640015,1114.810059,1115.099976,2076990000 +04-01-10,1116.560059,1133.869995,1116.560059,1132.98999,3991400000 +05-01-10,1132.660034,1136.630005,1129.660034,1136.52002,2491020000 +06-01-10,1135.709961,1139.189941,1133.949951,1137.140015,4972660000 +07-01-10,1136.27002,1142.459961,1131.319946,1141.689941,5270680000 +08-01-10,1140.52002,1145.390015,1136.219971,1144.97998,4389590000 +11-01-10,1145.959961,1149.73999,1142.02002,1146.97998,4255780000 +12-01-10,1143.810059,1143.810059,1131.77002,1136.219971,4716160000 +13-01-10,1137.310059,1148.400024,1133.180054,1145.680054,4170360000 +14-01-10,1145.680054,1150.410034,1143.800049,1148.459961,3915200000 +15-01-10,1147.719971,1147.77002,1131.390015,1136.030029,4758730000 +19-01-10,1136.030029,1150.449951,1135.77002,1150.22998,4724830000 +20-01-10,1147.949951,1147.949951,1129.25,1138.040039,4810560000 +21-01-10,1138.680054,1141.579956,1114.839966,1116.47998,6874290000 +22-01-10,1115.48999,1115.48999,1090.180054,1091.76001,6208650000 +25-01-10,1092.400024,1102.969971,1092.400024,1096.780029,4481390000 +26-01-10,1095.800049,1103.689941,1089.859985,1092.170044,4731910000 +27-01-10,1091.939941,1099.51001,1083.109985,1097.5,5319120000 +28-01-10,1096.930054,1100.219971,1078.459961,1084.530029,5452400000 +29-01-10,1087.609985,1096.449951,1071.589966,1073.869995,5412850000 +01-02-10,1073.890015,1089.380005,1073.890015,1089.189941,4077610000 +02-02-10,1090.050049,1104.72998,1087.959961,1103.319946,4749540000 +03-02-10,1100.670044,1102.719971,1093.969971,1097.280029,4285450000 +04-02-10,1097.25,1097.25,1062.780029,1063.109985,5859690000 +05-02-10,1064.119995,1067.130005,1044.5,1066.189941,6438900000 +08-02-10,1065.51001,1071.199951,1056.51001,1056.73999,4089820000 +09-02-10,1060.060059,1079.280029,1060.060059,1070.52002,5114260000 +10-02-10,1069.680054,1073.670044,1059.339966,1068.130005,4251450000 +11-02-10,1067.099976,1080.040039,1060.589966,1078.469971,4400870000 +12-02-10,1075.949951,1077.810059,1062.969971,1075.51001,4160680000 +16-02-10,1079.130005,1095.670044,1079.130005,1094.869995,4080770000 +17-02-10,1096.140015,1101.030029,1094.719971,1099.51001,4259230000 +18-02-10,1099.030029,1108.23999,1097.47998,1106.75,3878620000 +19-02-10,1105.48999,1112.420044,1100.800049,1109.170044,3944280000 +22-02-10,1110,1112.290039,1105.380005,1108.01001,3814440000 +23-02-10,1107.48999,1108.579956,1092.180054,1094.599976,4521050000 +24-02-10,1095.890015,1106.420044,1095.5,1105.23999,4168360000 +25-02-10,1101.23999,1103.5,1086.02002,1102.939941,4521130000 +26-02-10,1103.099976,1107.23999,1097.560059,1104.48999,3945190000 +01-03-10,1105.359985,1116.109985,1105.359985,1115.709961,3847640000 +02-03-10,1117.01001,1123.459961,1116.51001,1118.310059,4134680000 +03-03-10,1119.359985,1125.640015,1116.579956,1118.790039,3951320000 +04-03-10,1119.119995,1123.72998,1116.660034,1122.969971,3945010000 +05-03-10,1125.119995,1139.380005,1125.119995,1138.699951,4133000000 +08-03-10,1138.400024,1141.050049,1136.77002,1138.5,3774680000 +09-03-10,1137.560059,1145.369995,1134.900024,1140.449951,5185570000 +10-03-10,1140.219971,1148.26001,1140.089966,1145.609985,5469120000 +11-03-10,1143.959961,1150.23999,1138.98999,1150.23999,4669060000 +12-03-10,1151.709961,1153.410034,1146.969971,1149.98999,4928160000 +15-03-10,1148.530029,1150.97998,1141.449951,1150.51001,4164110000 +16-03-10,1150.829956,1160.280029,1150.349976,1159.459961,4369770000 +17-03-10,1159.939941,1169.839966,1159.939941,1166.209961,4963200000 +18-03-10,1166.130005,1167.77002,1161.160034,1165.829956,4234510000 +19-03-10,1166.680054,1169.199951,1155.329956,1159.900024,5212410000 +22-03-10,1157.25,1167.819946,1152.880005,1165.810059,4261680000 +23-03-10,1166.469971,1174.719971,1163.829956,1174.170044,4411640000 +24-03-10,1172.699951,1173.040039,1166.01001,1167.719971,4705750000 +25-03-10,1170.030029,1180.689941,1165.089966,1165.72998,5668900000 +26-03-10,1167.579956,1173.930054,1161.47998,1166.589966,4708420000 +29-03-10,1167.709961,1174.849976,1167.709961,1173.219971,4375580000 +30-03-10,1173.75,1177.829956,1168.920044,1173.27002,4085000000 +31-03-10,1171.75,1174.560059,1165.77002,1169.430054,4484340000 +01-04-10,1171.22998,1181.430054,1170.689941,1178.099976,4006870000 +05-04-10,1178.709961,1187.72998,1178.709961,1187.439941,3881620000 +06-04-10,1186.01001,1191.800049,1182.77002,1189.439941,4086180000 +07-04-10,1188.22998,1189.599976,1177.25,1182.449951,5101430000 +08-04-10,1181.75,1188.550049,1175.119995,1186.439941,4726970000 +09-04-10,1187.469971,1194.660034,1187.150024,1194.369995,4511570000 +12-04-10,1194.939941,1199.199951,1194.709961,1196.47998,4607090000 +13-04-10,1195.939941,1199.040039,1188.819946,1197.300049,5403580000 +14-04-10,1198.689941,1210.650024,1198.689941,1210.650024,5760040000 +15-04-10,1210.77002,1213.920044,1208.5,1211.670044,5995330000 +16-04-10,1210.170044,1210.170044,1186.77002,1192.130005,8108470000 +19-04-10,1192.060059,1197.869995,1183.680054,1197.52002,6597740000 +20-04-10,1199.040039,1208.579956,1199.040039,1207.170044,5316590000 +21-04-10,1207.160034,1210.98999,1198.849976,1205.939941,5724310000 +22-04-10,1202.52002,1210.27002,1190.189941,1208.670044,6035780000 +23-04-10,1207.869995,1217.280029,1205.099976,1217.280029,5326060000 +26-04-10,1217.069946,1219.800049,1211.069946,1212.050049,5647760000 +27-04-10,1209.920044,1211.380005,1181.619995,1183.709961,7454540000 +28-04-10,1184.589966,1195.050049,1181.810059,1191.359985,6342310000 +29-04-10,1193.300049,1209.359985,1193.300049,1206.780029,6059410000 +30-04-10,1206.77002,1207.98999,1186.319946,1186.689941,6048260000 +03-05-10,1188.579956,1205.130005,1188.579956,1202.26001,4938050000 +04-05-10,1197.5,1197.5,1168.119995,1173.599976,6594720000 +05-05-10,1169.23999,1175.949951,1158.150024,1165.869995,6795940000 +06-05-10,1164.380005,1167.579956,1065.790039,1128.150024,10617810000 +07-05-10,1127.040039,1135.130005,1094.150024,1110.880005,9472910000 +10-05-10,1122.27002,1163.849976,1122.27002,1159.72998,6893700000 +11-05-10,1156.390015,1170.47998,1147.709961,1155.790039,5842550000 +12-05-10,1155.430054,1172.869995,1155.430054,1171.670044,5225460000 +13-05-10,1170.040039,1173.569946,1156.140015,1157.439941,4870640000 +14-05-10,1157.189941,1157.189941,1126.140015,1135.680054,6126400000 +17-05-10,1136.52002,1141.880005,1114.959961,1136.939941,5922920000 +18-05-10,1138.780029,1148.660034,1117.199951,1120.800049,6170840000 +19-05-10,1119.569946,1124.27002,1100.660034,1115.050049,6765800000 +20-05-10,1107.339966,1107.339966,1071.579956,1071.589966,8328570000 +21-05-10,1067.26001,1090.160034,1055.900024,1087.689941,5452130000 +24-05-10,1084.780029,1089.949951,1072.699951,1073.650024,5224040000 +25-05-10,1067.420044,1074.75,1040.780029,1074.030029,7329580000 +26-05-10,1075.51001,1090.75,1065.589966,1067.949951,4521050000 +27-05-10,1074.27002,1103.52002,1074.27002,1103.060059,5698460000 +28-05-10,1102.589966,1102.589966,1084.780029,1089.410034,4871210000 +01-06-10,1087.300049,1094.77002,1069.890015,1070.709961,5271480000 +02-06-10,1073.01001,1098.560059,1072.030029,1098.380005,5026360000 +03-06-10,1098.819946,1105.670044,1091.810059,1102.829956,4995970000 +04-06-10,1098.430054,1098.430054,1060.5,1064.880005,6180580000 +07-06-10,1065.839966,1071.359985,1049.859985,1050.469971,5467560000 +08-06-10,1050.810059,1063.150024,1042.170044,1062,6192750000 +09-06-10,1062.75,1077.73999,1052.25,1055.689941,5983200000 +10-06-10,1058.77002,1087.849976,1058.77002,1086.839966,5144780000 +11-06-10,1082.650024,1092.25,1077.119995,1091.599976,4059280000 +14-06-10,1095,1105.910034,1089.030029,1089.630005,4425830000 +15-06-10,1091.209961,1115.589966,1091.209961,1115.22998,4644490000 +16-06-10,1114.02002,1118.73999,1107.130005,1114.609985,5002600000 +17-06-10,1115.97998,1117.719971,1105.869995,1116.040039,4557760000 +18-06-10,1116.160034,1121.01001,1113.930054,1117.51001,4555360000 +21-06-10,1122.790039,1131.22998,1108.23999,1113.199951,4514360000 +22-06-10,1113.900024,1118.5,1094.180054,1095.310059,4514380000 +23-06-10,1095.569946,1099.640015,1085.310059,1092.040039,4526150000 +24-06-10,1090.930054,1090.930054,1071.599976,1073.689941,4814830000 +25-06-10,1075.099976,1083.560059,1067.890015,1076.76001,5128840000 +28-06-10,1077.5,1082.599976,1071.449951,1074.569946,3896410000 +29-06-10,1071.099976,1071.099976,1035.180054,1041.23999,6136700000 +30-06-10,1040.560059,1048.079956,1028.329956,1030.709961,5067080000 +01-07-10,1031.099976,1033.579956,1010.909973,1027.369995,6435770000 +02-07-10,1027.650024,1032.949951,1015.929993,1022.580017,3968500000 +06-07-10,1028.089966,1042.5,1018.349976,1028.060059,4691240000 +07-07-10,1028.540039,1060.890015,1028.540039,1060.27002,4931220000 +08-07-10,1062.920044,1071.25,1058.23999,1070.25,4548460000 +09-07-10,1070.5,1078.160034,1068.099976,1077.959961,3506570000 +12-07-10,1077.22998,1080.780029,1070.449951,1078.75,3426990000 +13-07-10,1080.650024,1099.459961,1080.650024,1095.339966,4640460000 +14-07-10,1095.609985,1099.079956,1087.680054,1095.170044,4521050000 +15-07-10,1094.459961,1098.660034,1080.530029,1096.47998,4552470000 +16-07-10,1093.849976,1093.849976,1063.319946,1064.880005,5297350000 +19-07-10,1066.849976,1074.699951,1061.109985,1071.25,4089500000 +20-07-10,1064.530029,1083.939941,1056.880005,1083.47998,4713280000 +21-07-10,1086.670044,1088.959961,1065.25,1069.589966,4747180000 +22-07-10,1072.140015,1097.5,1072.140015,1093.670044,4826900000 +23-07-10,1092.170044,1103.72998,1087.880005,1102.660034,4524570000 +26-07-10,1102.890015,1115.01001,1101.300049,1115.01001,4009650000 +27-07-10,1117.359985,1120.949951,1109.780029,1113.839966,4725690000 +28-07-10,1112.839966,1114.660034,1103.109985,1106.130005,4002390000 +29-07-10,1108.069946,1115.900024,1092.819946,1101.530029,4612420000 +30-07-10,1098.439941,1106.439941,1088.01001,1101.599976,4006450000 +02-08-10,1107.530029,1127.300049,1107.530029,1125.859985,4144180000 +03-08-10,1125.339966,1125.439941,1116.76001,1120.459961,4071820000 +04-08-10,1121.060059,1128.75,1119.459961,1127.23999,4057850000 +05-08-10,1125.780029,1126.560059,1118.810059,1125.810059,3685560000 +06-08-10,1122.069946,1123.060059,1107.170044,1121.640015,3857890000 +09-08-10,1122.800049,1129.23999,1120.910034,1127.790039,3979360000 +10-08-10,1122.920044,1127.160034,1111.579956,1121.060059,3979360000 +11-08-10,1116.890015,1116.890015,1088.550049,1089.469971,4511860000 +12-08-10,1081.47998,1086.719971,1076.689941,1083.609985,4521050000 +13-08-10,1082.219971,1086.25,1079,1079.25,3328890000 +16-08-10,1077.48999,1082.619995,1069.48999,1079.380005,3142450000 +17-08-10,1081.160034,1100.140015,1081.160034,1092.540039,3968210000 +18-08-10,1092.079956,1099.77002,1085.76001,1094.160034,3724260000 +19-08-10,1092.439941,1092.439941,1070.660034,1075.630005,4290540000 +20-08-10,1075.630005,1075.630005,1063.910034,1071.689941,3761570000 +23-08-10,1073.359985,1081.579956,1067.079956,1067.359985,3210950000 +24-08-10,1063.199951,1063.199951,1046.680054,1051.869995,4436330000 +25-08-10,1048.97998,1059.380005,1039.829956,1055.329956,4360190000 +26-08-10,1056.280029,1061.449951,1045.400024,1047.219971,3646710000 +27-08-10,1049.27002,1065.209961,1039.699951,1064.589966,4102460000 +30-08-10,1062.900024,1064.400024,1048.790039,1048.920044,2917990000 +31-08-10,1046.880005,1055.140015,1040.880005,1049.329956,4038770000 +01-09-10,1049.719971,1081.300049,1049.719971,1080.290039,4396880000 +02-09-10,1080.660034,1090.099976,1080.390015,1090.099976,3704210000 +03-09-10,1093.609985,1105.099976,1093.609985,1104.51001,3534500000 +07-09-10,1102.599976,1102.599976,1091.150024,1091.839966,3107380000 +08-09-10,1092.359985,1103.26001,1092.359985,1098.869995,3224640000 +09-09-10,1101.150024,1110.27002,1101.150024,1104.180054,3387770000 +10-09-10,1104.569946,1110.880005,1103.920044,1109.550049,3061160000 +13-09-10,1113.380005,1123.869995,1113.380005,1121.900024,4521050000 +14-09-10,1121.160034,1127.359985,1115.579956,1121.099976,4521050000 +15-09-10,1119.430054,1126.459961,1114.630005,1125.069946,3369840000 +16-09-10,1123.890015,1125.439941,1118.880005,1124.660034,3364080000 +17-09-10,1126.390015,1131.469971,1122.430054,1125.589966,4086140000 +20-09-10,1126.569946,1144.859985,1126.569946,1142.709961,3364080000 +21-09-10,1142.819946,1148.589966,1136.219971,1139.780029,4175660000 +22-09-10,1139.48999,1144.380005,1131.579956,1134.280029,3911070000 +23-09-10,1131.099976,1136.77002,1122.790039,1124.829956,3847850000 +24-09-10,1131.689941,1148.900024,1131.689941,1148.670044,4123950000 +27-09-10,1148.640015,1149.920044,1142,1142.160034,3587860000 +28-09-10,1142.310059,1150,1132.089966,1147.699951,4025840000 +29-09-10,1146.75,1148.630005,1140.26001,1144.72998,3990280000 +30-09-10,1145.969971,1157.160034,1136.079956,1141.199951,4284160000 +01-10-10,1143.48999,1150.300049,1139.420044,1146.23999,4298910000 +04-10-10,1144.959961,1148.160034,1131.869995,1137.030029,3604110000 +05-10-10,1140.680054,1162.76001,1140.680054,1160.75,4068840000 +06-10-10,1159.810059,1162.329956,1154.849976,1159.969971,4073160000 +07-10-10,1161.569946,1163.869995,1151.410034,1158.060059,3910550000 +08-10-10,1158.359985,1167.72998,1155.579956,1165.150024,3871420000 +11-10-10,1165.319946,1168.680054,1162.02002,1165.319946,2505900000 +12-10-10,1164.280029,1172.579956,1155.709961,1169.77002,4076170000 +13-10-10,1171.319946,1184.380005,1171.319946,1178.099976,4969410000 +14-10-10,1177.819946,1178.890015,1166.709961,1173.810059,4969410000 +15-10-10,1177.469971,1181.199951,1167.119995,1176.189941,5724910000 +18-10-10,1176.829956,1185.530029,1174.550049,1184.709961,4450050000 +19-10-10,1178.640015,1178.640015,1159.709961,1165.900024,5600120000 +20-10-10,1166.73999,1182.939941,1166.73999,1178.170044,5027880000 +21-10-10,1179.819946,1189.430054,1171.170044,1180.26001,4625470000 +22-10-10,1180.52002,1183.930054,1178.98999,1183.079956,3177890000 +25-10-10,1184.73999,1196.140015,1184.73999,1185.619995,4221380000 +26-10-10,1184.880005,1187.109985,1177.719971,1185.640015,4203680000 +27-10-10,1183.839966,1183.839966,1171.699951,1182.449951,4335670000 +28-10-10,1184.469971,1189.530029,1177.099976,1183.780029,4283460000 +29-10-10,1183.869995,1185.459961,1179.699951,1183.26001,3537880000 +01-11-10,1185.709961,1195.810059,1177.650024,1184.380005,4129180000 +02-11-10,1187.859985,1195.880005,1187.859985,1193.569946,3866200000 +03-11-10,1193.790039,1198.300049,1183.560059,1197.959961,4665480000 +04-11-10,1198.339966,1221.25,1198.339966,1221.060059,5695470000 +05-11-10,1221.199951,1227.079956,1220.290039,1225.849976,5637460000 +08-11-10,1223.23999,1224.569946,1217.550049,1223.25,3937230000 +09-11-10,1223.589966,1226.839966,1208.939941,1213.400024,4848040000 +10-11-10,1213.140015,1218.75,1204.329956,1218.709961,4561300000 +11-11-10,1213.040039,1215.449951,1204.48999,1213.540039,3931120000 +12-11-10,1209.069946,1210.5,1194.079956,1199.209961,4213620000 +15-11-10,1200.439941,1207.430054,1197.150024,1197.75,3503370000 +16-11-10,1194.790039,1194.790039,1173,1178.339966,5116380000 +17-11-10,1178.329956,1183.560059,1175.819946,1178.589966,3904780000 +18-11-10,1183.75,1200.290039,1183.75,1196.689941,4687260000 +19-11-10,1196.119995,1199.969971,1189.439941,1199.72998,3675390000 +22-11-10,1198.069946,1198.939941,1184.579956,1197.839966,3689500000 +23-11-10,1192.51001,1192.51001,1176.910034,1180.72998,4133070000 +24-11-10,1183.699951,1198.619995,1183.699951,1198.349976,3384250000 +26-11-10,1194.160034,1194.160034,1186.930054,1189.400024,1613820000 +29-11-10,1189.079956,1190.339966,1173.640015,1187.76001,3673450000 +30-11-10,1182.959961,1187.400024,1174.140015,1180.550049,4284700000 +01-12-10,1186.599976,1207.609985,1186.599976,1206.069946,4548110000 +02-12-10,1206.810059,1221.890015,1206.810059,1221.530029,4970800000 +03-12-10,1219.930054,1225.569946,1216.819946,1224.709961,3735780000 +06-12-10,1223.869995,1225.800049,1220.670044,1223.119995,3527370000 +07-12-10,1227.25,1235.050049,1223.25,1223.75,6970630000 +08-12-10,1225.02002,1228.930054,1219.5,1228.280029,4607590000 +09-12-10,1230.140015,1234.709961,1226.849976,1233,4522510000 +10-12-10,1233.849976,1240.400024,1232.579956,1240.400024,4547310000 +13-12-10,1242.52002,1246.72998,1240.339966,1240.459961,4361240000 +14-12-10,1241.839966,1246.589966,1238.170044,1241.589966,4132350000 +15-12-10,1241.579956,1244.25,1234.01001,1235.22998,4407340000 +16-12-10,1236.339966,1243.75,1232.849976,1242.869995,4736820000 +17-12-10,1243.630005,1245.810059,1239.869995,1243.910034,4632470000 +20-12-10,1245.76001,1250.199951,1241.51001,1247.079956,3548140000 +21-12-10,1249.430054,1255.819946,1249.430054,1254.599976,3479670000 +22-12-10,1254.939941,1259.390015,1254.939941,1258.839966,1285590000 +23-12-10,1257.530029,1258.589966,1254.050049,1256.77002,2515020000 +27-12-10,1254.660034,1258.430054,1251.47998,1257.540039,1992470000 +28-12-10,1259.099976,1259.900024,1256.219971,1258.51001,2478450000 +29-12-10,1258.780029,1262.599976,1258.780029,1259.780029,2214380000 +30-12-10,1259.439941,1261.089966,1256.319946,1257.880005,1970720000 +31-12-10,1256.76001,1259.339966,1254.189941,1257.640015,1799770000 +03-01-11,1257.619995,1276.170044,1257.619995,1271.869995,4286670000 +04-01-11,1272.949951,1274.119995,1262.660034,1270.199951,4796420000 +05-01-11,1268.780029,1277.630005,1265.359985,1276.560059,4764920000 +06-01-11,1276.290039,1278.170044,1270.430054,1273.849976,4844100000 +07-01-11,1274.410034,1276.829956,1261.699951,1271.5,4963110000 +10-01-11,1270.839966,1271.52002,1262.180054,1269.75,4036450000 +11-01-11,1272.579956,1277.25,1269.619995,1274.47998,4050750000 +12-01-11,1275.650024,1286.869995,1275.650024,1285.959961,4226940000 +13-01-11,1285.780029,1286.699951,1280.469971,1283.76001,4310840000 +14-01-11,1282.900024,1293.23999,1281.23999,1293.23999,4661590000 +18-01-11,1293.219971,1296.060059,1290.160034,1295.02002,5284990000 +19-01-11,1294.52002,1294.599976,1278.920044,1281.920044,4743710000 +20-01-11,1280.849976,1283.349976,1271.26001,1280.26001,4935320000 +21-01-11,1283.630005,1291.209961,1282.069946,1283.349976,4935320000 +24-01-11,1283.290039,1291.930054,1282.469971,1290.839966,3902470000 +25-01-11,1288.170044,1291.26001,1281.069946,1291.180054,4595380000 +26-01-11,1291.969971,1299.73999,1291.969971,1296.630005,4730980000 +27-01-11,1297.51001,1301.290039,1294.410034,1299.540039,4309190000 +28-01-11,1299.630005,1302.670044,1275.099976,1276.339966,5618630000 +31-01-11,1276.5,1287.170044,1276.5,1286.119995,4167160000 +01-02-11,1289.140015,1308.859985,1289.140015,1307.589966,5164500000 +02-02-11,1305.910034,1307.609985,1302.619995,1304.030029,4098260000 +03-02-11,1302.77002,1308.599976,1294.829956,1307.099976,4370990000 +04-02-11,1307.01001,1311,1301.670044,1310.869995,3925950000 +07-02-11,1311.849976,1322.849976,1311.849976,1319.050049,3902270000 +08-02-11,1318.76001,1324.869995,1316.030029,1324.569946,3881530000 +09-02-11,1322.47998,1324.540039,1314.890015,1320.880005,3922240000 +10-02-11,1318.130005,1322.780029,1311.73999,1321.869995,4184610000 +11-02-11,1318.660034,1330.790039,1316.079956,1329.150024,4219300000 +14-02-11,1328.72998,1332.959961,1326.900024,1332.319946,3567040000 +15-02-11,1330.430054,1330.430054,1324.609985,1328.01001,3926860000 +16-02-11,1329.51001,1337.609985,1329.51001,1336.319946,1966450000 +17-02-11,1334.369995,1341.5,1331,1340.430054,1966450000 +18-02-11,1340.380005,1344.069946,1338.119995,1343.01001,1162310000 +22-02-11,1338.910034,1338.910034,1312.329956,1315.439941,1322780000 +23-02-11,1315.439941,1317.910034,1299.550049,1307.400024,1330340000 +24-02-11,1307.089966,1310.910034,1294.26001,1306.099976,1222900000 +25-02-11,1307.339966,1320.609985,1307.339966,1319.880005,3836030000 +28-02-11,1321.609985,1329.380005,1320.550049,1327.219971,1252850000 +01-03-11,1328.640015,1332.089966,1306.140015,1306.329956,1180420000 +02-03-11,1305.469971,1314.189941,1302.579956,1308.439941,1025000000 +03-03-11,1312.369995,1332.280029,1312.369995,1330.969971,4340470000 +04-03-11,1330.72998,1331.079956,1312.589966,1321.150024,4223740000 +07-03-11,1322.719971,1327.680054,1303.98999,1310.130005,3964730000 +08-03-11,1311.050049,1325.73999,1306.859985,1321.819946,4531420000 +09-03-11,1319.920044,1323.209961,1312.27002,1320.02002,3709520000 +10-03-11,1315.719971,1315.719971,1294.209961,1295.109985,4723020000 +11-03-11,1293.430054,1308.349976,1291.98999,1304.280029,3740400000 +14-03-11,1301.189941,1301.189941,1286.369995,1296.390015,4050370000 +15-03-11,1288.459961,1288.459961,1261.119995,1281.869995,5201400000 +16-03-11,1279.459961,1280.910034,1249.050049,1256.880005,5833000000 +17-03-11,1261.609985,1278.880005,1261.609985,1273.719971,4134950000 +18-03-11,1276.709961,1288.880005,1276.180054,1279.209961,4685500000 +21-03-11,1281.650024,1300.579956,1281.650024,1298.380005,4223730000 +22-03-11,1298.290039,1299.349976,1292.699951,1293.77002,3576550000 +23-03-11,1292.189941,1300.51001,1284.050049,1297.540039,3842350000 +24-03-11,1300.609985,1311.339966,1297.73999,1309.660034,4223740000 +25-03-11,1311.800049,1319.180054,1310.150024,1313.800049,4223740000 +28-03-11,1315.449951,1319.73999,1310.189941,1310.189941,3215170000 +29-03-11,1309.369995,1319.449951,1305.26001,1319.439941,3482580000 +30-03-11,1321.890015,1331.73999,1321.890015,1328.26001,3809570000 +31-03-11,1327.439941,1329.77002,1325.030029,1325.829956,3566270000 +01-04-11,1329.47998,1337.849976,1328.890015,1332.410034,4223740000 +04-04-11,1333.560059,1336.73999,1329.099976,1332.869995,4223740000 +05-04-11,1332.030029,1338.209961,1330.030029,1332.630005,3852280000 +06-04-11,1335.939941,1339.380005,1331.089966,1335.540039,4223740000 +07-04-11,1334.819946,1338.800049,1326.560059,1333.51001,4005600000 +08-04-11,1336.160034,1339.459961,1322.939941,1328.170044,3582810000 +11-04-11,1329.01001,1333.77002,1321.060059,1324.459961,3478970000 +12-04-11,1321.959961,1321.959961,1309.51001,1314.160034,4275490000 +13-04-11,1314.030029,1321.349976,1309.189941,1314.410034,3850860000 +14-04-11,1311.130005,1316.790039,1302.420044,1314.52002,3872630000 +15-04-11,1314.540039,1322.880005,1313.680054,1319.680054,4223740000 +18-04-11,1313.349976,1313.349976,1294.699951,1305.140015,4223740000 +19-04-11,1305.98999,1312.699951,1303.969971,1312.619995,3886300000 +20-04-11,1319.119995,1332.660034,1319.119995,1330.359985,4236280000 +21-04-11,1333.22998,1337.48999,1332.829956,1337.380005,3587240000 +25-04-11,1337.140015,1337.550049,1331.469971,1335.25,2142130000 +26-04-11,1336.75,1349.550049,1336.75,1347.23999,3908060000 +27-04-11,1348.430054,1357.48999,1344.25,1355.660034,4051570000 +28-04-11,1353.859985,1361.709961,1353.599976,1360.47998,4036820000 +29-04-11,1360.140015,1364.560059,1358.689941,1363.609985,3479070000 +02-05-11,1365.209961,1370.579956,1358.589966,1361.219971,3846250000 +03-05-11,1359.76001,1360.839966,1349.52002,1356.619995,4223740000 +04-05-11,1355.900024,1355.900024,1341.5,1347.319946,4223740000 +05-05-11,1344.160034,1348,1329.170044,1335.099976,3846250000 +06-05-11,1340.23999,1354.359985,1335.579956,1340.199951,4223740000 +09-05-11,1340.199951,1349.439941,1338.640015,1346.290039,4265250000 +10-05-11,1348.339966,1359.439941,1348.339966,1357.160034,4223740000 +11-05-11,1354.51001,1354.51001,1336.359985,1342.079956,3846250000 +12-05-11,1339.390015,1351.050049,1332.030029,1348.650024,3777210000 +13-05-11,1348.689941,1350.469971,1333.359985,1337.77002,3426660000 +16-05-11,1334.77002,1343.329956,1327.319946,1329.469971,3846250000 +17-05-11,1326.099976,1330.420044,1318.51001,1328.97998,4053970000 +18-05-11,1328.540039,1341.819946,1326.589966,1340.680054,3922030000 +19-05-11,1342.400024,1346.819946,1336.359985,1343.599976,3626110000 +20-05-11,1342,1342,1330.670044,1333.27002,4066020000 +23-05-11,1333.069946,1333.069946,1312.880005,1317.369995,3255580000 +24-05-11,1317.699951,1323.719971,1313.869995,1316.280029,3846250000 +25-05-11,1316.359985,1325.859985,1311.800049,1320.469971,4109670000 +26-05-11,1320.640015,1328.51001,1314.410034,1325.689941,3259470000 +27-05-11,1325.689941,1334.619995,1325.689941,1331.099976,3124560000 +31-05-11,1331.099976,1345.199951,1331.099976,1345.199951,4696240000 +01-06-11,1345.199951,1345.199951,1313.709961,1314.550049,4241090000 +02-06-11,1314.550049,1318.030029,1305.609985,1312.939941,3762170000 +03-06-11,1312.939941,1312.939941,1297.900024,1300.160034,3505030000 +06-06-11,1300.26001,1300.26001,1284.719971,1286.170044,3555980000 +07-06-11,1286.310059,1296.219971,1284.73999,1284.939941,3846250000 +08-06-11,1284.630005,1287.040039,1277.420044,1279.560059,3970810000 +09-06-11,1279.630005,1294.540039,1279.630005,1289,3332510000 +10-06-11,1288.599976,1288.599976,1268.280029,1270.97998,3846250000 +13-06-11,1271.310059,1277.040039,1265.640015,1271.829956,4132520000 +14-06-11,1272.219971,1292.5,1272.219971,1287.869995,3500280000 +15-06-11,1287.869995,1287.869995,1261.900024,1265.420044,4070500000 +16-06-11,1265.530029,1274.109985,1258.069946,1267.640015,3846250000 +17-06-11,1268.579956,1279.819946,1267.400024,1271.5,4916460000 +20-06-11,1271.5,1280.420044,1267.560059,1278.359985,3464660000 +21-06-11,1278.400024,1297.619995,1278.400024,1295.52002,4056150000 +22-06-11,1295.47998,1298.609985,1286.790039,1287.140015,3718420000 +23-06-11,1286.599976,1286.599976,1262.869995,1283.5,4983450000 +24-06-11,1283.040039,1283.930054,1267.23999,1268.449951,3665340000 +27-06-11,1268.439941,1284.910034,1267.530029,1280.099976,3479070000 +28-06-11,1280.209961,1296.800049,1280.209961,1296.670044,3681500000 +29-06-11,1296.849976,1309.209961,1296.849976,1307.410034,4347540000 +30-06-11,1307.640015,1321.969971,1307.640015,1320.640015,4200500000 +01-07-11,1320.640015,1341.01001,1318.180054,1339.670044,3796930000 +05-07-11,1339.589966,1340.890015,1334.300049,1337.880005,3722320000 +06-07-11,1337.560059,1340.939941,1330.920044,1339.219971,3564190000 +07-07-11,1339.619995,1356.47998,1339.619995,1353.219971,4069530000 +08-07-11,1352.390015,1352.390015,1333.709961,1343.800049,3594360000 +11-07-11,1343.310059,1343.310059,1316.420044,1319.48999,3879130000 +12-07-11,1319.609985,1327.170044,1313.329956,1313.640015,4227890000 +13-07-11,1314.449951,1331.47998,1314.449951,1317.719971,4060080000 +14-07-11,1317.73999,1326.880005,1306.51001,1308.869995,4358570000 +15-07-11,1308.869995,1317.699951,1307.52002,1316.140015,4242760000 +18-07-11,1315.939941,1315.939941,1295.920044,1305.439941,4118160000 +19-07-11,1307.069946,1328.140015,1307.069946,1326.72998,4304600000 +20-07-11,1328.660034,1330.430054,1323.650024,1325.839966,3767420000 +21-07-11,1325.650024,1347,1325.650024,1343.800049,4837430000 +22-07-11,1343.800049,1346.099976,1336.949951,1345.02002,3522830000 +25-07-11,1344.319946,1344.319946,1331.089966,1337.430054,3536890000 +26-07-11,1337.390015,1338.51001,1329.589966,1331.939941,4007050000 +27-07-11,1331.910034,1331.910034,1303.48999,1304.890015,3479040000 +28-07-11,1304.839966,1316.319946,1299.160034,1300.670044,4951800000 +29-07-11,1300.119995,1304.160034,1282.859985,1292.280029,5061190000 +01-08-11,1292.589966,1307.380005,1274.72998,1286.939941,4967390000 +02-08-11,1286.560059,1286.560059,1254.030029,1254.050049,5206290000 +03-08-11,1254.25,1261.199951,1234.560059,1260.339966,6446940000 +04-08-11,1260.22998,1260.22998,1199.540039,1200.069946,4266530000 +05-08-11,1200.280029,1218.109985,1168.089966,1199.380005,5454590000 +08-08-11,1198.47998,1198.47998,1119.280029,1119.459961,2615150000 +09-08-11,1120.22998,1172.880005,1101.540039,1172.530029,2366660000 +10-08-11,1171.77002,1171.77002,1118.01001,1120.76001,5018070000 +11-08-11,1121.300049,1186.290039,1121.300049,1172.640015,3685050000 +12-08-11,1172.869995,1189.040039,1170.73999,1178.810059,5640380000 +15-08-11,1178.859985,1204.48999,1178.859985,1204.48999,4272850000 +16-08-11,1204.219971,1204.219971,1180.530029,1192.76001,5071600000 +17-08-11,1192.890015,1208.469971,1184.359985,1193.890015,4388340000 +18-08-11,1189.619995,1189.619995,1131.030029,1140.650024,3234810000 +19-08-11,1140.469971,1154.540039,1122.050049,1123.530029,5167560000 +22-08-11,1123.550049,1145.48999,1121.089966,1123.819946,5436260000 +23-08-11,1124.359985,1162.349976,1124.359985,1162.349976,5013170000 +24-08-11,1162.160034,1178.560059,1156.300049,1177.599976,5315310000 +25-08-11,1176.689941,1190.680054,1155.469971,1159.27002,5748420000 +26-08-11,1158.849976,1181.22998,1135.910034,1176.800049,5035320000 +29-08-11,1177.910034,1210.280029,1177.910034,1210.079956,4228070000 +30-08-11,1209.76001,1220.099976,1195.77002,1212.920044,4572570000 +31-08-11,1213,1230.709961,1209.349976,1218.890015,5267840000 +01-09-11,1219.119995,1229.290039,1203.849976,1204.420044,4780410000 +02-09-11,1203.900024,1203.900024,1170.560059,1173.969971,4401740000 +06-09-11,1173.969971,1173.969971,1140.130005,1165.23999,5103980000 +07-09-11,1165.849976,1198.619995,1165.849976,1198.619995,4441040000 +08-09-11,1197.97998,1204.400024,1183.339966,1185.900024,4465170000 +09-09-11,1185.369995,1185.369995,1148.369995,1154.22998,4586370000 +12-09-11,1153.5,1162.52002,1136.069946,1162.27002,5168550000 +13-09-11,1162.589966,1176.410034,1157.439941,1172.869995,4681370000 +14-09-11,1173.319946,1202.380005,1162.72998,1188.680054,4986740000 +15-09-11,1189.439941,1209.109985,1189.439941,1209.109985,4479730000 +16-09-11,1209.209961,1220.060059,1204.459961,1216.01001,5248890000 +19-09-11,1214.98999,1214.98999,1188.359985,1204.089966,4254190000 +20-09-11,1204.5,1220.390015,1201.290039,1202.089966,4315610000 +21-09-11,1203.630005,1206.300049,1166.209961,1166.76001,4728550000 +22-09-11,1164.550049,1164.550049,1114.219971,1129.560059,6703140000 +23-09-11,1128.819946,1141.719971,1121.359985,1136.430054,5639930000 +26-09-11,1136.910034,1164.189941,1131.069946,1162.949951,4762830000 +27-09-11,1163.319946,1195.859985,1163.319946,1175.380005,5548130000 +28-09-11,1175.390015,1184.709961,1150.400024,1151.060059,4787920000 +29-09-11,1151.73999,1175.869995,1139.930054,1160.400024,5285740000 +30-09-11,1159.930054,1159.930054,1131.339966,1131.420044,4416790000 +03-10-11,1131.209961,1138.98999,1098.920044,1099.22998,5670340000 +04-10-11,1097.420044,1125.119995,1074.77002,1123.949951,3714670000 +05-10-11,1124.030029,1146.069946,1115.680054,1144.030029,2510620000 +06-10-11,1144.109985,1165.550049,1134.949951,1164.969971,5098330000 +07-10-11,1165.030029,1171.400024,1150.26001,1155.459961,5580380000 +10-10-11,1158.150024,1194.910034,1158.150024,1194.890015,4446800000 +11-10-11,1194.599976,1199.23999,1187.300049,1195.540039,4424500000 +12-10-11,1196.189941,1220.25,1196.189941,1207.25,5355360000 +13-10-11,1206.959961,1207.459961,1190.579956,1203.660034,4436270000 +14-10-11,1205.650024,1224.609985,1205.650024,1224.579956,4116690000 +17-10-11,1224.469971,1224.469971,1198.550049,1200.859985,4300700000 +18-10-11,1200.75,1233.099976,1191.47998,1225.380005,4840170000 +19-10-11,1223.459961,1229.640015,1206.310059,1209.880005,4846390000 +20-10-11,1209.920044,1219.530029,1197.339966,1215.390015,4870290000 +21-10-11,1215.390015,1239.030029,1215.390015,1238.25,4980770000 +24-10-11,1238.719971,1256.550049,1238.719971,1254.189941,4309380000 +25-10-11,1254.189941,1254.189941,1226.790039,1229.050049,4473970000 +26-10-11,1229.170044,1246.280029,1221.060059,1242,4873530000 +27-10-11,1243.969971,1292.660034,1243.969971,1284.589966,6367610000 +28-10-11,1284.390015,1287.079956,1277.01001,1285.089966,4536690000 +31-10-11,1284.959961,1284.959961,1253.160034,1253.300049,4310210000 +01-11-11,1251,1251,1215.420044,1218.280029,5645540000 +02-11-11,1219.619995,1242.47998,1219.619995,1237.900024,4110530000 +03-11-11,1238.25,1263.209961,1234.810059,1261.150024,4849140000 +04-11-11,1260.819946,1260.819946,1238.920044,1253.22998,3830650000 +07-11-11,1253.209961,1261.699951,1240.75,1261.119995,3429740000 +08-11-11,1261.119995,1277.550049,1254.98999,1275.920044,3908490000 +09-11-11,1275.180054,1275.180054,1226.640015,1229.099976,4659740000 +10-11-11,1229.589966,1246.219971,1227.699951,1239.699951,4002760000 +11-11-11,1240.119995,1266.97998,1240.119995,1263.849976,3370180000 +14-11-11,1263.849976,1263.849976,1246.680054,1251.780029,3219680000 +15-11-11,1251.699951,1264.25,1244.339966,1257.810059,3599300000 +16-11-11,1257.810059,1259.609985,1235.670044,1236.910034,4085010000 +17-11-11,1236.560059,1237.72998,1209.430054,1216.130005,4596450000 +18-11-11,1216.189941,1223.51001,1211.359985,1215.650024,3827610000 +21-11-11,1215.619995,1215.619995,1183.160034,1192.97998,4050070000 +22-11-11,1192.97998,1196.810059,1181.650024,1188.040039,3911710000 +23-11-11,1187.47998,1187.47998,1161.790039,1161.790039,3798940000 +25-11-11,1161.410034,1172.660034,1158.660034,1158.670044,1664200000 +28-11-11,1158.670044,1197.349976,1158.670044,1192.550049,3920750000 +29-11-11,1192.560059,1203.670044,1191.800049,1195.189941,3992650000 +30-11-11,1196.719971,1247.109985,1196.719971,1246.959961,5801910000 +01-12-11,1246.910034,1251.089966,1239.72998,1244.579956,3818680000 +02-12-11,1246.030029,1260.079956,1243.349976,1244.280029,4144310000 +05-12-11,1244.329956,1266.72998,1244.329956,1257.079956,4148060000 +06-12-11,1257.189941,1266.030029,1253.030029,1258.469971,3734230000 +07-12-11,1258.140015,1267.060059,1244.800049,1261.01001,4160540000 +08-12-11,1260.869995,1260.869995,1231.469971,1234.349976,4298370000 +09-12-11,1234.47998,1258.25,1234.47998,1255.189941,3830610000 +12-12-11,1255.050049,1255.050049,1227.25,1236.469971,3600570000 +13-12-11,1236.829956,1249.859985,1219.430054,1225.72998,4121570000 +14-12-11,1225.72998,1225.72998,1209.469971,1211.819946,4298290000 +15-12-11,1212.119995,1225.599976,1212.119995,1215.75,3810340000 +16-12-11,1216.089966,1231.040039,1215.199951,1219.660034,5345800000 +19-12-11,1219.73999,1224.569946,1202.369995,1205.349976,3659820000 +20-12-11,1205.719971,1242.819946,1205.719971,1241.300049,4055590000 +21-12-11,1241.25,1245.089966,1229.51001,1243.719971,2959020000 +22-12-11,1243.719971,1255.219971,1243.719971,1254,3492250000 +23-12-11,1254,1265.420044,1254,1265.329956,2233830000 +27-12-11,1265.02002,1269.369995,1262.300049,1265.430054,2130590000 +28-12-11,1265.380005,1265.849976,1248.640015,1249.640015,2349980000 +29-12-11,1249.75,1263.540039,1249.75,1263.02002,2278130000 +30-12-11,1262.819946,1264.119995,1257.459961,1257.599976,2271850000 +03-01-12,1258.859985,1284.619995,1258.859985,1277.060059,3943710000 +04-01-12,1277.030029,1278.72998,1268.099976,1277.300049,3592580000 +05-01-12,1277.300049,1283.050049,1265.26001,1281.060059,4315950000 +06-01-12,1280.930054,1281.839966,1273.339966,1277.810059,3656830000 +09-01-12,1277.829956,1281.98999,1274.550049,1280.699951,3371600000 +10-01-12,1280.77002,1296.459961,1280.77002,1292.079956,4221960000 +11-01-12,1292.02002,1293.800049,1285.410034,1292.47998,3968120000 +12-01-12,1292.47998,1296.819946,1285.77002,1295.5,4019890000 +13-01-12,1294.819946,1294.819946,1277.579956,1289.089966,3692370000 +17-01-12,1290.219971,1303,1290.219971,1293.670044,4010490000 +18-01-12,1293.650024,1308.109985,1290.98999,1308.040039,4096160000 +19-01-12,1308.069946,1315.48999,1308.069946,1314.5,4465890000 +20-01-12,1314.48999,1315.380005,1309.170044,1315.380005,3912620000 +23-01-12,1315.290039,1322.280029,1309.890015,1316,3770910000 +24-01-12,1315.959961,1315.959961,1306.060059,1314.650024,3693560000 +25-01-12,1314.400024,1328.300049,1307.650024,1326.060059,4410910000 +26-01-12,1326.280029,1333.469971,1313.599976,1318.430054,4522070000 +27-01-12,1318.25,1320.060059,1311.719971,1316.329956,4007380000 +30-01-12,1316.160034,1316.160034,1300.48999,1313.01001,3659010000 +31-01-12,1313.530029,1321.410034,1306.689941,1312.410034,4235550000 +01-02-12,1312.449951,1330.52002,1312.449951,1324.089966,4504360000 +02-02-12,1324.23999,1329.189941,1321.569946,1325.540039,4120920000 +03-02-12,1326.209961,1345.339966,1326.209961,1344.900024,4608550000 +06-02-12,1344.319946,1344.359985,1337.52002,1344.329956,3379700000 +07-02-12,1344.329956,1349.23999,1335.920044,1347.050049,3742460000 +08-02-12,1347.040039,1351,1341.949951,1349.959961,4096730000 +09-02-12,1349.969971,1354.319946,1344.630005,1351.949951,4209890000 +10-02-12,1351.209961,1351.209961,1337.349976,1342.640015,3877580000 +13-02-12,1343.060059,1353.349976,1343.060059,1351.77002,3618040000 +14-02-12,1351.300049,1351.300049,1340.829956,1350.5,3889520000 +15-02-12,1350.52002,1355.869995,1340.800049,1343.22998,4080340000 +16-02-12,1342.609985,1359.02002,1341.219971,1358.040039,4108880000 +17-02-12,1358.060059,1363.400024,1357.23999,1361.22998,3717640000 +21-02-12,1361.219971,1367.76001,1358.109985,1362.209961,3795200000 +22-02-12,1362.109985,1362.699951,1355.530029,1357.660034,3633710000 +23-02-12,1357.530029,1364.23999,1352.280029,1363.459961,3786450000 +24-02-12,1363.459961,1368.920044,1363.459961,1365.73999,3505360000 +27-02-12,1365.199951,1371.939941,1354.920044,1367.589966,3648890000 +28-02-12,1367.560059,1373.089966,1365.969971,1372.180054,3579120000 +29-02-12,1372.199951,1378.040039,1363.810059,1365.680054,4482370000 +01-03-12,1365.900024,1376.170044,1365.900024,1374.089966,3919240000 +02-03-12,1374.089966,1374.530029,1366.420044,1369.630005,3283490000 +05-03-12,1369.589966,1369.589966,1359.130005,1364.329956,3429480000 +06-03-12,1363.630005,1363.630005,1340.030029,1343.359985,4191060000 +07-03-12,1343.390015,1354.849976,1343.390015,1352.630005,3580380000 +08-03-12,1352.650024,1368.719971,1352.650024,1365.910034,3543060000 +09-03-12,1365.969971,1374.76001,1365.969971,1370.869995,3639470000 +12-03-12,1370.780029,1373.040039,1366.689941,1371.089966,3081870000 +13-03-12,1371.920044,1396.130005,1371.920044,1395.949951,4386470000 +14-03-12,1395.949951,1399.420044,1389.969971,1394.280029,4502280000 +15-03-12,1394.170044,1402.630005,1392.780029,1402.599976,4271650000 +16-03-12,1402.550049,1405.880005,1401.469971,1404.170044,5163950000 +19-03-12,1404.170044,1414,1402.430054,1409.75,3932570000 +20-03-12,1409.589966,1409.589966,1397.680054,1405.52002,3695280000 +21-03-12,1405.52002,1407.75,1400.640015,1402.890015,3573590000 +22-03-12,1402.890015,1402.890015,1388.72998,1392.780029,3740590000 +23-03-12,1392.780029,1399.180054,1386.869995,1397.109985,3472950000 +26-03-12,1397.109985,1416.579956,1397.109985,1416.51001,3576950000 +27-03-12,1416.550049,1419.150024,1411.949951,1412.52002,3513640000 +28-03-12,1412.52002,1413.650024,1397.199951,1405.540039,3892800000 +29-03-12,1405.390015,1405.390015,1391.560059,1403.280029,3832000000 +30-03-12,1403.310059,1410.890015,1401.420044,1408.469971,3676890000 +02-04-12,1408.469971,1422.380005,1404.459961,1419.040039,3572010000 +03-04-12,1418.97998,1419,1404.619995,1413.380005,3822090000 +04-04-12,1413.089966,1413.089966,1394.089966,1398.959961,3938290000 +05-04-12,1398.790039,1401.599976,1392.920044,1398.079956,3303740000 +09-04-12,1397.449951,1397.449951,1378.23999,1382.199951,3468980000 +10-04-12,1382.180054,1383.01001,1357.380005,1358.589966,4631730000 +11-04-12,1358.97998,1374.709961,1358.97998,1368.709961,3743040000 +12-04-12,1368.77002,1388.130005,1368.77002,1387.569946,3618280000 +13-04-12,1387.609985,1387.609985,1369.849976,1370.26001,3631160000 +16-04-12,1370.27002,1379.660034,1365.380005,1369.569946,3574780000 +17-04-12,1369.569946,1392.76001,1369.569946,1390.780029,3456200000 +18-04-12,1390.780029,1390.780029,1383.290039,1385.140015,3463140000 +19-04-12,1385.079956,1390.459961,1370.300049,1376.920044,4180020000 +20-04-12,1376.959961,1387.400024,1376.959961,1378.530029,3833320000 +23-04-12,1378.530029,1378.530029,1358.790039,1366.939941,3654860000 +24-04-12,1366.969971,1375.569946,1366.819946,1371.969971,3617100000 +25-04-12,1372.109985,1391.369995,1372.109985,1390.689941,3998430000 +26-04-12,1390.640015,1402.089966,1387.280029,1399.97998,4034700000 +27-04-12,1400.189941,1406.640015,1397.310059,1403.359985,3645830000 +30-04-12,1403.26001,1403.26001,1394,1397.910034,3574010000 +01-05-12,1397.859985,1415.319946,1395.72998,1405.819946,3807950000 +02-05-12,1405.5,1405.5,1393.920044,1402.310059,3803860000 +03-05-12,1402.319946,1403.069946,1388.709961,1391.569946,4004910000 +04-05-12,1391.51001,1391.51001,1367.959961,1369.099976,3975140000 +07-05-12,1368.790039,1373.910034,1363.939941,1369.579956,3559390000 +08-05-12,1369.160034,1369.160034,1347.75,1363.719971,4261670000 +09-05-12,1363.199951,1363.72998,1343.130005,1354.579956,4288540000 +10-05-12,1354.579956,1365.880005,1354.579956,1357.98999,3727990000 +11-05-12,1358.109985,1365.660034,1348.890015,1353.390015,3869070000 +14-05-12,1351.930054,1351.930054,1336.609985,1338.349976,3688120000 +15-05-12,1338.359985,1344.939941,1328.410034,1330.660034,4114040000 +16-05-12,1330.780029,1341.780029,1324.790039,1324.800049,4280420000 +17-05-12,1324.819946,1326.359985,1304.859985,1304.859985,4664280000 +18-05-12,1305.050049,1312.23999,1291.97998,1295.219971,4512470000 +21-05-12,1295.72998,1316.390015,1295.72998,1315.98999,3786750000 +22-05-12,1316.089966,1328.48999,1310.040039,1316.630005,4123680000 +23-05-12,1316.02002,1320.709961,1296.530029,1318.859985,4108330000 +24-05-12,1318.719971,1324.140015,1310.5,1320.680054,3937670000 +25-05-12,1320.810059,1324.199951,1314.22998,1317.819946,2872660000 +29-05-12,1318.900024,1334.930054,1318.900024,1332.420044,3441640000 +30-05-12,1331.25,1331.25,1310.76001,1313.319946,3534290000 +31-05-12,1313.089966,1319.73999,1298.900024,1310.329956,4557620000 +01-06-12,1309.869995,1309.869995,1277.25,1278.040039,4669350000 +04-06-12,1278.290039,1282.550049,1266.73999,1278.180054,4011960000 +05-06-12,1277.819946,1287.619995,1274.160034,1285.5,3403230000 +06-06-12,1285.609985,1315.130005,1285.609985,1315.130005,4268360000 +07-06-12,1316.150024,1329.050049,1312.680054,1314.98999,4258140000 +08-06-12,1314.98999,1325.810059,1307.77002,1325.660034,3497190000 +11-06-12,1325.719971,1335.52002,1307.72998,1308.930054,3537530000 +12-06-12,1309.400024,1324.310059,1306.619995,1324.180054,3442920000 +13-06-12,1324.02002,1327.280029,1310.51001,1314.880005,3506510000 +14-06-12,1314.880005,1333.680054,1314.140015,1329.099976,3687720000 +15-06-12,1329.189941,1343.319946,1329.189941,1342.839966,4401570000 +18-06-12,1342.420044,1348.219971,1334.459961,1344.780029,3259430000 +19-06-12,1344.829956,1363.459961,1344.829956,1357.97998,3815350000 +20-06-12,1358.040039,1361.569946,1346.449951,1355.689941,3695700000 +21-06-12,1355.430054,1358.27002,1324.410034,1325.51001,4094470000 +22-06-12,1325.920044,1337.819946,1325.920044,1335.02002,5271490000 +25-06-12,1334.900024,1334.900024,1309.27002,1313.719971,3501820000 +26-06-12,1314.089966,1324.23999,1310.300049,1319.98999,3412940000 +27-06-12,1320.709961,1334.400024,1320.709961,1331.849976,3286910000 +28-06-12,1331.52002,1331.52002,1313.290039,1329.040039,3969370000 +29-06-12,1330.119995,1362.170044,1330.119995,1362.160034,4590480000 +02-07-12,1362.329956,1366.349976,1355.699951,1365.51001,3301650000 +03-07-12,1365.75,1374.810059,1363.530029,1374.02002,2116390000 +05-07-12,1373.719971,1373.849976,1363.02002,1367.579956,3041520000 +06-07-12,1367.089966,1367.089966,1348.030029,1354.680054,2745140000 +09-07-12,1354.660034,1354.869995,1346.650024,1352.459961,2904860000 +10-07-12,1352.959961,1361.540039,1336.27002,1341.469971,3470600000 +11-07-12,1341.400024,1345,1333.25,1341.449951,3426290000 +12-07-12,1341.290039,1341.290039,1325.410034,1334.76001,3654440000 +13-07-12,1334.810059,1357.699951,1334.810059,1356.780029,3212930000 +16-07-12,1356.5,1357.26001,1348.51001,1353.640015,2862720000 +17-07-12,1353.680054,1365.359985,1345.069946,1363.670044,3566680000 +18-07-12,1363.579956,1375.26001,1358.959961,1372.780029,3642630000 +19-07-12,1373.01001,1380.390015,1371.209961,1376.51001,4043360000 +20-07-12,1376.51001,1376.51001,1362.189941,1362.660034,3925020000 +23-07-12,1362.339966,1362.339966,1337.560059,1350.52002,3717180000 +24-07-12,1350.52002,1351.530029,1329.23999,1338.310059,3891290000 +25-07-12,1338.349976,1343.97998,1331.5,1337.890015,3719170000 +26-07-12,1338.170044,1363.130005,1338.170044,1360.02002,4429300000 +27-07-12,1360.050049,1389.189941,1360.050049,1385.969971,4399010000 +30-07-12,1385.939941,1391.73999,1381.369995,1385.300049,3212060000 +31-07-12,1385.27002,1387.160034,1379.170044,1379.319946,3821570000 +01-08-12,1379.319946,1385.030029,1373.349976,1375.319946,4440920000 +02-08-12,1375.130005,1375.130005,1354.650024,1365,4193740000 +03-08-12,1365.449951,1394.160034,1365.449951,1390.98999,3751170000 +06-08-12,1391.040039,1399.630005,1391.040039,1394.22998,3122050000 +07-08-12,1394.459961,1407.140015,1394.459961,1401.349976,3682490000 +08-08-12,1401.22998,1404.140015,1396.130005,1402.219971,3221790000 +09-08-12,1402.26001,1405.949951,1398.800049,1402.800049,3119610000 +10-08-12,1402.579956,1405.97998,1395.619995,1405.869995,2767980000 +13-08-12,1405.869995,1405.869995,1397.319946,1404.109985,2499990000 +14-08-12,1404.359985,1410.030029,1400.599976,1403.930054,2930900000 +15-08-12,1403.890015,1407.72998,1401.829956,1405.530029,2655750000 +16-08-12,1405.569946,1417.439941,1404.150024,1415.51001,3114100000 +17-08-12,1415.839966,1418.709961,1414.670044,1418.160034,2922990000 +20-08-12,1417.849976,1418.130005,1412.119995,1418.130005,2766320000 +21-08-12,1418.130005,1426.680054,1410.859985,1413.170044,3282950000 +22-08-12,1413.089966,1416.119995,1406.780029,1413.48999,3062690000 +23-08-12,1413.48999,1413.48999,1400.5,1402.079956,3008240000 +24-08-12,1401.98999,1413.459961,1398.040039,1411.130005,2598790000 +27-08-12,1411.130005,1416.170044,1409.109985,1410.439941,2472500000 +28-08-12,1410.439941,1413.630005,1405.589966,1409.300049,2629090000 +29-08-12,1409.319946,1413.949951,1406.569946,1410.48999,2571220000 +30-08-12,1410.079956,1410.079956,1397.01001,1399.47998,2530280000 +31-08-12,1400.069946,1413.089966,1398.959961,1406.579956,2938250000 +04-09-12,1406.540039,1409.310059,1396.560059,1404.939941,3200310000 +05-09-12,1404.939941,1408.810059,1401.25,1403.439941,3389110000 +06-09-12,1403.73999,1432.119995,1403.73999,1432.119995,3952870000 +07-09-12,1432.119995,1437.920044,1431.449951,1437.920044,3717620000 +10-09-12,1437.920044,1438.73999,1428.97998,1429.079956,3223670000 +11-09-12,1429.130005,1437.76001,1429.130005,1433.560059,3509630000 +12-09-12,1433.560059,1439.150024,1432.98999,1436.560059,3641200000 +13-09-12,1436.560059,1463.76001,1435.339966,1459.98999,4606550000 +14-09-12,1460.069946,1474.51001,1460.069946,1465.77002,5041990000 +17-09-12,1465.420044,1465.630005,1457.550049,1461.189941,3482430000 +18-09-12,1461.189941,1461.469971,1456.130005,1459.319946,3377390000 +19-09-12,1459.5,1465.150024,1457.880005,1461.050049,3451360000 +20-09-12,1461.050049,1461.22998,1449.97998,1460.26001,3382520000 +21-09-12,1460.339966,1467.069946,1459.51001,1460.150024,4833870000 +24-09-12,1459.76001,1460.719971,1452.060059,1456.890015,3008920000 +25-09-12,1456.939941,1463.23999,1441.589966,1441.589966,3739900000 +26-09-12,1441.599976,1441.599976,1430.530029,1433.319946,3565380000 +27-09-12,1433.359985,1450.199951,1433.359985,1447.150024,3150330000 +28-09-12,1447.130005,1447.130005,1435.599976,1440.670044,3509230000 +01-10-12,1440.900024,1457.140015,1440.900024,1444.48999,3505080000 +02-10-12,1444.98999,1451.52002,1439.01001,1445.75,3321790000 +03-10-12,1446.050049,1454.300049,1441.98999,1450.98999,3531640000 +04-10-12,1451.079956,1463.140015,1451.079956,1461.400024,3615860000 +05-10-12,1461.400024,1470.959961,1456.890015,1460.930054,3172940000 +08-10-12,1460.930054,1460.930054,1453.099976,1455.880005,2328720000 +09-10-12,1455.900024,1455.900024,1441.180054,1441.47998,3216320000 +10-10-12,1441.47998,1442.52002,1430.640015,1432.560059,3225060000 +11-10-12,1432.819946,1443.900024,1432.819946,1432.839966,3672540000 +12-10-12,1432.839966,1438.430054,1425.530029,1428.589966,3134750000 +15-10-12,1428.75,1441.310059,1427.23999,1440.130005,3483810000 +16-10-12,1440.310059,1455.51001,1440.310059,1454.920044,3568770000 +17-10-12,1454.219971,1462.199951,1453.349976,1460.910034,3655320000 +18-10-12,1460.939941,1464.02002,1452.630005,1457.339966,3880030000 +19-10-12,1457.339966,1457.339966,1429.849976,1433.189941,3875170000 +22-10-12,1433.209961,1435.459961,1422.060059,1433.819946,3216220000 +23-10-12,1433.73999,1433.73999,1407.560059,1413.109985,3587670000 +24-10-12,1413.199951,1420.040039,1407.099976,1408.75,3385970000 +25-10-12,1409.73999,1421.119995,1405.140015,1412.969971,3512640000 +26-10-12,1412.969971,1417.089966,1403.280029,1411.939941,3284910000 +31-10-12,1410.98999,1418.76001,1405.949951,1412.160034,3577110000 +01-11-12,1412.199951,1428.349976,1412.199951,1427.589966,3929890000 +02-11-12,1427.589966,1434.27002,1412.910034,1414.199951,3732480000 +05-11-12,1414.02002,1419.900024,1408.130005,1417.26001,2921040000 +06-11-12,1417.26001,1433.380005,1417.26001,1428.390015,3306970000 +07-11-12,1428.27002,1428.27002,1388.140015,1394.530029,4356490000 +08-11-12,1394.530029,1401.22998,1377.51001,1377.51001,3779520000 +09-11-12,1377.550049,1391.390015,1373.030029,1379.849976,3647350000 +12-11-12,1379.859985,1384.869995,1377.189941,1380.030029,2567540000 +13-11-12,1380.030029,1388.810059,1371.390015,1374.530029,3455550000 +14-11-12,1374.640015,1380.130005,1352.5,1355.48999,4109510000 +15-11-12,1355.410034,1360.619995,1348.050049,1353.329956,3928870000 +16-11-12,1353.359985,1362.030029,1343.349976,1359.880005,4045910000 +19-11-12,1359.880005,1386.890015,1359.880005,1386.890015,3374800000 +20-11-12,1386.819946,1389.77002,1377.040039,1387.810059,3207160000 +21-11-12,1387.790039,1391.25,1386.390015,1391.030029,2667090000 +23-11-12,1391.030029,1409.160034,1391.030029,1409.150024,1504960000 +26-11-12,1409.150024,1409.150024,1397.680054,1406.290039,2948960000 +27-11-12,1406.290039,1409.01001,1398.030029,1398.939941,3323120000 +28-11-12,1398.77002,1410.310059,1385.430054,1409.930054,3359250000 +29-11-12,1409.959961,1419.699951,1409.040039,1415.949951,3356850000 +30-11-12,1415.949951,1418.859985,1411.630005,1416.180054,3966000000 +03-12-12,1416.339966,1423.72998,1408.459961,1409.459961,3074280000 +04-12-12,1409.459961,1413.140015,1403.650024,1407.050049,3247710000 +05-12-12,1407.050049,1415.560059,1398.22998,1409.280029,4253920000 +06-12-12,1409.430054,1413.949951,1405.930054,1413.939941,3229700000 +07-12-12,1413.949951,1420.339966,1410.900024,1418.069946,3125160000 +10-12-12,1418.069946,1421.640015,1415.640015,1418.550049,2999430000 +11-12-12,1418.550049,1434.27002,1418.550049,1427.839966,3650230000 +12-12-12,1427.839966,1438.589966,1426.76001,1428.47998,3709050000 +13-12-12,1428.47998,1431.359985,1416,1419.449951,3349960000 +14-12-12,1419.449951,1419.449951,1411.880005,1413.579956,3210170000 +17-12-12,1413.540039,1430.670044,1413.540039,1430.359985,3455610000 +18-12-12,1430.469971,1448,1430.469971,1446.790039,4302240000 +19-12-12,1446.790039,1447.75,1435.800049,1435.810059,3869800000 +20-12-12,1435.810059,1443.699951,1432.819946,1443.689941,3686580000 +21-12-12,1443.670044,1443.670044,1422.579956,1430.150024,5229160000 +24-12-12,1430.150024,1430.150024,1424.660034,1426.660034,1248960000 +26-12-12,1426.660034,1429.420044,1416.430054,1419.829956,2285030000 +27-12-12,1419.829956,1422.800049,1401.800049,1418.099976,2830180000 +28-12-12,1418.099976,1418.099976,1401.579956,1402.430054,2426680000 +31-12-12,1402.430054,1426.73999,1398.109985,1426.189941,3204330000 +02-01-13,1426.189941,1462.430054,1426.189941,1462.420044,4202600000 +03-01-13,1462.420044,1465.469971,1455.530029,1459.369995,3829730000 +04-01-13,1459.369995,1467.939941,1458.98999,1466.469971,3424290000 +07-01-13,1466.469971,1466.469971,1456.619995,1461.890015,3304970000 +08-01-13,1461.890015,1461.890015,1451.640015,1457.150024,3601600000 +09-01-13,1457.150024,1464.72998,1457.150024,1461.02002,3674390000 +10-01-13,1461.02002,1472.300049,1461.02002,1472.119995,4081840000 +11-01-13,1472.119995,1472.75,1467.579956,1472.050049,3340650000 +14-01-13,1472.050049,1472.050049,1465.689941,1470.680054,3003010000 +15-01-13,1470.670044,1473.310059,1463.76001,1472.339966,3135350000 +16-01-13,1472.329956,1473.959961,1467.599976,1472.630005,3384080000 +17-01-13,1472.630005,1485.160034,1472.630005,1480.939941,3706710000 +18-01-13,1480.949951,1485.97998,1475.810059,1485.97998,3795740000 +22-01-13,1485.97998,1492.560059,1481.160034,1492.560059,3570950000 +23-01-13,1492.560059,1496.130005,1489.900024,1494.810059,3552010000 +24-01-13,1494.810059,1502.27002,1489.459961,1494.819946,3699430000 +25-01-13,1494.819946,1503.26001,1494.819946,1502.959961,3476290000 +28-01-13,1502.959961,1503.22998,1496.329956,1500.180054,3388540000 +29-01-13,1500.180054,1509.349976,1498.089966,1507.839966,3949640000 +30-01-13,1507.839966,1509.939941,1500.109985,1501.959961,3726810000 +31-01-13,1501.959961,1504.189941,1496.76001,1498.109985,3999880000 +01-02-13,1498.109985,1514.410034,1498.109985,1513.170044,3836320000 +04-02-13,1513.170044,1513.170044,1495.02002,1495.709961,3390000000 +05-02-13,1495.709961,1514.959961,1495.709961,1511.290039,3618360000 +06-02-13,1511.290039,1512.530029,1504.709961,1512.119995,3611570000 +07-02-13,1512.119995,1512.900024,1498.48999,1509.390015,3614580000 +08-02-13,1509.390015,1518.310059,1509.390015,1517.930054,2986150000 +11-02-13,1517.930054,1518.310059,1513.609985,1517.01001,2684100000 +12-02-13,1517.01001,1522.290039,1515.609985,1519.430054,3414370000 +13-02-13,1519.430054,1524.689941,1515.930054,1520.329956,3385880000 +14-02-13,1520.329956,1523.140015,1514.02002,1521.380005,3759740000 +15-02-13,1521.380005,1524.23999,1514.140015,1519.790039,3838510000 +19-02-13,1519.790039,1530.939941,1519.790039,1530.939941,3748910000 +20-02-13,1530.939941,1530.939941,1511.410034,1511.949951,4240570000 +21-02-13,1511.949951,1511.949951,1497.290039,1502.420044,4274600000 +22-02-13,1502.420044,1515.640015,1502.420044,1515.599976,3419320000 +25-02-13,1515.599976,1525.839966,1487.849976,1487.849976,4011050000 +26-02-13,1487.849976,1498.98999,1485.01001,1496.939941,3975280000 +27-02-13,1496.939941,1520.079956,1494.880005,1515.98999,3551850000 +28-02-13,1515.98999,1525.339966,1514.459961,1514.680054,3912320000 +01-03-13,1514.680054,1519.98999,1501.47998,1518.199951,3695610000 +04-03-13,1518.199951,1525.27002,1512.290039,1525.199951,3414430000 +05-03-13,1525.199951,1543.469971,1525.199951,1539.790039,3610690000 +06-03-13,1539.790039,1545.25,1538.109985,1541.459961,3676890000 +07-03-13,1541.459961,1545.780029,1541.459961,1544.26001,3634710000 +08-03-13,1544.26001,1552.47998,1542.939941,1551.180054,3652260000 +11-03-13,1551.150024,1556.27002,1547.359985,1556.219971,3091080000 +12-03-13,1556.219971,1556.77002,1548.23999,1552.47998,3274910000 +13-03-13,1552.47998,1556.390015,1548.25,1554.52002,3073830000 +14-03-13,1554.52002,1563.319946,1554.52002,1563.22998,3459260000 +15-03-13,1563.209961,1563.619995,1555.73999,1560.699951,5175850000 +18-03-13,1560.699951,1560.699951,1545.130005,1552.099976,3164560000 +19-03-13,1552.099976,1557.25,1538.569946,1548.339966,3796210000 +20-03-13,1548.339966,1561.560059,1548.339966,1558.709961,3349090000 +21-03-13,1558.709961,1558.709961,1543.550049,1545.800049,3243270000 +22-03-13,1545.900024,1557.73999,1545.900024,1556.890015,2948380000 +25-03-13,1556.890015,1564.910034,1546.219971,1551.689941,3178170000 +26-03-13,1551.689941,1563.949951,1551.689941,1563.77002,2869260000 +27-03-13,1563.75,1564.069946,1551.900024,1562.849976,2914210000 +28-03-13,1562.859985,1570.280029,1561.079956,1569.189941,3304440000 +01-04-13,1569.180054,1570.569946,1558.469971,1562.170044,2753110000 +02-04-13,1562.170044,1573.660034,1562.170044,1570.25,3312160000 +03-04-13,1570.25,1571.469971,1549.800049,1553.689941,4060610000 +04-04-13,1553.689941,1562.599976,1552.52002,1559.97998,3350670000 +05-04-13,1559.97998,1559.97998,1539.5,1553.280029,3515410000 +08-04-13,1553.26001,1563.069946,1548.630005,1563.069946,2887120000 +09-04-13,1563.109985,1573.890015,1560.920044,1568.609985,3252780000 +10-04-13,1568.609985,1589.069946,1568.609985,1587.72998,3453350000 +11-04-13,1587.72998,1597.349976,1586.170044,1593.369995,3393950000 +12-04-13,1593.300049,1593.300049,1579.969971,1588.849976,3206290000 +15-04-13,1588.839966,1588.839966,1552.280029,1552.359985,4660130000 +16-04-13,1552.359985,1575.349976,1552.359985,1574.569946,3654700000 +17-04-13,1574.569946,1574.569946,1543.689941,1552.01001,4250310000 +18-04-13,1552.030029,1554.380005,1536.030029,1541.609985,3890800000 +19-04-13,1541.609985,1555.890015,1539.400024,1555.25,3569870000 +22-04-13,1555.25,1565.550049,1548.189941,1562.5,2979880000 +23-04-13,1562.5,1579.579956,1562.5,1578.780029,3565150000 +24-04-13,1578.780029,1583,1575.800049,1578.790039,3598240000 +25-04-13,1578.930054,1592.640015,1578.930054,1585.160034,3908580000 +26-04-13,1585.160034,1585.780029,1577.560059,1582.23999,3198620000 +29-04-13,1582.339966,1596.650024,1582.339966,1593.609985,2891200000 +30-04-13,1593.579956,1597.569946,1586.5,1597.569946,3745070000 +01-05-13,1597.550049,1597.550049,1581.280029,1582.699951,3530320000 +02-05-13,1582.77002,1598.599976,1582.77002,1597.589966,3366950000 +03-05-13,1597.599976,1618.459961,1597.599976,1614.420044,3603910000 +06-05-13,1614.400024,1619.77002,1614.209961,1617.5,3062240000 +07-05-13,1617.550049,1626.030029,1616.640015,1625.959961,3309580000 +08-05-13,1625.949951,1632.780029,1622.699951,1632.689941,3554700000 +09-05-13,1632.689941,1635.01001,1623.089966,1626.670044,3457400000 +10-05-13,1626.689941,1633.699951,1623.709961,1633.699951,3086470000 +13-05-13,1632.099976,1636,1626.73999,1633.77002,2910600000 +14-05-13,1633.75,1651.099976,1633.75,1650.339966,3457790000 +15-05-13,1649.130005,1661.48999,1646.680054,1658.780029,3657440000 +16-05-13,1658.069946,1660.51001,1648.599976,1650.469971,3513130000 +17-05-13,1652.449951,1667.469971,1652.449951,1667.469971,3440710000 +20-05-13,1665.709961,1672.839966,1663.52002,1666.290039,3275080000 +21-05-13,1666.199951,1674.930054,1662.670044,1669.160034,3513560000 +22-05-13,1669.390015,1687.180054,1648.859985,1655.349976,4361020000 +23-05-13,1651.619995,1655.5,1635.530029,1650.51001,3945510000 +24-05-13,1646.670044,1649.780029,1636.880005,1649.599976,2758080000 +28-05-13,1652.630005,1674.209961,1652.630005,1660.060059,3457400000 +29-05-13,1656.569946,1656.569946,1640.050049,1648.359985,3587140000 +30-05-13,1649.140015,1661.910034,1648.609985,1654.410034,3498620000 +31-05-13,1652.130005,1658.98999,1630.73999,1630.73999,4099600000 +03-06-13,1631.709961,1640.420044,1622.719971,1640.420044,3952070000 +04-06-13,1640.72998,1646.530029,1623.619995,1631.380005,3653840000 +05-06-13,1629.050049,1629.310059,1607.089966,1608.900024,3632350000 +06-06-13,1609.290039,1622.560059,1598.22998,1622.560059,3547380000 +07-06-13,1625.27002,1644.400024,1625.27002,1643.380005,3371990000 +10-06-13,1644.670044,1648.689941,1639.26001,1642.810059,2978730000 +11-06-13,1638.640015,1640.130005,1622.920044,1626.130005,3435710000 +12-06-13,1629.939941,1637.709961,1610.920044,1612.52002,3202550000 +13-06-13,1612.150024,1639.25,1608.069946,1636.359985,3378620000 +14-06-13,1635.52002,1640.800049,1623.959961,1626.72998,2939400000 +17-06-13,1630.640015,1646.5,1630.339966,1639.040039,3137080000 +18-06-13,1639.77002,1654.189941,1639.77002,1651.810059,3120980000 +19-06-13,1651.829956,1652.449951,1628.910034,1628.930054,3545060000 +20-06-13,1624.619995,1624.619995,1584.319946,1588.189941,4858850000 +21-06-13,1588.619995,1599.189941,1577.699951,1592.430054,5797280000 +24-06-13,1588.77002,1588.77002,1560.329956,1573.089966,4733660000 +25-06-13,1577.52002,1593.790039,1577.089966,1588.030029,3761170000 +26-06-13,1592.27002,1606.829956,1592.27002,1603.26001,3558340000 +27-06-13,1606.439941,1620.069946,1606.439941,1613.199951,3364540000 +28-06-13,1611.119995,1615.939941,1601.060059,1606.280029,4977190000 +01-07-13,1609.780029,1626.609985,1609.780029,1614.959961,3104690000 +02-07-13,1614.290039,1624.26001,1606.77002,1614.079956,3317130000 +03-07-13,1611.47998,1618.969971,1604.569946,1615.410034,1966050000 +05-07-13,1618.650024,1632.069946,1614.709961,1631.890015,2634140000 +08-07-13,1634.199951,1644.680054,1634.199951,1640.459961,3514590000 +09-07-13,1642.890015,1654.180054,1642.890015,1652.319946,3155360000 +10-07-13,1651.560059,1657.920044,1647.660034,1652.619995,3011010000 +11-07-13,1657.410034,1676.630005,1657.410034,1675.02002,3446340000 +12-07-13,1675.26001,1680.189941,1672.329956,1680.189941,3039070000 +15-07-13,1679.589966,1684.51001,1677.890015,1682.5,2623200000 +16-07-13,1682.699951,1683.72998,1671.839966,1676.26001,3081710000 +17-07-13,1677.910034,1684.75,1677.910034,1680.910034,3153440000 +18-07-13,1681.050049,1693.119995,1681.050049,1689.369995,3452370000 +19-07-13,1686.150024,1692.089966,1684.079956,1692.089966,3302580000 +22-07-13,1694.410034,1697.609985,1690.670044,1695.530029,2779130000 +23-07-13,1696.630005,1698.780029,1691.130005,1692.390015,3096180000 +24-07-13,1696.060059,1698.380005,1682.569946,1685.939941,3336120000 +25-07-13,1685.209961,1690.939941,1680.069946,1690.25,3322500000 +26-07-13,1687.310059,1691.849976,1676.030029,1691.650024,2762770000 +29-07-13,1690.319946,1690.920044,1681.859985,1685.329956,2840520000 +30-07-13,1687.920044,1693.189941,1682.420044,1685.959961,3320530000 +31-07-13,1687.76001,1698.430054,1684.939941,1685.72998,3847390000 +01-08-13,1689.420044,1707.849976,1689.420044,1706.869995,3775170000 +02-08-13,1706.099976,1709.670044,1700.680054,1709.670044,3136630000 +05-08-13,1708.01001,1709.23999,1703.550049,1707.140015,2529300000 +06-08-13,1705.790039,1705.790039,1693.290039,1697.369995,3141210000 +07-08-13,1695.300049,1695.300049,1684.910034,1690.910034,3010230000 +08-08-13,1693.349976,1700.180054,1688.380005,1697.47998,3271660000 +09-08-13,1696.099976,1699.420044,1686.02002,1691.420044,2957670000 +12-08-13,1688.369995,1691.48999,1683.349976,1689.469971,2789160000 +13-08-13,1690.650024,1696.810059,1682.619995,1694.160034,3035560000 +14-08-13,1693.880005,1695.52002,1684.829956,1685.390015,2871430000 +15-08-13,1679.609985,1679.609985,1658.589966,1661.319946,3426690000 +16-08-13,1661.219971,1663.599976,1652.609985,1655.829956,3211450000 +19-08-13,1655.25,1659.180054,1645.839966,1646.060059,2904530000 +20-08-13,1646.810059,1658.920044,1646.079956,1652.349976,2994090000 +21-08-13,1650.660034,1656.98999,1639.430054,1642.800049,2932180000 +22-08-13,1645.030029,1659.550049,1645.030029,1656.959961,2537460000 +23-08-13,1659.920044,1664.849976,1654.810059,1663.5,2582670000 +26-08-13,1664.290039,1669.51001,1656.02002,1656.780029,2430670000 +27-08-13,1652.540039,1652.540039,1629.050049,1630.47998,3219190000 +28-08-13,1630.25,1641.180054,1627.469971,1634.959961,2784010000 +29-08-13,1633.5,1646.410034,1630.880005,1638.170044,2527550000 +30-08-13,1638.890015,1640.079956,1628.050049,1632.969971,2734300000 +03-09-13,1635.949951,1651.349976,1633.410034,1639.77002,3731610000 +04-09-13,1640.719971,1655.719971,1637.410034,1653.079956,3312150000 +05-09-13,1653.280029,1659.170044,1653.069946,1655.079956,2957110000 +06-09-13,1657.439941,1664.829956,1640.619995,1655.170044,3123880000 +09-09-13,1656.849976,1672.400024,1656.849976,1671.709961,3102780000 +10-09-13,1675.109985,1684.089966,1675.109985,1683.98999,3691800000 +11-09-13,1681.040039,1689.130005,1678.699951,1689.130005,3135460000 +12-09-13,1689.209961,1689.969971,1681.959961,1683.420044,3106290000 +13-09-13,1685.040039,1688.72998,1682.219971,1687.98999,2736500000 +16-09-13,1691.699951,1704.949951,1691.699951,1697.599976,3079800000 +17-09-13,1697.72998,1705.52002,1697.72998,1704.76001,2774240000 +18-09-13,1705.73999,1729.439941,1700.349976,1725.52002,3989760000 +19-09-13,1727.339966,1729.859985,1720.199951,1722.339966,3740130000 +20-09-13,1722.439941,1725.22998,1708.890015,1709.910034,5074030000 +23-09-13,1711.439941,1711.439941,1697.099976,1701.839966,3126950000 +24-09-13,1702.599976,1707.630005,1694.900024,1697.420044,3268930000 +25-09-13,1698.02002,1701.709961,1691.880005,1692.77002,3148730000 +26-09-13,1694.050049,1703.849976,1693.109985,1698.670044,2813930000 +27-09-13,1695.52002,1695.52002,1687.109985,1691.75,2951700000 +30-09-13,1687.26001,1687.26001,1674.98999,1681.550049,3308630000 +01-10-13,1682.410034,1696.550049,1682.069946,1695,3238690000 +02-10-13,1691.900024,1693.869995,1680.339966,1693.869995,3148600000 +03-10-13,1692.349976,1692.349976,1670.359985,1678.660034,3279650000 +04-10-13,1678.790039,1691.939941,1677.329956,1690.5,2880270000 +07-10-13,1687.150024,1687.150024,1674.699951,1676.119995,2678490000 +08-10-13,1676.219971,1676.790039,1655.030029,1655.449951,3569230000 +09-10-13,1656.98999,1662.469971,1646.469971,1656.400024,3577840000 +10-10-13,1660.880005,1692.560059,1660.880005,1692.560059,3362300000 +11-10-13,1691.089966,1703.439941,1688.52002,1703.199951,2944670000 +14-10-13,1699.859985,1711.030029,1692.130005,1710.140015,2580580000 +15-10-13,1709.170044,1711.569946,1695.930054,1698.060059,3327740000 +16-10-13,1700.48999,1721.76001,1700.48999,1721.540039,3486180000 +17-10-13,1720.170044,1733.449951,1714.119995,1733.150024,3453590000 +18-10-13,1736.719971,1745.310059,1735.73999,1744.5,3664890000 +21-10-13,1745.199951,1747.790039,1740.670044,1744.660034,3052710000 +22-10-13,1746.47998,1759.329956,1746.47998,1754.670044,3850840000 +23-10-13,1752.27002,1752.27002,1740.5,1746.380005,3713380000 +24-10-13,1747.47998,1753.939941,1745.5,1752.069946,3671700000 +25-10-13,1756.01001,1759.819946,1752.449951,1759.77002,3175720000 +28-10-13,1759.420044,1764.98999,1757.670044,1762.109985,3282300000 +29-10-13,1762.930054,1772.089966,1762.930054,1771.949951,3358460000 +30-10-13,1772.27002,1775.219971,1757.23999,1763.310059,3523040000 +31-10-13,1763.23999,1768.530029,1755.719971,1756.540039,3826530000 +01-11-13,1758.699951,1765.670044,1752.699951,1761.640015,3686290000 +04-11-13,1763.400024,1768.780029,1761.560059,1767.930054,3194870000 +05-11-13,1765.670044,1767.030029,1755.76001,1762.969971,3516680000 +06-11-13,1765,1773.73999,1764.400024,1770.48999,3322100000 +07-11-13,1770.73999,1774.540039,1746.199951,1747.150024,4143200000 +08-11-13,1748.369995,1770.780029,1747.630005,1770.609985,3837170000 +11-11-13,1769.959961,1773.439941,1767.849976,1771.890015,2534060000 +12-11-13,1769.51001,1771.780029,1762.290039,1767.689941,3221030000 +13-11-13,1764.369995,1782,1760.640015,1782,3327480000 +14-11-13,1782.75,1791.530029,1780.219971,1790.619995,3139060000 +15-11-13,1790.660034,1798.219971,1790.660034,1798.180054,3254820000 +18-11-13,1798.819946,1802.329956,1788,1791.530029,3168520000 +19-11-13,1790.790039,1795.51001,1784.719971,1787.869995,3224450000 +20-11-13,1789.589966,1795.72998,1777.22998,1781.369995,3109140000 +21-11-13,1783.52002,1797.160034,1783.52002,1795.849976,3256630000 +22-11-13,1797.209961,1804.839966,1794.699951,1804.76001,3055140000 +25-11-13,1806.329956,1808.099976,1800.579956,1802.47998,2998540000 +26-11-13,1802.869995,1808.420044,1800.77002,1802.75,3427120000 +27-11-13,1803.47998,1808.27002,1802.77002,1807.22998,2613590000 +29-11-13,1808.689941,1813.550049,1803.97998,1805.810059,1598300000 +02-12-13,1806.550049,1810.02002,1798.599976,1800.900024,3095430000 +03-12-13,1800.099976,1800.099976,1787.849976,1795.150024,3475680000 +04-12-13,1793.150024,1799.800049,1779.089966,1792.810059,3610540000 +05-12-13,1792.819946,1792.819946,1783.380005,1785.030029,3336880000 +06-12-13,1788.359985,1806.040039,1788.359985,1805.089966,3150030000 +09-12-13,1806.209961,1811.52002,1806.209961,1808.369995,3129500000 +10-12-13,1807.599976,1808.52002,1801.75,1802.619995,3117150000 +11-12-13,1802.76001,1802.969971,1780.089966,1782.219971,3472240000 +12-12-13,1781.709961,1782.98999,1772.280029,1775.5,3306640000 +13-12-13,1777.97998,1780.920044,1772.449951,1775.319946,3061070000 +16-12-13,1777.47998,1792.219971,1777.47998,1786.540039,3209890000 +17-12-13,1786.469971,1786.77002,1777.050049,1781,3270030000 +18-12-13,1781.459961,1811.079956,1767.98999,1810.650024,4327770000 +19-12-13,1809,1810.880005,1801.349976,1809.599976,3497210000 +20-12-13,1810.390015,1823.75,1810.25,1818.319946,5097700000 +23-12-13,1822.920044,1829.75,1822.920044,1827.98999,2851540000 +24-12-13,1828.02002,1833.319946,1828.02002,1833.319946,1307630000 +26-12-13,1834.959961,1842.839966,1834.959961,1842.02002,1982270000 +27-12-13,1842.969971,1844.890015,1839.810059,1841.400024,2052920000 +30-12-13,1841.469971,1842.469971,1838.77002,1841.069946,2293860000 +31-12-13,1842.609985,1849.439941,1842.410034,1848.359985,2312840000 +02-01-14,1845.859985,1845.859985,1827.73999,1831.97998,3080600000 +03-01-14,1833.209961,1838.23999,1829.130005,1831.369995,2774270000 +06-01-14,1832.310059,1837.160034,1823.72998,1826.77002,3294850000 +07-01-14,1828.709961,1840.099976,1828.709961,1837.880005,3511750000 +08-01-14,1837.900024,1840.02002,1831.400024,1837.48999,3652140000 +09-01-14,1839,1843.22998,1830.380005,1838.130005,3581150000 +10-01-14,1840.060059,1843.150024,1832.430054,1842.369995,3335710000 +13-01-14,1841.26001,1843.449951,1815.52002,1819.199951,3591350000 +14-01-14,1821.359985,1839.26001,1821.359985,1838.880005,3353270000 +15-01-14,1840.52002,1850.839966,1840.52002,1848.380005,3777800000 +16-01-14,1847.98999,1847.98999,1840.300049,1845.890015,3491310000 +17-01-14,1844.22998,1846.040039,1835.22998,1838.699951,3626120000 +21-01-14,1841.050049,1849.310059,1832.380005,1843.800049,3782470000 +22-01-14,1844.709961,1846.869995,1840.880005,1844.859985,3374170000 +23-01-14,1842.290039,1842.290039,1820.060059,1828.459961,3972250000 +24-01-14,1826.959961,1826.959961,1790.290039,1790.290039,4618450000 +27-01-14,1791.030029,1795.97998,1772.880005,1781.560059,4045200000 +28-01-14,1783,1793.869995,1779.48999,1792.5,3437830000 +29-01-14,1790.150024,1790.150024,1770.449951,1774.199951,3964020000 +30-01-14,1777.170044,1798.77002,1777.170044,1794.189941,3547510000 +31-01-14,1790.880005,1793.880005,1772.26001,1782.589966,4059690000 +03-02-14,1782.680054,1784.829956,1739.660034,1741.890015,4726040000 +04-02-14,1743.819946,1758.72998,1743.819946,1755.199951,4068410000 +05-02-14,1753.380005,1755.790039,1737.920044,1751.640015,3984290000 +06-02-14,1752.98999,1774.060059,1752.98999,1773.430054,3825410000 +07-02-14,1776.01001,1798.030029,1776.01001,1797.02002,3775990000 +10-02-14,1796.199951,1799.939941,1791.829956,1799.839966,3312160000 +11-02-14,1800.449951,1823.540039,1800.410034,1819.75,3699380000 +12-02-14,1820.119995,1826.550049,1815.969971,1819.26001,3326380000 +13-02-14,1814.819946,1830.25,1809.219971,1829.829956,3289510000 +14-02-14,1828.459961,1841.650024,1825.589966,1838.630005,3114750000 +18-02-14,1839.030029,1842.869995,1835.01001,1840.76001,3421110000 +19-02-14,1838.900024,1847.5,1826.98999,1828.75,3661570000 +20-02-14,1829.23999,1842.790039,1824.579956,1839.780029,3404980000 +21-02-14,1841.069946,1846.130005,1835.599976,1836.25,3403880000 +24-02-14,1836.780029,1858.709961,1836.780029,1847.609985,4014530000 +25-02-14,1847.660034,1852.910034,1840.189941,1845.119995,3515560000 +26-02-14,1845.790039,1852.650024,1840.660034,1845.160034,3716730000 +27-02-14,1844.900024,1854.530029,1841.130005,1854.290039,3547460000 +28-02-14,1855.119995,1867.920044,1847.670044,1859.449951,3917450000 +03-03-14,1857.680054,1857.680054,1834.439941,1845.72998,3428220000 +04-03-14,1849.22998,1876.22998,1849.22998,1873.910034,3765770000 +05-03-14,1874.050049,1876.530029,1871.109985,1873.810059,3392990000 +06-03-14,1874.180054,1881.939941,1874.180054,1877.030029,3360450000 +07-03-14,1878.52002,1883.569946,1870.560059,1878.040039,3564740000 +10-03-14,1877.859985,1877.869995,1867.040039,1877.170044,3021350000 +11-03-14,1878.26001,1882.349976,1863.880005,1867.630005,3392400000 +12-03-14,1866.150024,1868.380005,1854.380005,1868.199951,3270860000 +13-03-14,1869.060059,1874.400024,1841.859985,1846.339966,3670990000 +14-03-14,1845.069946,1852.439941,1839.569946,1841.130005,3285460000 +17-03-14,1842.810059,1862.300049,1842.810059,1858.829956,2860490000 +18-03-14,1858.920044,1873.76001,1858.920044,1872.25,2930190000 +19-03-14,1872.25,1874.140015,1850.349976,1860.77002,3289210000 +20-03-14,1860.089966,1873.48999,1854.630005,1872.01001,3327540000 +21-03-14,1874.530029,1883.969971,1863.459961,1866.52002,5270710000 +24-03-14,1867.670044,1873.339966,1849.689941,1857.439941,3409000000 +25-03-14,1859.47998,1871.869995,1855.959961,1865.619995,3200560000 +26-03-14,1867.089966,1875.920044,1852.560059,1852.560059,3480850000 +27-03-14,1852.109985,1855.550049,1842.109985,1849.040039,3733430000 +28-03-14,1850.069946,1866.630005,1850.069946,1857.619995,2955520000 +31-03-14,1859.160034,1875.180054,1859.160034,1872.339966,3274300000 +01-04-14,1873.959961,1885.839966,1873.959961,1885.52002,3336190000 +02-04-14,1886.609985,1893.170044,1883.790039,1890.900024,3131660000 +03-04-14,1891.430054,1893.800049,1882.650024,1888.77002,3055600000 +04-04-14,1890.25,1897.280029,1863.26001,1865.089966,3583750000 +07-04-14,1863.920044,1864.040039,1841.47998,1845.040039,3801540000 +08-04-14,1845.47998,1854.949951,1837.48999,1851.959961,3721450000 +09-04-14,1852.640015,1872.430054,1852.380005,1872.180054,3308650000 +10-04-14,1872.280029,1872.530029,1830.869995,1833.079956,3758780000 +11-04-14,1830.650024,1835.069946,1814.359985,1815.689941,3743460000 +14-04-14,1818.180054,1834.189941,1815.800049,1830.609985,3111540000 +15-04-14,1831.449951,1844.02002,1816.290039,1842.97998,3736440000 +16-04-14,1846.01001,1862.310059,1846.01001,1862.310059,3155080000 +17-04-14,1861.72998,1869.630005,1856.719971,1864.849976,3341430000 +21-04-14,1865.790039,1871.890015,1863.180054,1871.890015,2642500000 +22-04-14,1872.569946,1884.890015,1872.569946,1879.550049,3215440000 +23-04-14,1879.319946,1879.75,1873.910034,1875.390015,3085720000 +24-04-14,1881.969971,1884.060059,1870.23999,1878.609985,3191830000 +25-04-14,1877.719971,1877.719971,1859.699951,1863.400024,3213020000 +28-04-14,1865,1877.01001,1850.609985,1869.430054,4034680000 +29-04-14,1870.780029,1880.599976,1870.780029,1878.329956,3647820000 +30-04-14,1877.099976,1885.199951,1872.689941,1883.949951,3779230000 +01-05-14,1884.390015,1888.589966,1878.040039,1883.680054,3416740000 +02-05-14,1885.300049,1891.329956,1878.5,1881.140015,3159560000 +05-05-14,1879.449951,1885.51001,1866.77002,1884.660034,2733730000 +06-05-14,1883.689941,1883.689941,1867.719971,1867.719971,3327260000 +07-05-14,1868.530029,1878.829956,1859.790039,1878.209961,3632950000 +08-05-14,1877.390015,1889.069946,1870.050049,1875.630005,3393420000 +09-05-14,1875.27002,1878.569946,1867.02002,1878.47998,3025020000 +12-05-14,1880.030029,1897.130005,1880.030029,1896.650024,3005740000 +13-05-14,1896.75,1902.170044,1896.060059,1897.449951,2915680000 +14-05-14,1897.130005,1897.130005,1885.77002,1888.530029,2822060000 +15-05-14,1888.160034,1888.160034,1862.359985,1870.849976,3552640000 +16-05-14,1871.189941,1878.280029,1864.819946,1877.859985,3173650000 +19-05-14,1876.660034,1886,1872.420044,1885.079956,2664250000 +20-05-14,1884.880005,1884.880005,1868.140015,1872.829956,3007700000 +21-05-14,1873.339966,1888.800049,1873.339966,1888.030029,2777140000 +22-05-14,1888.189941,1896.329956,1885.390015,1892.48999,2759800000 +23-05-14,1893.319946,1901.26001,1893.319946,1900.530029,2396280000 +27-05-14,1902.01001,1912.280029,1902.01001,1911.910034,2911020000 +28-05-14,1911.77002,1914.459961,1907.300049,1909.780029,2976450000 +29-05-14,1910.599976,1920.030029,1909.819946,1920.030029,2709050000 +30-05-14,1920.329956,1924.030029,1916.640015,1923.569946,3263490000 +02-06-14,1923.869995,1925.880005,1915.97998,1924.969971,2509020000 +03-06-14,1923.069946,1925.069946,1918.790039,1924.23999,2867180000 +04-06-14,1923.060059,1928.630005,1918.599976,1927.880005,2793920000 +05-06-14,1928.52002,1941.73999,1922.930054,1940.459961,3113270000 +06-06-14,1942.410034,1949.439941,1942.410034,1949.439941,2864300000 +09-06-14,1948.969971,1955.550049,1947.160034,1951.27002,2812180000 +10-06-14,1950.339966,1950.859985,1944.640015,1950.790039,2702360000 +11-06-14,1949.369995,1949.369995,1940.079956,1943.890015,2710620000 +12-06-14,1943.349976,1943.349976,1925.780029,1930.109985,3040480000 +13-06-14,1930.800049,1937.300049,1927.689941,1936.160034,2598230000 +16-06-14,1934.839966,1941.150024,1930.910034,1937.780029,2926130000 +17-06-14,1937.150024,1943.689941,1933.550049,1941.98999,2971260000 +18-06-14,1942.72998,1957.73999,1939.290039,1956.97998,3065220000 +19-06-14,1957.5,1959.869995,1952.26001,1959.47998,2952150000 +20-06-14,1960.449951,1963.910034,1959.170044,1962.869995,4336240000 +23-06-14,1962.920044,1963.73999,1958.890015,1962.609985,2717630000 +24-06-14,1961.969971,1968.170044,1948.339966,1949.97998,3089700000 +25-06-14,1949.27002,1960.829956,1947.48999,1959.530029,3106710000 +26-06-14,1959.890015,1959.890015,1944.689941,1957.219971,2778840000 +27-06-14,1956.560059,1961.469971,1952.180054,1960.959961,4290590000 +30-06-14,1960.790039,1964.23999,1958.219971,1960.22998,3037350000 +01-07-14,1962.290039,1978.579956,1962.290039,1973.319946,3188240000 +02-07-14,1973.060059,1976.670044,1972.579956,1974.619995,2851480000 +03-07-14,1975.880005,1985.589966,1975.880005,1985.439941,1998090000 +07-07-14,1984.219971,1984.219971,1974.880005,1977.650024,2681260000 +08-07-14,1976.390015,1976.390015,1959.459961,1963.709961,3302430000 +09-07-14,1965.099976,1974.150024,1965.099976,1972.829956,2858800000 +10-07-14,1966.670044,1969.839966,1952.859985,1964.680054,3165690000 +11-07-14,1965.76001,1968.670044,1959.630005,1967.569946,2684630000 +14-07-14,1969.859985,1979.849976,1969.859985,1977.099976,2744920000 +15-07-14,1977.359985,1982.52002,1965.339966,1973.280029,3328740000 +16-07-14,1976.349976,1983.939941,1975.670044,1981.569946,3390950000 +17-07-14,1979.75,1981.800049,1955.589966,1958.119995,3381680000 +18-07-14,1961.540039,1979.910034,1960.819946,1978.219971,3106060000 +21-07-14,1976.930054,1976.930054,1965.77002,1973.630005,2611160000 +22-07-14,1975.650024,1986.23999,1975.650024,1983.530029,2890480000 +23-07-14,1985.319946,1989.22998,1982.439941,1987.01001,2869720000 +24-07-14,1988.069946,1991.390015,1985.790039,1987.97998,3203530000 +25-07-14,1984.599976,1984.599976,1974.369995,1978.339966,2638960000 +28-07-14,1978.25,1981.52002,1967.310059,1978.910034,2803320000 +29-07-14,1980.030029,1984.849976,1969.949951,1969.949951,3183300000 +30-07-14,1973.209961,1978.900024,1962.420044,1970.069946,3448250000 +31-07-14,1965.140015,1965.140015,1930.670044,1930.670044,4193000000 +01-08-14,1929.800049,1937.349976,1916.369995,1925.150024,3789660000 +04-08-14,1926.619995,1942.920044,1921.199951,1938.98999,3072920000 +05-08-14,1936.339966,1936.339966,1913.77002,1920.209961,3462520000 +06-08-14,1917.290039,1927.910034,1911.449951,1920.23999,3539150000 +07-08-14,1923.030029,1928.890015,1904.780029,1909.569946,3230520000 +08-08-14,1910.349976,1932.380005,1909.01001,1931.589966,2902280000 +11-08-14,1933.430054,1944.900024,1933.430054,1936.920044,2784890000 +12-08-14,1935.72998,1939.650024,1928.290039,1933.75,2611700000 +13-08-14,1935.599976,1948.410034,1935.599976,1946.719971,2718020000 +14-08-14,1947.410034,1955.22998,1947.410034,1955.180054,2609460000 +15-08-14,1958.869995,1964.040039,1941.5,1955.060059,3023380000 +18-08-14,1958.359985,1971.98999,1958.359985,1971.73999,2638160000 +19-08-14,1972.72998,1982.569946,1972.72998,1981.599976,2656430000 +20-08-14,1980.459961,1988.569946,1977.680054,1986.51001,2579560000 +21-08-14,1986.819946,1994.76001,1986.819946,1992.369995,2638920000 +22-08-14,1992.599976,1993.540039,1984.76001,1988.400024,2301860000 +25-08-14,1991.73999,2001.949951,1991.73999,1997.920044,2233880000 +26-08-14,1998.589966,2005.040039,1998.589966,2000.02002,2451950000 +27-08-14,2000.540039,2002.140015,1996.199951,2000.119995,2344350000 +28-08-14,1997.420044,1998.550049,1990.52002,1996.73999,2282400000 +29-08-14,1998.449951,2003.380005,1994.650024,2003.369995,2259130000 +02-09-14,2004.069946,2006.119995,1994.849976,2002.280029,2819980000 +03-09-14,2003.569946,2009.280029,1998.140015,2000.719971,2809980000 +04-09-14,2001.670044,2011.170044,1992.540039,1997.650024,3072410000 +05-09-14,1998,2007.709961,1990.099976,2007.709961,2818300000 +08-09-14,2007.170044,2007.170044,1995.599976,2001.540039,2789090000 +09-09-14,2000.72998,2001.01001,1984.609985,1988.439941,2882830000 +10-09-14,1988.410034,1996.660034,1982.98999,1995.689941,2912430000 +11-09-14,1992.849976,1997.650024,1985.930054,1997.449951,2941690000 +12-09-14,1996.73999,1996.73999,1980.26001,1985.540039,3206570000 +15-09-14,1986.040039,1987.180054,1978.47998,1984.130005,2776530000 +16-09-14,1981.930054,2002.280029,1979.060059,1998.97998,3160310000 +17-09-14,1999.300049,2010.73999,1993.290039,2001.569946,3209420000 +18-09-14,2003.069946,2012.339966,2003.069946,2011.359985,3235340000 +19-09-14,2012.73999,2019.26001,2006.589966,2010.400024,4880220000 +22-09-14,2009.079956,2009.079956,1991.01001,1994.290039,3349670000 +23-09-14,1992.780029,1995.410034,1982.77002,1982.77002,3279350000 +24-09-14,1983.339966,1999.790039,1978.630005,1998.300049,3313850000 +25-09-14,1997.319946,1997.319946,1965.98999,1965.98999,3273050000 +26-09-14,1966.219971,1986.369995,1966.219971,1982.849976,2929440000 +29-09-14,1978.959961,1981.280029,1964.040039,1977.800049,3094440000 +30-09-14,1978.209961,1985.170044,1968.959961,1972.290039,3951100000 +01-10-14,1971.439941,1971.439941,1941.719971,1946.160034,4188590000 +02-10-14,1945.829956,1952.319946,1926.030029,1946.170044,4012510000 +03-10-14,1948.119995,1971.189941,1948.119995,1967.900024,3560970000 +06-10-14,1970.01001,1977.839966,1958.430054,1964.819946,3358220000 +07-10-14,1962.359985,1962.359985,1934.869995,1935.099976,3687870000 +08-10-14,1935.550049,1970.359985,1925.25,1968.890015,4441890000 +09-10-14,1967.680054,1967.680054,1927.560059,1928.209961,4344020000 +10-10-14,1925.630005,1936.97998,1906.050049,1906.130005,4550540000 +13-10-14,1905.650024,1912.089966,1874.140015,1874.73999,4352580000 +14-10-14,1877.109985,1898.709961,1871.790039,1877.699951,4812010000 +15-10-14,1874.180054,1874.180054,1820.660034,1862.48999,6090800000 +16-10-14,1855.949951,1876.01001,1835.02002,1862.76001,5073150000 +17-10-14,1864.910034,1898.160034,1864.910034,1886.76001,4482120000 +20-10-14,1885.619995,1905.030029,1882.300049,1904.01001,3331210000 +21-10-14,1909.380005,1942.449951,1909.380005,1941.280029,3987090000 +22-10-14,1941.290039,1949.310059,1926.829956,1927.109985,3761930000 +23-10-14,1931.02002,1961.949951,1931.02002,1950.819946,3789250000 +24-10-14,1951.589966,1965.27002,1946.27002,1964.579956,3078380000 +27-10-14,1962.969971,1964.640015,1951.369995,1961.630005,3538860000 +28-10-14,1964.140015,1985.050049,1964.140015,1985.050049,3653260000 +29-10-14,1983.290039,1991.400024,1969.040039,1982.300049,3740350000 +30-10-14,1979.48999,1999.400024,1974.75,1994.650024,3586150000 +31-10-14,2001.199951,2018.189941,2001.199951,2018.050049,4292290000 +03-11-14,2018.209961,2024.459961,2013.680054,2017.810059,3555440000 +04-11-14,2015.810059,2015.97998,2001.01001,2012.099976,3956260000 +05-11-14,2015.290039,2023.77002,2014.420044,2023.569946,3766590000 +06-11-14,2023.329956,2031.609985,2015.859985,2031.209961,3669770000 +07-11-14,2032.359985,2034.26001,2025.069946,2031.920044,3704280000 +10-11-14,2032.01001,2038.699951,2030.170044,2038.26001,3284940000 +11-11-14,2038.199951,2041.280029,2035.280029,2039.680054,2958320000 +12-11-14,2037.75,2040.329956,2031.949951,2038.25,3246650000 +13-11-14,2039.209961,2046.180054,2030.439941,2039.329956,3455270000 +14-11-14,2039.73999,2042.219971,2035.199951,2039.819946,3227130000 +17-11-14,2038.290039,2043.069946,2034.459961,2041.319946,3152890000 +18-11-14,2041.47998,2056.080078,2041.47998,2051.800049,3416190000 +19-11-14,2051.159912,2052.139893,2040.369995,2048.719971,3390850000 +20-11-14,2045.869995,2053.840088,2040.48999,2052.75,3128290000 +21-11-14,2057.459961,2071.459961,2056.75,2063.5,3916420000 +24-11-14,2065.070068,2070.169922,2065.070068,2069.409912,3128060000 +25-11-14,2070.149902,2074.209961,2064.75,2067.030029,3392940000 +26-11-14,2067.360107,2073.290039,2066.620117,2072.830078,2745260000 +28-11-14,2074.780029,2075.76001,2065.060059,2067.560059,2504640000 +01-12-14,2065.780029,2065.780029,2049.570068,2053.439941,4159010000 +02-12-14,2053.77002,2068.77002,2053.77002,2066.550049,3686650000 +03-12-14,2067.449951,2076.280029,2066.649902,2074.330078,3612680000 +04-12-14,2073.639893,2077.340088,2062.340088,2071.919922,3408340000 +05-12-14,2072.780029,2079.469971,2070.810059,2075.370117,3419620000 +08-12-14,2074.840088,2075.780029,2054.27002,2060.310059,3800990000 +09-12-14,2056.550049,2060.600098,2034.170044,2059.820068,3970150000 +10-12-14,2058.860107,2058.860107,2024.26001,2026.140015,4114440000 +11-12-14,2027.920044,2055.530029,2027.920044,2035.329956,3917950000 +12-12-14,2030.359985,2032.25,2002.329956,2002.329956,4157650000 +15-12-14,2005.030029,2018.689941,1982.26001,1989.630005,4361990000 +16-12-14,1986.709961,2016.890015,1972.560059,1972.73999,4958680000 +17-12-14,1973.77002,2016.75,1973.77002,2012.890015,4942370000 +18-12-14,2018.97998,2061.22998,2018.97998,2061.22998,4703380000 +19-12-14,2061.040039,2077.850098,2061.030029,2070.649902,6465530000 +22-12-14,2069.280029,2078.76001,2069.280029,2078.540039,3369520000 +23-12-14,2081.47998,2086.72998,2079.77002,2082.169922,3043950000 +24-12-14,2083.25,2087.560059,2081.860107,2081.879883,1416980000 +26-12-14,2084.300049,2092.699951,2084.300049,2088.77002,1735230000 +29-12-14,2087.629883,2093.550049,2085.75,2090.570068,2452360000 +30-12-14,2088.48999,2088.48999,2079.530029,2080.350098,2440280000 +31-12-14,2082.110107,2085.580078,2057.939941,2058.899902,2606070000 +02-01-15,2058.899902,2072.360107,2046.040039,2058.199951,2708700000 +05-01-15,2054.439941,2054.439941,2017.339966,2020.579956,3799120000 +06-01-15,2022.150024,2030.25,1992.439941,2002.609985,4460110000 +07-01-15,2005.550049,2029.609985,2005.550049,2025.900024,3805480000 +08-01-15,2030.609985,2064.080078,2030.609985,2062.139893,3934010000 +09-01-15,2063.449951,2064.429932,2038.329956,2044.810059,3364140000 +12-01-15,2046.130005,2049.300049,2022.579956,2028.26001,3456460000 +13-01-15,2031.579956,2056.929932,2008.25,2023.030029,4107300000 +14-01-15,2018.400024,2018.400024,1988.439941,2011.27002,4378680000 +15-01-15,2013.75,2021.349976,1991.469971,1992.670044,4276720000 +16-01-15,1992.25,2020.459961,1988.119995,2019.420044,4056410000 +20-01-15,2020.76001,2028.939941,2004.48999,2022.550049,3944340000 +21-01-15,2020.189941,2038.290039,2012.040039,2032.119995,3730070000 +22-01-15,2034.300049,2064.620117,2026.380005,2063.149902,4176050000 +23-01-15,2062.97998,2062.97998,2050.540039,2051.820068,3573560000 +26-01-15,2050.419922,2057.620117,2040.969971,2057.090088,3465760000 +27-01-15,2047.859985,2047.859985,2019.910034,2029.550049,3329810000 +28-01-15,2032.339966,2042.48999,2001.48999,2002.160034,4067530000 +29-01-15,2002.449951,2024.640015,1989.180054,2021.25,4127140000 +30-01-15,2019.349976,2023.319946,1993.380005,1994.98999,4568650000 +02-02-15,1996.670044,2021.660034,1980.900024,2020.849976,4008330000 +03-02-15,2022.709961,2050.300049,2022.709961,2050.030029,4615900000 +04-02-15,2048.860107,2054.73999,2036.719971,2041.51001,4141920000 +05-02-15,2043.449951,2063.550049,2043.449951,2062.52002,3821990000 +06-02-15,2062.280029,2072.399902,2049.969971,2055.469971,4232970000 +09-02-15,2053.469971,2056.159912,2041.880005,2046.73999,3549540000 +10-02-15,2049.379883,2070.860107,2048.620117,2068.590088,3669850000 +11-02-15,2068.550049,2073.47998,2057.98999,2068.530029,3596860000 +12-02-15,2069.97998,2088.530029,2069.97998,2088.47998,3788350000 +13-02-15,2088.780029,2097.030029,2086.699951,2096.98999,3527450000 +17-02-15,2096.469971,2101.300049,2089.800049,2100.340088,3361750000 +18-02-15,2099.159912,2100.22998,2092.149902,2099.679932,3370020000 +19-02-15,2099.25,2102.129883,2090.790039,2097.449951,3247100000 +20-02-15,2097.649902,2110.610107,2085.439941,2110.300049,3281600000 +23-02-15,2109.830078,2110.050049,2103,2109.659912,3093680000 +24-02-15,2109.100098,2117.939941,2105.870117,2115.47998,3199840000 +25-02-15,2115.300049,2119.590088,2109.889893,2113.860107,3312340000 +26-02-15,2113.909912,2113.909912,2103.76001,2110.73999,3408690000 +27-02-15,2110.879883,2112.73999,2103.75,2104.5,3547380000 +02-03-15,2105.22998,2117.52002,2104.5,2117.389893,3409490000 +03-03-15,2115.76001,2115.76001,2098.26001,2107.780029,3262300000 +04-03-15,2107.719971,2107.719971,2094.48999,2098.530029,3421110000 +05-03-15,2098.540039,2104.25,2095.219971,2101.040039,3103030000 +06-03-15,2100.909912,2100.909912,2067.27002,2071.26001,3853570000 +09-03-15,2072.25,2083.48999,2072.209961,2079.429932,3349090000 +10-03-15,2076.139893,2076.139893,2044.160034,2044.160034,3668900000 +11-03-15,2044.689941,2050.080078,2039.689941,2040.23999,3406570000 +12-03-15,2041.099976,2066.409912,2041.099976,2065.949951,3405860000 +13-03-15,2064.560059,2064.560059,2041.170044,2053.399902,3498560000 +16-03-15,2055.350098,2081.409912,2055.350098,2081.189941,3295600000 +17-03-15,2080.590088,2080.590088,2065.080078,2074.280029,3221840000 +18-03-15,2072.840088,2106.850098,2061.22998,2099.5,4128210000 +19-03-15,2098.689941,2098.689941,2085.560059,2089.27002,3305220000 +20-03-15,2090.320068,2113.919922,2090.320068,2108.100098,5554120000 +23-03-15,2107.98999,2114.860107,2104.419922,2104.419922,3267960000 +24-03-15,2103.939941,2107.629883,2091.5,2091.5,3189820000 +25-03-15,2093.100098,2097.429932,2061.050049,2061.050049,3521140000 +26-03-15,2059.939941,2067.149902,2045.5,2056.149902,3510670000 +27-03-15,2055.780029,2062.830078,2052.959961,2061.02002,3008550000 +30-03-15,2064.110107,2088.969971,2064.110107,2086.23999,2917690000 +31-03-15,2084.050049,2084.050049,2067.040039,2067.889893,3376550000 +01-04-15,2067.629883,2067.629883,2048.379883,2059.689941,3543270000 +02-04-15,2060.030029,2072.169922,2057.320068,2066.959961,3095960000 +06-04-15,2064.870117,2086.98999,2056.52002,2080.620117,3302970000 +07-04-15,2080.790039,2089.810059,2076.100098,2076.330078,3065510000 +08-04-15,2076.939941,2086.689941,2073.300049,2081.899902,3265330000 +09-04-15,2081.290039,2093.310059,2074.290039,2091.179932,3172360000 +10-04-15,2091.51001,2102.610107,2091.51001,2102.060059,3156200000 +13-04-15,2102.030029,2107.649902,2092.330078,2092.429932,2908420000 +14-04-15,2092.280029,2098.620117,2083.23999,2095.840088,3301270000 +15-04-15,2097.820068,2111.909912,2097.820068,2106.629883,4013760000 +16-04-15,2105.959961,2111.300049,2100.02002,2104.98999,3434120000 +17-04-15,2102.580078,2102.580078,2072.370117,2081.179932,3627600000 +20-04-15,2084.110107,2103.939941,2084.110107,2100.399902,3000160000 +21-04-15,2102.820068,2109.639893,2094.379883,2097.290039,3243410000 +22-04-15,2098.27002,2109.97998,2091.050049,2107.959961,3348480000 +23-04-15,2107.209961,2120.48999,2103.189941,2112.929932,3636670000 +24-04-15,2112.800049,2120.919922,2112.800049,2117.689941,3375780000 +27-04-15,2119.290039,2125.919922,2107.040039,2108.919922,3438750000 +28-04-15,2108.350098,2116.040039,2094.889893,2114.76001,3546270000 +29-04-15,2112.48999,2113.649902,2097.409912,2106.850098,4074970000 +30-04-15,2105.52002,2105.52002,2077.590088,2085.51001,4509680000 +01-05-15,2087.379883,2108.409912,2087.379883,2108.290039,3379390000 +04-05-15,2110.22998,2120.949951,2110.22998,2114.48999,3091580000 +05-05-15,2112.629883,2115.23999,2088.459961,2089.459961,3793950000 +06-05-15,2091.26001,2098.419922,2067.929932,2080.149902,3792210000 +07-05-15,2079.959961,2092.899902,2074.98999,2088,3676640000 +08-05-15,2092.129883,2117.659912,2092.129883,2116.100098,3399440000 +11-05-15,2115.560059,2117.689941,2104.580078,2105.330078,2992670000 +12-05-15,2102.870117,2105.060059,2085.570068,2099.120117,3139520000 +13-05-15,2099.620117,2110.189941,2096.040039,2098.47998,3374260000 +14-05-15,2100.429932,2121.449951,2100.429932,2121.100098,3225740000 +15-05-15,2122.070068,2123.889893,2116.810059,2122.72998,3092080000 +18-05-15,2121.300049,2131.780029,2120.01001,2129.199951,2888190000 +19-05-15,2129.449951,2133.02002,2124.5,2127.830078,3296030000 +20-05-15,2127.790039,2134.719971,2122.590088,2125.850098,3025880000 +21-05-15,2125.550049,2134.280029,2122.949951,2130.820068,3070460000 +22-05-15,2130.360107,2132.149902,2126.060059,2126.060059,2571860000 +26-05-15,2125.340088,2125.340088,2099.179932,2104.199951,3342130000 +27-05-15,2105.129883,2126.219971,2105.129883,2123.47998,3127960000 +28-05-15,2122.27002,2122.27002,2112.860107,2120.790039,2980350000 +29-05-15,2120.659912,2120.659912,2104.889893,2107.389893,3927390000 +01-06-15,2108.639893,2119.149902,2102.540039,2111.72998,3011710000 +02-06-15,2110.409912,2117.590088,2099.139893,2109.600098,3049350000 +03-06-15,2110.639893,2121.919922,2109.610107,2114.070068,3099980000 +04-06-15,2112.350098,2112.889893,2093.22998,2095.840088,3200050000 +05-06-15,2095.090088,2100.98999,2085.669922,2092.830078,3243690000 +08-06-15,2092.340088,2093.01001,2079.110107,2079.280029,2917150000 +09-06-15,2079.070068,2085.620117,2072.139893,2080.149902,3034580000 +10-06-15,2081.120117,2108.5,2081.120117,2105.199951,3414320000 +11-06-15,2106.23999,2115.02002,2106.23999,2108.860107,3128600000 +12-06-15,2107.429932,2107.429932,2091.330078,2094.110107,2719400000 +15-06-15,2091.340088,2091.340088,2072.48999,2084.429932,3061570000 +16-06-15,2084.26001,2097.399902,2082.100098,2096.290039,2919900000 +17-06-15,2097.399902,2106.790039,2088.860107,2100.439941,3222240000 +18-06-15,2101.580078,2126.649902,2101.580078,2121.23999,3520360000 +19-06-15,2121.060059,2121.639893,2109.449951,2109.98999,4449810000 +22-06-15,2112.5,2129.870117,2112.5,2122.850098,3030020000 +23-06-15,2123.159912,2128.030029,2119.889893,2124.199951,3091190000 +24-06-15,2123.649902,2125.100098,2108.580078,2108.580078,3102480000 +25-06-15,2109.959961,2116.040039,2101.780029,2102.310059,3214610000 +26-06-15,2102.620117,2108.919922,2095.379883,2101.48999,5025470000 +29-06-15,2098.629883,2098.629883,2056.639893,2057.639893,3678960000 +30-06-15,2061.189941,2074.280029,2056.320068,2063.110107,4078540000 +01-07-15,2067,2082.780029,2067,2077.419922,3727260000 +02-07-15,2078.030029,2085.060059,2071.02002,2076.780029,2996540000 +06-07-15,2073.949951,2078.610107,2058.399902,2068.76001,3486360000 +07-07-15,2069.52002,2083.73999,2044.02002,2081.340088,4458660000 +08-07-15,2077.659912,2077.659912,2044.660034,2046.680054,3608780000 +09-07-15,2049.72998,2074.280029,2049.72998,2051.310059,3446810000 +10-07-15,2052.73999,2081.310059,2052.73999,2076.620117,3065070000 +13-07-15,2080.030029,2100.669922,2080.030029,2099.600098,3096730000 +14-07-15,2099.719971,2111.97998,2098.179932,2108.949951,3002120000 +15-07-15,2109.01001,2114.139893,2102.48999,2107.399902,3261810000 +16-07-15,2110.550049,2124.419922,2110.550049,2124.290039,3227080000 +17-07-15,2126.800049,2128.909912,2119.879883,2126.639893,3362750000 +20-07-15,2126.850098,2132.820068,2123.659912,2128.280029,3245870000 +21-07-15,2127.550049,2128.48999,2115.399902,2119.209961,3343690000 +22-07-15,2118.209961,2118.51001,2110,2114.149902,3694070000 +23-07-15,2114.159912,2116.870117,2098.629883,2102.149902,3772810000 +24-07-15,2102.23999,2106.01001,2077.090088,2079.649902,3870040000 +27-07-15,2078.189941,2078.189941,2063.52002,2067.639893,3836750000 +28-07-15,2070.75,2095.600098,2069.090088,2093.25,4117740000 +29-07-15,2094.699951,2110.600098,2094.080078,2108.570068,4038900000 +30-07-15,2106.780029,2110.47998,2094.969971,2108.629883,3579410000 +31-07-15,2111.600098,2114.23999,2102.070068,2103.840088,3681340000 +03-08-15,2104.48999,2105.699951,2087.310059,2098.040039,3476770000 +04-08-15,2097.679932,2102.51001,2088.600098,2093.320068,3546710000 +05-08-15,2095.27002,2112.659912,2095.27002,2099.840088,3968680000 +06-08-15,2100.75,2103.320068,2075.530029,2083.560059,4246570000 +07-08-15,2082.610107,2082.610107,2067.909912,2077.570068,3602320000 +10-08-15,2080.97998,2105.350098,2080.97998,2104.179932,3514460000 +11-08-15,2102.659912,2102.659912,2076.48999,2084.070068,3708880000 +12-08-15,2081.100098,2089.060059,2052.090088,2086.050049,4269130000 +13-08-15,2086.189941,2092.929932,2078.26001,2083.389893,3221300000 +14-08-15,2083.149902,2092.449951,2080.610107,2091.540039,2795590000 +17-08-15,2089.699951,2102.870117,2079.300049,2102.439941,2867690000 +18-08-15,2101.98999,2103.469971,2094.139893,2096.919922,2949990000 +19-08-15,2095.689941,2096.169922,2070.530029,2079.610107,3512920000 +20-08-15,2076.610107,2076.610107,2035.72998,2035.72998,3922470000 +21-08-15,2034.079956,2034.079956,1970.890015,1970.890015,5018240000 +24-08-15,1965.150024,1965.150024,1867.01001,1893.209961,6612690000 +25-08-15,1898.079956,1948.040039,1867.079956,1867.609985,5183560000 +26-08-15,1872.75,1943.089966,1872.75,1940.51001,5338250000 +27-08-15,1942.77002,1989.599976,1942.77002,1987.660034,5006390000 +28-08-15,1986.060059,1993.47998,1975.189941,1988.869995,3949080000 +31-08-15,1986.72998,1986.72998,1965.97998,1972.180054,3915100000 +01-09-15,1970.089966,1970.089966,1903.069946,1913.849976,4371850000 +02-09-15,1916.52002,1948.910034,1916.52002,1948.859985,3742620000 +03-09-15,1950.790039,1975.01001,1944.719971,1951.130005,3520700000 +04-09-15,1947.76001,1947.76001,1911.209961,1921.219971,3167090000 +08-09-15,1927.300049,1970.420044,1927.300049,1969.410034,3548650000 +09-09-15,1971.449951,1988.630005,1937.880005,1942.040039,3652120000 +10-09-15,1941.589966,1965.290039,1937.189941,1952.290039,3626320000 +11-09-15,1951.449951,1961.050049,1939.189941,1961.050049,3218590000 +14-09-15,1963.060059,1963.060059,1948.27002,1953.030029,3000200000 +15-09-15,1955.099976,1983.189941,1954.300049,1978.089966,3239860000 +16-09-15,1978.02002,1997.26001,1977.930054,1995.310059,3630680000 +17-09-15,1995.329956,2020.859985,1986.72998,1990.199951,4183790000 +18-09-15,1989.660034,1989.660034,1953.449951,1958.030029,6021240000 +21-09-15,1960.839966,1979.640015,1955.800049,1966.969971,3269350000 +22-09-15,1961.390015,1961.390015,1929.219971,1942.73999,3808260000 +23-09-15,1943.23999,1949.52002,1932.569946,1938.76001,3190530000 +24-09-15,1934.810059,1937.170044,1908.920044,1932.23999,4091530000 +25-09-15,1935.930054,1952.890015,1921.5,1931.339966,3721870000 +28-09-15,1929.180054,1929.180054,1879.209961,1881.77002,4326660000 +29-09-15,1881.900024,1899.47998,1871.910034,1884.089966,4132390000 +30-09-15,1887.140015,1920.530029,1887.140015,1920.030029,4525070000 +01-10-15,1919.650024,1927.209961,1900.699951,1923.819946,3983600000 +02-10-15,1921.77002,1951.359985,1893.699951,1951.359985,4378570000 +05-10-15,1954.329956,1989.170044,1954.329956,1987.050049,4334490000 +06-10-15,1986.630005,1991.619995,1971.98999,1979.920044,4202400000 +07-10-15,1982.339966,1999.310059,1976.439941,1995.829956,4666470000 +08-10-15,1994.01001,2016.5,1987.530029,2013.430054,3939140000 +09-10-15,2013.72998,2020.130005,2007.609985,2014.890015,3706900000 +12-10-15,2015.650024,2018.660034,2010.550049,2017.459961,2893250000 +13-10-15,2015,2022.339966,2001.780029,2003.689941,3401920000 +14-10-15,2003.660034,2009.560059,1990.72998,1994.23999,3644590000 +15-10-15,1996.469971,2024.150024,1996.469971,2023.859985,3746290000 +16-10-15,2024.369995,2033.540039,2020.459961,2033.109985,3595430000 +19-10-15,2031.72998,2034.449951,2022.310059,2033.660034,3287320000 +20-10-15,2033.130005,2039.119995,2026.609985,2030.77002,3331500000 +21-10-15,2033.469971,2037.969971,2017.219971,2018.939941,3627790000 +22-10-15,2021.880005,2055.199951,2021.880005,2052.51001,4430850000 +23-10-15,2058.189941,2079.73999,2058.189941,2075.149902,4108460000 +26-10-15,2075.080078,2075.139893,2066.530029,2071.179932,3385800000 +27-10-15,2068.75,2070.370117,2058.840088,2065.889893,4216880000 +28-10-15,2066.47998,2090.350098,2063.110107,2090.350098,4698110000 +29-10-15,2088.350098,2092.52002,2082.629883,2089.409912,4008940000 +30-10-15,2090,2094.320068,2079.340088,2079.360107,4256200000 +02-11-15,2080.76001,2106.199951,2080.76001,2104.050049,3760020000 +03-11-15,2102.629883,2116.47998,2097.51001,2109.790039,4272060000 +04-11-15,2110.600098,2114.590088,2096.97998,2102.310059,4078870000 +05-11-15,2101.679932,2108.780029,2090.409912,2099.929932,4051890000 +06-11-15,2098.600098,2101.909912,2083.73999,2099.199951,4369020000 +09-11-15,2096.560059,2096.560059,2068.23999,2078.580078,3882350000 +10-11-15,2077.189941,2083.669922,2069.909912,2081.719971,3821440000 +11-11-15,2083.409912,2086.939941,2074.850098,2075,3692410000 +12-11-15,2072.290039,2072.290039,2045.660034,2045.969971,4016370000 +13-11-15,2044.640015,2044.640015,2022.02002,2023.040039,4278750000 +16-11-15,2022.079956,2053.219971,2019.390015,2053.189941,3741240000 +17-11-15,2053.669922,2066.689941,2045.900024,2050.439941,4427350000 +18-11-15,2051.98999,2085.310059,2051.98999,2083.580078,3926390000 +19-11-15,2083.699951,2086.73999,2078.76001,2081.23999,3628110000 +20-11-15,2082.820068,2097.060059,2082.820068,2089.169922,3929600000 +23-11-15,2089.409912,2095.610107,2081.389893,2086.590088,3587980000 +24-11-15,2084.419922,2094.120117,2070.290039,2089.139893,3884930000 +25-11-15,2089.300049,2093,2086.300049,2088.870117,2852940000 +27-11-15,2088.820068,2093.290039,2084.129883,2090.110107,1466840000 +30-11-15,2090.949951,2093.810059,2080.409912,2080.409912,4275030000 +01-12-15,2082.929932,2103.370117,2082.929932,2102.629883,3712120000 +02-12-15,2101.709961,2104.27002,2077.110107,2079.51001,3950640000 +03-12-15,2080.709961,2085,2042.349976,2049.620117,4306490000 +04-12-15,2051.23999,2093.840088,2051.23999,2091.689941,4214910000 +07-12-15,2090.419922,2090.419922,2066.780029,2077.070068,4043820000 +08-12-15,2073.389893,2073.850098,2052.320068,2063.590088,4173570000 +09-12-15,2061.169922,2080.330078,2036.530029,2047.619995,4385250000 +10-12-15,2047.930054,2067.649902,2045.670044,2052.22998,3715150000 +11-12-15,2047.27002,2047.27002,2008.800049,2012.369995,4301060000 +14-12-15,2013.369995,2022.920044,1993.26001,2021.939941,4612440000 +15-12-15,2025.550049,2053.870117,2025.550049,2043.410034,4353540000 +16-12-15,2046.5,2076.719971,2042.430054,2073.070068,4635450000 +17-12-15,2073.76001,2076.370117,2041.660034,2041.890015,4327390000 +18-12-15,2040.810059,2040.810059,2005.329956,2005.550049,6683070000 +21-12-15,2010.27002,2022.900024,2005.930054,2021.150024,3760280000 +22-12-15,2023.150024,2042.73999,2020.48999,2038.969971,3520860000 +23-12-15,2042.199951,2064.72998,2042.199951,2064.290039,3484090000 +24-12-15,2063.52002,2067.360107,2058.72998,2060.98999,1411860000 +28-12-15,2057.77002,2057.77002,2044.199951,2056.5,2492510000 +29-12-15,2060.540039,2081.560059,2060.540039,2078.360107,2542000000 +30-12-15,2077.340088,2077.340088,2061.969971,2063.360107,2367430000 +31-12-15,2060.590088,2062.540039,2043.619995,2043.939941,2655330000 +04-01-16,2038.199951,2038.199951,1989.680054,2012.660034,4304880000 +05-01-16,2013.780029,2021.939941,2004.170044,2016.709961,3706620000 +06-01-16,2011.709961,2011.709961,1979.050049,1990.26001,4336660000 +07-01-16,1985.319946,1985.319946,1938.829956,1943.089966,5076590000 +08-01-16,1945.969971,1960.400024,1918.459961,1922.030029,4664940000 +11-01-16,1926.119995,1935.650024,1901.099976,1923.670044,4607290000 +12-01-16,1927.829956,1947.380005,1914.349976,1938.680054,4887260000 +13-01-16,1940.339966,1950.329956,1886.410034,1890.280029,5087030000 +14-01-16,1891.680054,1934.469971,1878.930054,1921.839966,5241110000 +15-01-16,1916.680054,1916.680054,1857.829956,1880.329956,5468460000 +19-01-16,1888.660034,1901.439941,1864.599976,1881.329956,4928350000 +20-01-16,1876.180054,1876.180054,1812.290039,1859.329956,6416070000 +21-01-16,1861.459961,1889.849976,1848.97998,1868.98999,5078810000 +22-01-16,1877.400024,1908.849976,1877.400024,1906.900024,4901760000 +25-01-16,1906.280029,1906.280029,1875.969971,1877.079956,4401380000 +26-01-16,1878.790039,1906.72998,1878.790039,1903.630005,4357940000 +27-01-16,1902.52002,1916.98999,1872.699951,1882.949951,4754040000 +28-01-16,1885.219971,1902.959961,1873.650024,1893.359985,4693010000 +29-01-16,1894,1940.23999,1894,1940.23999,5497570000 +01-02-16,1936.939941,1947.199951,1920.300049,1939.380005,4322530000 +02-02-16,1935.26001,1935.26001,1897.290039,1903.030029,4463190000 +03-02-16,1907.069946,1918.01001,1872.22998,1912.530029,5172950000 +04-02-16,1911.670044,1927.349976,1900.52002,1915.449951,5193320000 +05-02-16,1913.069946,1913.069946,1872.650024,1880.050049,4929940000 +08-02-16,1873.25,1873.25,1828.459961,1853.439941,5636460000 +09-02-16,1848.459961,1868.25,1834.939941,1852.209961,5183220000 +10-02-16,1857.099976,1881.599976,1850.319946,1851.859985,4471170000 +11-02-16,1847,1847,1810.099976,1829.079956,5500800000 +12-02-16,1833.400024,1864.780029,1833.400024,1864.780029,4696920000 +16-02-16,1871.439941,1895.77002,1871.439941,1895.579956,4570670000 +17-02-16,1898.800049,1930.680054,1898.800049,1926.819946,5011540000 +18-02-16,1927.569946,1930,1915.089966,1917.829956,4436490000 +19-02-16,1916.73999,1918.780029,1902.170044,1917.780029,4142850000 +22-02-16,1924.439941,1946.699951,1924.439941,1945.5,4054710000 +23-02-16,1942.380005,1942.380005,1919.439941,1921.27002,3890650000 +24-02-16,1917.560059,1932.079956,1891,1929.800049,4317250000 +25-02-16,1931.869995,1951.829956,1925.410034,1951.699951,4118210000 +26-02-16,1954.949951,1962.959961,1945.780029,1948.050049,4348510000 +29-02-16,1947.130005,1958.27002,1931.810059,1932.22998,4588180000 +01-03-16,1937.089966,1978.349976,1937.089966,1978.349976,4819750000 +02-03-16,1976.599976,1986.51001,1968.800049,1986.449951,4666610000 +03-03-16,1985.599976,1993.689941,1977.369995,1993.400024,5081700000 +04-03-16,1994.01001,2009.130005,1986.77002,1999.98999,6049930000 +07-03-16,1996.109985,2006.119995,1989.380005,2001.76001,4968180000 +08-03-16,1996.880005,1996.880005,1977.430054,1979.26001,4641650000 +09-03-16,1981.439941,1992.689941,1979.839966,1989.26001,4038120000 +10-03-16,1990.969971,2005.079956,1969.25,1989.569946,4376790000 +11-03-16,1994.709961,2022.369995,1994.709961,2022.189941,4078620000 +14-03-16,2019.27002,2024.569946,2012.050049,2019.640015,3487850000 +15-03-16,2015.27002,2015.939941,2005.22998,2015.930054,3560280000 +16-03-16,2014.23999,2032.02002,2010.040039,2027.219971,4057020000 +17-03-16,2026.900024,2046.23999,2022.160034,2040.589966,4530480000 +18-03-16,2041.160034,2052.360107,2041.160034,2049.580078,6503140000 +21-03-16,2047.880005,2053.909912,2043.140015,2051.600098,3376600000 +22-03-16,2048.639893,2056.600098,2040.569946,2049.800049,3418460000 +23-03-16,2048.550049,2048.550049,2034.859985,2036.709961,3639510000 +24-03-16,2032.47998,2036.040039,2022.48999,2035.939941,3407720000 +28-03-16,2037.890015,2042.670044,2031.959961,2037.050049,2809090000 +29-03-16,2035.75,2055.909912,2028.310059,2055.01001,3822330000 +30-03-16,2058.27002,2072.209961,2058.27002,2063.949951,3590310000 +31-03-16,2063.77002,2067.919922,2057.459961,2059.73999,3715280000 +01-04-16,2056.620117,2075.070068,2043.97998,2072.780029,3749990000 +04-04-16,2073.189941,2074.02002,2062.570068,2066.129883,3485710000 +05-04-16,2062.5,2062.5,2042.560059,2045.170044,4154920000 +06-04-16,2045.560059,2067.330078,2043.089966,2066.659912,3750800000 +07-04-16,2063.01001,2063.01001,2033.800049,2041.910034,3801250000 +08-04-16,2045.540039,2060.629883,2041.689941,2047.599976,3359530000 +11-04-16,2050.22998,2062.929932,2041.880005,2041.98999,3567840000 +12-04-16,2043.719971,2065.050049,2039.73999,2061.719971,4239740000 +13-04-16,2065.919922,2083.179932,2065.919922,2082.419922,4191830000 +14-04-16,2082.889893,2087.840088,2078.129883,2082.780029,3765870000 +15-04-16,2083.100098,2083.219971,2076.310059,2080.72998,3701450000 +18-04-16,2078.830078,2094.659912,2073.649902,2094.340088,3316880000 +19-04-16,2096.050049,2104.050049,2091.679932,2100.800049,3896830000 +20-04-16,2101.52002,2111.050049,2096.320068,2102.399902,4184880000 +21-04-16,2102.090088,2103.780029,2088.52002,2091.47998,4175290000 +22-04-16,2091.48999,2094.320068,2081.199951,2091.580078,3790580000 +25-04-16,2089.370117,2089.370117,2077.52002,2087.790039,3319740000 +26-04-16,2089.840088,2096.870117,2085.800049,2091.699951,3557190000 +27-04-16,2092.330078,2099.889893,2082.310059,2095.149902,4100110000 +28-04-16,2090.929932,2099.300049,2071.620117,2075.810059,4309840000 +29-04-16,2071.820068,2073.850098,2052.280029,2065.300049,4704720000 +02-05-16,2067.169922,2083.419922,2066.110107,2081.429932,3841110000 +03-05-16,2077.179932,2077.179932,2054.889893,2063.370117,4173390000 +04-05-16,2060.300049,2060.300049,2045.550049,2051.120117,4058560000 +05-05-16,2052.949951,2060.22998,2045.77002,2050.629883,4008530000 +06-05-16,2047.77002,2057.719971,2039.449951,2057.139893,3796350000 +09-05-16,2057.550049,2064.149902,2054.310059,2058.689941,3788620000 +10-05-16,2062.629883,2084.870117,2062.629883,2084.389893,3600200000 +11-05-16,2083.290039,2083.290039,2064.459961,2064.459961,3821980000 +12-05-16,2067.169922,2073.98999,2053.129883,2064.110107,3782390000 +13-05-16,2062.5,2066.790039,2043.130005,2046.609985,3579880000 +16-05-16,2046.530029,2071.879883,2046.530029,2066.659912,3501360000 +17-05-16,2065.040039,2065.689941,2040.819946,2047.209961,4108960000 +18-05-16,2044.380005,2060.610107,2034.48999,2047.630005,4101320000 +19-05-16,2044.209961,2044.209961,2025.910034,2040.040039,3846770000 +20-05-16,2041.880005,2058.350098,2041.880005,2052.320068,3507650000 +23-05-16,2052.22998,2055.580078,2047.26001,2048.040039,3055480000 +24-05-16,2052.649902,2079.669922,2052.649902,2076.060059,3627340000 +25-05-16,2078.929932,2094.72998,2078.929932,2090.540039,3859160000 +26-05-16,2091.439941,2094.300049,2087.080078,2090.100098,3230990000 +27-05-16,2090.060059,2099.060059,2090.060059,2099.060059,3079150000 +31-05-16,2100.129883,2103.47998,2088.659912,2096.949951,4514410000 +01-06-16,2093.939941,2100.969971,2085.100098,2099.330078,3525170000 +02-06-16,2097.709961,2105.26001,2088.590088,2105.26001,3632720000 +03-06-16,2104.070068,2104.070068,2085.360107,2099.129883,3627780000 +06-06-16,2100.830078,2113.360107,2100.830078,2109.409912,3442020000 +07-06-16,2110.179932,2119.219971,2110.179932,2112.129883,3534730000 +08-06-16,2112.709961,2120.550049,2112.709961,2119.120117,3562060000 +09-06-16,2115.649902,2117.639893,2107.72998,2115.47998,3290320000 +10-06-16,2109.570068,2109.570068,2089.959961,2096.070068,3515010000 +13-06-16,2091.75,2098.120117,2078.459961,2079.060059,3392030000 +14-06-16,2076.649902,2081.300049,2064.100098,2075.320068,3759770000 +15-06-16,2077.600098,2085.649902,2069.800049,2071.5,3544720000 +16-06-16,2066.360107,2079.620117,2050.370117,2077.98999,3628280000 +17-06-16,2078.199951,2078.199951,2062.840088,2071.219971,4952630000 +20-06-16,2075.580078,2100.659912,2075.580078,2083.25,3467440000 +21-06-16,2085.189941,2093.659912,2083.02002,2088.899902,3232880000 +22-06-16,2089.75,2099.709961,2084.360107,2085.449951,3168160000 +23-06-16,2092.800049,2113.320068,2092.800049,2113.320068,3297940000 +24-06-16,2103.810059,2103.810059,2032.569946,2037.410034,7597450000 +27-06-16,2031.449951,2031.449951,1991.680054,2000.540039,5431220000 +28-06-16,2006.670044,2036.089966,2006.670044,2036.089966,4385810000 +29-06-16,2042.689941,2073.129883,2042.689941,2070.77002,4241740000 +30-06-16,2073.169922,2098.939941,2070,2098.860107,4622820000 +01-07-16,2099.340088,2108.709961,2097.899902,2102.949951,3458890000 +05-07-16,2095.050049,2095.050049,2080.860107,2088.550049,3658380000 +06-07-16,2084.429932,2100.719971,2074.02002,2099.72998,3909380000 +07-07-16,2100.419922,2109.080078,2089.389893,2097.899902,3604550000 +08-07-16,2106.969971,2131.709961,2106.969971,2129.899902,3607500000 +11-07-16,2131.719971,2143.159912,2131.719971,2137.159912,3253340000 +12-07-16,2139.5,2155.399902,2139.5,2152.139893,4097820000 +13-07-16,2153.810059,2156.449951,2146.209961,2152.429932,3502320000 +14-07-16,2157.879883,2168.98999,2157.879883,2163.75,3465610000 +15-07-16,2165.129883,2169.050049,2155.790039,2161.73999,3122600000 +18-07-16,2162.040039,2168.350098,2159.629883,2166.889893,3009310000 +19-07-16,2163.790039,2164.629883,2159.01001,2163.780029,2968340000 +20-07-16,2166.100098,2175.629883,2164.889893,2173.02002,3211860000 +21-07-16,2172.909912,2174.560059,2159.75,2165.169922,3438900000 +22-07-16,2166.469971,2175.110107,2163.23999,2175.030029,3023280000 +25-07-16,2173.709961,2173.709961,2161.949951,2168.47998,3057240000 +26-07-16,2168.969971,2173.540039,2160.179932,2169.179932,3442350000 +27-07-16,2169.810059,2174.97998,2159.070068,2166.580078,3995500000 +28-07-16,2166.050049,2172.850098,2159.73999,2170.060059,3664240000 +29-07-16,2168.830078,2177.090088,2163.48999,2173.600098,4038840000 +01-08-16,2173.149902,2178.290039,2166.209961,2170.840088,3505990000 +02-08-16,2169.939941,2170.199951,2147.580078,2157.030029,3848750000 +03-08-16,2156.810059,2163.790039,2152.560059,2163.790039,3786530000 +04-08-16,2163.51001,2168.189941,2159.070068,2164.25,3709200000 +05-08-16,2168.790039,2182.870117,2168.790039,2182.870117,3663070000 +08-08-16,2183.76001,2185.439941,2177.850098,2180.889893,3327550000 +09-08-16,2182.23999,2187.659912,2178.610107,2181.73999,3334300000 +10-08-16,2182.810059,2183.409912,2172,2175.48999,3254950000 +11-08-16,2177.969971,2188.449951,2177.969971,2185.790039,3423160000 +12-08-16,2183.73999,2186.280029,2179.419922,2184.050049,3000660000 +15-08-16,2186.080078,2193.810059,2186.080078,2190.149902,3078530000 +16-08-16,2186.23999,2186.23999,2178.139893,2178.149902,3196400000 +17-08-16,2177.840088,2183.080078,2168.5,2182.219971,3388910000 +18-08-16,2181.899902,2187.030029,2180.459961,2187.02002,3300570000 +19-08-16,2184.23999,2185,2175.129883,2183.870117,3084800000 +22-08-16,2181.580078,2185.149902,2175.959961,2182.639893,2777550000 +23-08-16,2187.810059,2193.419922,2186.800049,2186.899902,3041490000 +24-08-16,2185.090088,2186.659912,2171.25,2175.439941,3148280000 +25-08-16,2173.290039,2179,2169.73999,2172.469971,2969310000 +26-08-16,2175.100098,2187.939941,2160.389893,2169.040039,3342340000 +29-08-16,2170.189941,2183.47998,2170.189941,2180.379883,2654780000 +30-08-16,2179.449951,2182.27002,2170.409912,2176.120117,3006800000 +31-08-16,2173.560059,2173.790039,2161.350098,2170.949951,3766390000 +01-09-16,2171.330078,2173.560059,2157.090088,2170.860107,3392120000 +02-09-16,2177.48999,2184.870117,2173.590088,2179.97998,3091120000 +06-09-16,2181.610107,2186.570068,2175.100098,2186.47998,3447650000 +07-09-16,2185.169922,2187.870117,2179.070068,2186.159912,3319420000 +08-09-16,2182.76001,2184.939941,2177.48999,2181.300049,3727840000 +09-09-16,2169.080078,2169.080078,2127.810059,2127.810059,4233960000 +12-09-16,2120.860107,2163.300049,2119.120117,2159.040039,4010480000 +13-09-16,2150.469971,2150.469971,2120.27002,2127.02002,4141670000 +14-09-16,2127.860107,2141.330078,2119.899902,2125.77002,3664100000 +15-09-16,2125.360107,2151.310059,2122.360107,2147.26001,3373720000 +16-09-16,2146.47998,2146.47998,2131.199951,2139.159912,5014360000 +19-09-16,2143.98999,2153.610107,2135.909912,2139.120117,3163000000 +20-09-16,2145.939941,2150.800049,2139.169922,2139.76001,3140730000 +21-09-16,2144.580078,2165.110107,2139.570068,2163.120117,3712090000 +22-09-16,2170.939941,2179.98999,2170.939941,2177.179932,3552830000 +23-09-16,2173.290039,2173.75,2163.969971,2164.689941,3317190000 +26-09-16,2158.540039,2158.540039,2145.040039,2146.100098,3216170000 +27-09-16,2146.040039,2161.129883,2141.550049,2159.929932,3437770000 +28-09-16,2161.850098,2172.399902,2151.790039,2171.370117,3891460000 +29-09-16,2168.899902,2172.669922,2145.199951,2151.129883,4249220000 +30-09-16,2156.51001,2175.300049,2156.51001,2168.27002,4173340000 +03-10-16,2164.330078,2164.409912,2154.77002,2161.199951,3137550000 +04-10-16,2163.370117,2165.459961,2144.01001,2150.48999,3750890000 +05-10-16,2155.149902,2163.949951,2155.149902,2159.72998,3906550000 +06-10-16,2158.219971,2162.929932,2150.280029,2160.77002,3461550000 +07-10-16,2164.189941,2165.860107,2144.850098,2153.73999,3619890000 +10-10-16,2160.389893,2169.600098,2160.389893,2163.659912,2916550000 +11-10-16,2161.350098,2161.560059,2128.840088,2136.72998,3438270000 +12-10-16,2137.669922,2145.360107,2132.77002,2139.179932,2977100000 +13-10-16,2130.26001,2138.189941,2114.719971,2132.550049,3580450000 +14-10-16,2139.679932,2149.189941,2132.97998,2132.97998,3228150000 +17-10-16,2132.949951,2135.610107,2124.429932,2126.5,2830390000 +18-10-16,2138.310059,2144.379883,2135.48999,2139.600098,3170000000 +19-10-16,2140.810059,2148.439941,2138.149902,2144.290039,3362670000 +20-10-16,2142.51001,2147.179932,2133.439941,2141.340088,3337170000 +21-10-16,2139.429932,2142.629883,2130.090088,2141.159912,3448850000 +24-10-16,2148.5,2154.790039,2146.909912,2151.330078,3357320000 +25-10-16,2149.719971,2151.439941,2141.929932,2143.159912,3751340000 +26-10-16,2136.969971,2145.72998,2131.590088,2139.429932,3775200000 +27-10-16,2144.060059,2147.129883,2132.52002,2133.040039,4204830000 +28-10-16,2132.22998,2140.719971,2119.360107,2126.409912,4019510000 +31-10-16,2129.780029,2133.25,2125.530029,2126.149902,3922400000 +01-11-16,2128.679932,2131.449951,2097.850098,2111.719971,4532160000 +02-11-16,2109.429932,2111.76001,2094,2097.939941,4248580000 +03-11-16,2098.800049,2102.560059,2085.22998,2088.659912,3886740000 +04-11-16,2083.790039,2099.070068,2083.790039,2085.179932,3837860000 +07-11-16,2100.590088,2132,2100.590088,2131.52002,3736060000 +08-11-16,2129.919922,2146.870117,2123.560059,2139.560059,3916930000 +09-11-16,2131.560059,2170.100098,2125.350098,2163.26001,6264150000 +10-11-16,2167.48999,2182.300049,2151.169922,2167.47998,6451640000 +11-11-16,2162.709961,2165.919922,2152.48999,2164.449951,4988050000 +14-11-16,2165.639893,2171.360107,2156.080078,2164.199951,5367200000 +15-11-16,2168.290039,2180.840088,2166.379883,2180.389893,4543860000 +16-11-16,2177.530029,2179.219971,2172.199951,2176.939941,3830590000 +17-11-16,2178.610107,2188.060059,2176.649902,2187.120117,3809160000 +18-11-16,2186.850098,2189.889893,2180.379883,2181.899902,3572400000 +21-11-16,2186.429932,2198.699951,2186.429932,2198.179932,3607010000 +22-11-16,2201.560059,2204.800049,2194.51001,2202.939941,3957940000 +23-11-16,2198.550049,2204.719971,2194.51001,2204.719971,3418640000 +25-11-16,2206.27002,2213.350098,2206.27002,2213.350098,1584600000 +28-11-16,2210.209961,2211.139893,2200.360107,2201.719971,3505650000 +29-11-16,2200.76001,2210.459961,2198.149902,2204.659912,3706560000 +30-11-16,2204.969971,2214.100098,2198.810059,2198.810059,5533980000 +01-12-16,2200.169922,2202.600098,2187.439941,2191.080078,5063740000 +02-12-16,2191.120117,2197.949951,2188.370117,2191.949951,3779500000 +05-12-16,2200.649902,2209.419922,2199.969971,2204.709961,3895230000 +06-12-16,2207.26001,2212.780029,2202.209961,2212.22998,3855320000 +07-12-16,2210.719971,2241.629883,2208.929932,2241.350098,4501820000 +08-12-16,2241.129883,2251.689941,2237.570068,2246.189941,4200580000 +09-12-16,2249.72998,2259.800049,2249.22998,2259.530029,3884480000 +12-12-16,2258.830078,2264.030029,2252.370117,2256.959961,4034510000 +13-12-16,2263.320068,2277.530029,2263.320068,2271.719971,3857590000 +14-12-16,2268.350098,2276.199951,2248.439941,2253.280029,4406970000 +15-12-16,2253.77002,2272.120117,2253.77002,2262.030029,4168200000 +16-12-16,2266.810059,2268.050049,2254.23999,2258.070068,5920340000 +19-12-16,2259.23999,2267.469971,2258.209961,2262.530029,3248370000 +20-12-16,2266.5,2272.560059,2266.139893,2270.76001,3298780000 +21-12-16,2270.540039,2271.22998,2265.149902,2265.179932,2852230000 +22-12-16,2262.929932,2263.179932,2256.080078,2260.959961,2876320000 +23-12-16,2260.25,2263.790039,2258.840088,2263.790039,2020550000 +27-12-16,2266.22998,2273.820068,2266.149902,2268.879883,1987080000 +28-12-16,2270.22998,2271.310059,2249.110107,2249.919922,2392360000 +29-12-16,2249.5,2254.51001,2244.560059,2249.26001,2336370000 +30-12-16,2251.610107,2253.580078,2233.620117,2238.830078,2670900000 +03-01-17,2251.570068,2263.879883,2245.129883,2257.830078,3770530000 +04-01-17,2261.600098,2272.820068,2261.600098,2270.75,3764890000 +05-01-17,2268.179932,2271.5,2260.449951,2269,3761820000 +06-01-17,2271.139893,2282.100098,2264.060059,2276.97998,3339890000 +09-01-17,2273.590088,2275.48999,2268.899902,2268.899902,3217610000 +10-01-17,2269.719971,2279.27002,2265.27002,2268.899902,3638790000 +11-01-17,2268.600098,2275.320068,2260.830078,2275.320068,3620410000 +12-01-17,2271.139893,2271.780029,2254.25,2270.439941,3462130000 +13-01-17,2272.73999,2278.679932,2271.51001,2274.639893,3081270000 +17-01-17,2269.139893,2272.080078,2262.810059,2267.889893,3584990000 +18-01-17,2269.139893,2272.01001,2263.350098,2271.889893,3315250000 +19-01-17,2271.899902,2274.330078,2258.409912,2263.689941,3165970000 +20-01-17,2269.959961,2276.959961,2265.01001,2271.310059,3524970000 +23-01-17,2267.780029,2271.780029,2257.02002,2265.199951,3152710000 +24-01-17,2267.879883,2284.629883,2266.679932,2280.070068,3810960000 +25-01-17,2288.879883,2299.550049,2288.879883,2298.370117,3846020000 +26-01-17,2298.629883,2300.98999,2294.080078,2296.679932,3610360000 +27-01-17,2299.02002,2299.02002,2291.620117,2294.689941,3135890000 +30-01-17,2286.01001,2286.01001,2268.040039,2280.899902,3591270000 +31-01-17,2274.02002,2279.090088,2267.209961,2278.870117,4087450000 +01-02-17,2285.590088,2289.139893,2272.439941,2279.550049,3916610000 +02-02-17,2276.689941,2283.969971,2271.649902,2280.850098,3807710000 +03-02-17,2288.540039,2298.310059,2287.879883,2297.419922,3597970000 +06-02-17,2294.280029,2296.179932,2288.570068,2292.560059,3109050000 +07-02-17,2295.870117,2299.399902,2290.159912,2293.080078,3448690000 +08-02-17,2289.550049,2295.909912,2285.379883,2294.669922,3609740000 +09-02-17,2296.699951,2311.080078,2296.610107,2307.870117,3677940000 +10-02-17,2312.27002,2319.22998,2311.100098,2316.100098,3475020000 +13-02-17,2321.719971,2331.580078,2321.419922,2328.25,3349730000 +14-02-17,2326.120117,2337.580078,2322.169922,2337.580078,3520910000 +15-02-17,2335.580078,2351.300049,2334.810059,2349.25,3775590000 +16-02-17,2349.639893,2351.310059,2338.870117,2347.219971,3672370000 +17-02-17,2343.01001,2351.159912,2339.580078,2351.159912,3513060000 +21-02-17,2354.909912,2366.709961,2354.909912,2365.379883,3579780000 +22-02-17,2361.110107,2365.129883,2358.340088,2362.820068,3468670000 +23-02-17,2367.5,2368.26001,2355.090088,2363.810059,4015260000 +24-02-17,2355.72998,2367.340088,2352.870117,2367.340088,3831570000 +27-02-17,2365.22998,2371.540039,2361.870117,2369.75,3582610000 +28-02-17,2366.080078,2367.790039,2358.959961,2363.639893,4210140000 +01-03-17,2380.129883,2400.97998,2380.129883,2395.959961,4345180000 +02-03-17,2394.75,2394.75,2380.169922,2381.919922,3821320000 +03-03-17,2380.919922,2383.889893,2375.389893,2383.120117,3555260000 +06-03-17,2375.22998,2378.800049,2367.97998,2375.310059,3232700000 +07-03-17,2370.73999,2375.120117,2365.51001,2368.389893,3518390000 +08-03-17,2369.810059,2373.090088,2361.01001,2362.97998,3812100000 +09-03-17,2363.48999,2369.080078,2354.540039,2364.870117,3716340000 +10-03-17,2372.52002,2376.860107,2363.040039,2372.600098,3432950000 +13-03-17,2371.560059,2374.419922,2368.52002,2373.469971,3133900000 +14-03-17,2368.550049,2368.550049,2358.179932,2365.449951,3172630000 +15-03-17,2370.340088,2390.01001,2368.939941,2385.26001,3906840000 +16-03-17,2387.709961,2388.100098,2377.179932,2381.379883,3365660000 +17-03-17,2383.709961,2385.709961,2377.639893,2378.25,5178040000 +20-03-17,2378.23999,2379.550049,2369.659912,2373.469971,3054930000 +21-03-17,2379.320068,2381.929932,2341.899902,2344.02002,4265590000 +22-03-17,2343,2351.810059,2336.449951,2348.449951,3572730000 +23-03-17,2345.969971,2358.919922,2342.129883,2345.959961,3260600000 +24-03-17,2350.419922,2356.219971,2335.73999,2343.97998,2975130000 +27-03-17,2329.110107,2344.899902,2322.25,2341.590088,3240230000 +28-03-17,2339.790039,2363.780029,2337.629883,2358.570068,3367780000 +29-03-17,2356.540039,2363.360107,2352.939941,2361.129883,3106940000 +30-03-17,2361.310059,2370.419922,2358.580078,2368.060059,3158420000 +31-03-17,2364.820068,2370.350098,2362.600098,2362.719971,3354110000 +03-04-17,2362.340088,2365.870117,2344.72998,2358.840088,3416400000 +04-04-17,2354.76001,2360.530029,2350.719971,2360.159912,3206240000 +05-04-17,2366.590088,2378.360107,2350.52002,2352.949951,3770520000 +06-04-17,2353.790039,2364.159912,2348.899902,2357.48999,3201920000 +07-04-17,2356.590088,2363.76001,2350.73999,2355.540039,3053150000 +10-04-17,2357.159912,2366.370117,2351.5,2357.159912,2785410000 +11-04-17,2353.919922,2355.219971,2337.25,2353.780029,3117420000 +12-04-17,2352.149902,2352.719971,2341.179932,2344.929932,3196950000 +13-04-17,2341.97998,2348.26001,2328.949951,2328.949951,3143890000 +17-04-17,2332.620117,2349.139893,2332.51001,2349.01001,2824710000 +18-04-17,2342.530029,2348.350098,2334.540039,2342.189941,3269840000 +19-04-17,2346.790039,2352.629883,2335.050049,2338.169922,3519900000 +20-04-17,2342.689941,2361.370117,2340.909912,2355.840088,3647420000 +21-04-17,2354.73999,2356.179932,2344.51001,2348.689941,3503360000 +24-04-17,2370.330078,2376.97998,2369.189941,2374.149902,3690650000 +25-04-17,2381.51001,2392.47998,2381.149902,2388.610107,3995240000 +26-04-17,2388.97998,2398.159912,2386.780029,2387.449951,4105920000 +27-04-17,2389.699951,2392.100098,2382.679932,2388.77002,4098460000 +28-04-17,2393.679932,2393.679932,2382.360107,2384.199951,3718270000 +01-05-17,2388.5,2394.48999,2384.830078,2388.330078,3199240000 +02-05-17,2391.050049,2392.929932,2385.820068,2391.169922,3813680000 +03-05-17,2386.5,2389.820068,2379.75,2388.129883,3893990000 +04-05-17,2389.790039,2391.429932,2380.350098,2389.52002,4362540000 +05-05-17,2392.370117,2399.290039,2389.379883,2399.290039,3540140000 +08-05-17,2399.939941,2401.360107,2393.919922,2399.379883,3429440000 +09-05-17,2401.580078,2403.870117,2392.439941,2396.919922,3653590000 +10-05-17,2396.790039,2399.73999,2392.790039,2399.629883,3643530000 +11-05-17,2394.840088,2395.719971,2381.73999,2394.439941,3727420000 +12-05-17,2392.439941,2392.439941,2387.189941,2390.899902,3305630000 +15-05-17,2393.97998,2404.050049,2393.939941,2402.320068,3473600000 +16-05-17,2404.550049,2405.77002,2396.050049,2400.669922,3420790000 +17-05-17,2382.949951,2384.870117,2356.209961,2357.030029,4163000000 +18-05-17,2354.689941,2375.73999,2352.719971,2365.719971,4319420000 +19-05-17,2371.370117,2389.060059,2370.429932,2381.72998,3825160000 +22-05-17,2387.209961,2395.459961,2386.919922,2394.02002,3172830000 +23-05-17,2397.040039,2400.850098,2393.879883,2398.419922,3213570000 +24-05-17,2401.409912,2405.580078,2397.98999,2404.389893,3389900000 +25-05-17,2409.540039,2418.709961,2408.01001,2415.070068,3535390000 +26-05-17,2414.5,2416.679932,2412.199951,2415.820068,2805040000 +30-05-17,2411.669922,2415.26001,2409.429932,2412.909912,3203160000 +31-05-17,2415.629883,2415.98999,2403.590088,2411.800049,4516110000 +01-06-17,2415.649902,2430.060059,2413.540039,2430.060059,3857140000 +02-06-17,2431.280029,2440.22998,2427.709961,2439.070068,3461680000 +05-06-17,2437.830078,2439.550049,2434.320068,2436.100098,2912600000 +06-06-17,2431.919922,2436.209961,2428.120117,2429.330078,3357840000 +07-06-17,2432.030029,2435.280029,2424.75,2433.139893,3572300000 +08-06-17,2434.27002,2439.27002,2427.939941,2433.790039,3728860000 +09-06-17,2436.389893,2446.199951,2415.699951,2431.77002,4027340000 +12-06-17,2425.879883,2430.379883,2419.969971,2429.389893,4027750000 +13-06-17,2434.149902,2441.48999,2431.280029,2440.350098,3275500000 +14-06-17,2443.75,2443.75,2428.340088,2437.919922,3555590000 +15-06-17,2424.139893,2433.949951,2418.530029,2432.459961,3353050000 +16-06-17,2431.23999,2433.149902,2422.879883,2433.149902,5284720000 +19-06-17,2442.550049,2453.820068,2441.790039,2453.459961,3264700000 +20-06-17,2450.659912,2450.659912,2436.600098,2437.030029,3416510000 +21-06-17,2439.310059,2442.22998,2430.73999,2435.610107,3594820000 +22-06-17,2437.399902,2441.620117,2433.27002,2434.5,3468210000 +23-06-17,2434.649902,2441.399902,2431.110107,2438.300049,5278330000 +26-06-17,2443.320068,2450.419922,2437.030029,2439.070068,3238970000 +27-06-17,2436.340088,2440.149902,2419.379883,2419.379883,3563910000 +28-06-17,2428.699951,2442.969971,2428.02002,2440.689941,3500800000 +29-06-17,2442.379883,2442.72998,2405.699951,2419.699951,3900280000 +30-06-17,2429.199951,2432.709961,2421.649902,2423.409912,3361590000 +03-07-17,2431.389893,2439.169922,2428.689941,2429.01001,1962290000 +05-07-17,2430.780029,2434.899902,2422.050049,2432.540039,3367220000 +06-07-17,2423.439941,2424.280029,2407.699951,2409.75,3364520000 +07-07-17,2413.52002,2426.919922,2413.52002,2425.179932,2901330000 +10-07-17,2424.51001,2432,2422.27002,2427.429932,2999130000 +11-07-17,2427.350098,2429.300049,2412.790039,2425.530029,3106750000 +12-07-17,2435.75,2445.76001,2435.75,2443.25,3171620000 +13-07-17,2444.98999,2449.320068,2441.689941,2447.830078,3067670000 +14-07-17,2449.159912,2463.540039,2446.689941,2459.27002,2736640000 +17-07-17,2459.5,2462.820068,2457.159912,2459.139893,2793170000 +18-07-17,2455.879883,2460.919922,2450.340088,2460.610107,2962130000 +19-07-17,2463.850098,2473.830078,2463.850098,2473.830078,3059760000 +20-07-17,2475.560059,2477.620117,2468.429932,2473.449951,3182780000 +21-07-17,2467.399902,2472.540039,2465.060059,2472.540039,3059570000 +24-07-17,2472.040039,2473.100098,2466.320068,2469.909912,3010240000 +25-07-17,2477.879883,2481.23999,2474.909912,2477.129883,4108060000 +26-07-17,2479.969971,2481.689941,2474.939941,2477.830078,3557020000 +27-07-17,2482.76001,2484.040039,2459.929932,2475.419922,3995520000 +28-07-17,2469.120117,2473.530029,2464.659912,2472.100098,3294770000 +31-07-17,2475.939941,2477.959961,2468.530029,2470.300049,3469210000 +01-08-17,2477.100098,2478.51001,2471.139893,2476.350098,3460860000 +02-08-17,2480.379883,2480.379883,2466.47998,2477.570068,3478580000 +03-08-17,2476.030029,2476.030029,2468.850098,2472.159912,3645020000 +04-08-17,2476.879883,2480,2472.080078,2476.830078,3235140000 +07-08-17,2477.139893,2480.949951,2475.879883,2480.909912,2931780000 +08-08-17,2478.350098,2490.870117,2470.320068,2474.919922,3344640000 +09-08-17,2465.350098,2474.409912,2462.080078,2474.02002,3308060000 +10-08-17,2465.379883,2465.379883,2437.75,2438.209961,3621070000 +11-08-17,2441.040039,2448.090088,2437.850098,2441.320068,3159930000 +14-08-17,2454.959961,2468.219971,2454.959961,2465.840088,2822550000 +15-08-17,2468.659912,2468.899902,2461.610107,2464.610107,2913100000 +16-08-17,2468.629883,2474.929932,2463.860107,2468.110107,2953650000 +17-08-17,2462.949951,2465.02002,2430.01001,2430.01001,3142620000 +18-08-17,2427.639893,2440.27002,2420.689941,2425.550049,3415680000 +21-08-17,2425.5,2430.580078,2417.350098,2428.370117,2788150000 +22-08-17,2433.75,2454.77002,2433.669922,2452.51001,2777490000 +23-08-17,2444.879883,2448.909912,2441.419922,2444.040039,2785290000 +24-08-17,2447.909912,2450.389893,2436.189941,2438.969971,2846590000 +25-08-17,2444.719971,2453.959961,2442.219971,2443.050049,2588780000 +28-08-17,2447.350098,2449.120117,2439.030029,2444.23999,2677700000 +29-08-17,2431.939941,2449.189941,2428.199951,2446.300049,2737580000 +30-08-17,2446.060059,2460.310059,2443.77002,2457.590088,2633660000 +31-08-17,2462.649902,2475.01001,2462.649902,2471.649902,3348110000 +01-09-17,2474.419922,2480.379883,2473.850098,2476.550049,2710730000 +05-09-17,2470.350098,2471.969971,2446.550049,2457.850098,3490260000 +06-09-17,2463.830078,2469.639893,2459.199951,2465.540039,3374410000 +07-09-17,2468.060059,2468.620117,2460.290039,2465.100098,3353930000 +08-09-17,2462.25,2467.110107,2459.399902,2461.429932,3302490000 +11-09-17,2474.52002,2488.949951,2474.52002,2488.110107,3291760000 +12-09-17,2491.939941,2496.77002,2490.370117,2496.47998,3230920000 +13-09-17,2493.889893,2498.370117,2492.139893,2498.370117,3368050000 +14-09-17,2494.560059,2498.429932,2491.350098,2495.620117,3414460000 +15-09-17,2495.669922,2500.22998,2493.159912,2500.22998,4853170000 +18-09-17,2502.51001,2508.320068,2499.919922,2503.870117,3194300000 +19-09-17,2506.290039,2507.840088,2503.189941,2506.649902,3249100000 +20-09-17,2506.840088,2508.850098,2496.669922,2508.23999,3530010000 +21-09-17,2507.159912,2507.159912,2499,2500.600098,2930860000 +22-09-17,2497.26001,2503.469971,2496.540039,2502.219971,2865960000 +25-09-17,2499.389893,2502.540039,2488.030029,2496.659912,3297890000 +26-09-17,2501.040039,2503.51001,2495.120117,2496.840088,3043110000 +27-09-17,2503.300049,2511.75,2495.909912,2507.040039,3456030000 +28-09-17,2503.409912,2510.810059,2502.929932,2510.060059,3168620000 +29-09-17,2509.959961,2519.439941,2507.98999,2519.360107,3211920000 +02-10-17,2521.199951,2529.22998,2520.399902,2529.120117,3199730000 +03-10-17,2530.340088,2535.129883,2528.850098,2534.580078,3068850000 +04-10-17,2533.47998,2540.530029,2531.800049,2537.73999,3017120000 +05-10-17,2540.860107,2552.51001,2540.02002,2552.070068,3045120000 +06-10-17,2547.439941,2549.409912,2543.790039,2549.330078,2884570000 +09-10-17,2551.389893,2551.820068,2541.600098,2544.72998,2483970000 +10-10-17,2549.98999,2555.22998,2544.860107,2550.639893,2960500000 +11-10-17,2550.620117,2555.23999,2547.949951,2555.23999,2976090000 +12-10-17,2552.879883,2555.330078,2548.310059,2550.929932,3151510000 +13-10-17,2555.659912,2557.649902,2552.090088,2553.169922,3149440000 +16-10-17,2555.570068,2559.469971,2552.639893,2557.639893,2916020000 +17-10-17,2557.169922,2559.709961,2554.689941,2559.360107,2889390000 +18-10-17,2562.870117,2564.110107,2559.669922,2561.26001,2998090000 +19-10-17,2553.389893,2562.360107,2547.919922,2562.100098,2990710000 +20-10-17,2567.560059,2575.439941,2567.560059,2575.209961,3384650000 +23-10-17,2578.080078,2578.290039,2564.330078,2564.97998,3211710000 +24-10-17,2568.659912,2572.179932,2565.580078,2569.129883,3427330000 +25-10-17,2566.52002,2567.399902,2544,2557.149902,3874510000 +26-10-17,2560.080078,2567.070068,2559.800049,2560.399902,3869050000 +27-10-17,2570.26001,2582.97998,2565.939941,2581.070068,3887110000 +30-10-17,2577.75,2580.030029,2568.25,2572.830078,3658870000 +31-10-17,2575.98999,2578.290039,2572.149902,2575.26001,3827230000 +01-11-17,2583.209961,2588.399902,2574.919922,2579.360107,3813180000 +02-11-17,2579.459961,2581.110107,2566.169922,2579.850098,4048270000 +03-11-17,2581.929932,2588.419922,2576.77002,2587.840088,3567710000 +06-11-17,2587.469971,2593.379883,2585.659912,2591.129883,3539080000 +07-11-17,2592.110107,2597.02002,2584.350098,2590.639893,3809650000 +08-11-17,2588.709961,2595.469971,2585.02002,2594.379883,3899360000 +09-11-17,2584,2586.5,2566.330078,2584.620117,3831610000 +10-11-17,2580.179932,2583.810059,2575.570068,2582.300049,3486910000 +13-11-17,2576.530029,2587.659912,2574.47998,2584.840088,3402930000 +14-11-17,2577.75,2579.659912,2566.560059,2578.870117,3641760000 +15-11-17,2569.449951,2572.840088,2557.449951,2564.620117,3558890000 +16-11-17,2572.949951,2590.090088,2572.949951,2585.639893,3312710000 +17-11-17,2582.939941,2583.959961,2577.620117,2578.850098,3300160000 +20-11-17,2579.48999,2584.639893,2578.23999,2582.139893,3003540000 +21-11-17,2589.169922,2601.189941,2589.169922,2599.030029,3332720000 +22-11-17,2600.310059,2600.939941,2595.22998,2597.080078,2762950000 +24-11-17,2600.419922,2604.209961,2600.419922,2602.419922,1349780000 +27-11-17,2602.659912,2606.409912,2598.870117,2601.419922,3006860000 +28-11-17,2605.939941,2627.689941,2605.439941,2627.040039,3488420000 +29-11-17,2627.820068,2634.889893,2620.320068,2626.070068,4078280000 +30-11-17,2633.929932,2657.73999,2633.929932,2647.580078,4938490000 +01-12-17,2645.100098,2650.620117,2605.52002,2642.219971,3942320000 +04-12-17,2657.189941,2665.189941,2639.030029,2639.439941,4023150000 +05-12-17,2639.780029,2648.719971,2627.72998,2629.570068,3539040000 +06-12-17,2626.23999,2634.409912,2624.75,2629.27002,3229000000 +07-12-17,2628.379883,2640.98999,2626.530029,2636.97998,3292400000 +08-12-17,2646.209961,2651.649902,2644.100098,2651.5,3106150000 +11-12-17,2652.189941,2660.330078,2651.469971,2659.98999,3091950000 +12-12-17,2661.72998,2669.719971,2659.780029,2664.110107,3555680000 +13-12-17,2667.590088,2671.879883,2662.850098,2662.850098,3542370000 +14-12-17,2665.870117,2668.090088,2652.01001,2652.01001,3430030000 +15-12-17,2660.629883,2679.629883,2659.139893,2675.810059,5723920000 +18-12-17,2685.919922,2694.969971,2685.919922,2690.159912,3724660000 +19-12-17,2692.709961,2694.439941,2680.73999,2681.469971,3368590000 +20-12-17,2688.179932,2691.01001,2676.110107,2679.25,3241030000 +21-12-17,2683.02002,2692.639893,2682.399902,2684.570068,3273390000 +22-12-17,2684.219971,2685.350098,2678.129883,2683.340088,2399830000 +26-12-17,2679.090088,2682.73999,2677.959961,2680.5,1968780000 +27-12-17,2682.100098,2685.639893,2678.909912,2682.620117,2202080000 +28-12-17,2686.100098,2687.659912,2682.689941,2687.540039,2153330000 +29-12-17,2689.149902,2692.120117,2673.610107,2673.610107,2443490000 +02-01-18,2683.72998,2695.889893,2682.360107,2695.810059,3367250000 +03-01-18,2697.850098,2714.370117,2697.77002,2713.060059,3538660000 +04-01-18,2719.310059,2729.290039,2719.070068,2723.98999,3695260000 +05-01-18,2731.330078,2743.449951,2727.919922,2743.149902,3236620000 +08-01-18,2742.669922,2748.51001,2737.600098,2747.709961,3242650000 +09-01-18,2751.149902,2759.139893,2747.860107,2751.290039,3453480000 +10-01-18,2745.550049,2750.800049,2736.060059,2748.22998,3576350000 +11-01-18,2752.969971,2767.560059,2752.780029,2767.560059,3641320000 +12-01-18,2770.179932,2787.850098,2769.639893,2786.23999,3573970000 +16-01-18,2798.959961,2807.540039,2768.639893,2776.419922,4325970000 +17-01-18,2784.98999,2807.040039,2778.379883,2802.560059,3778050000 +18-01-18,2802.399902,2805.830078,2792.560059,2798.030029,3681470000 +19-01-18,2802.600098,2810.330078,2798.080078,2810.300049,3639430000 +22-01-18,2809.159912,2833.030029,2808.120117,2832.969971,3471780000 +23-01-18,2835.050049,2842.23999,2830.590088,2839.129883,3519650000 +24-01-18,2845.419922,2852.969971,2824.810059,2837.540039,4014070000 +25-01-18,2846.23999,2848.560059,2830.939941,2839.25,3835150000 +26-01-18,2847.47998,2872.870117,2846.179932,2872.870117,3443230000 +29-01-18,2867.22998,2870.620117,2851.47998,2853.530029,3573830000 +30-01-18,2832.73999,2837.75,2818.27002,2822.429932,3990650000 +31-01-18,2832.409912,2839.26001,2813.040039,2823.810059,4261280000 +01-02-18,2816.449951,2835.959961,2812.699951,2821.97998,3938450000 +02-02-18,2808.919922,2808.919922,2759.969971,2762.129883,4301130000 +05-02-18,2741.060059,2763.389893,2638.169922,2648.939941,5283460000 +06-02-18,2614.780029,2701.040039,2593.070068,2695.139893,5891660000 +07-02-18,2690.949951,2727.669922,2681.330078,2681.659912,4626570000 +08-02-18,2685.01001,2685.27002,2580.560059,2581,5305440000 +09-02-18,2601.780029,2638.669922,2532.689941,2619.550049,5680070000 +12-02-18,2636.75,2672.610107,2622.449951,2656,4055790000 +13-02-18,2646.27002,2668.840088,2637.080078,2662.939941,3472870000 +14-02-18,2651.209961,2702.100098,2648.870117,2698.629883,4003740000 +15-02-18,2713.459961,2731.51001,2689.820068,2731.199951,3684910000 +16-02-18,2727.139893,2754.419922,2725.110107,2732.219971,3637460000 +20-02-18,2722.98999,2737.600098,2706.76001,2716.26001,3627610000 +21-02-18,2720.530029,2747.75,2701.290039,2701.330078,3779400000 +22-02-18,2710.419922,2731.26001,2697.77002,2703.959961,3701270000 +23-02-18,2715.800049,2747.76001,2713.73999,2747.300049,3189190000 +26-02-18,2757.370117,2780.639893,2753.780029,2779.600098,3424650000 +27-02-18,2780.449951,2789.149902,2744.219971,2744.280029,3745080000 +28-02-18,2753.780029,2761.52002,2713.540039,2713.830078,4230660000 +01-03-18,2715.219971,2730.889893,2659.649902,2677.669922,4503970000 +02-03-18,2658.889893,2696.25,2647.320068,2691.25,3882450000 +05-03-18,2681.060059,2728.090088,2675.75,2720.939941,3710810000 +06-03-18,2730.179932,2732.080078,2711.26001,2728.120117,3370690000 +07-03-18,2710.179932,2730.600098,2701.73999,2726.800049,3393270000 +08-03-18,2732.75,2740.449951,2722.649902,2738.969971,3212320000 +09-03-18,2752.909912,2786.570068,2751.540039,2786.570068,3364100000 +12-03-18,2790.540039,2796.97998,2779.26001,2783.02002,3185020000 +13-03-18,2792.310059,2801.899902,2758.679932,2765.310059,3301650000 +14-03-18,2774.060059,2777.110107,2744.379883,2749.47998,3391360000 +15-03-18,2754.27002,2763.030029,2741.469971,2747.330078,3500330000 +16-03-18,2750.570068,2761.850098,2749.969971,2752.01001,5372340000 +19-03-18,2741.379883,2741.379883,2694.590088,2712.919922,3302130000 +20-03-18,2715.050049,2724.219971,2710.050049,2716.939941,3261030000 +21-03-18,2714.98999,2739.139893,2709.790039,2711.929932,3415510000 +22-03-18,2691.360107,2695.679932,2641.590088,2643.689941,3739800000 +23-03-18,2646.709961,2657.669922,2585.889893,2588.26001,3815080000 +26-03-18,2619.350098,2661.360107,2601.810059,2658.550049,3511100000 +27-03-18,2667.570068,2674.780029,2596.120117,2612.620117,3706350000 +28-03-18,2611.300049,2632.649902,2593.060059,2605,3864500000 +29-03-18,2614.409912,2659.070068,2609.719971,2640.870117,3565990000 +02-04-18,2633.449951,2638.300049,2553.800049,2581.879883,3598520000 +03-04-18,2592.169922,2619.139893,2575.48999,2614.449951,3392810000 +04-04-18,2584.040039,2649.860107,2573.610107,2644.689941,3350340000 +05-04-18,2657.360107,2672.080078,2649.580078,2662.840088,3178970000 +06-04-18,2645.820068,2656.879883,2586.27002,2604.469971,3299700000 +09-04-18,2617.179932,2653.550049,2610.790039,2613.159912,3062960000 +10-04-18,2638.409912,2665.449951,2635.780029,2656.870117,3543930000 +11-04-18,2643.889893,2661.429932,2639.25,2642.189941,3020760000 +12-04-18,2653.830078,2674.719971,2653.830078,2663.98999,3021320000 +13-04-18,2676.899902,2680.26001,2645.050049,2656.300049,2960910000 +16-04-18,2670.100098,2686.48999,2665.159912,2677.840088,3019700000 +17-04-18,2692.73999,2713.340088,2692.050049,2706.389893,3234360000 +18-04-18,2710.110107,2717.48999,2703.629883,2708.639893,3383410000 +19-04-18,2701.159912,2702.840088,2681.899902,2693.129883,3349370000 +20-04-18,2692.560059,2693.939941,2660.610107,2670.139893,3388590000 +23-04-18,2675.399902,2682.860107,2657.98999,2670.290039,3017480000 +24-04-18,2680.800049,2683.550049,2617.320068,2634.560059,3706740000 +25-04-18,2634.919922,2645.300049,2612.669922,2639.399902,3499440000 +26-04-18,2651.649902,2676.47998,2647.159912,2666.939941,3665720000 +27-04-18,2675.469971,2677.350098,2659.01001,2669.909912,3219030000 +30-04-18,2682.51001,2682.870117,2648.040039,2648.050049,3734530000 +01-05-18,2642.959961,2655.27002,2625.409912,2654.800049,3559850000 +02-05-18,2654.23999,2660.870117,2631.699951,2635.669922,4010770000 +03-05-18,2628.080078,2637.139893,2594.620117,2629.72998,3851470000 +04-05-18,2621.449951,2670.929932,2615.320068,2663.419922,3327220000 +07-05-18,2680.340088,2683.350098,2664.699951,2672.629883,3237960000 +08-05-18,2670.26001,2676.340088,2655.199951,2671.919922,3717570000 +09-05-18,2678.120117,2701.27002,2674.139893,2697.790039,3909500000 +10-05-18,2705.02002,2726.110107,2704.540039,2723.070068,3333050000 +11-05-18,2722.699951,2732.860107,2717.449951,2727.719971,2862700000 +14-05-18,2738.469971,2742.100098,2725.469971,2730.129883,2972660000 +15-05-18,2718.590088,2718.590088,2701.909912,2711.449951,3290680000 +16-05-18,2712.620117,2727.76001,2712.169922,2722.459961,3202670000 +17-05-18,2719.709961,2731.959961,2711.360107,2720.129883,3475400000 +18-05-18,2717.350098,2719.5,2709.179932,2712.969971,3368690000 +21-05-18,2735.389893,2739.189941,2725.699951,2733.01001,3019890000 +22-05-18,2738.340088,2742.23999,2721.879883,2724.439941,3366310000 +23-05-18,2713.97998,2733.330078,2709.540039,2733.290039,3326290000 +24-05-18,2730.939941,2731.969971,2707.379883,2727.76001,3256030000 +25-05-18,2723.600098,2727.360107,2714.98999,2721.330078,2995260000 +29-05-18,2705.110107,2710.669922,2676.810059,2689.860107,3736890000 +30-05-18,2702.429932,2729.340088,2702.429932,2724.01001,3561050000 +31-05-18,2720.97998,2722.5,2700.679932,2705.27002,4235370000 +01-06-18,2718.699951,2736.929932,2718.699951,2734.620117,3684130000 +04-06-18,2741.669922,2749.159912,2740.540039,2746.870117,3376510000 +05-06-18,2748.459961,2752.610107,2739.51001,2748.800049,3517790000 +06-06-18,2753.25,2772.389893,2748.459961,2772.350098,3651640000 +07-06-18,2774.840088,2779.899902,2760.159912,2770.370117,3711330000 +08-06-18,2765.840088,2779.389893,2763.590088,2779.030029,3123210000 +11-06-18,2780.179932,2790.209961,2780.169922,2782,3232330000 +12-06-18,2785.600098,2789.800049,2778.780029,2786.850098,3401010000 +13-06-18,2787.939941,2791.469971,2774.649902,2775.629883,3779230000 +14-06-18,2783.209961,2789.060059,2776.52002,2782.48999,3526890000 +15-06-18,2777.780029,2782.810059,2761.72998,2779.659912,5428790000 +18-06-18,2765.790039,2774.98999,2757.120117,2773.75,3287150000 +19-06-18,2752.01001,2765.050049,2743.189941,2762.590088,3661470000 +20-06-18,2769.72998,2774.860107,2763.909912,2767.320068,3327600000 +21-06-18,2769.280029,2769.280029,2744.389893,2749.76001,3300060000 +22-06-18,2760.790039,2764.169922,2752.679932,2754.879883,5450550000 +25-06-18,2742.939941,2742.939941,2698.669922,2717.070068,3655080000 +26-06-18,2722.120117,2732.909912,2715.600098,2723.060059,3555090000 +27-06-18,2728.449951,2746.090088,2699.379883,2699.629883,3776090000 +28-06-18,2698.689941,2724.340088,2691.98999,2716.310059,3428140000 +29-06-18,2727.129883,2743.26001,2718.030029,2718.370117,3565620000 +02-07-18,2704.949951,2727.26001,2698.949951,2726.709961,3073650000 +03-07-18,2733.27002,2736.580078,2711.159912,2713.219971,1911470000 +05-07-18,2724.189941,2737.830078,2716.02002,2736.610107,2953420000 +06-07-18,2737.679932,2764.409912,2733.52002,2759.820068,2554780000 +09-07-18,2775.620117,2784.649902,2770.72998,2784.169922,3050040000 +10-07-18,2788.560059,2795.580078,2786.23999,2793.840088,3063850000 +11-07-18,2779.820068,2785.909912,2770.77002,2774.02002,2964740000 +12-07-18,2783.139893,2799.219971,2781.530029,2798.290039,2821690000 +13-07-18,2796.929932,2804.530029,2791.689941,2801.310059,2614000000 +16-07-18,2797.360107,2801.189941,2793.389893,2798.429932,2812230000 +17-07-18,2789.340088,2814.189941,2789.23999,2809.550049,3050730000 +18-07-18,2811.350098,2816.76001,2805.889893,2815.620117,3089780000 +19-07-18,2809.370117,2812.050049,2799.77002,2804.48999,3266700000 +20-07-18,2804.550049,2809.699951,2800.01001,2801.830078,3230210000 +23-07-18,2799.169922,2808.610107,2795.139893,2806.97998,2907430000 +24-07-18,2820.679932,2829.98999,2811.120117,2820.399902,3417530000 +25-07-18,2817.72998,2848.030029,2817.72998,2846.070068,3553010000 +26-07-18,2835.48999,2845.570068,2835.26001,2837.439941,3653330000 +27-07-18,2842.350098,2843.169922,2808.340088,2818.820068,3415710000 +30-07-18,2819,2821.73999,2798.110107,2802.600098,3245770000 +31-07-18,2809.72998,2824.459961,2808.060059,2816.290039,3892100000 +01-08-18,2821.169922,2825.830078,2805.850098,2813.360107,3496990000 +02-08-18,2800.47998,2829.909912,2796.340088,2827.219971,3467380000 +03-08-18,2829.620117,2840.379883,2827.370117,2840.350098,3030390000 +06-08-18,2840.290039,2853.290039,2835.97998,2850.399902,2874540000 +07-08-18,2855.919922,2863.429932,2855.919922,2858.449951,3162770000 +08-08-18,2856.790039,2862.439941,2853.090088,2857.699951,2972200000 +09-08-18,2857.189941,2862.47998,2851.97998,2853.580078,3047050000 +10-08-18,2838.899902,2842.199951,2825.810059,2833.280029,3256040000 +13-08-18,2835.459961,2843.399902,2819.879883,2821.929932,3158450000 +14-08-18,2827.879883,2843.110107,2826.580078,2839.959961,2976970000 +15-08-18,2827.949951,2827.949951,2802.48999,2818.370117,3645070000 +16-08-18,2831.439941,2850.48999,2831.439941,2840.689941,3219880000 +17-08-18,2838.320068,2855.629883,2833.72998,2850.129883,3024100000 +20-08-18,2853.929932,2859.76001,2850.620117,2857.050049,2748020000 +21-08-18,2861.51001,2873.22998,2861.320068,2862.959961,3147140000 +22-08-18,2860.98999,2867.540039,2856.050049,2861.820068,2689560000 +23-08-18,2860.290039,2868.780029,2854.030029,2856.97998,2713910000 +24-08-18,2862.350098,2876.159912,2862.350098,2874.689941,2596190000 +27-08-18,2884.689941,2898.25,2884.689941,2896.73999,2854080000 +28-08-18,2901.449951,2903.77002,2893.5,2897.52002,2683190000 +29-08-18,2900.620117,2916.5,2898.399902,2914.040039,2791860000 +30-08-18,2908.939941,2912.459961,2895.219971,2901.129883,2802180000 +31-08-18,2898.370117,2906.320068,2891.72998,2901.52002,2880260000 diff --git a/neural_network/lstm_stock/run.py b/neural_network/lstm_stock/run.py new file mode 100644 index 000000000000..d834d387e18b --- /dev/null +++ b/neural_network/lstm_stock/run.py @@ -0,0 +1,87 @@ + +import os +import json +import time +import math +import matplotlib.pyplot as plt +from core.data_processor import DataLoader +from core.model import Model + + +def plot_results(predicted_data, true_data): + fig = plt.figure(facecolor='white') + ax = fig.add_subplot(111) + ax.plot(true_data, label='True Data') + plt.plot(predicted_data, label='Prediction') + plt.legend() + plt.show() + + +def plot_results_multiple(predicted_data, true_data, prediction_len): + fig = plt.figure(facecolor='white') + ax = fig.add_subplot(111) + ax.plot(true_data, label='True Data') + # Pad the list of predictions to shift it in the graph to it's correct start + for i, data in enumerate(predicted_data): + padding = [None for p in range(i * prediction_len)] + plt.plot(padding + data, label='Prediction') + plt.legend() + plt.show() + + +def main(): + configs = json.load(open('config.json', 'r')) + if not os.path.exists(configs['model']['save_dir']): os.makedirs(configs['model']['save_dir']) + + data = DataLoader( + os.path.join('data', configs['data']['filename']), + configs['data']['train_test_split'], + configs['data']['columns'] + ) + + model = Model() + model.build_model(configs) + x, y = data.get_train_data( + seq_len=configs['data']['sequence_length'], + normalise=configs['data']['normalise'] + ) + + ''' + # in-memory training + model.train( + x, + y, + epochs = configs['training']['epochs'], + batch_size = configs['training']['batch_size'], + save_dir = configs['model']['save_dir'] + ) + ''' + # out-of memory generative training + steps_per_epoch = math.ceil((data.len_train - configs['data']['sequence_length']) / configs['training']['batch_size']) + model.train_generator( + data_gen=data.generate_train_batch( + seq_len=configs['data']['sequence_length'], + batch_size=configs['training']['batch_size'], + normalise=configs['data']['normalise'] + ), + epochs=configs['training']['epochs'], + batch_size=configs['training']['batch_size'], + steps_per_epoch=steps_per_epoch, + save_dir=configs['model']['save_dir'] + ) + + x_test, y_test = data.get_test_data( + seq_len=configs['data']['sequence_length'], + normalise=configs['data']['normalise'] + ) + + predictions = model.predict_sequences_multiple(x_test, configs['data']['sequence_length'], configs['data']['sequence_length']) + # predictions = model.predict_sequence_full(x_test, configs['data']['sequence_length']) + # predictions = model.predict_point_by_point(x_test) + + plot_results_multiple(predictions, y_test, configs['data']['sequence_length']) + # plot_results(predictions, y_test) + + +if __name__ == '__main__': + main()